From a285fad1ee237c79ae50a405a6193127ad908add Mon Sep 17 00:00:00 2001 From: dtomlinson Date: Mon, 4 Nov 2019 14:38:31 +0000 Subject: [PATCH] adding projects to repo --- .DS_Store | Bin 0 -> 8196 bytes .gitignore | 4 + .../neural_network_project-checkpoint.ipynb | 2296 + .../assets/Flowers.png | Bin 0 -> 731985 bytes .../assets/inference_example.png | Bin 0 -> 155735 bytes .../neural_network_project.ipynb | 2296 + Image Classifier (NN) (Udacity)/predict.py | 157 + Image Classifier (NN) (Udacity)/train.py | 220 + README.md | 68 +- .../finding_donors-checkpoint.ipynb | 2500 + Supervised Learning Project/README.md | 56 + .../__pycache__/visuals.cpython-37.pyc | Bin 0 -> 4620 bytes Supervised Learning Project/census.csv | 45223 ++++++++++++++++ .../example_submission.csv | 45223 ++++++++++++++++ .../finding_donors.ipynb | 2500 + Supervised Learning Project/test_census.csv | 45223 ++++++++++++++++ Supervised Learning Project/visuals.py | 143 + emojis/dev/emoji.py | 58 + emojis/dev/lists.py | 58 + emojis/emoji.py | 58 + emojis/readme.md | 96 + ...-scikit - Neural Network-checkpoint.ipynb | 1097 + .../Keras, MLP-scikit - Neural Network.ipynb | 1097 + .../67/28b1ecf3641cbadffd1ed056db496ad54cfb28 | 2 + .../74/801214438a6927c550468d0d1e1a0799ea4a91 | Bin 0 -> 61 bytes .../8b/7b27d670239a8d16ca2b3d384a7a0c305d2faf | Bin 0 -> 53 bytes splunk-dashboard-screenshot/.DS_Store | Bin 0 -> 6148 bytes splunk-dashboard-screenshot/__dev/notes.md | 19 + .../example_screenshot.png | Bin 0 -> 153026 bytes splunk-dashboard-screenshot/getDashboard.py | 72 + .../getDashboardFinal.py | 137 + splunk-dashboard-screenshot/screenshot.py | 6 + splunk-dashboard-screenshot/screenshotFull.py | 32 + vrops-api/.DS_Store | Bin 0 -> 6148 bytes vrops-api/.gitignore | 4 + .../__dev/__pycache__/vropsAPI.cpython-37.pyc | Bin 0 -> 18833 bytes vrops-api/__dev/devNotes.txt | 8 + vrops-api/__dev/notes.md | 23 + vrops-api/__dev/old/addhostcluster.py | 91 + vrops-api/__dev/old/authenticate.py | 22 + vrops-api/__dev/old/getHostInfo.py | 87 + vrops-api/__dev/old/getMetrics.py | 26 + vrops-api/__dev/old/getVms.py | 42 + vrops-api/__dev/old/getoutput.py | 134 + vrops-api/__dev/old/regex.py | 12 + .../__pycache__/vropsAPI.cpython-37.pyc | Bin 0 -> 18848 bytes vrops-api/__dev/spaghetti_code/redditHelp.py | 76 + .../__dev/spaghetti_code/spaghettiFixer.py | 65 + vrops-api/__dev/spaghetti_code/vropsAPI.py | 767 + vrops-api/__dev/vropsAPI.py | 767 + vrops-api/__pycache__/vropsAPI.cpython-37.pyc | Bin 0 -> 17495 bytes vrops-api/__pycache__/vropsAPI.cpython-38.pyc | Bin 0 -> 17660 bytes vrops-api/__todo/vrops.todo | 21 + vrops-api/approach1-output-example.json | 11770 ++++ vrops-api/approach1-vms-example.json | 1180 + vrops-api/approach1.py | 75 + vrops-api/approach2-output-example.json | 5566 ++ vrops-api/approach2.py | 62 + vrops-api/readme.md | 677 + vrops-api/requirements.txt | 7 + vrops-api/test.py | 75 + vrops-api/testingOutput.py | 64 + vrops-api/vropsAPI.py | 661 + .../Untitled-checkpoint.ipynb | 6 + vrops-api/workbooks/Untitled.ipynb | 316 + 65 files changed, 171244 insertions(+), 1 deletion(-) create mode 100644 .DS_Store create mode 100644 .gitignore create mode 100644 Image Classifier (NN) (Udacity)/.ipynb_checkpoints/neural_network_project-checkpoint.ipynb create mode 100644 Image Classifier (NN) (Udacity)/assets/Flowers.png create mode 100644 Image Classifier (NN) (Udacity)/assets/inference_example.png create mode 100644 Image Classifier (NN) (Udacity)/neural_network_project.ipynb create mode 100644 Image Classifier (NN) (Udacity)/predict.py create mode 100644 Image Classifier (NN) (Udacity)/train.py create mode 100644 Supervised Learning Project/.ipynb_checkpoints/finding_donors-checkpoint.ipynb create mode 100644 Supervised Learning Project/README.md create mode 100644 Supervised Learning Project/__pycache__/visuals.cpython-37.pyc create mode 100644 Supervised Learning Project/census.csv create mode 100644 Supervised Learning Project/example_submission.csv create mode 100644 Supervised Learning Project/finding_donors.ipynb create mode 100644 Supervised Learning Project/test_census.csv create mode 100644 Supervised Learning Project/visuals.py create mode 100644 emojis/dev/emoji.py create mode 100755 emojis/dev/lists.py create mode 100755 emojis/emoji.py create mode 100644 emojis/readme.md create mode 100644 jupyter-workbooks/.ipynb_checkpoints/Keras, MLP-scikit - Neural Network-checkpoint.ipynb create mode 100644 jupyter-workbooks/Keras, MLP-scikit - Neural Network.ipynb create mode 100644 objects/67/28b1ecf3641cbadffd1ed056db496ad54cfb28 create mode 100644 objects/74/801214438a6927c550468d0d1e1a0799ea4a91 create mode 100644 objects/8b/7b27d670239a8d16ca2b3d384a7a0c305d2faf create mode 100644 splunk-dashboard-screenshot/.DS_Store create mode 100644 splunk-dashboard-screenshot/__dev/notes.md create mode 100644 splunk-dashboard-screenshot/example_screenshot.png create mode 100644 splunk-dashboard-screenshot/getDashboard.py create mode 100644 splunk-dashboard-screenshot/getDashboardFinal.py create mode 100644 splunk-dashboard-screenshot/screenshot.py create mode 100644 splunk-dashboard-screenshot/screenshotFull.py create mode 100644 vrops-api/.DS_Store create mode 100755 vrops-api/.gitignore create mode 100644 vrops-api/__dev/__pycache__/vropsAPI.cpython-37.pyc create mode 100644 vrops-api/__dev/devNotes.txt create mode 100644 vrops-api/__dev/notes.md create mode 100644 vrops-api/__dev/old/addhostcluster.py create mode 100644 vrops-api/__dev/old/authenticate.py create mode 100644 vrops-api/__dev/old/getHostInfo.py create mode 100644 vrops-api/__dev/old/getMetrics.py create mode 100644 vrops-api/__dev/old/getVms.py create mode 100644 vrops-api/__dev/old/getoutput.py create mode 100644 vrops-api/__dev/old/regex.py create mode 100644 vrops-api/__dev/spaghetti_code/__pycache__/vropsAPI.cpython-37.pyc create mode 100644 vrops-api/__dev/spaghetti_code/redditHelp.py create mode 100644 vrops-api/__dev/spaghetti_code/spaghettiFixer.py create mode 100644 vrops-api/__dev/spaghetti_code/vropsAPI.py create mode 100644 vrops-api/__dev/vropsAPI.py create mode 100644 vrops-api/__pycache__/vropsAPI.cpython-37.pyc create mode 100644 vrops-api/__pycache__/vropsAPI.cpython-38.pyc create mode 100644 vrops-api/__todo/vrops.todo create mode 100644 vrops-api/approach1-output-example.json create mode 100644 vrops-api/approach1-vms-example.json create mode 100644 vrops-api/approach1.py create mode 100644 vrops-api/approach2-output-example.json create mode 100644 vrops-api/approach2.py create mode 100644 vrops-api/readme.md create mode 100644 vrops-api/requirements.txt create mode 100644 vrops-api/test.py create mode 100644 vrops-api/testingOutput.py create mode 100644 vrops-api/vropsAPI.py create mode 100644 vrops-api/workbooks/.ipynb_checkpoints/Untitled-checkpoint.ipynb create mode 100644 vrops-api/workbooks/Untitled.ipynb diff --git a/.DS_Store b/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..9c79e42102360bdee8309bb3365cd0f3ed1b2618 GIT binary patch literal 8196 zcmeHM(P|Sx6upzix`~Jpgcj<4#1GJOXNHh$TBssob#9nBvorV1B`aJAH2YzlXqAW@B*w}mWG5K6 zb6T*1sbQV~pD3bqE0%jfEQ1AaTVWNj3RnfK0#*U5z~7(%)@(NClyzUX+T1E&75Fa| z;OB#j#Mm%6(Wo9B$kY}9SVXlll(7#`9M@pO;6$UMqEEeh5QZwu7DH${+Ff=BHVjTQ zYB~u`Ct*ewW``ow=-|1^okT;U&8-4ffkg#)?O&!g9g(Di-2NR?NxVn<&F{(-`6|5n z)TJS1VD+d<12B7ZNC8j+XHNilGT#6B9)dyIHD?H)gKiw9S*`X}6qbq?mM=O^*(qNx zzxFzE;AMW+Pn&-4C0}j(Stl^%XHv$~vL8H;+Jl|SwMR0^{3vPn6gdjpaC!A2Ni%{`UqDQ(h2YS9zmErcqZIb>mpKOxNqX^m2Z zC`Oc@ybtNaeIdHVVPdHiYiJ6i>;0%ue}6kA@a31@!W xJjr;Kcae6H*w}BPQBjc1y$IlX`iCLPE?k+@FgVeO8kju@P%_xeD)2`Y_yL&~BY6M- literal 0 HcmV?d00001 diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..55fe0c2 --- /dev/null +++ b/.gitignore @@ -0,0 +1,4 @@ +symlink.sh +symlink.sh +symlink.sh +symlink.sh diff --git a/Image Classifier (NN) (Udacity)/.ipynb_checkpoints/neural_network_project-checkpoint.ipynb b/Image Classifier (NN) (Udacity)/.ipynb_checkpoints/neural_network_project-checkpoint.ipynb new file mode 100644 index 0000000..be6c5e9 --- /dev/null +++ b/Image Classifier (NN) (Udacity)/.ipynb_checkpoints/neural_network_project-checkpoint.ipynb @@ -0,0 +1,2296 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Developing an AI application\n", + "\n", + "Going forward, AI algorithms will be incorporated into more and more everyday applications. For example, you might want to include an image classifier in a smart phone app. To do this, you'd use a deep learning model trained on hundreds of thousands of images as part of the overall application architecture. A large part of software development in the future will be using these types of models as common parts of applications. \n", + "\n", + "In this project, you'll train an image classifier to recognize different species of flowers. You can imagine using something like this in a phone app that tells you the name of the flower your camera is looking at. In practice you'd train this classifier, then export it for use in your application. We'll be using [this dataset](http://www.robots.ox.ac.uk/~vgg/data/flowers/102/index.html) of 102 flower categories, you can see a few examples below. \n", + "\n", + "\n", + "\n", + "The project is broken down into multiple steps:\n", + "\n", + "* Load and preprocess the image dataset\n", + "* Train the image classifier on your dataset\n", + "* Use the trained classifier to predict image content\n", + "\n", + "We'll lead you through each part which you'll implement in Python.\n", + "\n", + "When you've completed this project, you'll have an application that can be trained on any set of labeled images. Here your network will be learning about flowers and end up as a command line application. But, what you do with your new skills depends on your imagination and effort in building a dataset. For example, imagine an app where you take a picture of a car, it tells you what the make and model is, then looks up information about it. Go build your own dataset and make something new.\n", + "\n", + "First up is importing the packages you'll need. It's good practice to keep all the imports at the beginning of your code. As you work through this notebook and find you need to import a package, make sure to add the import up here." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "# Imports here\n", + "%matplotlib inline \n", + "%config InlineBackend.figure_format = 'retina'\n", + "\n", + "import matplotlib.pyplot as plt\n", + "import torch\n", + "import numpy as np\n", + "from torch import nn\n", + "from torch import optim\n", + "from torchvision import datasets, models, transforms\n", + "import torch.nn.functional as F\n", + "import torch.utils.data \n", + "import pandas as pd\n", + "#import helper\n", + "from collections import OrderedDict\n", + "from PIL import Image\n", + "import seaborn as sns" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Load the data\n", + "\n", + "Here you'll use `torchvision` to load the data ([documentation](http://pytorch.org/docs/0.3.0/torchvision/index.html)). The data should be included alongside this notebook, otherwise you can [download it here](https://s3.amazonaws.com/content.udacity-data.com/nd089/flower_data.tar.gz). The dataset is split into three parts, training, validation, and testing. For the training, you'll want to apply transformations such as random scaling, cropping, and flipping. This will help the network generalize leading to better performance. You'll also need to make sure the input data is resized to 224x224 pixels as required by the pre-trained networks.\n", + "\n", + "The validation and testing sets are used to measure the model's performance on data it hasn't seen yet. For this you don't want any scaling or rotation transformations, but you'll need to resize then crop the images to the appropriate size.\n", + "\n", + "The pre-trained networks you'll use were trained on the ImageNet dataset where each color channel was normalized separately. For all three sets you'll need to normalize the means and standard deviations of the images to what the network expects. For the means, it's `[0.485, 0.456, 0.406]` and for the standard deviations `[0.229, 0.224, 0.225]`, calculated from the ImageNet images. These values will shift each color channel to be centered at 0 and range from -1 to 1.\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "data_dir = 'flowers'\n", + "train_dir = data_dir + '/train'\n", + "valid_dir = data_dir + '/valid'\n", + "test_dir = data_dir + '/test'" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "# TODO: Define your transforms for the training, validation, and testing sets\n", + "train_data_transforms = transforms.Compose ([transforms.RandomRotation (30),\n", + " transforms.RandomResizedCrop (224),\n", + " transforms.RandomHorizontalFlip (),\n", + " transforms.ToTensor (),\n", + " transforms.Normalize ([0.485, 0.456, 0.406],[0.229, 0.224, 0.225])\n", + " ])\n", + "\n", + "valid_data_transforms = transforms.Compose ([transforms.Resize (255),\n", + " transforms.CenterCrop (224),\n", + " transforms.ToTensor (),\n", + " transforms.Normalize ([0.485, 0.456, 0.406],[0.229, 0.224, 0.225])\n", + " ])\n", + "\n", + "test_data_transforms = transforms.Compose ([transforms.Resize (255),\n", + " transforms.CenterCrop (224),\n", + " transforms.ToTensor (),\n", + " transforms.Normalize ([0.485, 0.456, 0.406],[0.229, 0.224, 0.225])\n", + " ])\n", + "\n", + "# TODO: Load the datasets with ImageFolder\n", + "train_image_datasets = datasets.ImageFolder (train_dir, transform = train_data_transforms)\n", + "valid_image_datasets = datasets.ImageFolder (valid_dir, transform = valid_data_transforms)\n", + "test_image_datasets = datasets.ImageFolder (test_dir, transform = test_data_transforms)\n", + "\n", + "\n", + "# TODO: Using the image datasets and the trainforms, define the dataloaders\n", + "train_loader = torch.utils.data.DataLoader(train_image_datasets, batch_size = 64, shuffle = True)\n", + "valid_loader = torch.utils.data.DataLoader(valid_image_datasets, batch_size = 64, shuffle = True)\n", + "test_loader = torch.utils.data.DataLoader(test_image_datasets, batch_size = 64, shuffle = True)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "torch.Size([64, 3, 224, 224])" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "inputs, labels = next(iter(train_loader))\n", + "inputs [0,:]\n", + "inputs.size ()\n", + "#plt.imshow (inputs) #helper.imshow(image[0,:]);" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'1': 0,\n", + " '10': 1,\n", + " '100': 2,\n", + " '101': 3,\n", + " '102': 4,\n", + " '11': 5,\n", + " '12': 6,\n", + " '13': 7,\n", + " '14': 8,\n", + " '15': 9,\n", + " '16': 10,\n", + " '17': 11,\n", + " '18': 12,\n", + " '19': 13,\n", + " '2': 14,\n", + " '20': 15,\n", + " '21': 16,\n", + " '22': 17,\n", + " '23': 18,\n", + " '24': 19,\n", + " '25': 20,\n", + " '26': 21,\n", + " '27': 22,\n", + " '28': 23,\n", + " '29': 24,\n", + " '3': 25,\n", + " '30': 26,\n", + " '31': 27,\n", + " '32': 28,\n", + " '33': 29,\n", + " '34': 30,\n", + " '35': 31,\n", + " '36': 32,\n", + " '37': 33,\n", + " '38': 34,\n", + " '39': 35,\n", + " '4': 36,\n", + " '40': 37,\n", + " '41': 38,\n", + " '42': 39,\n", + " '43': 40,\n", + " '44': 41,\n", + " '45': 42,\n", + " '46': 43,\n", + " '47': 44,\n", + " '48': 45,\n", + " '49': 46,\n", + " '5': 47,\n", + " '50': 48,\n", + " '51': 49,\n", + " '52': 50,\n", + " '53': 51,\n", + " '54': 52,\n", + " '55': 53,\n", + " '56': 54,\n", + " '57': 55,\n", + " '58': 56,\n", + " '59': 57,\n", + " '6': 58,\n", + " '60': 59,\n", + " '61': 60,\n", + " '62': 61,\n", + " '63': 62,\n", + " '64': 63,\n", + " '65': 64,\n", + " '66': 65,\n", + " '67': 66,\n", + " '68': 67,\n", + " '69': 68,\n", + " '7': 69,\n", + " '70': 70,\n", + " '71': 71,\n", + " '72': 72,\n", + " '73': 73,\n", + " '74': 74,\n", + " '75': 75,\n", + " '76': 76,\n", + " '77': 77,\n", + " '78': 78,\n", + " '79': 79,\n", + " '8': 80,\n", + " '80': 81,\n", + " '81': 82,\n", + " '82': 83,\n", + " '83': 84,\n", + " '84': 85,\n", + " '85': 86,\n", + " '86': 87,\n", + " '87': 88,\n", + " '88': 89,\n", + " '89': 90,\n", + " '9': 91,\n", + " '90': 92,\n", + " '91': 93,\n", + " '92': 94,\n", + " '93': 95,\n", + " '94': 96,\n", + " '95': 97,\n", + " '96': 98,\n", + " '97': 99,\n", + " '98': 100,\n", + " '99': 101}" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_image_datasets.class_to_idx\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Label mapping\n", + "\n", + "You'll also need to load in a mapping from category label to category name. You can find this in the file `cat_to_name.json`. It's a JSON object which you can read in with the [`json` module](https://docs.python.org/2/library/json.html). This will give you a dictionary mapping the integer encoded categories to the actual names of the flowers." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'1': 'pink primrose',\n", + " '10': 'globe thistle',\n", + " '100': 'blanket flower',\n", + " '101': 'trumpet creeper',\n", + " '102': 'blackberry lily',\n", + " '11': 'snapdragon',\n", + " '12': \"colt's foot\",\n", + " '13': 'king protea',\n", + " '14': 'spear thistle',\n", + " '15': 'yellow iris',\n", + " '16': 'globe-flower',\n", + " '17': 'purple coneflower',\n", + " '18': 'peruvian lily',\n", + " '19': 'balloon flower',\n", + " '2': 'hard-leaved pocket orchid',\n", + " '20': 'giant white arum lily',\n", + " '21': 'fire lily',\n", + " '22': 'pincushion flower',\n", + " '23': 'fritillary',\n", + " '24': 'red ginger',\n", + " '25': 'grape hyacinth',\n", + " '26': 'corn poppy',\n", + " '27': 'prince of wales feathers',\n", + " '28': 'stemless gentian',\n", + " '29': 'artichoke',\n", + " '3': 'canterbury bells',\n", + " '30': 'sweet william',\n", + " '31': 'carnation',\n", + " '32': 'garden phlox',\n", + " '33': 'love in the mist',\n", + " '34': 'mexican aster',\n", + " '35': 'alpine sea holly',\n", + " '36': 'ruby-lipped cattleya',\n", + " '37': 'cape flower',\n", + " '38': 'great masterwort',\n", + " '39': 'siam tulip',\n", + " '4': 'sweet pea',\n", + " '40': 'lenten rose',\n", + " '41': 'barbeton daisy',\n", + " '42': 'daffodil',\n", + " '43': 'sword lily',\n", + " '44': 'poinsettia',\n", + " '45': 'bolero deep blue',\n", + " '46': 'wallflower',\n", + " '47': 'marigold',\n", + " '48': 'buttercup',\n", + " '49': 'oxeye daisy',\n", + " '5': 'english marigold',\n", + " '50': 'common dandelion',\n", + " '51': 'petunia',\n", + " '52': 'wild pansy',\n", + " '53': 'primula',\n", + " '54': 'sunflower',\n", + " '55': 'pelargonium',\n", + " '56': 'bishop of llandaff',\n", + " '57': 'gaura',\n", + " '58': 'geranium',\n", + " '59': 'orange dahlia',\n", + " '6': 'tiger lily',\n", + " '60': 'pink-yellow dahlia',\n", + " '61': 'cautleya spicata',\n", + " '62': 'japanese anemone',\n", + " '63': 'black-eyed susan',\n", + " '64': 'silverbush',\n", + " '65': 'californian poppy',\n", + " '66': 'osteospermum',\n", + " '67': 'spring crocus',\n", + " '68': 'bearded iris',\n", + " '69': 'windflower',\n", + " '7': 'moon orchid',\n", + " '70': 'tree poppy',\n", + " '71': 'gazania',\n", + " '72': 'azalea',\n", + " '73': 'water lily',\n", + " '74': 'rose',\n", + " '75': 'thorn apple',\n", + " '76': 'morning glory',\n", + " '77': 'passion flower',\n", + " '78': 'lotus lotus',\n", + " '79': 'toad lily',\n", + " '8': 'bird of paradise',\n", + " '80': 'anthurium',\n", + " '81': 'frangipani',\n", + " '82': 'clematis',\n", + " '83': 'hibiscus',\n", + " '84': 'columbine',\n", + " '85': 'desert-rose',\n", + " '86': 'tree mallow',\n", + " '87': 'magnolia',\n", + " '88': 'cyclamen',\n", + " '89': 'watercress',\n", + " '9': 'monkshood',\n", + " '90': 'canna lily',\n", + " '91': 'hippeastrum',\n", + " '92': 'bee balm',\n", + " '93': 'ball moss',\n", + " '94': 'foxglove',\n", + " '95': 'bougainvillea',\n", + " '96': 'camellia',\n", + " '97': 'mallow',\n", + " '98': 'mexican petunia',\n", + " '99': 'bromelia'}" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import json\n", + "\n", + "with open('cat_to_name.json', 'r') as f:\n", + " cat_to_name = json.load(f)\n", + " \n", + "len (cat_to_name)\n", + "cat_to_name" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Building and training the classifier\n", + "\n", + "Now that the data is ready, it's time to build and train the classifier. As usual, you should use one of the pretrained models from `torchvision.models` to get the image features. Build and train a new feed-forward classifier using those features.\n", + "\n", + "We're going to leave this part up to you. If you want to talk through it with someone, chat with your fellow students! You can also ask questions on the forums or join the instructors in office hours.\n", + "\n", + "Refer to [the rubric](https://review.udacity.com/#!/rubrics/1663/view) for guidance on successfully completing this section. Things you'll need to do:\n", + "\n", + "* Load a [pre-trained network](http://pytorch.org/docs/master/torchvision/models.html) (If you need a starting point, the VGG networks work great and are straightforward to use)\n", + "* Define a new, untrained feed-forward network as a classifier, using ReLU activations and dropout\n", + "* Train the classifier layers using backpropagation using the pre-trained network to get the features\n", + "* Track the loss and accuracy on the validation set to determine the best hyperparameters\n", + "\n", + "We've left a cell open for you below, but use as many as you need. Our advice is to break the problem up into smaller parts you can run separately. Check that each part is doing what you expect, then move on to the next. You'll likely find that as you work through each part, you'll need to go back and modify your previous code. This is totally normal!\n", + "\n", + "When training make sure you're updating only the weights of the feed-forward network. You should be able to get the validation accuracy above 70% if you build everything right. Make sure to try different hyperparameters (learning rate, units in the classifier, epochs, etc) to find the best model. Save those hyperparameters to use as default values in the next part of the project." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Downloading: \"https://download.pytorch.org/models/alexnet-owt-4df8aa71.pth\" to /root/.torch/models/alexnet-owt-4df8aa71.pth\n", + "100%|██████████| 244418560/244418560 [00:03<00:00, 64600296.19it/s]\n" + ] + }, + { + "data": { + "text/plain": [ + "AlexNet(\n", + " (features): Sequential(\n", + " (0): Conv2d(3, 64, kernel_size=(11, 11), stride=(4, 4), padding=(2, 2))\n", + " (1): ReLU(inplace)\n", + " (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (3): Conv2d(64, 192, kernel_size=(5, 5), stride=(1, 1), padding=(2, 2))\n", + " (4): ReLU(inplace)\n", + " (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (6): Conv2d(192, 384, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (7): ReLU(inplace)\n", + " (8): Conv2d(384, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (9): ReLU(inplace)\n", + " (10): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (11): ReLU(inplace)\n", + " (12): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " )\n", + " (classifier): Sequential(\n", + " (0): Dropout(p=0.5)\n", + " (1): Linear(in_features=9216, out_features=4096, bias=True)\n", + " (2): ReLU(inplace)\n", + " (3): Dropout(p=0.5)\n", + " (4): Linear(in_features=4096, out_features=4096, bias=True)\n", + " (5): ReLU(inplace)\n", + " (6): Linear(in_features=4096, out_features=1000, bias=True)\n", + " )\n", + ")" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# TODO: Build and train your network\n", + "model = models.alexnet (pretrained = True)\n", + "model\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "AlexNet(\n", + " (features): Sequential(\n", + " (0): Conv2d(3, 64, kernel_size=(11, 11), stride=(4, 4), padding=(2, 2))\n", + " (1): ReLU(inplace)\n", + " (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (3): Conv2d(64, 192, kernel_size=(5, 5), stride=(1, 1), padding=(2, 2))\n", + " (4): ReLU(inplace)\n", + " (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (6): Conv2d(192, 384, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (7): ReLU(inplace)\n", + " (8): Conv2d(384, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (9): ReLU(inplace)\n", + " (10): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (11): ReLU(inplace)\n", + " (12): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " )\n", + " (classifier): Sequential(\n", + " (fc1): Linear(in_features=9216, out_features=4096, bias=True)\n", + " (relu1): ReLU()\n", + " (dropout1): Dropout(p=0.3)\n", + " (fc2): Linear(in_features=4096, out_features=2048, bias=True)\n", + " (relu2): ReLU()\n", + " (dropout2): Dropout(p=0.3)\n", + " (fc3): Linear(in_features=2048, out_features=102, bias=True)\n", + " (output): LogSoftmax()\n", + " )\n", + ")" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# updating classifer in the network\n", + "for param in model.parameters(): \n", + " param.requires_grad = False\n", + "\n", + "classifier = nn.Sequential (OrderedDict ([\n", + " ('fc1', nn.Linear (9216, 4096)),\n", + " ('relu1', nn.ReLU ()),\n", + " ('dropout1', nn.Dropout (p = 0.3)),\n", + " ('fc2', nn.Linear (4096, 2048)),\n", + " ('relu2', nn.ReLU ()),\n", + " ('dropout2', nn.Dropout (p = 0.3)),\n", + " ('fc3', nn.Linear (2048, 102)),\n", + " ('output', nn.LogSoftmax (dim =1))\n", + " ]))\n", + "model.classifier = classifier\n", + "model" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "#initializing criterion and optimizer\n", + "criterion = nn.NLLLoss ()\n", + "optimizer = optim.Adam (model.classifier.parameters (), lr = 0.001)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "# Defining validation \n", + "def validation(model, valid_loader, criterion):\n", + " model.to ('cuda')\n", + " \n", + " valid_loss = 0\n", + " accuracy = 0\n", + " for inputs, labels in valid_loader:\n", + " \n", + " inputs, labels = inputs.to('cuda'), labels.to('cuda')\n", + " output = model.forward(inputs)\n", + " valid_loss += criterion(output, labels).item()\n", + "\n", + " ps = torch.exp(output)\n", + " equality = (labels.data == ps.max(dim=1)[1])\n", + " accuracy += equality.type(torch.FloatTensor).mean()\n", + " \n", + " return valid_loss, accuracy\n" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch: 1/7.. Training Loss: 4.534.. Valid Loss: 2.665.. Valid Accuracy: 34.654%\n", + "Epoch: 1/7.. Training Loss: 2.499.. Valid Loss: 1.467.. Valid Accuracy: 58.788%\n", + "Epoch: 2/7.. Training Loss: 0.851.. Valid Loss: 1.260.. Valid Accuracy: 64.726%\n", + "Epoch: 2/7.. Training Loss: 1.860.. Valid Loss: 1.090.. Valid Accuracy: 68.332%\n", + "Epoch: 2/7.. Training Loss: 1.745.. Valid Loss: 0.922.. Valid Accuracy: 74.885%\n", + "Epoch: 3/7.. Training Loss: 1.363.. Valid Loss: 0.932.. Valid Accuracy: 73.308%\n", + "Epoch: 3/7.. Training Loss: 1.560.. Valid Loss: 0.840.. Valid Accuracy: 76.312%\n", + "Epoch: 4/7.. Training Loss: 0.398.. Valid Loss: 0.936.. Valid Accuracy: 73.721%\n", + "Epoch: 4/7.. Training Loss: 1.416.. Valid Loss: 0.701.. Valid Accuracy: 79.611%\n", + "Epoch: 4/7.. Training Loss: 1.417.. Valid Loss: 0.775.. Valid Accuracy: 79.062%\n", + "Epoch: 5/7.. Training Loss: 0.997.. Valid Loss: 0.818.. Valid Accuracy: 77.942%\n", + "Epoch: 5/7.. Training Loss: 1.443.. Valid Loss: 0.683.. Valid Accuracy: 81.856%\n", + "Epoch: 6/7.. Training Loss: 0.163.. Valid Loss: 0.716.. Valid Accuracy: 80.947%\n", + "Epoch: 6/7.. Training Loss: 1.278.. Valid Loss: 0.717.. Valid Accuracy: 80.519%\n", + "Epoch: 6/7.. Training Loss: 1.361.. Valid Loss: 0.761.. Valid Accuracy: 79.144%\n", + "Epoch: 7/7.. Training Loss: 0.671.. Valid Loss: 0.629.. Valid Accuracy: 82.183%\n", + "Epoch: 7/7.. Training Loss: 1.218.. Valid Loss: 0.677.. Valid Accuracy: 82.529%\n", + "Epoch: 7/7.. Training Loss: 1.246.. Valid Loss: 0.627.. Valid Accuracy: 83.659%\n" + ] + } + ], + "source": [ + "#training a model\n", + "\n", + "#change to cuda if enabled\n", + "model.to ('cuda')\n", + "epochs = 7\n", + "print_every = 40\n", + "steps = 0\n", + "\n", + "\n", + "for e in range (epochs): \n", + " running_loss = 0\n", + " for ii, (inputs, labels) in enumerate (train_loader):\n", + " steps += 1\n", + " \n", + " inputs, labels = inputs.to('cuda'), labels.to('cuda')\n", + " \n", + " optimizer.zero_grad () #where optimizer is working on classifier paramters only\n", + " \n", + " # Forward and backward passes\n", + " outputs = model.forward (inputs) #calculating output\n", + " loss = criterion (outputs, labels) #calculating loss\n", + " loss.backward () \n", + " optimizer.step () #performs single optimization step \n", + " \n", + " running_loss += loss.item () # loss.item () returns scalar value of Loss function\n", + " \n", + " if steps % print_every == 0:\n", + " model.eval () #switching to evaluation mode so that dropout is turned off\n", + " \n", + " # Turn off gradients for validation, saves memory and computations\n", + " with torch.no_grad():\n", + " valid_loss, accuracy = validation(model, valid_loader, criterion)\n", + " \n", + " print(\"Epoch: {}/{}.. \".format(e+1, epochs),\n", + " \"Training Loss: {:.3f}.. \".format(running_loss/print_every),\n", + " \"Valid Loss: {:.3f}.. \".format(valid_loss/len(valid_loader)),\n", + " \"Valid Accuracy: {:.3f}%\".format(accuracy/len(valid_loader)*100))\n", + " \n", + " running_loss = 0\n", + " \n", + " # Make sure training is back on\n", + " model.train()\n", + " \n", + " \n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Testing your network\n", + "\n", + "It's good practice to test your trained network on test data, images the network has never seen either in training or validation. This will give you a good estimate for the model's performance on completely new images. Run the test images through the network and measure the accuracy, the same way you did validation. You should be able to reach around 70% accuracy on the test set if the model has been trained well." + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy of the network on test images: 73 %\n" + ] + }, + { + "data": { + "text/plain": [ + "819" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# TODO: Do validation on the test set\n", + "\n", + "ts_correct = 0\n", + "ts_total = 0\n", + "\n", + "with torch.no_grad ():\n", + " for data in test_loader:\n", + " inputs, labels = data\n", + " inputs, labels = inputs.to('cuda'), labels.to('cuda')\n", + " outputs = model (inputs)\n", + " _, predicted = torch.max (outputs.data,1)\n", + " ts_total += labels.size (0)\n", + " ts_correct += (predicted == labels).sum().item()\n", + "\n", + "print('Accuracy of the network on test images: %d %%' % (100 * ts_correct / ts_total))\n", + "ts_total\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "OrderedDict([('features.0.weight',\n", + " tensor([[[[ 0.1186, 0.0941, 0.0954, ..., 0.0558, 0.0216, 0.0500],\n", + " [ 0.0749, 0.0389, 0.0530, ..., 0.0257, -0.0113, 0.0042],\n", + " [ 0.0754, 0.0388, 0.0549, ..., 0.0436, 0.0102, 0.0133],\n", + " ...,\n", + " [ 0.0932, 0.1037, 0.0675, ..., -0.2028, -0.1284, -0.1122],\n", + " [ 0.0435, 0.0649, 0.0362, ..., -0.2025, -0.1138, -0.1072],\n", + " [ 0.0474, 0.0625, 0.0248, ..., -0.1184, -0.0956, -0.0839]],\n", + " \n", + " [[-0.0726, -0.0580, -0.0807, ..., -0.0006, -0.0253, 0.0255],\n", + " [-0.0690, -0.0676, -0.0764, ..., -0.0040, -0.0304, 0.0105],\n", + " [-0.0995, -0.0856, -0.1052, ..., -0.0266, -0.0228, 0.0066],\n", + " ...,\n", + " [-0.1512, -0.0887, -0.0967, ..., 0.3085, 0.1810, 0.0843],\n", + " [-0.1431, -0.0757, -0.0722, ..., 0.2042, 0.1645, 0.0952],\n", + " [-0.0859, -0.0401, -0.0515, ..., 0.1635, 0.1482, 0.1020]],\n", + " \n", + " [[-0.0236, -0.0021, -0.0278, ..., 0.0399, -0.0071, 0.0322],\n", + " [ 0.0003, 0.0225, 0.0089, ..., 0.0188, -0.0142, 0.0183],\n", + " [ 0.0054, 0.0294, 0.0003, ..., 0.0121, -0.0025, 0.0084],\n", + " ...,\n", + " [-0.0628, -0.0117, -0.0621, ..., 0.1033, -0.0095, -0.0796],\n", + " [-0.0457, 0.0034, -0.0396, ..., -0.0264, -0.0335, -0.0764],\n", + " [-0.0187, 0.0114, -0.0397, ..., -0.0686, -0.0413, -0.0555]]],\n", + " \n", + " \n", + " [[[-0.0020, 0.0029, 0.0482, ..., 0.0614, 0.0261, 0.0196],\n", + " [-0.0126, -0.0049, 0.0185, ..., 0.0539, 0.0164, 0.0238],\n", + " [ 0.0037, -0.0008, 0.0264, ..., -0.0258, -0.0618, 0.0261],\n", + " ...,\n", + " [-0.0108, -0.0046, 0.0151, ..., 0.0296, 0.0053, 0.0686],\n", + " [ 0.0003, -0.0149, 0.0078, ..., 0.0272, -0.0181, 0.0525],\n", + " [-0.0525, -0.0466, -0.0110, ..., 0.0043, -0.0026, 0.0144]],\n", + " \n", + " [[ 0.0240, 0.0227, 0.0058, ..., 0.0072, -0.0247, 0.0447],\n", + " [ 0.0269, 0.0449, -0.0011, ..., 0.0442, -0.0212, 0.0645],\n", + " [ 0.0124, 0.0102, -0.0416, ..., -0.1213, -0.1629, 0.0263],\n", + " ...,\n", + " [ 0.0359, 0.0532, 0.0110, ..., 0.0127, -0.0297, 0.0859],\n", + " [ 0.0156, 0.0217, -0.0083, ..., -0.0033, -0.0541, 0.0576],\n", + " [ 0.0753, 0.0878, 0.0558, ..., 0.0528, 0.0106, 0.0935]],\n", + " \n", + " [[-0.0365, 0.0066, -0.0390, ..., -0.0157, -0.0800, -0.0009],\n", + " [-0.0052, 0.0574, 0.0090, ..., 0.0742, -0.0032, 0.0428],\n", + " [-0.0794, -0.0229, -0.0734, ..., -0.0567, -0.1292, 0.0189],\n", + " ...,\n", + " [-0.0394, 0.0310, -0.0279, ..., -0.0168, -0.1024, 0.0401],\n", + " [-0.0608, -0.0230, -0.0768, ..., -0.0791, -0.1619, -0.0137],\n", + " [ 0.0080, 0.0470, -0.0125, ..., -0.0470, -0.1008, 0.0198]]],\n", + " \n", + " \n", + " [[[-0.0517, 0.0138, 0.0091, ..., -0.0964, -0.1128, -0.2160],\n", + " [-0.0901, -0.0131, -0.0328, ..., -0.0753, -0.1480, -0.2997],\n", + " [-0.1316, -0.0427, -0.0477, ..., 0.2143, 0.0325, -0.1715],\n", + " ...,\n", + " [-0.1062, -0.0980, -0.2555, ..., 0.1228, 0.1929, 0.1267],\n", + " [-0.0808, -0.0615, -0.2231, ..., 0.0354, 0.1053, 0.1067],\n", + " [ 0.0382, 0.0500, -0.1280, ..., -0.0329, 0.0187, 0.0471]],\n", + " \n", + " [[ 0.0390, 0.0064, -0.0032, ..., -0.0212, 0.0405, 0.1109],\n", + " [ 0.0657, 0.0221, 0.0067, ..., -0.0394, 0.0277, 0.1140],\n", + " [ 0.0780, 0.0402, 0.0140, ..., -0.1542, -0.0923, 0.0345],\n", + " ...,\n", + " [ 0.1284, 0.0944, 0.1466, ..., -0.0601, -0.0909, -0.0611],\n", + " [ 0.1268, 0.1004, 0.1375, ..., -0.0225, -0.0667, -0.0199],\n", + " [ 0.0805, 0.0782, 0.0989, ..., 0.0093, -0.0346, -0.0124]],\n", + " \n", + " [[ 0.0115, -0.0270, 0.0148, ..., 0.0948, 0.1204, 0.1103],\n", + " [ 0.0093, -0.0267, 0.0122, ..., 0.0872, 0.1543, 0.1805],\n", + " [ 0.0699, 0.0132, 0.0480, ..., -0.0569, 0.0326, 0.1681],\n", + " ...,\n", + " [-0.0122, -0.0333, 0.1128, ..., -0.0677, -0.1024, -0.0762],\n", + " [-0.0060, -0.0286, 0.1164, ..., -0.0068, -0.0438, -0.0311],\n", + " [-0.1336, -0.1483, -0.0010, ..., 0.0188, -0.0065, -0.0271]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[ 0.0091, 0.0148, 0.0047, ..., 0.0155, -0.0006, -0.0199],\n", + " [ 0.0003, 0.0212, -0.0132, ..., 0.0024, -0.0058, -0.0204],\n", + " [-0.0111, 0.0101, -0.0296, ..., -0.0145, -0.0172, -0.0305],\n", + " ...,\n", + " [ 0.1001, 0.0914, 0.1308, ..., 0.1580, 0.0904, 0.0784],\n", + " [ 0.1161, 0.0818, 0.0829, ..., -0.0602, -0.0694, -0.0502],\n", + " [-0.1056, -0.1185, -0.1768, ..., -0.2084, -0.1804, -0.1669]],\n", + " \n", + " [[-0.0115, 0.0025, -0.0082, ..., -0.0076, -0.0174, -0.0170],\n", + " [-0.0027, -0.0114, -0.0061, ..., -0.0282, -0.0226, -0.0226],\n", + " [-0.0084, -0.0022, -0.0358, ..., -0.0185, -0.0198, -0.0250],\n", + " ...,\n", + " [ 0.1296, 0.0981, 0.1489, ..., 0.1566, 0.0795, 0.0969],\n", + " [ 0.1608, 0.1052, 0.1026, ..., -0.0652, -0.0643, -0.0391],\n", + " [-0.1288, -0.1466, -0.1948, ..., -0.2418, -0.2028, -0.1932]],\n", + " \n", + " [[-0.0054, -0.0018, 0.0043, ..., 0.0098, 0.0052, 0.0063],\n", + " [ 0.0093, 0.0016, -0.0022, ..., 0.0071, 0.0009, -0.0058],\n", + " [-0.0014, 0.0039, -0.0077, ..., 0.0031, 0.0150, -0.0082],\n", + " ...,\n", + " [ 0.0439, 0.0008, 0.0606, ..., 0.0748, 0.0440, 0.0561],\n", + " [ 0.1008, 0.0751, 0.1096, ..., 0.0050, 0.0108, 0.0134],\n", + " [-0.0888, -0.0728, -0.0929, ..., -0.0665, -0.0390, -0.0484]]],\n", + " \n", + " \n", + " [[[ 0.0046, 0.0469, -0.0161, ..., 0.0078, -0.0198, 0.0068],\n", + " [ 0.0628, 0.0451, 0.0472, ..., 0.0606, 0.0293, 0.0558],\n", + " [ 0.0037, 0.0130, 0.0000, ..., -0.0083, -0.0020, 0.0081],\n", + " ...,\n", + " [-0.0444, -0.0589, -0.0248, ..., -0.0284, -0.0309, -0.0529],\n", + " [-0.0098, -0.0432, 0.0090, ..., -0.0426, -0.0181, -0.0280],\n", + " [-0.0220, -0.0336, 0.0135, ..., -0.0415, -0.0178, -0.0520]],\n", + " \n", + " [[-0.0906, -0.0515, -0.1646, ..., -0.1197, -0.1115, -0.0439],\n", + " [ 0.0138, 0.0260, -0.0194, ..., 0.0238, 0.0064, 0.0543],\n", + " [-0.0932, -0.0475, -0.1127, ..., -0.0865, -0.0740, -0.0666],\n", + " ...,\n", + " [ 0.0274, 0.0103, 0.0439, ..., 0.0271, 0.0445, 0.0160],\n", + " [ 0.0984, 0.0614, 0.1141, ..., 0.0964, 0.1073, 0.0957],\n", + " [-0.0151, -0.0118, 0.0486, ..., 0.0291, 0.0563, -0.0022]],\n", + " \n", + " [[-0.1369, -0.0793, -0.2125, ..., -0.1363, -0.1512, -0.0639],\n", + " [ 0.0157, 0.0514, -0.0182, ..., 0.0491, 0.0196, 0.0781],\n", + " [-0.1713, -0.0887, -0.1747, ..., -0.1443, -0.1336, -0.1188],\n", + " ...,\n", + " [ 0.0520, 0.0159, 0.0700, ..., 0.0444, 0.0654, 0.0269],\n", + " [ 0.1314, 0.0913, 0.1623, ..., 0.1423, 0.1550, 0.1381],\n", + " [ 0.0038, -0.0204, 0.0787, ..., 0.0860, 0.1260, 0.0388]]],\n", + " \n", + " \n", + " [[[-0.0951, 0.0566, 0.1402, ..., -0.0148, 0.0104, -0.0038],\n", + " [ 0.0604, 0.1253, -0.1237, ..., 0.0786, -0.0106, -0.0222],\n", + " [ 0.1030, -0.1365, -0.1960, ..., -0.0519, -0.0833, 0.0397],\n", + " ...,\n", + " [-0.1860, 0.0155, 0.3391, ..., 0.2751, 0.1049, -0.1686],\n", + " [ 0.0683, 0.1399, 0.0114, ..., -0.0787, -0.2500, -0.0801],\n", + " [ 0.0052, -0.0684, -0.0919, ..., -0.1073, 0.0880, 0.1014]],\n", + " \n", + " [[-0.0988, 0.0626, 0.1150, ..., -0.0132, 0.0196, -0.0011],\n", + " [ 0.0832, 0.1030, -0.1542, ..., 0.1086, 0.0126, -0.0203],\n", + " [ 0.1125, -0.1693, -0.1888, ..., -0.0635, -0.0931, 0.0490],\n", + " ...,\n", + " [-0.1887, 0.0674, 0.4813, ..., 0.3137, 0.1607, -0.1345],\n", + " [ 0.1121, 0.2087, 0.0468, ..., -0.0070, -0.2298, -0.0695],\n", + " [ 0.0173, -0.0917, -0.1594, ..., -0.0804, 0.0800, 0.1182]],\n", + " \n", + " [[-0.1058, 0.0544, 0.1305, ..., -0.0395, 0.0119, -0.0028],\n", + " [ 0.0579, 0.1065, -0.1347, ..., 0.1064, 0.0184, -0.0013],\n", + " [ 0.1040, -0.1085, -0.1676, ..., -0.0426, -0.0859, 0.0526],\n", + " ...,\n", + " [-0.1824, 0.0542, 0.3940, ..., 0.2443, 0.1022, -0.1288],\n", + " [ 0.0857, 0.1838, 0.0503, ..., -0.0470, -0.2158, -0.0425],\n", + " [ 0.0396, -0.0764, -0.1350, ..., -0.0486, 0.1006, 0.0903]]]], device='cuda:0')),\n", + " ('features.0.bias',\n", + " tensor([-0.9705, -2.8070, -0.0371, -0.0795, -0.1159, 0.0252, -0.0752,\n", + " -1.4181, 1.6454, -0.0990, -0.0161, -0.1282, -0.0658, -0.0345,\n", + " -0.0743, -1.2977, -0.0505, 0.0121, -0.1013, -1.1887, -0.1380,\n", + " -0.0492, -0.0789, -0.0405, -0.0958, -0.0705, -1.9374, -0.0850,\n", + " -0.1388, -0.1968, -0.1279, -2.0095, -0.0476, -0.0604, -0.0351,\n", + " -0.3843, -2.7823, 0.6605, -0.1655, -2.1293, 0.0543, -0.0274,\n", + " -0.1703, -0.0593, -0.4215, -1.9394, -1.2094, 0.0153, -0.1081,\n", + " -0.0248, -0.1503, -1.8516, -0.0928, -0.0177, -0.0700, -0.0582,\n", + " -0.0630, -0.0721, -1.2678, -0.1176, -0.0441, -0.3259, 0.0507,\n", + " -0.0146], device='cuda:0')),\n", + " ('features.3.weight',\n", + " tensor([[[[ 3.6245e-03, 1.4335e-03, 3.7217e-02, -2.0926e-02, 1.8121e-03],\n", + " [ 2.4126e-02, -1.2056e-02, 7.1170e-02, -8.5224e-02, 1.3067e-02],\n", + " [ 2.0966e-02, -1.0623e-01, 2.1572e-02, -6.9547e-02, 3.1583e-02],\n", + " [-8.3392e-03, -3.9020e-02, -4.6621e-02, 2.2133e-02, -1.3252e-03],\n", + " [-1.5370e-02, 8.6569e-03, 3.1479e-02, 1.6698e-02, -4.7130e-03]],\n", + " \n", + " [[-5.4573e-03, -1.9087e-02, -3.2424e-02, -2.2006e-02, -1.2120e-02],\n", + " [-7.4972e-03, 3.0946e-02, 3.1899e-02, -7.6327e-03, -1.4720e-02],\n", + " [ 5.4830e-03, 8.0306e-02, 6.1262e-02, 1.3252e-02, 2.6240e-02],\n", + " [-2.6938e-02, 5.9188e-03, 3.8373e-02, -6.3116e-03, 3.9863e-03],\n", + " [ 2.0844e-03, -3.6292e-02, -2.1987e-03, -1.6570e-02, 5.6354e-03]],\n", + " \n", + " [[-1.2587e-02, -5.9436e-02, -9.6281e-02, 1.6745e-02, 4.7471e-02],\n", + " [-1.5036e-02, -1.1214e-01, -2.3924e-02, 3.3459e-02, 4.1306e-02],\n", + " [-1.3845e-02, 4.1235e-02, 2.1580e-01, 2.9520e-02, -5.8914e-02],\n", + " [ 1.2300e-02, 1.0087e-01, 2.1916e-02, -1.4008e-01, -3.1255e-02],\n", + " [ 3.7845e-02, 5.2634e-02, -8.0348e-03, -8.1815e-02, 1.4355e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.2711e-02, 2.5915e-02, 4.1726e-02, -1.3706e-02, 1.4752e-03],\n", + " [-1.0794e-02, 1.6434e-02, 8.1224e-02, -6.0144e-02, -5.1132e-02],\n", + " [-1.3769e-02, -5.3764e-02, 1.1054e-01, 3.8881e-03, -5.8872e-02],\n", + " [ 5.1748e-04, 2.3237e-02, 6.1570e-02, 5.5012e-02, -1.8824e-02],\n", + " [-4.0024e-03, 9.4621e-03, -2.7666e-02, -3.6102e-03, -6.4362e-03]],\n", + " \n", + " [[-9.5948e-04, -5.7705e-03, 4.5656e-02, 1.4085e-02, -4.3562e-02],\n", + " [-4.4058e-03, -3.2867e-02, 4.1615e-02, -1.0995e-02, 2.3037e-02],\n", + " [ 1.7953e-02, 5.5599e-03, -4.6110e-02, -6.3326e-02, 2.5256e-02],\n", + " [ 5.1608e-03, 4.1085e-02, 2.1804e-02, 1.9433e-02, 3.1380e-02],\n", + " [-2.9532e-02, -3.1130e-03, 5.4939e-02, 3.5771e-02, -3.1513e-03]],\n", + " \n", + " [[ 1.7368e-03, 1.5858e-02, -3.9606e-02, -8.6650e-02, 4.2392e-02],\n", + " [ 3.2755e-02, 2.0259e-02, 1.4398e-01, -1.5988e-01, -1.1522e-01],\n", + " [ 1.1646e-02, -1.3281e-01, 2.5051e-01, 1.9387e-01, -1.4720e-01],\n", + " [ 2.9876e-02, -7.6454e-02, -1.3301e-01, 1.2492e-01, 3.0456e-02],\n", + " [ 4.8693e-02, 7.8451e-02, -3.9283e-02, 4.8439e-03, 2.0383e-02]]],\n", + " \n", + " \n", + " [[[ 2.1691e-02, -4.7307e-02, 3.3946e-02, 6.8847e-03, 2.6204e-02],\n", + " [ 1.7683e-02, -5.2123e-02, -6.2835e-02, -3.3933e-02, 1.9128e-02],\n", + " [ 9.2291e-03, -2.8800e-02, -1.8724e-01, -1.9551e-02, -2.1082e-02],\n", + " [-1.4346e-02, 5.7543e-02, -4.1899e-02, 6.3682e-03, 4.2324e-04],\n", + " [ 1.2244e-02, 2.3090e-02, -2.2817e-02, 2.3080e-03, -6.4166e-03]],\n", + " \n", + " [[ 4.6469e-03, 7.4133e-03, -4.1122e-02, 2.9806e-02, -1.8110e-02],\n", + " [ 9.6099e-03, 3.9877e-02, -4.1848e-02, 6.9251e-03, -2.5908e-02],\n", + " [-1.0007e-02, 5.4747e-02, 2.6736e-02, 7.0483e-03, 2.6949e-02],\n", + " [-9.5527e-03, -3.6075e-02, 1.4897e-02, -1.2595e-02, -1.8202e-02],\n", + " [-1.4465e-04, -6.3873e-02, 5.8016e-02, 2.8762e-02, -9.7704e-04]],\n", + " \n", + " [[-4.5600e-02, 9.9321e-02, 2.0830e-02, -1.7641e-02, 4.3317e-03],\n", + " [-1.1306e-01, 1.0613e-01, 1.2299e-01, -1.5599e-02, 1.1943e-02],\n", + " [-8.6221e-02, 5.1575e-02, 2.8114e-01, 3.8475e-03, 3.9631e-02],\n", + " [ 2.7465e-02, -9.6338e-02, 1.6717e-01, 1.7882e-02, -3.1237e-02],\n", + " [ 3.8818e-02, -1.5017e-01, 9.5537e-02, 8.2108e-02, -2.6467e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 2.1779e-03, 8.2149e-03, 2.2985e-02, -4.9943e-03, -2.2914e-02],\n", + " [ 4.4609e-03, 4.6661e-02, 3.4394e-02, 5.2542e-02, -1.8957e-02],\n", + " [-1.4202e-02, 5.9543e-02, 6.0551e-03, 3.6463e-02, 3.2430e-04],\n", + " [-2.9488e-02, 4.5902e-02, 5.4980e-02, -2.6936e-03, 4.2663e-03],\n", + " [-2.9711e-02, -1.6390e-02, 3.4428e-02, -9.1090e-03, -9.7971e-03]],\n", + " \n", + " [[ 2.0002e-02, -4.4658e-03, -2.8359e-02, 7.4180e-03, -5.3517e-03],\n", + " [ 1.3052e-02, -2.9312e-02, -6.5957e-02, 3.1932e-02, -2.3129e-03],\n", + " [ 1.4003e-02, -5.7715e-02, -9.1541e-02, 2.8261e-03, 1.8726e-02],\n", + " [-1.8143e-02, -4.5023e-02, -9.9762e-03, 1.2348e-02, -1.4161e-03],\n", + " [ 3.3575e-03, 1.8285e-02, 1.2383e-02, -2.0430e-02, 2.4573e-02]],\n", + " \n", + " [[-5.4195e-03, 4.5804e-04, 1.7469e-02, -2.2458e-03, 1.7530e-03],\n", + " [-1.0281e-02, 3.1367e-02, -2.5485e-02, 1.2870e-02, -7.0466e-04],\n", + " [-6.3459e-03, 7.3701e-02, -2.9366e-02, 4.9803e-02, 2.5816e-02],\n", + " [-1.9934e-02, 3.8506e-02, 3.0833e-02, 2.5688e-03, -4.4185e-03],\n", + " [ 1.8114e-03, 2.3094e-02, 4.6518e-02, -3.3974e-02, -1.1660e-02]]],\n", + " \n", + " \n", + " [[[-1.0163e-02, -3.7849e-02, -4.6664e-02, -9.7829e-03, 3.7624e-02],\n", + " [ 1.4684e-01, -6.4947e-02, -3.7485e-02, -9.2710e-03, 2.3640e-02],\n", + " [ 1.8563e-02, -3.5328e-02, -9.6485e-03, 1.4210e-02, 2.7077e-02],\n", + " [-6.7717e-03, 2.8039e-03, 4.6860e-03, 4.7567e-03, -6.6633e-03],\n", + " [ 2.2155e-02, -1.2387e-03, 3.1133e-02, 3.1837e-02, 2.4495e-03]],\n", + " \n", + " [[ 2.2964e-02, -3.2592e-02, -1.7921e-02, 5.2390e-03, 3.7561e-03],\n", + " [ 3.8685e-02, -8.8764e-02, -5.3735e-02, -2.4427e-02, 1.7369e-02],\n", + " [ 5.5512e-02, -7.1237e-02, -6.5386e-02, -3.7746e-02, 7.1429e-03],\n", + " [ 3.1539e-02, -6.1858e-02, -7.4455e-02, -3.4278e-02, -9.2922e-03],\n", + " [ 4.5122e-02, -8.4307e-03, -2.0509e-02, -1.4743e-02, 1.0508e-03]],\n", + " \n", + " [[-9.5345e-03, -2.3179e-02, -1.4264e-02, -6.7151e-03, -2.8285e-02],\n", + " [ 1.6202e-01, -2.8234e-02, -2.4645e-02, -1.0152e-02, -2.4914e-02],\n", + " [ 8.9119e-02, -2.6843e-02, -3.7465e-02, -7.5062e-03, -1.9929e-03],\n", + " [-4.5296e-02, -1.7844e-02, -5.1039e-03, 1.7445e-02, 1.3994e-02],\n", + " [-2.0449e-02, -8.8112e-04, 1.3139e-02, 1.8497e-03, -5.4345e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 2.5179e-02, 8.3908e-03, -3.4752e-03, -6.7056e-03, 9.4571e-03],\n", + " [ 1.4773e-01, 1.8297e-02, -8.2707e-03, -2.6735e-03, -2.9689e-03],\n", + " [ 1.8945e-02, -2.4611e-02, -2.5792e-02, 5.7622e-03, 1.5490e-02],\n", + " [ 1.0744e-02, -2.2880e-03, 1.3852e-02, -3.0690e-03, -1.4038e-03],\n", + " [ 3.5738e-03, -1.7099e-02, -2.0962e-03, -5.2738e-04, -1.1953e-02]],\n", + " \n", + " [[-1.8036e-02, 5.5999e-03, -4.3933e-03, -6.4853e-03, 1.1134e-02],\n", + " [ 8.3012e-02, -8.5719e-02, -2.3690e-02, 2.7197e-02, 1.5338e-02],\n", + " [ 1.6264e-02, -5.0213e-02, -2.9401e-02, -6.0407e-04, 1.5086e-02],\n", + " [ 1.2260e-02, 6.5707e-03, -2.8775e-03, -2.0055e-02, 4.6619e-03],\n", + " [ 1.4575e-02, -9.5385e-03, -2.4609e-02, -2.4521e-03, 1.0301e-03]],\n", + " \n", + " [[-1.7248e-02, 7.3069e-03, 1.0429e-02, -1.4917e-02, -6.8504e-03],\n", + " [ 6.2874e-02, -3.2599e-02, 5.7802e-03, 1.4551e-02, -6.1276e-03],\n", + " [ 7.3852e-03, -6.0841e-02, -1.0494e-02, 3.6026e-03, -1.4746e-02],\n", + " [-1.7262e-02, 1.5815e-03, -2.3888e-02, -9.7895e-03, -7.4106e-03],\n", + " [ 6.9352e-03, 7.2060e-03, -1.9073e-02, -6.7136e-03, 6.1392e-03]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[ 1.7579e-02, 1.0168e-02, 4.4818e-02, -2.6664e-03, -2.2669e-02],\n", + " [-1.5147e-02, -3.2701e-02, 1.4564e-02, -1.2843e-02, -3.2623e-02],\n", + " [-3.0235e-02, -3.2706e-02, -3.4020e-02, -2.0842e-02, -3.2697e-02],\n", + " [-4.2032e-03, -3.4967e-03, -1.0389e-02, -9.6090e-03, -3.1508e-03],\n", + " [ 1.1118e-02, 8.8342e-03, 1.8196e-02, 7.5631e-03, 1.5709e-03]],\n", + " \n", + " [[-9.1671e-03, 1.0798e-03, -2.4020e-02, -1.7457e-02, -7.8634e-03],\n", + " [-1.5174e-02, 1.8126e-02, 1.3363e-02, 7.1205e-02, 5.8289e-02],\n", + " [-1.0982e-02, 1.5266e-02, -2.4875e-02, -4.0705e-03, -2.4844e-02],\n", + " [ 2.7485e-03, 1.6571e-02, -3.2608e-02, -5.6266e-02, -3.9944e-02],\n", + " [-4.9014e-04, 1.9889e-02, -3.3673e-03, -2.2187e-02, -9.5482e-03]],\n", + " \n", + " [[-2.6544e-02, -4.6466e-02, -1.1130e-01, -6.3725e-02, 2.4153e-02],\n", + " [-3.1451e-02, -4.6735e-02, -5.0069e-02, 3.6642e-02, 8.7667e-02],\n", + " [ 2.4192e-02, 2.9334e-02, 5.9852e-02, 4.2028e-02, -2.5984e-02],\n", + " [ 2.5426e-02, 1.8227e-02, 4.0526e-02, -8.6688e-03, -6.0653e-02],\n", + " [ 1.2664e-02, 1.5354e-02, 3.3492e-02, 1.3319e-02, -2.3908e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.5345e-02, -2.7450e-02, -3.7116e-02, 4.8070e-02, 1.0182e-02],\n", + " [-5.4621e-02, -6.3059e-02, -5.1834e-02, 6.4004e-02, 2.5790e-02],\n", + " [ 1.6780e-02, 1.3105e-02, -3.9535e-02, -1.2138e-03, 9.2518e-03],\n", + " [ 1.4997e-02, 1.2259e-02, -2.3395e-02, -2.8443e-02, 2.4942e-02],\n", + " [-4.0684e-03, 1.4466e-02, 6.2136e-03, -2.2554e-02, -2.0291e-03]],\n", + " \n", + " [[-3.5230e-02, 8.0857e-03, 2.3528e-02, -1.0179e-02, -2.1804e-03],\n", + " [-3.4595e-02, 3.9871e-03, 1.3592e-02, -7.9822e-02, -5.2531e-02],\n", + " [-3.2725e-02, 3.4170e-02, 2.6620e-02, -2.4204e-03, 2.4924e-02],\n", + " [ 1.8057e-02, 4.6391e-03, -1.2008e-02, 8.8407e-03, 1.9375e-02],\n", + " [-2.9099e-02, 1.2933e-04, -1.7477e-02, 4.3010e-02, 6.6167e-02]],\n", + " \n", + " [[ 4.6078e-02, 2.8413e-02, -2.6394e-02, 4.7513e-03, -7.6480e-02],\n", + " [ 7.5960e-02, 4.4307e-02, -5.8771e-02, 1.7854e-02, 9.6082e-02],\n", + " [ 5.8415e-02, 3.7583e-02, -6.7510e-02, -1.0312e-01, -2.3266e-02],\n", + " [ 4.3488e-02, 6.0671e-02, 6.2699e-02, 3.7197e-03, -5.8098e-02],\n", + " [ 7.3890e-05, 2.7182e-02, 4.3226e-02, 3.1200e-02, -5.9276e-03]]],\n", + " \n", + " \n", + " [[[ 2.5983e-02, -2.5757e-02, -2.7917e-02, -6.0154e-02, -2.1587e-02],\n", + " [ 5.8470e-03, -4.0597e-02, -9.7084e-02, -1.1321e-01, -4.5251e-02],\n", + " [-3.3056e-02, -1.7874e-02, -9.1402e-02, -1.0827e-01, -5.3423e-02],\n", + " [-1.4856e-02, -3.3450e-03, -2.7355e-02, -4.8538e-02, -4.1184e-02],\n", + " [ 9.0377e-04, -1.8180e-02, -3.1040e-02, -1.1854e-02, -2.6462e-02]],\n", + " \n", + " [[ 7.2521e-02, 1.6407e-02, -1.5754e-01, -8.8864e-02, -2.1638e-02],\n", + " [ 9.2281e-02, 8.5642e-02, -6.8582e-02, -7.8368e-02, -9.3343e-02],\n", + " [ 1.1667e-01, 1.4296e-01, 1.4621e-02, -6.6599e-02, -1.8653e-01],\n", + " [ 4.0418e-02, 8.7898e-02, 4.2521e-02, -8.9029e-03, -1.2440e-01],\n", + " [ 2.0246e-02, 6.5828e-02, 9.6516e-02, 5.8696e-02, -7.2705e-02]],\n", + " \n", + " [[-3.7801e-02, -1.1232e-02, -8.1927e-03, 1.2744e-02, 6.8491e-02],\n", + " [-4.4532e-03, -9.6229e-03, -3.2608e-02, 2.9350e-03, 3.7486e-02],\n", + " [ 3.3585e-02, 4.8458e-02, 2.6881e-02, -6.1178e-02, -2.1019e-02],\n", + " [-1.9669e-02, 6.9724e-03, 4.2018e-02, -4.3931e-02, -7.6382e-02],\n", + " [ 8.3337e-03, 2.5425e-03, 2.8063e-02, -3.4867e-02, -8.6687e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.2673e-02, -1.5327e-02, 1.6517e-02, 3.3334e-02, 1.3038e-02],\n", + " [ 1.6805e-03, -1.8921e-02, -3.6130e-02, 3.2359e-02, 5.0130e-02],\n", + " [-1.3607e-02, -3.3703e-02, -7.9256e-02, -5.1558e-03, 6.5082e-02],\n", + " [-1.3499e-03, 1.9183e-02, -1.2600e-03, -1.5375e-02, 9.9117e-03],\n", + " [-8.6383e-03, -6.4556e-03, 4.4472e-03, -7.7968e-04, 2.6764e-02]],\n", + " \n", + " [[-3.1357e-02, -6.5565e-02, -4.5553e-02, 2.9694e-02, 5.0477e-02],\n", + " [ 2.6388e-02, -6.5116e-03, -1.4299e-01, -2.9214e-02, 1.2134e-03],\n", + " [ 5.2430e-02, 6.1108e-02, -2.8583e-02, -1.0998e-01, -3.4642e-02],\n", + " [ 1.6018e-02, 3.1906e-02, 7.7014e-02, -1.1630e-02, -5.6960e-02],\n", + " [ 4.9326e-02, -1.5627e-02, 4.2784e-02, 3.7805e-02, -2.6815e-02]],\n", + " \n", + " [[ 9.0381e-03, 1.6271e-03, 9.9757e-03, 2.6084e-02, 6.8623e-03],\n", + " [ 1.0622e-02, -6.1560e-03, -9.2547e-03, 1.8062e-02, 2.2674e-02],\n", + " [ 2.8991e-02, 1.2231e-04, -1.6760e-02, -1.9807e-03, 3.1453e-02],\n", + " [ 1.8964e-02, 2.8631e-02, 5.8559e-04, -1.0603e-02, 1.1077e-02],\n", + " [ 5.4998e-03, -6.3534e-03, 2.9878e-03, -2.7331e-02, -2.4437e-02]]],\n", + " \n", + " \n", + " [[[ 7.0352e-03, -2.0708e-02, -1.9059e-02, -2.8221e-03, 9.0732e-03],\n", + " [-2.2202e-02, -3.6482e-02, -3.3435e-02, -2.0294e-02, -1.1695e-02],\n", + " [-7.7194e-03, -3.2950e-02, -5.5740e-02, -3.5089e-02, -1.5053e-02],\n", + " [-1.2823e-02, -3.5408e-02, -4.2076e-02, -1.6718e-02, -1.8323e-02],\n", + " [-3.9433e-03, 5.0854e-03, -2.3092e-03, 1.1569e-02, 1.1675e-02]],\n", + " \n", + " [[ 1.8536e-02, 2.3997e-02, 1.8607e-02, -2.1316e-03, 3.0036e-02],\n", + " [-9.1898e-03, -2.0234e-02, -2.0921e-02, -1.5293e-02, -4.1515e-03],\n", + " [-2.5399e-02, -3.6147e-02, 1.1215e-02, -1.3978e-02, 1.0484e-02],\n", + " [-1.7011e-03, -1.7085e-02, 1.9866e-02, 6.1436e-03, 4.9555e-03],\n", + " [ 1.0626e-02, 1.2917e-02, 4.2516e-02, 1.5874e-02, 1.7050e-02]],\n", + " \n", + " [[-4.0153e-03, 1.6083e-02, 8.7844e-03, -9.1274e-03, 2.2305e-02],\n", + " [-2.0949e-02, -3.9927e-03, -3.2194e-02, -2.1123e-02, -1.3385e-03],\n", + " [-4.2372e-03, 1.4911e-02, 3.8126e-03, -5.2412e-03, 9.8842e-03],\n", + " [ 1.2249e-02, 3.7495e-03, -3.4932e-03, 6.0049e-03, 1.4841e-02],\n", + " [ 1.3200e-02, -1.9996e-03, 2.0933e-02, 1.6309e-04, -8.3707e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[-6.4706e-03, -3.2926e-02, -1.5733e-02, -1.7831e-02, 2.1256e-03],\n", + " [-5.4066e-02, -5.4719e-02, -4.5444e-02, -5.6256e-02, -3.6743e-02],\n", + " [ 2.8305e-02, 2.9538e-02, 4.4844e-02, 2.2081e-02, 3.5385e-02],\n", + " [ 1.6821e-02, 1.6557e-02, 5.4560e-02, 1.7084e-02, 2.3373e-02],\n", + " [-4.0657e-03, -8.0451e-03, 4.4215e-04, 7.5198e-03, 1.0919e-02]],\n", + " \n", + " [[ 2.0678e-02, 2.0736e-02, 7.6578e-02, 2.9091e-02, 4.1559e-02],\n", + " [-1.0118e-03, 5.5359e-02, 1.3228e-01, 6.7964e-02, 4.1530e-02],\n", + " [-3.9346e-03, 3.5696e-02, 1.2877e-01, 6.1861e-02, 2.9380e-02],\n", + " [ 2.5981e-02, 3.8598e-02, 1.3250e-01, 3.2665e-02, -1.8039e-02],\n", + " [-1.9937e-02, -1.3913e-02, -1.0549e-02, -1.3653e-02, -2.4947e-03]],\n", + " \n", + " [[ 7.0426e-02, 2.1494e-02, -9.1289e-03, -9.1144e-03, -5.7207e-03],\n", + " [ 3.0881e-02, -1.0100e-02, -5.8352e-02, -3.8790e-02, -2.0214e-02],\n", + " [-7.5705e-03, -4.3871e-02, -8.5624e-02, -5.4874e-02, -1.8760e-02],\n", + " [-5.6932e-03, -4.2488e-02, -7.0337e-02, -3.9515e-02, 2.8042e-03],\n", + " [ 4.9093e-02, 8.0856e-03, -2.0497e-02, 1.7022e-02, 2.4330e-02]]]], device='cuda:0')),\n", + " ('features.3.bias',\n", + " tensor([-0.1093, -0.1726, -0.0517, -0.0655, -0.0394, 0.1742, -0.1846,\n", + " 0.0955, -0.0251, -0.0301, 0.1365, -0.3227, -0.1483, 0.1279,\n", + " 0.0041, -0.0573, -0.0021, 0.2031, 0.3310, 0.0731, 0.4980,\n", + " -0.0448, -0.0822, 0.0149, -0.0464, 0.0575, 0.0190, 0.0007,\n", + " -0.1818, -0.0001, -0.1316, -0.1274, 0.0060, -0.4274, 0.1165,\n", + " -0.1637, -0.0603, -0.2311, 0.2419, -0.0786, 0.0208, -0.0250,\n", + " -0.0447, 0.0283, -0.1746, 0.0716, -0.0574, 0.1207, -0.0581,\n", + " -0.1735, -0.1278, 0.0537, 0.0453, 0.0950, 0.0104, 0.1388,\n", + " -0.1366, 0.2429, 0.1451, 0.4810, -0.1179, -0.1593, 0.1602,\n", + " 0.2256, 0.0960, 0.0299, -0.1758, -0.0950, 0.2345, -0.2452,\n", + " 0.1025, -0.2432, -0.0570, -0.0278, -0.3461, 0.0407, -0.2309,\n", + " 0.1912, 0.1629, 0.2960, -0.1370, 0.0052, -0.1660, -0.0770,\n", + " -0.1169, 0.0683, -0.0984, -0.0913, -0.1649, 0.0625, 0.1023,\n", + " -0.0058, -0.1724, -0.0086, -0.1200, -0.1863, -0.0538, -0.0674,\n", + " -0.1480, 0.0262, 0.0400, -0.2199, -0.1498, -0.0831, -0.0679,\n", + " -0.0790, -0.0421, 0.3717, -0.1835, 0.0612, -0.4772, -0.2170,\n", + " -0.0705, -0.1000, -0.0447, 0.0866, -0.1361, -0.1826, -0.0379,\n", + " -0.2928, -0.1391, 0.1413, 0.2949, 0.2761, -0.0446, 0.3673,\n", + " 0.0878, -0.0209, 0.2094, 0.4994, 0.1499, -0.1327, 0.2152,\n", + " 0.2325, 0.1449, -0.0823, -0.0327, -0.1276, 0.1118, 0.3876,\n", + " -0.0379, -0.1795, 0.3152, -0.0400, 0.3261, 0.0109, -0.4202,\n", + " -0.1933, 0.0464, 0.0145, 0.0418, 0.1487, -0.1557, -0.1616,\n", + " 0.4913, -0.1458, 0.1304, -0.0325, -0.0334, -0.3072, 0.3035,\n", + " -0.0829, 0.1503, -0.0212, 0.1771, 0.2058, 0.1064, -0.1446,\n", + " -0.1605, -0.0268, -0.0673, 0.4874, 0.1741, 0.1841, -0.0894,\n", + " 0.1441, 0.0530, -0.1310, -0.0846, -0.0370, -0.2381, -0.0806,\n", + " -0.0975, 0.1490, -0.0031, 0.2869, 0.0939, 0.1201, -0.1244,\n", + " 0.0724, 0.0138, 0.0730], device='cuda:0')),\n", + " ('features.6.weight',\n", + " tensor([[[[ 2.4858e-02, 1.3116e-02, 2.8198e-02],\n", + " [ 4.2541e-02, 5.7339e-02, -6.0905e-03],\n", + " [-4.1912e-03, 9.3096e-03, -1.5442e-02]],\n", + " \n", + " [[-3.8954e-03, -7.8586e-02, -5.1808e-02],\n", + " [ 2.6484e-02, -4.9877e-02, -1.7763e-03],\n", + " [ 8.2902e-03, -4.9339e-02, 3.1145e-02]],\n", + " \n", + " [[ 1.6455e-02, -1.2150e-02, 1.7428e-02],\n", + " [ 5.2012e-02, -6.7141e-03, 2.7325e-02],\n", + " [ 7.5568e-03, -4.2402e-02, -2.7909e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.7289e-04, 2.4099e-02, 3.6948e-02],\n", + " [-2.4145e-02, -3.5276e-02, 3.6910e-03],\n", + " [ 1.9541e-02, -3.0342e-02, -3.5262e-02]],\n", + " \n", + " [[ 1.3239e-02, -1.8624e-02, -5.3330e-02],\n", + " [ 1.7639e-04, -1.4714e-02, -2.2829e-02],\n", + " [-6.7702e-03, 2.3287e-02, 1.3873e-02]],\n", + " \n", + " [[ 3.0512e-02, 7.5860e-03, 4.9459e-04],\n", + " [-4.5703e-03, -1.2827e-02, -6.5061e-03],\n", + " [-9.8111e-03, -1.5570e-02, 1.9379e-02]]],\n", + " \n", + " \n", + " [[[ 1.3660e-02, -3.9180e-02, 2.0014e-02],\n", + " [ 5.7389e-02, 1.1934e-02, 2.3058e-02],\n", + " [-2.2237e-02, -1.8879e-02, -2.0941e-02]],\n", + " \n", + " [[-1.3402e-02, 1.9384e-02, 2.0018e-02],\n", + " [ 2.2285e-03, -1.5328e-02, -2.0604e-02],\n", + " [ 5.2206e-02, -4.0713e-02, -1.6011e-02]],\n", + " \n", + " [[ 8.2728e-03, -1.2311e-02, -2.6974e-02],\n", + " [ 2.5519e-03, -5.6930e-03, -5.1476e-02],\n", + " [-2.8822e-02, -8.5134e-02, -6.5895e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.1531e-02, 2.4226e-02, 6.0344e-04],\n", + " [-3.3641e-02, 7.7504e-02, -1.8122e-02],\n", + " [ 2.2435e-02, 6.3408e-02, -1.0774e-03]],\n", + " \n", + " [[-1.6893e-02, 5.7512e-03, 3.7639e-02],\n", + " [-1.6503e-02, -3.2492e-03, 3.6293e-02],\n", + " [ 3.2918e-02, -1.2321e-02, 1.4753e-03]],\n", + " \n", + " [[ 5.8365e-02, 6.4994e-02, 6.6423e-02],\n", + " [-1.3995e-02, -2.4027e-02, -1.2127e-02],\n", + " [ 2.6365e-03, -1.4931e-02, -7.9207e-03]]],\n", + " \n", + " \n", + " [[[ 8.0889e-03, 9.6816e-03, -1.2593e-02],\n", + " [ 1.1684e-02, 4.7408e-02, 4.9439e-02],\n", + " [-1.1663e-02, 7.7298e-02, 2.3240e-02]],\n", + " \n", + " [[ 9.5861e-03, -3.5039e-02, -1.5836e-02],\n", + " [-2.2685e-02, 1.6363e-02, 1.8725e-02],\n", + " [-1.7577e-02, -5.9963e-03, -1.2350e-02]],\n", + " \n", + " [[-3.9020e-03, -5.0362e-03, 2.8650e-03],\n", + " [ 2.3688e-02, 3.0239e-03, -5.0350e-02],\n", + " [-3.0330e-02, -2.0917e-02, -9.9929e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.3766e-02, -4.8649e-03, 3.4593e-03],\n", + " [-1.7299e-03, 9.8713e-03, 3.1695e-03],\n", + " [-1.5713e-02, 2.4070e-02, 4.3523e-02]],\n", + " \n", + " [[ 1.7398e-02, 3.9648e-02, 5.0599e-02],\n", + " [-1.8082e-02, 2.3186e-02, 7.5082e-02],\n", + " [-1.4652e-02, -1.4806e-03, 2.4491e-02]],\n", + " \n", + " [[-3.6486e-03, 1.6976e-02, 9.5258e-03],\n", + " [ 8.3009e-03, 3.0063e-03, -3.5994e-03],\n", + " [-2.0521e-04, -9.6109e-04, -7.6914e-03]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[-2.1159e-02, 3.1025e-02, -5.1508e-04],\n", + " [-2.0021e-02, -9.5897e-03, 2.7262e-02],\n", + " [-9.7968e-03, -3.9145e-02, 9.2344e-03]],\n", + " \n", + " [[-2.2890e-02, -6.2061e-03, -1.8220e-02],\n", + " [ 2.6104e-02, 1.8208e-02, -3.5678e-02],\n", + " [-1.9037e-02, -2.5568e-02, -3.2400e-03]],\n", + " \n", + " [[ 4.5357e-04, 1.1460e-02, 3.0362e-02],\n", + " [ 2.1339e-02, 1.1392e-02, 1.3384e-02],\n", + " [ 2.2492e-02, -1.0258e-02, -5.8449e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[-2.7361e-02, 1.4307e-02, 1.8851e-02],\n", + " [ 3.9169e-02, -4.1835e-02, -1.2617e-03],\n", + " [-2.4972e-02, -6.0201e-02, 1.1093e-02]],\n", + " \n", + " [[ 1.3269e-02, 2.8252e-02, -2.0582e-02],\n", + " [ 1.2612e-02, 5.3777e-02, -2.9175e-02],\n", + " [ 4.3714e-02, 1.5523e-02, -3.4617e-02]],\n", + " \n", + " [[-1.4312e-02, -1.1627e-02, -8.0607e-03],\n", + " [-1.7464e-02, 9.4876e-03, -3.3993e-04],\n", + " [-4.5948e-03, 2.4349e-02, 2.9515e-02]]],\n", + " \n", + " \n", + " [[[ 2.3024e-02, 3.7754e-02, -7.9412e-03],\n", + " [ 2.3338e-02, -3.2373e-02, -4.1358e-02],\n", + " [ 6.4814e-02, 2.6370e-02, 4.9119e-02]],\n", + " \n", + " [[ 4.7991e-02, -2.4855e-02, 1.2162e-02],\n", + " [-2.7339e-02, 3.9421e-02, -1.8773e-02],\n", + " [-5.8830e-02, 2.6058e-02, 1.4781e-03]],\n", + " \n", + " [[ 8.6110e-03, -2.6908e-02, 1.1525e-02],\n", + " [ 5.6151e-02, -1.3285e-02, -7.1971e-03],\n", + " [ 1.1242e-03, -4.7446e-02, -3.6017e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[ 3.5633e-02, -8.5117e-03, 6.2245e-02],\n", + " [ 1.0972e-02, 1.9737e-02, 4.8234e-02],\n", + " [-1.1555e-02, 4.3559e-03, 5.2946e-02]],\n", + " \n", + " [[-1.0731e-03, 2.2912e-02, 2.2005e-02],\n", + " [ 1.3288e-02, 4.9365e-02, 1.2220e-02],\n", + " [ 1.0511e-02, 1.7318e-02, -1.8007e-02]],\n", + " \n", + " [[-2.6693e-02, -1.8063e-02, -2.4829e-02],\n", + " [-3.3943e-02, -1.4893e-03, -1.1168e-02],\n", + " [-1.3225e-02, -4.6098e-03, 3.0331e-03]]],\n", + " \n", + " \n", + " [[[-6.0866e-03, -2.5078e-02, -4.7683e-02],\n", + " [ 2.4006e-02, 5.2576e-02, -2.1802e-02],\n", + " [ 2.5606e-02, 1.1889e-02, -2.4519e-03]],\n", + " \n", + " [[ 2.5286e-02, -2.8539e-02, 8.4982e-03],\n", + " [ 6.8764e-03, -8.9434e-03, 3.4527e-03],\n", + " [ 2.7720e-02, 1.2911e-02, 1.2079e-02]],\n", + " \n", + " [[ 2.8175e-02, 1.3563e-02, 6.9976e-02],\n", + " [ 2.7799e-02, -3.6929e-02, 1.0927e-01],\n", + " [ 2.3212e-02, -3.4578e-02, -4.8821e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-3.3232e-04, 1.7463e-02, -9.6818e-03],\n", + " [ 9.2093e-03, 1.5052e-02, 8.6647e-03],\n", + " [-1.8870e-02, -2.1472e-02, -1.5119e-02]],\n", + " \n", + " [[ 4.3916e-02, -5.5188e-05, -7.7297e-03],\n", + " [-8.0442e-03, -3.4422e-02, -2.2207e-02],\n", + " [-1.4105e-02, -2.7909e-02, -2.4631e-02]],\n", + " \n", + " [[-2.6292e-02, 1.1666e-02, -1.6261e-02],\n", + " [-5.7774e-02, -5.8361e-02, -4.8310e-02],\n", + " [-4.1695e-02, -6.6255e-02, -5.7636e-02]]]], device='cuda:0')),\n", + " ('features.6.bias',\n", + " tensor([ 0.0253, 0.1194, -0.3336, 0.1127, -0.1158, -0.0597, 0.1142,\n", + " -0.0951, 0.0315, -0.0111, -0.0494, 0.0910, -0.0521, 0.0366,\n", + " -0.1202, -0.1342, -0.0050, -0.0014, -0.0763, -0.0491, -0.1255,\n", + " 0.2337, -0.0815, 0.0245, -0.0112, 0.1324, 0.2578, -0.0244,\n", + " 0.0732, 0.2082, 0.0599, -0.0111, 0.0706, 0.0054, 0.0139,\n", + " -0.0690, 0.0956, 0.0821, -0.0892, 0.0236, 0.0209, 0.2095,\n", + " 0.0570, 0.1006, -0.1517, 0.0514, 0.0610, 0.1612, 0.0464,\n", + " -0.2936, -0.1922, -0.0330, -0.2284, 0.0523, -0.0420, -0.2286,\n", + " -0.2237, -0.1040, -0.0395, 0.0231, 0.0852, -0.0038, 0.1000,\n", + " 0.2224, 0.1404, -0.0833, -0.0153, 0.0008, 0.0200, -0.1466,\n", + " -0.0525, -0.0818, 0.3813, -0.0347, -0.0427, 0.0190, 0.3016,\n", + " 0.1282, 0.1380, 0.1206, -0.0347, 0.1001, -0.0796, -0.0751,\n", + " 0.1023, 0.3221, 0.2122, 0.3072, -0.0082, 0.1320, -0.0683,\n", + " 0.1409, -0.0630, -0.0823, 0.0330, -0.1891, -0.0166, -0.1837,\n", + " 0.2002, 0.0698, -0.0130, 0.1311, 0.1935, 0.3463, -0.0420,\n", + " -0.0163, 0.1196, -0.0683, -0.1502, 0.0099, -0.3099, 0.0900,\n", + " -0.0811, -0.0524, -0.0902, 0.0507, -0.0269, 0.1488, -0.0608,\n", + " -0.0707, -0.0344, 0.1997, 0.5527, -0.0715, -0.0095, 0.1007,\n", + " -0.0095, -0.0257, 0.0978, 0.0113, 0.5273, 0.2715, 0.1356,\n", + " 0.2296, -0.1263, 0.0138, -0.0224, -0.1892, -0.0455, -0.0298,\n", + " 0.0467, -0.0517, -0.1754, -0.3434, -0.0057, -0.2355, 0.0537,\n", + " 0.3491, -0.2342, -0.1125, 0.0314, -0.0967, -0.1656, -0.0023,\n", + " -0.2594, 0.0508, 0.0898, -0.0107, 0.1284, 0.0355, 0.0339,\n", + " -0.0055, -0.0951, -0.0310, 0.0320, 0.0527, 0.1263, 0.1594,\n", + " 0.0359, 0.0353, 0.3697, 0.0179, -0.0228, -0.0956, 0.1729,\n", + " 0.0517, 0.1532, -0.0122, 0.2510, -0.0161, 0.0224, -0.0286,\n", + " 0.1197, -0.0255, -0.0419, 0.2101, -0.1348, -0.1648, -0.0257,\n", + " -0.1292, -0.1646, 0.0539, 0.1147, -0.1193, -0.0591, -0.1505,\n", + " -0.0270, 0.1071, -0.0881, 0.1148, 0.1745, 0.1580, 0.0525,\n", + " -0.0288, 0.2443, 0.1458, 0.0111, 0.2188, 0.3987, 0.3208,\n", + " -0.0872, -0.0773, 0.0551, -0.0742, 0.2994, -0.1120, 0.0204,\n", + " -0.1653, -0.0840, 0.0919, -0.0163, -0.0135, 0.0341, -0.1523,\n", + " 0.0800, -0.0155, 0.0905, -0.1243, 0.0409, 0.0651, -0.0374,\n", + " -0.0253, 0.2886, -0.1779, 0.0454, 0.0804, -0.1186, 0.1268,\n", + " 0.0133, 0.0045, 0.0838, 0.1505, -0.0749, -0.0511, -0.1585,\n", + " 0.1111, 0.0204, 0.0199, 0.2497, 0.2134, 0.1192, 0.1521,\n", + " 0.1012, -0.0202, 0.0189, -0.1558, 0.2609, -0.0290, 0.0654,\n", + " 0.0936, -0.0335, -0.1045, 0.1431, 0.0810, -0.1630, 0.1833,\n", + " -0.0632, 0.0344, 0.0221, -0.1021, 0.0873, 0.0188, -0.1501,\n", + " 0.2394, 0.2239, -0.0240, 0.2311, -0.1096, -0.1695, -0.0364,\n", + " -0.0508, 0.0767, 0.2064, 0.0014, 0.1128, -0.2035, 0.0806,\n", + " 0.2042, 0.3692, 0.1227, -0.0238, -0.0731, -0.0158, 0.1277,\n", + " -0.0579, 0.2867, -0.0043, -0.0000, 0.2161, 0.1552, -0.0162,\n", + " -0.0972, -0.1005, -0.0200, -0.1522, -0.0596, 0.0031, -0.3413,\n", + " 0.1624, 0.1747, 0.2099, -0.0636, 0.0547, -0.2457, 0.1255,\n", + " -0.0449, -0.0594, 0.0294, 0.1510, -0.0400, 0.1121, -0.1552,\n", + " 0.5047, -0.0473, -0.0753, 0.0426, -0.1338, -0.4201, 0.3820,\n", + " 0.0894, 0.0530, 0.0582, 0.0429, 0.0251, 0.1971, 0.1012,\n", + " -0.1119, -0.0281, 0.3542, 0.0238, 0.1228, -0.1242, 0.0309,\n", + " -0.1154, -0.0282, 0.0237, 0.0159, 0.1002, 0.1117, 0.0085,\n", + " -0.1309, 0.0925, -0.0054, 0.0893, 0.0534, 0.0665, 0.0354,\n", + " 0.0448, -0.0876, 0.1360, 0.1878, -0.0374, 0.0346, 0.0386,\n", + " -0.1951, -0.0843, -0.0676, -0.0114, 0.1083, -0.1093, -0.0453,\n", + " 0.0213, 0.1211, 0.1122, -0.0952, 0.5096, -0.0033, 0.0549,\n", + " 0.0672, 0.1091, 0.0186, -0.0293, 0.0110, -0.0115], device='cuda:0')),\n", + " ('features.8.weight',\n", + " tensor([[[[-1.9727e-03, -8.1454e-03, -1.1364e-02],\n", + " [-1.9331e-02, 7.0742e-04, 1.1423e-02],\n", + " [-5.4075e-02, -1.1616e-03, -2.4432e-02]],\n", + " \n", + " [[ 3.4995e-02, 1.3325e-02, 2.6029e-02],\n", + " [-2.8163e-02, -6.2435e-03, -2.6879e-02],\n", + " [ 3.4512e-03, 1.8146e-02, 1.4671e-02]],\n", + " \n", + " [[-5.7246e-02, -4.7419e-02, 1.8569e-03],\n", + " [-4.0166e-02, -4.6209e-02, -2.5661e-02],\n", + " [-5.1450e-02, -4.8978e-02, 2.5351e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.8442e-02, -2.3369e-02, 9.7001e-03],\n", + " [-4.4311e-02, -7.6195e-03, -1.7835e-02],\n", + " [-5.1811e-02, -3.5133e-02, -4.5530e-02]],\n", + " \n", + " [[-3.6594e-03, -1.1409e-03, -4.4672e-02],\n", + " [-5.2415e-02, -3.1765e-02, -5.2399e-02],\n", + " [-3.1243e-03, -1.1095e-02, -4.4262e-02]],\n", + " \n", + " [[-1.9879e-02, -1.5260e-03, 1.5899e-02],\n", + " [ 5.0753e-03, -1.4877e-02, -2.3683e-02],\n", + " [ 2.5881e-02, 3.3199e-02, 8.0742e-03]]],\n", + " \n", + " \n", + " [[[ 2.1040e-02, 2.1385e-02, 5.2782e-02],\n", + " [-5.6299e-03, 2.3969e-02, 3.3785e-02],\n", + " [-9.1422e-03, 3.4282e-02, 2.3602e-02]],\n", + " \n", + " [[-2.3864e-02, -1.8330e-02, -8.2681e-03],\n", + " [ 3.1609e-02, 1.3647e-02, 4.5288e-02],\n", + " [-3.5653e-02, 2.4665e-02, 1.0097e-02]],\n", + " \n", + " [[ 1.3495e-03, 3.9706e-02, 2.5353e-02],\n", + " [ 3.0785e-02, 1.1350e-02, -3.0964e-03],\n", + " [-2.8046e-02, 2.2734e-03, -1.8373e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.9495e-02, -4.1632e-03, -1.7916e-02],\n", + " [ 1.9192e-02, 2.6518e-02, 2.5553e-03],\n", + " [ 1.3746e-02, -1.0167e-02, 8.5529e-03]],\n", + " \n", + " [[ 2.7528e-02, 2.5611e-02, 2.5169e-02],\n", + " [-1.0245e-02, -2.6295e-02, -1.2180e-02],\n", + " [-3.3978e-02, 6.6900e-03, 3.8497e-02]],\n", + " \n", + " [[-2.1693e-03, 2.1725e-02, 1.1239e-02],\n", + " [ 1.2229e-02, -2.1039e-02, 7.5299e-03],\n", + " [-2.8304e-03, -5.2147e-03, -1.2766e-02]]],\n", + " \n", + " \n", + " [[[-3.2854e-02, -2.4809e-02, -1.8468e-02],\n", + " [-5.4112e-03, 6.1196e-03, 1.2564e-02],\n", + " [ 4.7752e-02, 1.8786e-02, 4.1288e-02]],\n", + " \n", + " [[-7.3721e-03, -1.5722e-03, 2.6161e-03],\n", + " [ 4.6837e-03, -4.8271e-03, 7.7925e-03],\n", + " [-6.7745e-03, 2.7660e-03, 1.4312e-02]],\n", + " \n", + " [[ 4.7401e-04, -2.2783e-02, -2.7205e-03],\n", + " [-1.5211e-02, -2.4859e-02, 2.3492e-02],\n", + " [ 5.2511e-03, -2.0474e-02, 6.4651e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-3.5232e-02, -1.4924e-02, 1.7090e-02],\n", + " [-2.3447e-03, -8.3897e-03, -9.8155e-04],\n", + " [-2.0932e-02, 3.6793e-03, -2.2268e-02]],\n", + " \n", + " [[-4.1739e-03, -4.7361e-03, -9.9844e-03],\n", + " [-6.9427e-03, -2.8120e-02, -3.8678e-02],\n", + " [ 4.7891e-03, 3.3325e-02, 1.1383e-02]],\n", + " \n", + " [[-4.2148e-02, 1.9920e-04, -3.4742e-02],\n", + " [-1.1400e-04, 1.3599e-03, -9.2337e-03],\n", + " [ 7.1887e-02, 5.0243e-02, 5.7336e-02]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[ 4.1041e-02, 3.8478e-02, 1.6273e-02],\n", + " [ 7.2963e-03, -1.7565e-02, -4.6216e-02],\n", + " [-2.0127e-02, -2.6285e-02, -4.7344e-02]],\n", + " \n", + " [[ 1.2926e-02, 2.2733e-02, 2.5179e-02],\n", + " [ 1.4479e-02, 2.5440e-02, 2.9994e-02],\n", + " [-2.4523e-03, 1.5145e-02, 1.1197e-02]],\n", + " \n", + " [[-1.9929e-02, -1.1274e-02, -1.0443e-02],\n", + " [ 1.2676e-02, 1.2854e-02, 7.3260e-03],\n", + " [ 1.6059e-02, 5.4710e-03, -6.3094e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 3.0193e-02, 5.0501e-03, -1.1663e-03],\n", + " [ 2.0806e-02, 3.3353e-04, -1.8671e-02],\n", + " [-1.4426e-02, -3.5664e-02, -1.7456e-02]],\n", + " \n", + " [[ 5.9916e-02, 8.5456e-03, 7.5015e-03],\n", + " [ 6.1019e-02, 1.6958e-02, -3.3683e-02],\n", + " [ 1.1938e-02, 2.5057e-02, -1.4893e-02]],\n", + " \n", + " [[-4.5513e-02, -5.0426e-02, -4.0966e-02],\n", + " [-1.9976e-02, -2.8136e-02, -1.9349e-02],\n", + " [-1.7795e-02, -2.2510e-02, -4.6813e-02]]],\n", + " \n", + " \n", + " [[[ 7.6864e-03, -2.4943e-02, 1.5596e-02],\n", + " [-2.4905e-02, 4.3126e-03, 4.9446e-02],\n", + " [ 4.5479e-03, 4.5500e-02, 4.5485e-02]],\n", + " \n", + " [[ 1.0515e-02, 2.4689e-02, -5.7297e-03],\n", + " [ 4.6129e-02, 3.0522e-02, 3.4931e-02],\n", + " [-3.5357e-02, 4.2213e-02, -2.5364e-03]],\n", + " \n", + " [[ 2.4712e-02, 3.6402e-02, 6.1931e-04],\n", + " [-2.2153e-03, -2.0391e-02, -1.0495e-03],\n", + " [-1.8919e-02, -2.0683e-02, -2.5401e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.2330e-02, -3.4162e-02, -3.6028e-04],\n", + " [-6.7105e-03, -2.4533e-02, -8.1501e-03],\n", + " [-1.2227e-02, 1.3290e-02, 1.3857e-02]],\n", + " \n", + " [[ 9.8366e-03, 2.5934e-02, 1.7975e-02],\n", + " [ 3.7568e-02, 4.7179e-02, 3.4257e-03],\n", + " [ 2.3867e-02, -1.8648e-03, -1.2810e-02]],\n", + " \n", + " [[ 8.7276e-03, 2.9231e-02, -7.5102e-03],\n", + " [ 3.0996e-03, -1.1793e-02, -1.5828e-02],\n", + " [-1.2800e-02, -5.2393e-02, 3.5761e-03]]],\n", + " \n", + " \n", + " [[[ 5.0408e-04, 4.8085e-02, 2.7914e-02],\n", + " [ 6.0406e-04, -2.9416e-02, -8.9835e-03],\n", + " [ 9.5136e-03, 2.7638e-03, 1.5747e-02]],\n", + " \n", + " [[ 1.6563e-02, 3.2774e-02, 1.8208e-02],\n", + " [-5.4806e-03, 2.7492e-02, 1.1908e-02],\n", + " [-5.4084e-02, -1.8953e-02, -3.8581e-02]],\n", + " \n", + " [[-3.8647e-02, -3.5310e-02, 1.4264e-02],\n", + " [-5.7655e-02, -4.8306e-02, 2.8926e-02],\n", + " [-3.6082e-02, 3.1528e-03, 6.1847e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.3315e-02, 2.5940e-02, 4.9885e-02],\n", + " [ 3.3364e-03, -4.9974e-02, 9.1023e-04],\n", + " [ 1.5312e-02, 1.8448e-02, 1.0342e-04]],\n", + " \n", + " [[-3.2358e-02, -1.6284e-02, 2.3682e-02],\n", + " [-1.1630e-03, -1.3672e-02, 3.6939e-03],\n", + " [-2.3587e-02, 4.0935e-03, 3.6314e-02]],\n", + " \n", + " [[-2.9316e-02, -1.7552e-02, -2.6831e-02],\n", + " [-3.4132e-02, 4.5964e-02, -1.1251e-02],\n", + " [ 2.7400e-04, 7.0052e-02, 6.7779e-03]]]], device='cuda:0')),\n", + " ('features.8.bias',\n", + " tensor([-0.0629, 0.1260, 0.2991, 0.1123, 0.2853, 0.1280, 0.1828,\n", + " -0.0310, 0.5452, 0.1565, -0.1342, -0.1711, 0.2740, 0.2277,\n", + " 0.2672, 0.2619, 0.0456, -1.4264, 0.6095, 0.0824, 0.0964,\n", + " 0.1568, -0.2905, 0.1264, 0.2099, 0.0725, -0.0003, -0.2209,\n", + " 0.1117, 0.4803, 0.0355, -0.2749, -0.5027, 0.0007, -0.1227,\n", + " 0.1488, -0.0082, 0.1321, 0.2992, -0.1647, 0.3246, 0.5349,\n", + " 0.2450, 0.5994, 0.0338, 0.0664, 0.4898, 0.4211, 0.6347,\n", + " -0.0947, -0.0785, 0.2570, 0.0767, -0.2393, 0.1710, 0.4168,\n", + " 0.2698, -0.4600, -0.0845, 0.2778, 0.2675, 0.3321, 0.0507,\n", + " -0.0863, -0.2101, -0.0522, -0.0411, -0.1392, -0.3049, 0.3017,\n", + " 0.2358, -0.3874, -0.0601, 0.9037, -0.1400, 0.5320, 0.2318,\n", + " 0.2069, 0.2338, -0.3639, 0.2204, -0.5408, -0.6493, 0.0985,\n", + " 0.3403, 0.2848, -0.1167, -0.1494, 0.2674, -0.1469, 0.0529,\n", + " 0.2966, 0.0148, 0.1732, 0.1521, 0.0111, -0.0244, -0.0926,\n", + " -0.0547, 0.1777, 0.0076, -0.0156, -0.0200, 0.0301, 0.3428,\n", + " 0.1848, -0.1893, 0.1192, 0.0438, 0.2409, -0.1295, 0.2866,\n", + " -0.3398, 0.1724, -0.0140, -0.0332, -0.2137, -0.3905, 0.6983,\n", + " 0.0287, 0.0748, 0.1588, 0.1620, 0.0387, 0.1498, -0.0706,\n", + " 0.2821, 0.3019, -0.4792, 0.0948, -0.2582, -0.3050, 0.3716,\n", + " 0.0425, 0.2296, 0.0718, 0.1077, 0.2120, 0.2802, 0.3751,\n", + " -0.1298, 0.2235, 0.0156, 0.2990, 0.5827, 0.4477, 0.3193,\n", + " 0.1551, 0.1608, 0.2476, -0.6709, 0.2488, 0.1474, 0.0933,\n", + " 0.2399, -0.2536, -0.0582, 0.2241, 0.1592, -0.0568, 0.4653,\n", + " -0.2117, -0.3184, -1.2303, 0.1207, -0.0101, 0.3314, 0.8853,\n", + " -0.0505, 0.4009, -0.1292, -0.0665, 0.2693, 0.2968, -0.5151,\n", + " -0.1394, 0.0340, 0.5053, 0.2388, 0.0904, 0.2861, -0.0537,\n", + " -0.2304, -0.0695, 0.0628, -0.0835, -0.1461, 0.1807, -0.1780,\n", + " -0.0978, -0.0064, 0.8115, 0.2005, 0.3071, -0.2360, 0.0732,\n", + " 0.1117, 0.2837, 0.0670, 0.1611, -0.6772, 0.1382, 0.1734,\n", + " -0.0442, -0.2506, -0.2652, 0.1673, -0.1684, -0.0851, 0.1246,\n", + " 0.0421, 0.1100, 0.4331, 0.1476, -0.0224, 0.2177, 0.0591,\n", + " 0.2993, 0.0848, -0.2806, 0.0374, -0.1994, -0.4867, 0.2039,\n", + " 0.1982, 0.1383, 0.0302, -0.2072, 0.7092, -0.1091, 0.4816,\n", + " 0.2920, 0.0479, -0.7954, -0.0441, 0.1333, -0.1962, 0.3378,\n", + " 0.4062, -0.1133, 0.0517, 0.0774, 0.2679, 0.3282, 0.1893,\n", + " -0.0216, 0.0531, -0.2430, 0.1592, 0.5749, 0.0773, -0.0072,\n", + " 0.3115, 0.0332, 0.2763, 0.1434], device='cuda:0')),\n", + " ('features.10.weight',\n", + " tensor([[[[ 4.5008e-03, -7.7347e-03, -1.5003e-02],\n", + " [-3.0285e-02, -4.4114e-02, -1.7563e-02],\n", + " [-1.4331e-02, -3.6714e-02, -5.2003e-02]],\n", + " \n", + " [[ 3.3324e-02, 9.8262e-03, -6.4676e-03],\n", + " [ 1.4188e-02, 2.4336e-02, 3.1040e-02],\n", + " [-1.9439e-02, 1.9590e-02, -1.6543e-02]],\n", + " \n", + " [[ 3.3328e-05, -6.3628e-04, 1.5421e-02],\n", + " [ 1.1260e-02, 5.7387e-04, 1.7457e-02],\n", + " [ 7.1211e-03, 1.0711e-03, 2.1856e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.6804e-02, -2.1512e-02, -1.0703e-02],\n", + " [-1.0698e-02, -5.3842e-02, -1.9335e-02],\n", + " [ 1.6292e-02, 4.4939e-04, 6.5307e-05]],\n", + " \n", + " [[ 1.2114e-03, 1.1926e-03, -1.7091e-03],\n", + " [-1.7243e-02, -2.7680e-02, 1.9918e-05],\n", + " [ 5.2268e-04, -1.6247e-03, -4.3989e-03]],\n", + " \n", + " [[ 1.9892e-02, 2.9338e-02, 2.0883e-02],\n", + " [ 1.3522e-02, 3.1604e-02, 1.2854e-02],\n", + " [ 5.2760e-03, 1.2341e-02, 7.5441e-03]]],\n", + " \n", + " \n", + " [[[-1.4208e-02, 2.3224e-03, -2.5112e-02],\n", + " [-7.6076e-03, 9.4883e-03, -4.6517e-03],\n", + " [ 1.3253e-02, 1.1511e-02, -1.4017e-02]],\n", + " \n", + " [[ 2.1794e-02, 1.0763e-02, 1.1629e-02],\n", + " [ 4.1082e-02, -7.8142e-03, 1.9052e-02],\n", + " [ 6.6561e-02, 3.6654e-02, 2.0193e-03]],\n", + " \n", + " [[-1.8703e-02, -4.9244e-02, -2.9182e-02],\n", + " [-1.5992e-02, 1.6744e-04, 4.5855e-03],\n", + " [-6.2261e-03, 4.1283e-03, 8.5156e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[-5.8011e-02, -7.3355e-02, -6.5635e-02],\n", + " [-5.9603e-02, -5.7514e-02, -4.2397e-02],\n", + " [-5.5825e-02, -6.3877e-02, -6.0623e-02]],\n", + " \n", + " [[-3.6692e-02, -3.2975e-02, -1.0278e-02],\n", + " [-3.1835e-02, -5.3899e-03, -3.2266e-02],\n", + " [-3.2715e-02, -3.3150e-02, -2.8616e-02]],\n", + " \n", + " [[-8.2592e-03, -2.5406e-02, -1.7791e-02],\n", + " [-1.1399e-02, -2.3384e-02, -1.1688e-02],\n", + " [-2.2682e-02, -3.1900e-02, -7.9640e-03]]],\n", + " \n", + " \n", + " [[[ 1.8231e-02, -2.9938e-02, -3.0918e-02],\n", + " [ 6.0674e-04, -4.5208e-02, -4.3832e-03],\n", + " [-6.0434e-03, -6.1846e-02, -1.4543e-02]],\n", + " \n", + " [[ 1.3111e-02, 1.5979e-02, -5.2871e-03],\n", + " [-1.2694e-02, 1.2434e-03, 2.2471e-02],\n", + " [ 2.1080e-02, -6.7459e-03, 1.9622e-02]],\n", + " \n", + " [[ 3.0896e-02, -3.0819e-02, 5.1553e-03],\n", + " [-5.7161e-04, -1.2514e-02, 2.3466e-02],\n", + " [ 2.5366e-02, 3.1077e-02, 2.8808e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-2.0043e-02, -3.3691e-02, -3.3587e-02],\n", + " [-3.1222e-02, -4.3832e-02, -2.9784e-02],\n", + " [-5.5385e-02, -6.6676e-02, -5.1232e-02]],\n", + " \n", + " [[-1.8431e-02, -1.0482e-02, -1.3102e-02],\n", + " [ 5.6541e-03, -2.6609e-02, 2.4034e-03],\n", + " [-2.3949e-02, 8.9346e-03, 3.3861e-03]],\n", + " \n", + " [[ 5.7008e-03, -1.4837e-02, 1.3501e-03],\n", + " [-5.6762e-04, 6.3385e-03, 5.1770e-03],\n", + " [ 5.5514e-03, -1.4905e-03, -2.3526e-02]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[ 1.8694e-02, -5.8550e-03, 7.5898e-03],\n", + " [ 5.4762e-03, -5.1852e-02, 5.3048e-03],\n", + " [ 5.4274e-02, -3.1494e-03, -5.8523e-03]],\n", + " \n", + " [[ 1.0686e-02, -1.6323e-02, 2.0675e-02],\n", + " [ 1.9367e-03, -3.2638e-02, 9.5754e-04],\n", + " [ 2.1652e-03, 2.7449e-02, 5.5060e-02]],\n", + " \n", + " [[ 5.0755e-03, -2.6414e-02, 1.8585e-02],\n", + " [-2.5866e-03, 1.2334e-03, 4.8944e-03],\n", + " [ 5.3379e-04, -8.6257e-03, -2.3603e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[ 2.3444e-02, 9.6432e-03, 1.7831e-02],\n", + " [-1.8331e-02, -5.7185e-02, -2.1030e-02],\n", + " [ 1.0187e-02, -3.0167e-02, -8.0193e-03]],\n", + " \n", + " [[ 1.7629e-02, 2.5001e-02, -4.5713e-02],\n", + " [ 2.5250e-02, 3.9404e-02, 3.0033e-02],\n", + " [ 1.6265e-02, 5.3023e-02, 8.1163e-03]],\n", + " \n", + " [[ 4.1792e-03, 8.5183e-03, 3.5242e-03],\n", + " [ 2.7552e-02, 4.5622e-02, 3.8444e-03],\n", + " [ 2.1285e-02, 2.0103e-02, 1.6193e-03]]],\n", + " \n", + " \n", + " [[[-1.4135e-02, -3.3222e-02, -5.2931e-03],\n", + " [-8.9475e-03, -3.3265e-02, 4.3306e-03],\n", + " [ 1.7092e-02, -2.8524e-02, -2.5048e-02]],\n", + " \n", + " [[-1.4275e-02, -2.7405e-02, 1.1635e-02],\n", + " [-2.2799e-02, -3.2017e-02, -9.8221e-03],\n", + " [-2.0387e-02, -3.1692e-02, -9.8188e-03]],\n", + " \n", + " [[-2.0245e-02, -7.1923e-03, 5.0653e-03],\n", + " [ 9.2916e-03, -1.4393e-02, -2.8599e-02],\n", + " [ 1.5616e-03, -1.7386e-02, -7.2756e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.4874e-02, -9.5781e-03, 2.7291e-02],\n", + " [ 1.7682e-03, -1.8440e-02, 7.5908e-03],\n", + " [-6.8078e-03, -1.3905e-03, 3.8714e-03]],\n", + " \n", + " [[-2.7931e-02, -3.4299e-02, -1.5767e-02],\n", + " [-1.5908e-02, -4.4211e-02, -1.5330e-02],\n", + " [-1.9257e-02, -2.3017e-02, 7.2739e-04]],\n", + " \n", + " [[-3.6868e-02, 1.5530e-02, -7.3656e-04],\n", + " [-3.2403e-03, -2.5565e-02, -6.2375e-04],\n", + " [-7.5825e-03, -1.7276e-02, -1.2110e-02]]],\n", + " \n", + " \n", + " [[[-3.0703e-03, -3.1071e-02, 4.9807e-04],\n", + " [ 1.3618e-02, 6.6683e-03, -1.3059e-02],\n", + " [-1.5806e-02, 9.5659e-03, -2.8366e-02]],\n", + " \n", + " [[-1.5622e-02, 1.0870e-02, -4.3911e-02],\n", + " [-6.0366e-03, 4.7041e-02, -6.7736e-03],\n", + " [ 2.3879e-02, 1.5275e-02, 2.1209e-02]],\n", + " \n", + " [[-3.4367e-02, -2.7406e-03, -4.0337e-02],\n", + " [-2.1270e-02, -2.4037e-02, -2.0263e-02],\n", + " [-7.9488e-03, -1.4826e-03, -6.8217e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.0063e-02, -2.2878e-02, -5.5036e-03],\n", + " [ 3.2441e-02, -1.3513e-02, 2.5942e-03],\n", + " [-2.8327e-02, -3.6309e-02, -1.9826e-02]],\n", + " \n", + " [[-9.0379e-03, 1.6569e-02, 5.9027e-04],\n", + " [-7.4690e-04, 3.3369e-02, 2.2972e-02],\n", + " [ 1.0572e-02, 8.1467e-03, -3.4821e-02]],\n", + " \n", + " [[ 7.4795e-03, 1.9532e-03, 8.9045e-03],\n", + " [-7.3107e-03, -2.9493e-02, 1.2008e-03],\n", + " [ 8.8704e-03, 1.1838e-02, 7.4983e-04]]]], device='cuda:0')),\n", + " ('features.10.bias',\n", + " tensor([ 0.0380, 0.4363, 0.1992, 0.4787, 0.1945, 0.0461, 0.0896,\n", + " -0.0909, 0.1207, 0.1895, 0.0450, 0.4843, 0.2463, -0.0786,\n", + " -0.0410, -0.4561, 0.6745, 0.0437, -0.3859, 0.2315, 0.1211,\n", + " 0.3223, 1.1335, 0.2115, 0.4799, 0.2896, 0.0646, 0.0240,\n", + " 0.1504, 0.2882, 0.0672, 0.2694, 0.0101, 0.3425, 0.1637,\n", + " 0.2052, 0.0751, 0.1107, 0.2657, 0.1228, -0.0465, 0.5106,\n", + " 0.1446, 0.4451, 0.3364, 0.4072, -0.0210, 1.1052, 0.1231,\n", + " 0.3105, 0.2302, 0.3644, 0.3806, 0.1763, 0.6309, -0.0138,\n", + " 0.2625, 0.2036, 0.3424, 0.0191, 0.1561, 0.2294, -0.0874,\n", + " 0.0316, 0.0862, 0.2475, -0.0078, 0.2237, 0.2482, 0.0718,\n", + " -0.0660, -0.0681, -0.0210, 0.4095, 0.4249, 0.3053, -0.1138,\n", + " 0.0248, 0.1145, 0.0074, -0.0462, 0.6349, -0.1142, 0.6199,\n", + " 0.0928, -0.0147, 0.4625, 0.6339, -0.0178, 0.1375, 0.0122,\n", + " 0.1934, 0.0191, 0.0814, 0.0171, 0.0449, 0.1913, 0.2072,\n", + " 0.0018, 0.4555, 0.3821, 0.3259, -0.1008, 0.5078, 0.0125,\n", + " 0.5967, 0.8065, 0.4625, 0.1434, 0.0098, -0.0385, 0.0317,\n", + " 0.1349, 0.5540, 0.1388, 0.1851, 0.0351, -0.1292, 0.1549,\n", + " 0.0666, 0.2270, -0.0807, 0.5249, 0.1212, 0.0257, 2.4021,\n", + " 0.5470, -0.1738, 0.1062, -0.0423, 0.0376, 0.2426, -0.0767,\n", + " 0.0219, 0.4895, 0.4147, 0.0483, -0.0359, 0.1444, -0.2099,\n", + " 0.2691, 0.0615, 0.0047, 0.5872, 0.2177, 0.8185, 0.4179,\n", + " 0.0415, 0.1757, 0.9283, 0.1397, 0.3681, 0.6795, -0.0466,\n", + " 0.6185, 0.0991, 0.3758, 0.1208, 0.7321, 0.1422, -0.0159,\n", + " 0.4913, 0.0695, 0.1672, 0.6833, 0.3698, 0.1170, 0.0046,\n", + " 0.4440, 0.1650, 0.1285, 0.2183, 0.7052, 0.0041, 0.1612,\n", + " 0.1117, -0.0008, 0.2619, 0.0731, 0.2620, 0.0153, 0.2089,\n", + " 0.3399, 0.0394, 0.0987, 0.2809, 0.1330, -0.0987, 0.1587,\n", + " -0.1098, -0.1290, 0.1509, 0.1398, 0.0019, 0.1087, -0.1650,\n", + " 0.0561, 0.1740, 0.4182, 0.1161, 0.3530, 0.8590, 0.2884,\n", + " 0.1183, -0.0507, 0.0288, 0.1351, 0.1938, -0.0193, 0.5422,\n", + " 0.5368, 0.4404, 0.5066, 0.3581, 0.5300, 0.5118, 0.2010,\n", + " 0.3700, 0.6013, 0.0043, 0.0190, -0.1798, 0.0655, 0.6466,\n", + " 0.2411, 0.1317, 0.6079, -0.0045, 0.6037, 0.2969, 0.6362,\n", + " 0.3371, 0.1005, 0.4111, 0.5291, 0.1821, 0.2334, 0.0359,\n", + " 0.0938, 0.1678, 0.0977, 0.4354, 0.0347, -0.0722, 0.1484,\n", + " -0.0934, 0.4198, -0.0049, 0.1896, 0.5445, 0.5332, 0.3611,\n", + " 0.3276, 0.5591, 0.0020, -0.0665], device='cuda:0')),\n", + " ('classifier.fc1.weight',\n", + " tensor([[ 2.8755e-03, 1.9165e-03, -4.9982e-03, ..., -3.3482e-03,\n", + " -1.0174e-03, -9.9940e-03],\n", + " [-5.8229e-03, -1.2313e-02, -1.2323e-02, ..., -8.5002e-03,\n", + " -1.6102e-03, -1.4016e-02],\n", + " [-1.3275e-03, -3.0392e-03, 7.1168e-03, ..., 1.7376e-02,\n", + " -1.5704e-02, -8.1268e-03],\n", + " ...,\n", + " [-8.1606e-03, -1.0667e-02, -1.3804e-02, ..., 5.8743e-03,\n", + " 3.3002e-03, 1.6865e-03],\n", + " [-5.0199e-03, -1.7502e-02, -7.8969e-03, ..., -1.4685e-02,\n", + " -1.3075e-02, 9.0908e-03],\n", + " [ 5.1778e-03, -6.0779e-04, -9.3765e-03, ..., 1.5881e-02,\n", + " 4.6715e-03, -3.9510e-03]], device='cuda:0')),\n", + " ('classifier.fc1.bias',\n", + " tensor([-8.5333e-03, 5.1695e-04, 4.5851e-04, ..., 5.5101e-03,\n", + " -8.8263e-03, -2.2823e-03], device='cuda:0')),\n", + " ('classifier.fc2.weight',\n", + " tensor([[-1.7875e-02, 6.0618e-04, 5.2963e-03, ..., -2.6597e-03,\n", + " -7.8833e-03, -1.3484e-02],\n", + " [-1.3863e-02, 1.3207e-02, 8.9084e-03, ..., -9.8230e-04,\n", + " -7.0363e-03, -3.2897e-03],\n", + " [ 1.4092e-03, -1.7286e-02, 9.0501e-03, ..., 1.0675e-03,\n", + " -8.4186e-03, -8.0845e-04],\n", + " ...,\n", + " [-1.6949e-02, -2.0179e-02, -7.1454e-03, ..., -1.4188e-02,\n", + " -7.8431e-03, 7.9822e-03],\n", + " [-1.9544e-03, 3.3688e-03, -8.7392e-03, ..., -1.8902e-02,\n", + " -7.5087e-03, 8.4347e-03],\n", + " [ 1.9029e-02, -1.2634e-02, 2.0870e-02, ..., -4.5847e-03,\n", + " 3.9306e-03, 2.0887e-02]], device='cuda:0')),\n", + " ('classifier.fc2.bias', tensor(1.00000e-02 *\n", + " [-3.8443, -0.3190, -1.0334, ..., -0.8348, -3.4338, -4.9148], device='cuda:0')),\n", + " ('classifier.fc3.weight',\n", + " tensor([[-1.7286e-01, -3.3158e-02, -4.5259e-03, ..., -2.6428e-02,\n", + " -3.9165e-02, -8.8125e-02],\n", + " [-4.1994e-02, -1.5830e-03, 7.8628e-03, ..., -3.8653e-02,\n", + " -5.0699e-02, -6.6769e-02],\n", + " [-3.6007e-02, -2.3434e-02, -1.6646e-02, ..., -1.2421e-02,\n", + " -3.6897e-02, -4.0691e-02],\n", + " ...,\n", + " [-3.5170e-02, 8.5819e-03, -2.6119e-02, ..., -9.5101e-03,\n", + " 2.8694e-02, -4.1022e-02],\n", + " [-2.1008e-02, 1.9521e-02, 6.9397e-03, ..., 2.2954e-02,\n", + " -1.7436e-03, -1.9127e-02],\n", + " [-6.0792e-02, 2.3039e-02, 4.1772e-04, ..., -1.9228e-02,\n", + " 1.4898e-03, -2.3924e-02]], device='cuda:0')),\n", + " ('classifier.fc3.bias', tensor(1.00000e-02 *\n", + " [ 3.5449, -1.6236, 1.5002, 2.4637, -3.1404, 0.6800, 0.8838,\n", + " 0.4986, 4.7436, 1.1300, 1.4450, 1.1107, 3.4198, -2.0046,\n", + " -1.1806, 3.5722, 1.6258, 1.5547, 3.4981, 3.6150, -1.4638,\n", + " -3.1728, -1.0314, 0.0564, -2.7240, -0.4942, -3.4800, 2.7927,\n", + " 1.4610, 2.5868, -0.3396, -4.8799, -0.0389, -0.1582, -0.7080,\n", + " 0.4573, 0.3127, 3.4236, -4.0885, 1.8282, -1.0011, -0.8378,\n", + " 1.0390, -0.8675, -3.4964, -0.3239, -2.9261, 0.7662, -2.8487,\n", + " -2.0789, 3.8331, -1.6695, 0.1495, 5.2645, -0.7996, 1.5395,\n", + " -2.6015, 0.8670, -2.3512, 0.6807, -1.4424, 2.8752, -3.6459,\n", + " 0.7825, 1.3564, -3.1977, -0.9096, -0.4753, 2.6270, -2.4435,\n", + " -0.1116, -2.2853, 2.3912, 0.0902, 1.8309, 0.5660, 1.3115,\n", + " 1.5469, -0.0862, -1.0795, -1.7786, 2.0098, -3.4122, 0.3666,\n", + " 4.1249, 3.2478, -1.5350, 0.8140, -2.9364, 1.7097, 2.8358,\n", + " -3.8108, -0.5812, -3.1471, 0.0556, 4.2851, -3.3067, 2.1568,\n", + " 0.2263, 1.0656, 2.2770, -0.9225], device='cuda:0'))])" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "model.state_dict ()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Save the checkpoint\n", + "\n", + "Now that your network is trained, save the model so you can load it later for making predictions. You probably want to save other things such as the mapping of classes to indices which you get from one of the image datasets: `image_datasets['train'].class_to_idx`. You can attach this to the model as an attribute which makes inference easier later on.\n", + "\n", + "```model.class_to_idx = image_datasets['train'].class_to_idx```\n", + "\n", + "Remember that you'll want to completely rebuild the model later so you can use it for inference. Make sure to include any information you need in the checkpoint. If you want to load the model and keep training, you'll want to save the number of epochs as well as the optimizer state, `optimizer.state_dict`. You'll likely want to use this trained model in the next part of the project, so best to save it now." + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [], + "source": [ + "model.to ('cpu') #no need to use cuda for saving/loading model.\n", + "# TODO: Save the checkpoint \n", + "model.class_to_idx = train_image_datasets.class_to_idx #saving mapping between predicted class and class name, \n", + "#second variable is a class name in numeric \n", + "\n", + "#creating dictionary \n", + "checkpoint = {'classifier': model.classifier,\n", + " 'state_dict': model.state_dict (),\n", + " 'mapping': model.class_to_idx\n", + " } \n", + "\n", + "torch.save (checkpoint, 'project_checkpoint.pth')\n", + "#you should also store other hyper-parameters like the number of epochs, the learning_rate, arch param \n", + "#along with the checkpoint. This parameters are required in case you need to continue training your model\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Loading the checkpoint\n", + "\n", + "At this point it's good to write a function that can load a checkpoint and rebuild the model. That way you can come back to this project and keep working on it without having to retrain the network." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "# TODO: Write a function that loads a checkpoint and rebuilds the model\n", + "\n", + "def loading_model (file_path):\n", + " checkpoint = torch.load (file_path) #loading checkpoint from a file\n", + " model = models.alexnet (pretrained = True) #function works solely for Alexnet\n", + " #you can use the arch from the checkpoint and choose the model architecture in a more generic way:\n", + " #model = getattr(models, checkpoint['arch']\n", + " \n", + " model.classifier = checkpoint ['classifier']\n", + " model.load_state_dict (checkpoint ['state_dict'])\n", + " model.class_to_idx = checkpoint ['mapping']\n", + " \n", + " for param in model.parameters(): \n", + " param.requires_grad = False #turning off tuning of the model\n", + " \n", + " return model\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Downloading: \"https://download.pytorch.org/models/alexnet-owt-4df8aa71.pth\" to /root/.torch/models/alexnet-owt-4df8aa71.pth\n", + "100%|██████████| 244418560/244418560 [00:10<00:00, 24009225.54it/s]\n" + ] + }, + { + "data": { + "text/plain": [ + "AlexNet(\n", + " (features): Sequential(\n", + " (0): Conv2d(3, 64, kernel_size=(11, 11), stride=(4, 4), padding=(2, 2))\n", + " (1): ReLU(inplace)\n", + " (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (3): Conv2d(64, 192, kernel_size=(5, 5), stride=(1, 1), padding=(2, 2))\n", + " (4): ReLU(inplace)\n", + " (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (6): Conv2d(192, 384, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (7): ReLU(inplace)\n", + " (8): Conv2d(384, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (9): ReLU(inplace)\n", + " (10): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (11): ReLU(inplace)\n", + " (12): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " )\n", + " (classifier): Sequential(\n", + " (fc1): Linear(in_features=9216, out_features=4096, bias=True)\n", + " (relu1): ReLU()\n", + " (dropout1): Dropout(p=0.3)\n", + " (fc2): Linear(in_features=4096, out_features=2048, bias=True)\n", + " (relu2): ReLU()\n", + " (dropout2): Dropout(p=0.3)\n", + " (fc3): Linear(in_features=2048, out_features=102, bias=True)\n", + " (output): LogSoftmax()\n", + " )\n", + ")" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "#Now let's test if we did everything in correct way.\n", + "\n", + "model_verify = loading_model ('project_checkpoint.pth')\n", + "model_verify" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Inference for classification\n", + "\n", + "Now you'll write a function to use a trained network for inference. That is, you'll pass an image into the network and predict the class of the flower in the image. Write a function called `predict` that takes an image and a model, then returns the top $K$ most likely classes along with the probabilities. It should look like \n", + "\n", + "```python\n", + "probs, classes = predict(image_path, model)\n", + "print(probs)\n", + "print(classes)\n", + "> [ 0.01558163 0.01541934 0.01452626 0.01443549 0.01407339]\n", + "> ['70', '3', '45', '62', '55']\n", + "```\n", + "\n", + "First you'll need to handle processing the input image such that it can be used in your network. \n", + "\n", + "## Image Preprocessing\n", + "\n", + "You'll want to use `PIL` to load the image ([documentation](https://pillow.readthedocs.io/en/latest/reference/Image.html)). It's best to write a function that preprocesses the image so it can be used as input for the model. This function should process the images in the same manner used for training. \n", + "\n", + "First, resize the images where the shortest side is 256 pixels, keeping the aspect ratio. This can be done with the [`thumbnail`](http://pillow.readthedocs.io/en/3.1.x/reference/Image.html#PIL.Image.Image.thumbnail) or [`resize`](http://pillow.readthedocs.io/en/3.1.x/reference/Image.html#PIL.Image.Image.thumbnail) methods. Then you'll need to crop out the center 224x224 portion of the image.\n", + "\n", + "Color channels of images are typically encoded as integers 0-255, but the model expected floats 0-1. You'll need to convert the values. It's easiest with a Numpy array, which you can get from a PIL image like so `np_image = np.array(pil_image)`.\n", + "\n", + "As before, the network expects the images to be normalized in a specific way. For the means, it's `[0.485, 0.456, 0.406]` and for the standard deviations `[0.229, 0.224, 0.225]`. You'll want to subtract the means from each color channel, then divide by the standard deviation. \n", + "\n", + "And finally, PyTorch expects the color channel to be the first dimension but it's the third dimension in the PIL image and Numpy array. You can reorder dimensions using [`ndarray.transpose`](https://docs.scipy.org/doc/numpy-1.13.0/reference/generated/numpy.ndarray.transpose.html). The color channel needs to be first and retain the order of the other two dimensions." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "def process_image(image):\n", + " ''' Scales, crops, and normalizes a PIL image for a PyTorch model,\n", + " returns an Numpy array\n", + " '''\n", + " #size = 256, 256\n", + " im = Image.open (image) #loading image\n", + " width, height = im.size #original size\n", + " #proportion = width/ float (height) #to keep aspect ratio\n", + " \n", + " if width > height: \n", + " height = 256\n", + " im.thumbnail ((50000, height), Image.ANTIALIAS)\n", + " else: \n", + " width = 256\n", + " im.thumbnail ((width,50000), Image.ANTIALIAS)\n", + " \n", + " \n", + " width, height = im.size #new size of im\n", + " #crop 224x224 in the center\n", + " reduce = 224\n", + " left = (width - reduce)/2 \n", + " top = (height - reduce)/2\n", + " right = left + 224 \n", + " bottom = top + 224\n", + " im = im.crop ((left, top, right, bottom))\n", + " \n", + " #preparing numpy array\n", + " np_image = np.array (im)/255 #to make values from 0 to 1\n", + " np_image -= np.array ([0.485, 0.456, 0.406]) \n", + " np_image /= np.array ([0.229, 0.224, 0.225])\n", + " \n", + " np_image= np_image.transpose ((2,0,1))\n", + " #np_image.transpose (1,2,0)\n", + " return np_image\n", + " \n", + " # TODO: Process a PIL image for use in a PyTorch model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To check your work, the function below converts a PyTorch tensor and displays it in the notebook. If your `process_image` function works, running the output through this function should return the original image (except for the cropped out portions)." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAgcAAAH3CAYAAAAv2/y/AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAWJQAAFiUBSVIk8AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvpW3flQAAIABJREFUeJzsvWmsZdl5HbbOnec3DzW/mnoeOHQ3KVKiOEiUKQlKHFuKf0QxDAQxEAOCA/9IkMCBkiBA8kuOYDhGEEdC5sSwkUCyNZGmSHFmk+y5uubp1as3v3vfnadz8mOt79x3zn23qrqris0m9wd0n7r3nrPP3vsMb6/1fd/6vCAI4MyZM2fOnDlzZpb4oDvgzJkzZ86cOfvJMrc4cObMmTNnzpxFzC0OnDlz5syZM2cRc4sDZ86cOXPmzFnE3OLAmTNnzpw5cxYxtzhw5syZM2fOnEXMLQ6cOXPmzJkzZxFziwNnzpw5c+bMWcTc4sCZM2fOnDlzFjG3OHDmzJkzZ86cRcwtDpw5c+bMmTNnEXOLA2fOnDlz5sxZxNziwJkzZ86cOXMWMbc4cObMmTNnzpxF7EO1OPA877jnef+z53lrnud1Pc+74XneP/I8b+aD7pszZ86cOXP202JeEAQfdB8eyDzPOwvgWwAWAfx/AN4F8AqAzwG4CODTQRDsfHA9dObMmTNnzn467MPEHPwTcGHwO0EQ/NtBEPynQRB8HsDvAXgSwH/zgfbOmTNnzpw5+ymxDwVz4HneGQBXAdwAcDYIAv/Ab2UAdwF4ABaDIGh+IJ105syZM2fOfkrsw8IcfF7bPz+4MACAIAjqAL4JoADgkz/ujjlz5syZM2c/bZb6oDvwgPaktpcm/H4ZwBcBPAHgK+/nBJ7nXQdQAdkJZ86cOXPm7MNoKwD2gyA4/TCNfFgWB1Pa1ib8bt9P368hz/N+MOGnE9lsKnny1OwsPRT2/0P/ccgnAN7YNwf28Q79YfyICW2Z9+fwZsJ/PZyXyIuea9LvD2FjTQfeob9MHkcQ3Tu2X9xNFgRAYDuFm7GDAAD+2LFBpC+jz9GtLzLrXvuPvvNj/fci+3pedD7ifY2PxQuiN1I4/vilCkZt2y7JBB//fL4IAOh2OwCA/qCjvpBYTCWz+pzU8UONu6fvo6cKP4dd88IfRj+xrYSXBgBkMjkAQDqdVl/aAIBBX0RhkNR+GfY9yZYGw75aVJ+gz55dkwjRGJ2Q8N7zR98BCESoWh9H124Y2T8IErHPdq30fcD5TaU4f77P/Xq9rvrYC78LexXEnmNt7R4be4CCw78e+ya8FtE+Bp43+u4+r5xg0vvvvb4W7Lmww72xn8Jf4/fs+MkfzMYeh7EGJ7847/tOnXgN7nOYPfOxHhw2NG/CHwwvfLRGPzTqHfj+w4cLfFgWB/ezw//CvDfrnjw1W/in/+NvhxOdSCQiW/t+fKv9vETkIh12bPz7RCJ60e0msDbH/hjEzhm269tD5CHw47dZIvY5ZuH7yV5q0be7vbAQHN5OcGiz6n94RaJ/BO0g37dt9NLZS3P8D3L0+6He1zZmO24YbocYDvnvgT/UMeFBPEa/9/SHZjjg731tra1en7/3utoOuG33+Me01xvwPH37I8DfB8MhBgN+1+93I20Hg3SkrWyWf/x8/SGyPtkfu6H9YR7yXOlhRr9z/H2f+3vJmMfQD5DSH2Kb63JxAQDwwvOfAABcvvwuAODu1kUAQC7LP9izU0+wbymuvbuDPQBAq7sKAEil2KdkiudM8m8qkile22R4r6eg2xbpBNf7heQJAMCpE08DAE4cXwIAXLnyFgBgY63OY4ez3O/UMQBAqcKxVPe2OC9J9WmwxvGnubjoDbhNhPco5y3wfSBgGwHamiLOXTDkuL2gwrYH7HSvv8/fvRb3H/KP/nDI44eae/gFnYp9Xlrg/DVbPO7G9ctsJ30b3W5D5+CreNBPauvpe173ru6xcGEWrlP0XNnwxhaVPN5L8HMioefH430TJDPhd9A+gWeLP32tRaRvz7/mMuWFLyUcZvF3XriY1vPka0Fn70Jg9GzaPrZYHFuQJ6KvfHtvhm3F3ifjiwNbVGo+rE8BwvdCuD6Lv4N8e7dF33ETF6IxsDC0a6RzhiNRn70A8OyZCey6xf4W6RlLJe2Z02I7AXzzaxexX2vfOLwzD24flsWBMQNTE36vxPabaEEQfPyw78koeB/zPG/iH/QD+07cxr87eOPr/PHW9P8J57LfYw9DeCMGhnJsC9gb+EFZBC/2IrnvYiK+OMBhD0VsVWwPawy9G0qLI99gEpqJri0O6VOU/SBzQPNj2/G+0IbhOfTi1Xz6+uzb/NpfOl2bhNCsN9S1sGs29A60rn2tLXvI9SiWitPai23s1qrczydKT3r845bJ8KXp9fRHZdiL9DH8ozCCFvC0OMjqhdvr6OUckDmYneIf3s2tqzxEaD0dzGpc7FvCb0T66NuE6Vz2ogq/P3ARE/q3/RFIp0vcelyoDHrs26CvcSb5ezKxpD7x81SJ29Y+X/L9ZFdj4R/sgcf5CPSHzRZV9sc1GAyQ9LgIQNKeKS3m9Ie6lON4CxXKqGzvXgcAdPocfzBMayw9jY5znkpyPkuFkwCAleMvAAAuXHxD05TUcR4CLVCymTLH0WVbqYQWclDbYmmCgPNi74VJaNOeaVsU2G2Q1EJgqD/sg8AP58QL7xnb2nskepbRuW2RfTjjFn8XTrLDfo8fOylwfkQ0RP+Ax4Ppxom02FtBOyQ8HyGZE/tjb/MSZ5aMtfImvXdHL0EAQErvhYF+8HWv21hTqVT8bTa2OBgtaqLvID6TD8/wAh+egMSL2j4x4ffz2k6KSXDmzJkzZ86cPaB9WJiDr2r7Rc/zEoekMn4aQBvAdx72RIeh//eyneSCuN9qemz1HK5ko+3F6fUx3xyCA0zApFX3g517tCwfX3erd7if+WF/Yy08IKsxyc8/FkcQo+7C8967df3fUKUhg6i/2twOIaTwDCnwY9ITOoVRgANtbbXvj638jTb1kkSECZDmlXcB+RxJsrTQSqdPej1JQInZaSLnXpPt1eqk1bPaIRAaHpj7wh8xHtmsYgzEHGQzRNvPPP0cAOD2KhFuuy007vH3uWmi965cHe3tuxxL0NZ8mauHvyf1djGk7HkePCH5hPzxxQJJv7k5Mge5rI5BQePk90GP20yKaP/okRXtx/HuNjiW7fXb7FNK1ypp49c8h0RKEoNh9NnxxZQY4VGe4hzPzfLctSbbbvXs2tFNkNR1H/TZt3yW+z/3DEnKuZkjAIBLcpWclGuktg90FOcxHLAP7SbJz+WlZQDA1vYmgNF+vm/vA/bR9+J3eJyh0kXQwH3NVxB5r+g9EbZtzJc934czifdD93aPx9+JI/Q7eqYnMQNx92L4XrTxjLj/yH73e7+M2A/dmwfYw0kxABZzYfMzMmMMjHGJ/hp23Z79IMrqGdOGA/MYMiDhHEd2GZ05Ef/90bAGwIeEOQiC4CqAPwejMP9e7Of/EkARwP/iNA6cOXPmzJmzh7cPC3MAAP8RKJ/8+57nfQHABQCfAOWTLwH4zx/Xie+3GjN0n0gkDlkd39vi+01iFkKkGWs/jEkYhc8ciCqOh9GOUQKxc00aZyzwKJ5hcI9VejiehK2Ko00NDwtXeBBTO5OYidF+kzsXZx8mJDGMGISxFmxMEwI1DyCJMGhVj1zCEF9CQXAKLLNA9lKeiLpcIBq1oLhEQAZhusQ4gFSJDEO7TWTcUzwAgih7MfQTITJOJdh2X/tmk0Tpp08wYzifYdutfbIRGQUPzlSOAgDqCqzD0FCo/OEW1OWbXz+KpDwkYIGVhkvm5oiQjyydAgB0ukTOKY8++EJ+np+zy2qD85UTs3J6hSxI9e1tAEAxv8jfhfrXt+mRNF99iKiDTBiDMRxG7/+02IlyaUb95379vo3PGCL2xdc8wGef52bOAQDOnfkoAODO6l21q0yLTB4AsLWRR7nIca2tMbjz6NIZAMDUDPt/+/ZapA92p4VxDvFHN8YohkyD+cdjqNdLjrDyKEPC7tVRRsO9zO6xEXPE659KpdT3OOsZY2x8f4w5mHRMMqF4lvBddHi8w32Zg9BHj+gYAy8MzBw98PaPKHMwepeFkQETzmbsh/YKr4ExULH2EIzYm3Bc0e34340Ro/SouIMPBXMAhOzBSwD+EFwU/AMAZwH8PoCfc3UVnDlz5syZs0djHybmAEEQ3Abwdx5X+x7owxlD5xNiDEa/I/x+UizBo/QFHdregaVy/CffVqijPSL7xdMLR2vGePaCHR7d/7BVvrVtPjFDxiM/4+HjmJTCOP59dDVvFj+Ov0+CEVGfaph1Ec81D1M81bYf+zwxLfNgpLghFaUcKbPBULdFpwd+Rp+JLlM5otFui5SCxQGgz98Xl5gKuL7OtXG/qTgBnc+QVjqTxaDFthNDtpnRbzvrTNHrHee4Slmi9T2h00KKTML8FJmDduMOAGDYFzJUzII/4LkNlSU0/v6AqN0feshmpWOgCO18jgg5m1H2QZOewXKZDEA+Ncf+g9tub5fnVqB8V/OxuU4WJF0k2k8njc1TaqAoquFAPuZEFgnpN/T7YleEmHNC9sUyx93riNXp8ff+kOPO2n0zzKuvnJ9Tx19k55QSefHiFc5rmWzHzh4zUKbKKygVyeLsZsjGnDnNmOtrN8h4tFtkJyrqi91ru9VN9YXxHhYxn0pHI+gtYyQRPg4WCGIpjn6YdTIYWtaCPddC6cZahuxflEOLazXEfen3zTQ45NhJn+PnDOKQOjwwirzHo6Ys5kDtWbzRgRRIL2H919aPzo8xAPEYgvAcE1iMMMnJ5r2vrCFv9MzG5E4O2IR38mOwDw1z4MyZM2fOnDn78diHijn48dg4+g9/mcAgHLbPg34/row3oVcTVqUHvrA9x44J0XuIfON5y2EjsbMmYt/Hl8DqO6I+x9hOE/pt57YV/AOmL0zo6URP2z2IA+s3FI2fVnh94EvMSP7tMP87ZBC0UX54yvz6SRNZshOMAixCBCM0lrJ7KGnMiMSPFLWeEuo6f+5ZAEB1l0j68mVGvNd3eFw1yb4mIT0A5HUmIuqMUPDMzDG0qhxfJU+EmyqSGVi9TjR+8gjjGY4u0Ge+vy0/r3QQjiwwLiCVZizCu7eZHNQTOs3m5MNXXESoZWAiOn4CCDhOT9kZxra025zrjjIojh2lRkAuxQyJxq789Wmi8WSS16RWZYzCwFC9rlG1XVVfov7etHQTZqeOo68Mhn6dzElfolWmvVAp89zr+2wr8Pl9KkkWY26aaN7vTWucZHEW588CANbWGAdxZ41Myyc+Qb2DrU2i/uWFFdxdXwcAvPzSpwEAhRLn4zvf/abGyTk9dYqMQiANjW6P89Tpca47XdOesIwaPftJQ6OmSWEsAHcbDvphRoOxWknPhIc87cN7LJU5HM7Gn/v7xVuF77JD2MNJmQ9j7OTEuKkHsxFjYO2O0gHCLIt4ioA9/kYwxhiUOFNi9388PMJE2RLGbsUyEoa+P8oPCRnYeOZI9PtHTEwfciZnzpw5c+bM2c+8OebgoHnRFdjjihd4LBYJa7V1sfldoz70EZoylGEIOh4BHIfchysojlDxOAKY6Dr7QM18gabkZ3ndlkkgv20Y+G0MiSRdU4aspM7XZw66+RBTUiA01cKEl0AgBGeSiJZfnUwR2fct5z5lSIBorVIRUg7IHKxnpRRofRwSzVqGQUOIuW/oR4xEubCAvIREZ8srAIBsiv2/sb/Bz0m2cfIopYzXV4lK0wlmM+TS3E6XVMLEtyh9jqFS4u/11lDjN6YK6nMmjOyvFNiG1XcwSWqTBS6X2VZBNRf8HsdbskyCKckn70pbIC+FQd13zV5Us8Duv1yBMQkLcytoDYjgqw2i954pVYt9abd4LRoNtpnLcO5LWZ7rzIlnuL9PJmHY4/wWczzH5U3KJKfTui90redmVgAAiaCCmWkO+Nw5MgOvv/ktAEC3S+Znfo7X/cSx0wCA9TWyPLMz1EoYetxvfeMmAKDTq2qkhk4tDkYqfAneD4WcmBsECPyoPHJfPnCLok+nJRNtKp3J6Hti/D35YO/LkTbLe4+wH4vWj5Oa960tYM+89rfPnodATMkwzErREaZHEJNqNwtloWPfW9zLSLZd5wxPHtWDOJi9YWxEMhn9U+158bk/oMr6iP5cOebAmTNnzpw5cxYxxxzELaKQ+AH35T3ZAQWxmA7BgfhbACNfV+jXG1tlxwYey04YP+chLMFPJmUgs1W3YgyGtmLnr0llDvQVfT80VC+UWywS1U6JQVhbv8X9wuPl502NMjXClb+Yg6Fvjx6RbzbLc/R8shDVGtHszRuMdF+YWgEAJEDUOjtFFDu/TLSakCJgtcm8eH/IvqdSQv3ZKWSzRJuFtI6dZl+ae0SG+QyzFJZm2ObF8nX1mSgzrfHkC9x/qkLEvLpJn7rNp6F/fxjN0Egm02HefVbINaPshXxBDMqA2Qr9IVmLgd/W7xy3L0YllRYro5iNVFIKk1ZboS+/b9L8vuzLdIVIfKayjE6NsRO9nupS6DoXC6axQAagVEjrM/36+RIphrkZ6kK062J3smRDBDzR6nAMx1RMylQQT59i7MH63S0sH+WcX73CehavvfYjtiGVyaNHqa5osSPNJu+PUpFzX2vuaLwWQa/4AdPPUKGpcJ5zBfVRYw5GVRktGn+qMqW55OduT8WrwvdGNGp/lP3kHfyI8VilCZlcQTD2sp2U4TBqeUKb9zzqwPFG5MVjGHwccPQHkX2sAmoyLLRnbUQrZo5nYEUVWEdEbRT1HxyDsb323ghibK4xCvG4sp85hURnzpw5c+bM2Y/PHHMQMY+r4XCRdo8IeODAgnjyau1BsxAefsV3yPG2Uo2v8GPnHhc8DGN5I9+PjoxqDFgOdajedeDfo3NGfWTB2LkmIQWbH4sEjusU3vu4IAgORCSbnkEysqdvlerMz6dzZdJEkJ1BtBJeX9r6U1PytZeJtHd2idaDoY4X0zDwhwisVG6IGvg5K596LkuU2lT1vVaTKLXRZjT+s08SlW6uEoW2q0SCaSHP6RLbK+eEJOv0QRcUeb80v4Dp7HEAwP42+1eUnsHKSY5jqkL0XSxwe3SJ++9uyQc7FGrNcbwrR6jmt7VOBF5Unn9b9SI6XTIPiZQYGD+FjGIkKnlmPsxWOJ7pMsezscpx53LSHCgq5kDZCfWG6T1Ey2NnlN+vStYmEIlCjmP0lNUxNb2oPqXQbImdUKZDyuM1mJ1eAQDMzVC9cHedbExJNROW5ois8wmi95588cUS562ta5cWA/Xk2ecBANksUXtLIu+5VB5KiMHNW9d4bIfHZnLKMplVbMEgp3Hx+8Djgfv7YlqkG5HKmiqhKk7KCqr22W63tT/Pk0omMBwyGyWfZczJ88+8DAC4tUrWameP4y/PcL/t7Q2dw9JybCsND8t2MD2QsGy0yk6H+4fFNzCeCcXNJAIhEb6aokElfqwa7Oj9cfjnsIe+ZRj4B7IIlIUUph/ZewKRz4gxJhZ7NDxQ1+Rge/HXaFxf1UskDpQYn/R3Ic46HMx8eDTsgVscxMw7QKbEhXpGkpaxz7HiSNFjfkyLg5CiO/jAHBThEX136KGxFL3YgzmitA4X4EiMtevBR/SBCUMk1Rl73IIJokdh4ZFQiGRE0XMsCrSyErzWXljPXRs/CL0mocyx0unCwMy0tloE9AY8oFwhpZtSAFa9zmCvwYDbVks0c55/LJKe6Fc92f2hCRL1kPD4YkymuzZwAEApzX2tXHJNKX6dFv+wNtt8+bc6TIubKvOPa3tD9Dz4x68wwxd7WuWC37z4NbbTYNBdpVjAsQWVRVbqXkYyyoW8KGiP3yeTXBR94pVPAABu3bircdnih32c0oKmKFdHJc3FQlfFk6pNult8tev5SXgB52q2SEq+kOYf2KDHOW9sc56mjoqKV3DjnsahmL7QvZIUfZ5XxaZBS24G3z5zPhaPSshpgQueIADqNaX/qU/5NOdyKs+UxLRcPvt7XKBVtNBYnuE4va7uE/0dzuf4eX2dfzyPLvKanjzO1MakXCCNFtvLB2W8/e5rAICdLc5xILfJ4jL7MDvLlM7GLudhbpqft/clq6xn8dw5nuPu5g0AQK/PP9DPP/cRAMCNW3Rb1LtcyOUUjJpEDr7POXruyc+wrVNMn337LRa5ndYCrt/VqkZuJmjBlbCtBT6bHLWlrdoiIiHZbc+KSJXVjhe+bMLnPxRPOzxtMh0Kl6lLMRdqEOPER5X61BU/ClbCAneJ8ff+6K2nzxqPL5eNZ6BD77IwFdSCQsNTR/fzQndt9Hcv4Y3SIePFq2Iv1NHiYPQ36VE5FpxbwZkzZ86cOXMWMcccHGKTZJInlx6d3MaDihw9KoucJ1xtIrI95CgAOFB8JNaWjTOIrtYPqUT00PZeC1eNxmtBQ9HvKWlt39nWRE4swMoQgrEYUTpxSQjQhGR2qkSc9X3+XlBwWCZLZNSVME1KQYbBYICkcZEKSPRUsrijFL52h8cuLJD2bjTJEHTbRFn9Lvt47BgRZXPHiiKx2dlpovjFRVLXqRxR3nde/QoAYHe3heOLQnxKB+z12LbNYEppbuZWCeQWMaq+Uef+lSmi8pQEesoVSRar0I7N08gDpPaGCYhpR1L7muiTuhLeY/Ua+5/NKhgyTOXifHU1XzaPmRTRb05phnYNDY0dXSZjMD9LNmh7u4piTuxEmYzI0twKAOD4kZMaD8c5PSWGROWl+0ozLGVUHCvDPjbkL8hkedzSMu+LwYCD63Q5kcUir+1+solGk6yKsX35PK/fC89TgvnIEbpqVttMYcQ0276zQTfEk+fJwCwdZZuN79KttHL6NM9V4ny88w7Pk/LMdUYKZjjIYHGe5/iVX/lVzs0uWarZWTIlgce53tre0nh4EWdKSrM8xfm5u0G2a0/y0BbAOnph6OLHXIwIDoQX2vNvKDsRZRTi6ZIjFyl0XOydhSgCD4uDxYIMRwXiEuE+ZvF3UegeMPeDySvbPRcYG2HFrqLsx3jJ56ixZHOUpR2VrB718+D39ys09X7MMQfOnDlz5syZs4g55uCAeTCk+ehQ/iQZ0McpsBSudGNFSSadKQgm9cVW52IWYv6ueCDjo7D4vPj3YSfGkUSsTHAk2CnadigPK5eole61lf2gZ3EPRGunTz/F768QCbY7CkQrnFRfldq4QV+tl2LDyUQPgZ1EMROBlWBWEZ+2yiBnkkSfX/jMLwEAbt+ikM7eFr9/5bNEikGHPuraNhHhsSMqaZwmin1BQWWra/T7r6/v4dmnxAQI4dRqZDgqFX6fVxBcVT72rtC8Bf21moypWJhncFsxz+3RZQYXFnP8nGkSxSeg4APfZKkToT+2pH09CSh1GkTV/Q7PdWeXfvvpKcUzzBKlb1VZ2rihQLxhl8cnFYA3pYJNlSJRL4T+F2YVRyBBJ7/fRsZjDMY0v8LCDMdRyFnxJvb77Ar9+Xs7nK+dLaL4M8/z+P2GpIzF8iwvqmhUgcdXa9w/lbZ54H1Vr9fQF6uwv885P7rC6/jUU/T7ZxIcx2BZZZ4DMkZzMzz300+TEekNeY5innP/ysuvAAD++T//lwBG93wqzL8zZqWMT33yCwCA+TkyCGt3Gd+xcorj/sGPKMw0HLD/0xX28egy7/tOh2m37Q7vD9XhCkXCEFjgock0x9i+ewV0254xJjYRR99WoA1RpmFEJESRtjEMidi5fd+fyByPF3+zUcTQexgvZeeMHhdv79BxW7rkBNY6zkyPir1Fg60fxhxz4MyZM2fOnDmLmGMO7mH3K3Z0r3iCD0xy+cBpJxUxGTtkQtrMiFGIriFDHD4p1fMh7EH7HPYlHuV8jzbD6OBwnFG/tKmjDvsqjpQiCq/ViOrnlFb2zNMvAQAuXaaPNZOSJO88IZOlmd2VfG7CG4aFlAbKsfNSij2Q/9Z6ZOv+boOsxMkjlNXdXCOau3btJtsR6mjViWYtJSMjlqOnNKpTJ8g0vPrqq9hcpy84K6lhKJvCSjdnJOpUH1jUNcc/rZiCus6VUanjXIbtJHyidmMSpitEtf4tza9vEsk+AqUoZtNEuK0a+7C1zvHVq1aC2Eosc2bmp3mutpiCfe2XAc9pJY2rkoKeUYT9whGyAYtzZA56klWuV/thIarZGaLzYlYyyN0oa5VXsaer26uRebGUxLVV+vkDFbvKZdhOW4JFJrJVKHPMQzExjXojFMjJZTmu84ohWFxgbESzxmPnZgXHdW/mSxRSOnOeLMU3vvWvAQCf/cXPAwBu3rjNce7z3k3pvugHyjgRy/WxFz+Dn/80Wap9xXlkNN5Gg/23+39+gff/U08zHqK6z/vh9nXOeSDBKSjjYvRiMSGfeKGhgb4ff2rjSH9Mqnksal9b2NdxBiHKAqR0z4f7j5V6H9l4GmS0Lc8fO3msAdscztDGs90OsteTWIzxNsa6/dDmmANnzpw5c+bMWcQcc3APe6/llw/+9qBlnx/U4izF+MpxtJKeVM500hkNISVibVs53dGqXSv/MLvBOnevjkf7MI4E7PfEwa9DH1pcTGmSv260X7QzCS8RihyFacXm+1O0fUlIWvWS0G5x/2aN+7UaRKkbd4m8n3vuSX2vyHr5nE8cpY92dpr+8bqyGmr1DaTSpuxA5ObJ95uSnG3Ct7lVLrzQ2vQRIsPjkkm2R3Z2XkWBtojedrcZYb6Qoz+4Jp+8iQxVijO4JTR57jSRny/J5aYgcLfDvs2oFPH2Jvt/VH14Z5fxDaurRPmmqVApEXln0xXNJ5mGTFJSvV3606crc2HEf0J+6G5bok9CqYUM26xJ2ri2zfH1TxKN727yc6utctmKCC8UVSyp2dO52Kcnn1hhn4psd1PCR7WdNvyesgrEKsxKWrmn65/lIRgq9sRYjqNHiaB3tiRBLKZlt8o+m7x0ucIGeh1e63aD7ezXeT/t7tSRVozI6dPnAQAf/cjL6i/naSCxp3TZaC2eqyB2w8o/F/LMVnjqCRaD+v1//E8AjDQW7HnZq1Mf4cgC4wX+3d/6baSV6eFJp6OqMtjvvP0O50XMyidf/gUAQF/gyaujAAAgAElEQVQP/g9e/wHHZwyUUmeG4Xsj/v7QOyARzRSI/BbfN/Y59MHb+yEG2hPh+0Z9ifn7J70LDzIGcdYirnswCmc4nFm2701WOYFoJye9yw9jDvxQE8F+sz5GY62SybiU0sObYw6cOXPmzJkzZxFzzMED2P3Q+mG/T4pHmNTW/eMC7sMYPIRFI/sPrpTDPSLfI7b/Q5790M+Til/F86HjhUdstX5whZ00HYOwAIoifIeW803KYH6eiDmhyPf9Xa6dr18lY7C5TkS1vUSkbTnm168z9iCliIEnVhhp3q6xL9euv4uaENsQymtXJHdK5XDTUp3rKeJ7kJHq3IC/d9pEZ0kxEHPzRIq70hzY2GLEeFIIOiEZ3UTAsR1bOoENlftNnBxoPti/7S3mr5crKotcIpLcUSZEOkkUawWUdrakspdn27kMFQabdSJpKwucFSKtS0nw2adfwKC5rH6JAVJ54GZDvnExCvU9shbVHW437/L3dp197iumYnOH8zozpyJJFc7L4jGyFpZZ0empiJCQeH2/jXy2pH5K96HDa1IW8pciM9a3ed2h2IGMMh6qe5zPZNoyAcSGqJ1Cgft3pNrYkk7E3h632UwZrS3ue+QEkfziAjMGPL2aC0WpDCpWo9PmNbmjjIJLV94AAHz2C1Sz/PY3mFlQFntjUsj1Bu/ZN97i/fXrX/otAMDy4jGsruq+1n3wjW98nePMsA9f+mu/wv5KEfOP/uSPOY4a41+sgvdA18SyewLLUjBpX8UkDFVcLOEpjgL3f1+Gn+0f5nuPZWKNshriiDv2IrF3WIwVSCQSh2QCqN9WWS3GBNhLyZLEQsXEGJPwXuOoDu9/dBt/T3qe98gCEBxz4MyZM2fOnDmLmGMO3oc9CHq/X4zA4zjn+287VjI0tkod00EIHX36/aHOfThzMOn3OMsRqvHF4gmiWu3R+AZjGay8bVtIryPdgikVUiqViMKffII+5nffIVLa3iSKXVok0/D0k0R7+4os39/h+UppRso/c2Yeq+tvAQBu330dAOBLpdFiK1KWvWByCPJz94Q6s6mSjmcGRGlGWQ4CX1aauCG9hCUVGKrWiDBnp2eQVk2EofLxpxXhv73F+ajVapofjqPfI8re3CBTYJHvYTlgIapWQ6qFipuoLJkPm/ObVST+wvwittrR7AxDW/2OFeVRH1VyOaXMgJ1N9mF+hnO9U2WGQLtNxuRo/ojaU8vqm+XcdyxuQPEj7VYb03PMqrCyuA3pPsyofoUpQ966SU2JpMbT60iTQWyEPQCmbmjKkfV9MQU7UhjcaGjexExkEmGRolPSFOgrk2HgDzR3ZDUyYjHqNY5ve5vjfvF5Zi1U1Ocrl1ks6SMvkDEIAvbJskGeOv9xAMCxo+c4j7vtMCvnhz/6IQCgVOYxf+vf+zvs28oKAODtN6mZ8eyzT3OeTvB+uX6D9+RAsRdDaXck9OfF7m1fNRUSKRMW4eY9vcvsnePHnvOx8vTxtqOMQhzEH4wzGM9cmMAQ23vQyrn4UaYg3D/sa5TdnGQH+xAvzXxwn+jngzTGoxGeccyBM2fOnDlz5ixijjk4xO7n348rXcV/Bw6sbGOuovHV55iDP3KOSX0b+3wfFcR7WdjFWMzBaMUc/TzWs3DRenD1Hl11xzMoxnOC4+Myff742YLI1pOfN/Tz9Xux1vwx/6NdNtN+bytKf39PioFFqQ0KlhuCPneW6K4p9GnxAYUc28nKST1o83wbd5hBML8wi8WZFQDAqhQPLTPCV5RxVuqEmSxZi7TO3VQNgTMrRLnVuvL9pVZ4/CSRdODtaD5MH4AoLSed/1ajimOKsq8qA+DIAjMZDOnuKcagkCMKnVbWRVPR9ZbW0lUMwbCvCpNiDLotfu53+DmdzKtPbCefrYTXZWeHqDMnFD1doePa/P7GALTFKOQ60lYoEdVanv6wF40I7/XYh57E+VRNGb2OKukpzmRuZg5TM1b7gNc3kzF9C27bykLZ2+K8LM5z/upV+u/zKjNdKOQifU6pbsTmBmNVdtd5/JayXfJZjnWQ3MXKad5TuUwp0nbgdbWvyoNr3NUqr11asSovvvgxAMA3vsUaGh998VOcF6kZpsU4HVE1yo+9RKah3+Y8TE/lceHNtwEA+8qu+fVf+w0AwMsfJ0OQtJIcKfZh/hjb/svvkg1bXTW2xvQvGINy4qTYkAHv4dU1nmcYsqojBcH4U26ZU37Mbz/SK7D3XrysPKLHxd6/luRkrBe88eynSRViR+9eCy6IvXsTsb6GIQqx2sx+9OUXV1+BN/oyPGd0+BMVEzmnLubAmTNnzpw5c/YYzDEHMfM8b0zP2iy+grTVpvm9PXjjKz1r93AiIaxX4IV+cG6tIuAkVcawv+abehi1wnBVHY3GDSuDhcXRbWUcWzkrX94fmj/PAxLRNkItBSmTWYvDQZQJGKkWaj8v7kscRPYfKho/CORcFuIOfYiDbqgd4Em50Cr7QZ/zQvydJj9X93iOpUXmd9fl3x70iABzGZ27a1HoJY2fMHVmVtkPC2z31vUrmFOFu0pmhecasM1UjscsHjkNAEiniCqzSaKvQZMTV+sQdc7PMGI8K//37CzjBmr7RH3tFrdlCyEPiGq31z1kC9JzKClWoMtzp9JCrco26PV47dJZoteBx3FDDMOgSSYg6RMRmjIgdC27Tc5fOccxN4QcN9baCPqMhfCkrnjjGlUHfTEdM7OMVwiSbLPTlypjTjoHNY5vX5kg3oB971sdjJx89gKGKhCIrtiMmTLnL3k2Bz+hype9qs6hzADdO2u3ld3hs69FKWF2OuxDf4Z9mz/Gvl2WT76ga5dqC3Lvi92QpkMmqWyFqQyOHSOiX5hSxccBmYNmm20PPG57ytK4fY3nPrZEVP7ma5c1D+zDR54mc3DtGjNoFhdVg+G82BxlIOQVi7Bzax/tPV6fX/08sxLOn2XmxN4uz3VtlRkRP3j9rwAAFy69yt/3GPfgecr68DhPH3nu5wAATz1Ddc/X3/ouAODmTfnPxUBYodIg8A5UIeSXA9/YWatsqHonesekEra/f+CokTZLiLD1vVViTSb1PvLs/cKtvW+5b5QhHldhtSqMOiDUbbAhRJmEwHoxxphE2w2FFr3E6J1s47A+TVCQtXiHkd7Bw5tjDpw5c+bMmTNnEXPMwQPYe1FKDKPoTahfNjGGYLRDZL8xFcIJfqQH4QvuFw08YjuiMQeTcmvDbSxrIVxxH9QOi+sVjMVaRCN542ar7rBiokVAJ4iI+8ZMSDcga7J28kn3ugkMBkK2nrExhjZ4TFKxB0Ofn/eqjE4vlYjKjxyjb35TGvr7e0TSGxtElsePyeesS95UPrup9F3rbWN5iYh5Xsj4+z/6BoARarU6BceOkkFo7Su3Wujj7h3q1xflay7Os22r5gdp5pfL9PNXypYhwHa3NrbRVfxCRWqBpoRnMQetFmMLwmyFPhmAovYfKPbCDzi+QUAk3OlIYVGMg9cxhMR2kwH7Ut/rYCrH/kypXsNmijoFjTrbWMrw+5MnVelStShqNc55V77iRkN1DLLqu/L4jy9znhcXyzquExmTZRRkMiXs7Cnroq9+53lvWSjFjZt3AADtFvdb31jX3LKNxVnGe2zc4X0AnzeAxYlsrjHmpK04mMoMEfbJU1RkLCylUZnid8Yclo3dkU4FArZ58eJ1jVdVJud5T1659i4A4MgSGQjLGJif4+/HjrKP29u8f/qK0SjMktXY2FjHS69QVXFuUfUu+uz/1//qzwEAf/xn/yfHIbYrIaYwleJ1HfY4tx/96EcBAJ/6uZ8HAOzVOP47t8kO9Qd6RhVvY754D+OvBbOkHqphiIyF2v1opsjovRuryRB7VwXBMPL5/bjn45UQx5RXx96bQWRjdq+/K4+zau+DmmMOnDlz5syZM2cRc8zBe7DJWgPjq7sHVcMaHRA9Loys95LRHeJ9Cr+efL77rz4nrVLvwxzElBMjFdNiucCxUIwD54r323yJyo2WKl1PaDSVJEq3SPiER/Q7EHPgK0q7mKevNZ9NYXuHiK872NYZw7Bh/l9I2Ka622NO/V51TW3Rh7wk9F8pkFGoy/+9tcl2Z2aI+sx9OlXm5+nKDC6+xboGxRJh0+LcCgCgOuA5djeJfI8ueDpWyn6Ki+h2uN/adbIaHWkLFOaIhAaKd9jZ2deYCH+ffeYpAMDCwjT2dnmOaakG1na2NUdEr5bvnsupeqDPtpJJReEL8fUUB2AB491uV/OmTAnVJuhzWpHyOH/59AJyaY1LmQ0DocmZmWmdixdhbo5zvLPLPna6bMyYAzsuLxXGXo/jt2vRC4h+p2b4e7miCpK6yN3uAEYoBUMOLKNaETtbqn2guhVBn783xU6US7wHL10gmi+oPsZJVYB87VX66Nvqs2la5KS8WJjiPCfTAXraJ2OCDOC5ysbuSCnS1BXPnKEq55VLFwCM6hhUdW3zfCwwVeGcWzbH3TtE/WfOrXA+pXVRmcogk4tmhly7Ra2E77/6bc6VmIS87l174P0++/jUk1QE/fxnv8TvFaN09fINjUlVKfNioHyOKWFMHkYxRhZbYEzhQOxVGKsUvkhs/2hWgsU2RaP3gfBdFTr27601cC+b9A6L11oYf7fF4sXuwRzEmecPwhxz4MyZM2fOnDmLmGMOHoEdXP9ZxP+kamKTjo0r+43yWCNf3/Pc79fud477H2+xBqMGxkIlwtCCSSeLZiuYWT730PzCIErzB0RvQ68V6QN8ft9t8daemVnGTIWIZ3NbUDEZ7a9FiCeSllKhfP2hKgB2yCSUpMFvcQ2pKWUCbNGnWszxc16aBUn1abo8hXduXOUxHhFxQcxAqig9fiHf7Q0yIUePEs2XC2xrVtkO26qPcOcOdfArPaJcifzh+9//PgDglVeotX9CPudU0kfgKy5BCLAjnYaMUOrsLCPe7VL0JBbgixkw3QdjJXz5wwPPNPP5/VCaAgllSgj8we/kkND13NmTLoMX9SUXVRui0bAaFGxrYZGszVsX6WPfr/K6zxfY51KG90W7pUyLBidkaooxDKZZMOgRHe/XWvAHik8Rau2Lnbp5nSxNUwqHSfXx1DHOZafH++XGTV73lRMr7HOxrXlgqyllwbRU9TKfUfZCVhUlsykMJMPoeaaVAM0dtzeu8hzL8xz/QDU2ppV1kUolwvEAQL3Nc60cY1zD1obuE1XDTEmT4rb6ni+mMDXLueoom+LtNy9x/GKnFufZVqvPa5bPs68fe55VGl95mTEGnmpOXLhwSWPgtV5eoD7EfoNxD8YSBGHmUTJUirQ/SVZNMS3NiClpbliMTTA0BkDPsAJFTP/Ai1UtHFWItEyraHaEmed5hygkxiyWQTAKKdA7P6beGD9unGEYndvsYPbEwb7YOW1exu3RqCMCjjlw5syZM2fOnMXMMQcPYPerv31wsTaJKbhf9OnIlxZF1pOqlY0ats375xAmaYjHYwri+4+Oi80PvAN5xzGlRK2IhzGGJGxbyCbUf0A0yrzX5i2bFEop5ohC9oU0B0Oilco0kfbedhulCtHlEsMQcOcufarZnHT+hfC6UsqT6GLoGx0qnx+hToLUC6UcOFdhw5t3iYxOr9D3HKi9pflZXEsz8r2mTIdclgxCRmpyxbLy0BNC9fLJF6fZmYVFIsVbeTIK7bqqGKbYl3yBqHRhgX35zndYnc8UA48fOwV4RIbDoZQdizx2r0o/fUU1Jcxv25UOQjLFa2VKgP2h/OQB+1IsqUJkQ7UZFDFv8SG+tPYHnST6KfanVVf+vhBfLkPGYEqxAZevEr3brbi2xvnbUZxEvys9A2k09Ps8x/EZotSlo/PqK/erKj7EF1Kv11roqyJkNsNtVdfr5lXGhzQUY5BRdL7FtVy/Tm2BQoXzZQHwW5tE1ob6ukPun5Z+wrSuYaZi2S1DDBVDYSxNStH2O+rvndu8p86cykfmq6Kshr0qWS2rLFlRnwZdtrsllcblZc7Hxl0yCe0ux5pKF+CpIuiVizd1DO+P5QVqKdQ77EOhxHO+9BJVGT/387/MOQ14/Ftvkh3rd3jRlpf4HDTb7KM3MFlQ7p8RkzIcevAH9txbNVGLveF4phW/Y5lAbTFt2Syf3aVFPuNVZUjYfT8KCzDGIJ5Fxm2YBREEEzVmQu0Uvd38GNs7/s5W2yl7j0brwIS1Fvxo/MPB88aVEMMIitj39g72/eD9U8Axc8yBM2fOnDlz5ixiHwhz4HneHIC/DuDXADwP4BiAHoA3AfwBgD8IRpJZ8DxvBcD1ezT5fwdB8LceV39/HBZH/uN5A/dhBh5jOuxYzYXQ3RdNQRj97CHOQti+4T7xFX1ofmSHoaLSK0UyBQMhzE5TEfQe0dhMmYh5vyplvRZX/7lcCY0akdD8In2ndUV079V4S2WkqgdfNQSSPGezRSTcljphMc1z9JXPb7n3nlBcr0U0s7HGjILTJ8/wfH4/VHo0lNDY57GdfX5/7CR9yoaU4Fl+v1T4pFdg9Q621okAFwbTkfEfV8T8zetEgau3iYI/+uKL8FXpr1ojEjxylLnwezvX2M+GcuBLRJlN1W8w1UK7phZBni4r6l5V9soVMhHVfVMW5Oslk1BmSZBAp6XaAHK/+/JLGyIOPGMpeMz16+zb/BHWu+gPOMdh5LtSDrodnmu/RrQ/L5qo0STSrItpMb9/PlOE3+V1NpS9Jzaj1eS+/T5/P6v6B40m74MdVbo8IS2GbovnaOrcLVXGTEmr4NhJahDMLXFeE0r094dd9BQD0dL9nkpwPt54jdkI28q+sEyIyjTHffM2791z51cAABuqnDnUtbl8kSjenjjTgehIg2F2jkh7ZmEB28rOuHWT4yrk+Uz5ynRID/j78y+eBwD8tS+SMcin+UxevEhlyG6b83j6FJURu32yHzs7vLdPHmemxcY292/qXjh+5BS2tji3PZ3z5EnFObT5nFy/wvt5INZqbo5z/9JLH2FbHd5zr/7gmwAO1F5APCshytDGCdkgCCIVGg+afT+0uDKYTkOUQZ3s94+zwIezyYcxByGDENvn0Ay6R6SN8EG5FX4TwP8A4C6ArwK4BWAJwL8D4H8C8CXP834zGI8IeR3A/3tIe289xr46c+bMmTNnP1P2QS0OLgH4DQD/KsYQ/GcAvgfgb4ALhX8RO+61IAh+98fVycdpo9h80zO492rvYZSy3rPmwvjZo32IKSNO2D2yizf2OeqHG81IVDM9IQ31To+IJ6cqc9PKX282pdMulbalBX5/9y61DXpJH5kMv1tbJVIp5VYAADVFvHfb8r/miei6UoIbDIlKq/tE6TNFIkCLuK9U1IddIqtsOqfzMBK8pVoFxdwC0vJb1/fZB6tsmJSGwt1V9ndmnuM5epzo7fZtft8W1F4U+txeJ1IUkMZdZTG0WhzLk09Q9e7kyhEAwM7uFnKKsUiq6mBepSEty6DXJlKu1zm+gZDznTvsAwKeQ2571KVq2BtwTEsniNa9lCkrktWwKo1JL4l2k200G0SA+SKvZ0+Idu0O586i0JuqFYEdXgO7j4bqhKE3Q/vNOve3vH5TK7TXTLrMsSUTSaSVnTKU0uPNG0SnDTEIC/Ocu7NnVwAAb7zNvP/TZ3kfFBS1vyuGqaPqnntVouAlMTN5+erTEiEYBKbZ4aGtjJHFeSL5tNIU1tc457k0j8llpTJZJZJeVvZGNq1MgwbHvbrL2Ayrc7Jymn0fyAevRB3kc2Jseh1sb5Mx8BU8US7zvp5Wf88+9QoA4MnniNbLJf5+5xYZsqbOfUpZGxXF+Fy4yCqMvmINjh8hk7avZ+DJcx9ne8VpNKrc9yPPP602uc/1qzfUJz4nL7/yWQDAyRNkDGp13k8/+CHrPZhCpDEHYUZEGBfAzaQquEEQTETyYzFWkxgD797MQdieEZaxmIOD9X3ijPCovgPGjjm4fRT2gcQcBEHwb4Ig+KODCwN9vw7gn+rjZ3/sHXPmzJkzZ86c/URmK1hI+OCQ3456nvd3AcwB2AHw7SAI3vix9exn1EaL0cOzF8aFwQ7UFD8ko+PwLw5fbRua6cs322kSERYLXFfOTtM3ub3N28XQ24kTRHdvvvk2jhxRHv800VatymNLeSLDhmoDDHpEgEmJBvieVSlU/rr82wX5jHtp+XMVld4QClTQO954nbfmwtzxMAtjY4PIrij0lYUCIDRPVy8zk6JcIfKfkfb+tqLOSyUiqEyWTMLlixfZZ2UUNJpkFKamiWpPHCXaa7XrYdXIcqmi8fCzl2CHu6pKefs2kaD5d429qdfZh2DIPlu0fyrN7e6OtPeF2qxaaaagTJNmH91uS3PUVZu67sbSCHV3urwmDTEBENvRV1S/xSZAKNd0Iiw55uaNW2qHY5idIxOTTpg2v49hz9Qled1MZdGYlRMnGOdg8RFZXfePfZy+89WrluXB8W2o9kJGlQ+zipsY6Iaw+fLFvG1t3UVWUfJLS7xeb73G+8PUN2dniMK3pVewtEA24s4qWY67G5prq9IppcmlJfa92+XYrG6GCQZWa0TcfjIRRvgXCmxjXpkNy6fIBJ19kltJSaCmeJm6YixmpqU1IeXQ69KJuPQu40WaugbrW7wmc9N87o4sngYAXHjnMj71yc+zf8om+P53/wgA8MT55wEAf+M3qb5YqnBOv/2tdwAAX/3av2GfxCAkMzGqMhYnFeobSKMjXoEx8u8JegdxBmHyNm7GOMQyDbwoRo+g/7ArUf2cZOJwhuBRlmL4iVoceJ6XAvDv6+OfHrLLL+u/g8f8JYC/HQTBrQc8xw8m/PTUA3bTmTNnzpw5+6m2n6jFAYD/FsBzAP51EAR/duD7FoD/GgxGvKbvXgDwuwA+B+Arnud9JAiC5sOcPABzvOOrr0k63eaVMb8nfB9eMhk75t66Bl6srbjd35cUiwM4tI2JP0UsCJmBuPJX9FxejBXww0pnyiEO0mH1xASsqlpH3YxG+HpJyz83BTCp8CkXOpC/MhharQVDqfST9tpEEvPzKwAAycNjeoqI8tmnz6MuPYL5ObZdLhMh3rjKY1MDRmGns6rGWCZa36tzvalgbUhiHsk0kXe3w773NR+pJFH6sKt8fxhbsIsZ5bZ7FkMhNbq5RanoSdmuvkGUef0NotDnn2ek/Kry2YcZIcpZwrjLVxR0MGA7gx7P06xxrFt3VAkvn8L2zg0AQO4c+7C9R7RVLNu1Yn87+7qfVVNgqGvVbnHOyxV+7qp4gtW3395WDIfQaibDz0ePHNPEpZAS89FrMWOinOR455aIiGu1mrbSmNC4MqaMqcqHQVLKeGnFEkiVcqjaBB3TaEhYZUhlryTYt3a3hf4wo3HxO0PEJbERC8dUa6HOOIijJ5c1Ds5tQkqHlomztU/Uf+LkiuZFipFiDnpVnqepugZrqzU89QTRs8Ja8NYPmYXQaUorQRoMq7d4PzSqio9Yo1Lk3DKZgnJJGgqq0TA1x3vYh5iVNRvjjuaT93Cr7WEguuX4CsdXmuYcHz/GWAmVkkBXzIfX5e9Hptj3tp6Ptaucv5uXeF/1dQ/6fW6PTvFefu5FMi+NPd4fv/Rzv4I9Xfe//KuvAQB+8VNfAAD8W3/9N9iWnvs/+bM/AQB86wf/knPZ432UljrlwBcbpvfI0FeMifQjhhAbNrB3WVT3wPM8BMNRtUgASOu9H4SFG/ROs/edZS3ESIuQefBj+gcWZxbGciH2+2gfI8jCvwMWihAqPEZrT5BheDQ6Bz8xiwPP834HwD8A8C6A3z74WxAEmwD+i9ghX/c874sAvgHgEwD+AwD//f3OEwTBxyec/wcAPvbee/7TbF5sG/+eZmVVfX9E0RkN5oWpOLZo4jFh+KFJ2IZiSRImstLMehHD48vfkzyyKRXt7SoVrEUq00ojb67zBXXs+CwqKkJjhYeMHl45zX3vqBRzq8u+lCw1UUGOtY4EluTwGgzZTjItQZ82X2xFid2kFSQ2Pc0X9+bGbljMaH6WL+BbCuZKi4JuqMjPYMA2VhWYl81KMEe0cW2P+6UkemPllM2dYiI4wwFfplevkX4+enQKW5vs59wc+xWAbZQlMNOukdI3QZhEcqi5lVtFAYp2nO2XzuQ0X7wWJh6Uy/HF1ZB88LEjJ7AvEZu+KPy5Y7wGsyq0dHed87Jfl1iUguI6arunPuTFcdcb7NtURa4Lk3zWizypRURXrqPavqUpdhBIpGlPf5nLU7wvfuEXXubcyvWzvnEDAHD6zAoA4MZNun4WZ0mP7+5w4WbBtR0FdubyCprUe3xTaYmWIhoMhygW+Ef8W99gQN7VK5QeDl14MDqZ265cXAlFFs7N8lpevcqF7PIyF2IbckOYS6Pe0MpWz5WJkzXrtTDIdXGB1yBXZNsmk2wPqy8J87T+8HYH/GFtlefaWJewlVxCthA+d56LiI+99JTGYgGwnO/LVy/hwgW6Cb70pV8CAHz2C58EAAzl2vujf0U3w7e/y8VBUwvwZNaEhLRwCQssaRbDP+Ci8oMopR/3Pvi+HwI329qiIJTGj0sz/zhtLKAy7uodpZE/rP1EiCB5nvf3wD/s7wD4XBAoLPo+FgTBAEx9BIDPPKbuOXPmzJkzZz9T9oEzB57n/X0AvwdqFXxBLMF7MRFyKN5zL2f3sPuthCe5LkI1JAAHVtrewfQfP7KvMQJ+IFQ1JHKCPBNhJVZrWvLASdHKSJIFGIhRyAhBV6tEK9cuq6BMoRj+PisRn7SQbkPoMS/xo7LEfDwJKjX32LdShvTnfp/ou15TamJeRYNEifsB0dx+g7fu7DTZgeGQ1HihUEZDqXuFHJFeLsf+3r5NxGcI8e460eXyMmn2a9cpZmNpdZZ+WVJQoaHbpoR3ipI47nXY16qCxqanCqHL5eoVovMZBbd1VHDI6O9+z9IDeYAxIeYKajdVqEqpm5YKafeHBXQaim8o1S2RTOpRIFwAACAASURBVKItFgFClZaq2NC21zdkzN2MRjXUZqWpvYTuG/OA9MUQqEhUW0yBucgaNQum5Pfnzp5CVSI8rRaR/zPPMgh05TTR9/o6qfxTpxn0mstxXNeuCd33Vbr5Eq/R1JQKV4mqNtbLJLMHcp015OY6dnQ+DOK8evWixskHYUasU7dn11tFvnZJo7/yiZcAANfFYti4jyzz3muJndirEmF7YhrmF9hHY3MC9DA9RebIAkgLYmvaEsXqd43L5ratktwX37nBcSnY1lJlywrQXD7K5+n8U5y/+XlR/QpovfwO7/Ub127hV375iwCAJ59b0al4nd96m4XEvvcqvcyNDp/vjFI7ewMLtDS0b+m5xkBqG8YKHqTfxwA4GYX7svLRdMKRu8HcBZEmH4tNUG5+pAGJHyhz4HnefwIuDF4DGYP3ujAAgE9qe+2eezlz5syZM2fOHsg+MObA87x/COC/AvADAF+8lyvB87xPAPhREEitZPT95wH8x/r4vz2uvv7026S0w0mxBjF/V0yhNOElwsDM/sAYBGMOuB41kZZBPxFpIxlmsNqSWOItEhGyNDFDZb0OEdWUAv729oiUqjtERimvgGZdaGxWCElMgaHUdofH9LtCyIECDrvs83SR6COTVdBgg7fqjoR5hgHRu6XhmWywBUEVi0XclO8/m2Tb6aTFChC15vMcT1YpiuvyvXfEANg81WsS2kkTUWbkFzZkndA5U5IJthTQ9c09DFWcyORyBz7P3VIZ4EAIsaOURhOHymTZt5xiKvoK+rKS1H0xDumUUJq+t7iB2Vn6skulwihrSwFVhvxMvMYYhIEV6BKSzqvglJX8tjgIpCQOJEGmgopAWannICbPbYyW7wfoq/hQWrEHXsD5eesNFlayktbG4nz7m0x0qip2ZSsvRkBFg0ZFxthOX6mSvs/5tOC3XRVoWl4o4M7qttrcsx6yBbE1J04Qddt9P7sQjc1IqnTvRz/6UQBAt8cxtRX3MBRbYUW1Usm8+sQxLMzPoKIAzLzu816Hx26s836e1vXrSZq5ITaqXCK70RBLMac0yqeeptRzOsN56Wn85qq/cYvof/0ux/7pT38KKyssh93v8Bzfe5WiRn/25T/mOSQz/swTjAcx1u7ytTcBAAPf0lIt1S+nz3q/KAbHC+OjjKrUc2NBgolEGJAYPlPGCOidNqrIPCkd+/FxBsHYP8wOxB48mnjED6y2wt8GFwZDAH8F4HcOica/EQTBH+rf/x2AZ5W2KAk1vADg8/r3PwyC4FuPs8/OnDlz5szZz4p9UMzBaW2TAP7+hH2+BuAP9e//FSzU9DKAL4Eh7RsA/h8A/zgIgr96bD09YPGVoq0szRebSCTGSmxOki4O5ZMnRM3GSz8/vATyYWapNJaCGP/ZmIHDUzjNwt/N75VMwBbm5oc2X6BlNHgBP6fkC+1KcGegFLS0pH0NjTaF7gOhWH9A5Dwc0Ic67CtTwLIYWkQruzs1DOWPbipie26OcQtlRbjnpHLz7tv0anWUm2WiSemkSs0KjXatUM8uGYRBu6WxyS+8Q7/w4hz9v0uLR7B6Y03HEvHkckol6xKdWenlY0eJvu6ucw1crfIc+Sz3z6rwlEWjTy9pnrJWwEhlmYXELc20ul8P57ojpiBbZF+SQrQD7dsWercM1eZAQkILjGrPFNjHOxtEwIUiGRmTqrV4gUxGKXESE2o09lBV0aK0osyHYH87KrxUb9p88JqY6JOv4AIrD22CQvZ85MS8mIDR0LesBYtWHwmWA8DNG2uo1tnfirI1GlV+ttLbBZUJb9R47a5dNq8n53xDDEBO+91dW1PfeC7zi89McbuzzWvZ1f21u13F5iYZgJ7ui7xiRl56iUxAQ7LQC5r7y5fJauztkWn4zGd+HgCwtkYU3lD2hqfslrau9fQMx22My6xiGhaWZ0Mp5ZwEhC5dZhxMSWxDr6200SF/L0nyu65U3kKO4y+V9DzluJ/FnNj78eZ1xnBsb5Fxee45xvSkM5mwFPP6Fuf+L//ihwCASv4cAODjH/k1AEBHsRXvXv8qACCpUDPLmGmJ7em12Qe7N48c4/ztVPVc7ela2qsvZJT80IE/JmkfxlFFP48VPwpjtPxDfzfW1FLj34vksR1jpb0fh2yy2QeyOFB9hN99D/v/MwD/7HH1x5kzZ86cOXM2sg88W+En0eKFNt7PquzxIP3HbBP8WGEREMS2YgUGfkxIJEiOWATPooOVERCYX18r4Kx86lpN9yyqxPKTFXUciHFoClla6eK24gayEn8JhmzfisNsbuwilTD9Abax3lWswIDR1EUV/zl9ilHq77xNBLi9TVS3uMj9Qn9tn5+nSkTEdyV+k1YJW7v2hSLRTKfdxrFjavtNitzkskLE0jUo5onkTLzJV3jNJckp16wMsonaSGioURc6E2NiCDthIkESZ+h0WpiqlLWvcsMVD5LLsZ9ZhXQ3Uozi39ojGjUU35Hg1NRMWfPHPs4vcD5WVzm2tBDoMysUlzp2nAzM5cuXkZZoUV/5+g2J/XTk5x4G3JZyPEdRpbotc8KYkabKJGeFUktTNvc8vi+BJhNBakpUKSE0l0wM0VOWRkbZLL6EtlqaU1/n2tvjPYdhlJ1oKEPEtuZUT6ZDOKp5sgJWykyR03pvu4qGhJHsuZhWxkNKsRRDZVfcuMljN7fJVjz3zHMAgFs3ibR3dtjHrNiKVpvXsLZPxm1GegiWJTI7z/sxl8kiJxbnzdcvqf8qta1slP3qKOsGAO6KtWooC+Po8SOaP8U7NKVpIgppvyG5ZTEzi7OMo7BnNp1Jo9EkI/D6D5m1sTC7AgB4+ZVPARixNN/41lc4rh7bPLnCDJNUhnN65SozR6bFDp49z2JPnd6e2rnBvnmHx6IEQTBic2M6B1aqOYw5wOE2igs4PIUg/tfkff2tMBXoMPxrFO/wqP7y/EToHDhz5syZM2fOfnLMMQcxo7rf4QU3HvT4g9vH6RN6ZDZJv8Aivcdko6OxB4bWR1kPo8JLFqHtK8YgmZBegZiBQZ++P8s+yGeIQv2BEJBJ+UoIIV/gcXs1opeFCn2JWeW9NxrKg9f5EkE6LEXsK+I/ocyH2zeIuk6flt8yxd/Pn2d0+pXLV9Umjz93hPLI/R5RSUoR0b4KL+1sqBCRZWoIeaZSSZQlyTynyG9Do9MLZB/W7nA8ORW/MZXBjFBco0mkpKB1ZLI8R22fqC6rHPO2ZJkzQq+tFo8L/AFqQsSW491pSgZYrExG/U5pHmw+Sspbb3cszoMI0Er7VuRTf2aaPuQL77Lg1PknOF/Pv3BGfd0J933zdfp+c8rOMObI9B760jNoNImAlbwQxmaYQqCxFKab0elKjttX2WjFR3SUzbCpUsiFfB7ZAs/dUNGeapXXIC8f+kCxFk0hX5Oqzcq/vSd0bpYWo9BT/ERS5Zd3dnmP16rKUlD2g+cnkUkVNZfsS7nI+//SRbIwlWneN1tb7OP8Io81FqunV1R9n+fcD9hnQ+unz/IamD7ElMqMW+ZJMpHAhbeYSWMKoh/7+IsAgP7QslB4TdY0d4EyAo4fIwNg8R2B5rwuHRFDzLUa2ZFSgQxSUzoPCbFjc3M5bKoE+cI8x3fq9AoAYHWNrNybb/GeOveEWIcSC6vdWeMz2tzn8/S5z/wqAKCoWJULl6g8eekqWZF2j/dHMm3KihY3dsj7OfYuH+kZmOqr/P7xw0xJ0VQ640WSJpSEfqC/FaZWOarIFDt28qHv1Rxz4MyZM2fOnDmLmGMODlrw8LECo3Kf+iIslPETzByEdrhS4mhOjFEIlcj5f99W0JahkUBCq2vLMxYIQVYFchKeFVYiIrLiPfCkgBjI55y1DAAiiHabiKg4xQbXN24DAOamFFeQ4XH5PD9nM6UQyZj/ta+MiF6H/V+9TUS3sFhSGxzfyln6f6/f4LmvXOb3+dyCRk+0viRt+oyNuU10e+sW/cTlYgGVAhHhymnmgL/6/Xc0Lwn1k4iuqOjqnV0hAVMIHFjeOhGi5dY3FX1u5E9Hqn+5vJgZ7R/4fXSVd29aCF6F4xsof31oAR+6vlaDIiykJERtmRBz84rFSLO9J544q3Oq/oPQmSHpc+dP4bvf/Y76z+8SQrB2DosV6HRMM4Hbmel5fTZmxTJELEhFYxDDMBCbY/EBaTEOgTQogmECxYJFfCt+QcqOnXZVbQeRbUpMQKuprINhlCmC2I+iVDutrPSa0K/Np5XO3tuthX78hXmi6j2VUs4Xla0xxdiakytn1Aa/396qqg0+DxZz0JR65fJR1ayYmVVfVV55hu3NzvJev3Z5He9epn7cpz5NDYFtZVX0dY0aTWNQOOdTqlUy1PgTYpguvctiUF7a9D3I2hR17/c7ypZpcF7mFANz53Y9fBbPn+M91OxyXOUptvX5X2b2RlbP9YV3pPI5xXiH51/8Rbape/IvvvwXAIA33+BzltO1zigLypipA1WPtAng27+hXWybiGJp2y+OsIPYfZPwYuje2vNi7MUB5mByllu07XhWHBUeH03UgWMOnDlz5syZM2cRc8xBxDxFx0ej8U3wP0T/XnRNGSQVzYphqLQVRi5bNUI1GXrvw8/RqlpxhuHBmQzr2xCHCBaoMV3uUDVO5w7XslZJ0dgPW9laO6axb6hOpX69WR3Oz8NeGs2W/JVS6jMUafnsxZIixQNGXfeEavspobYkI+X7XSLA2SWVUd6UPsAOUYf5and3uf+wT3YgrRiETLKMviLbe3VVthOCyWe4z93rjD1oCIUdO0FmIJMlmi+keM67a4qPSDU0Bv5+/ChR3elTHMPWFn2zrRb7dvvaLrIrRDgZ1XMoTdu+zIw4fpwofnOD53jl5U8AAL76NUZnN5sc176yNaxCZEssiKfshITuxXqd+5eletcddEI2J1Blw47QeqpIJNhQ/ILpICTSRNstlTK20r5DofsXXqS+/43bZG9q2zz+3Ele0wvvErV5A87v7Mw0djdU5lkV/rpNxQiIjchneU2S0pbIKQffYiyqVVU2bKvcdFHKesp+6KmPxbIhbzJVbysDZaB7vOf7SOk56WkOrUZER/ecPfdWUXRg9R2sQqJKL3tit6w2QUb3fEt6BnYtwrGIPculAqQzPFerw3G1pXthZaF9cD5efoVR+bdWyUJcu0jkvHqN91pS6D2lPueU7bC9SV/+yTP01c/N8N5ev8t5/+HrF3H23AoAYGfbKoNyXIZOjfXzOny+uxp/kOU5b99k/Eirye+PHGccTVb3T1/3016N98HJU2TPel3pjzQ7mJ3nPZjL875YOMJ+Bkk+N6uritvYYb9PHvkIAOCZp/icbFd5r/3Jn/9fAIC33v0mx5LgfHasRLNVHPXtvWxVL0U5+f1wH2PILG7KMl9Sim8xlcXw3Q2Z3uGmXjnSk+Enezsb8zKmgzB64Y7FIyRi8Q6P0xxz4MyZM2fOnDmLmGMOIubBQ3I8ajQKpA+sEO3nkb6h/duznYMoM4DY73G/1sNoK4xsAnMw9nmC8mG8WEKsKmOoIa/Vdm9AZJRSvQD4CQyUQ2+KgIuKss7kjIUxLXRlL4DoYmqKvuWu/LPbWzs6l7TmjxN1rK/R/9lVqcHlJflst+lbNf+on0khIRYnZ/UG5N809cWS/Pwbd4kuO10ee+KkcsGVO24KcD2p81le9/YGEdfJM0Q/M7P0e+5uypedLYR+3HKJ4z+n/OsLFxiV3hAS9tXXu+s3AAB/82/+OgDgf/8//gXHu0skZDnXXekD1ORzn5oiWhuIWrDYhF63GyqzZdJWhZK/Tau/W1tSjYtFaae0vyEaq6y4q3oA1aqi+QOiWqulcPcO22upIuXMzBT2djhX9TrnODHFa9CSoqVpRVjMyO4ur//6BpGyqTymFR8wkAqfn+dnq4D43AtkLzZUg6DR4HnL0pNIBAHqdWkfCIUVy7x+nR7vZ9NYsGd6foH32Ja0BnbCuAchyNB3zOm4s0pEnUpZrQ1us7oPT58/iatXTfGQ/c7rnFaN0RiR733vRwCAS1fp1+9VTS9CMSXKzimUpGVh6FXnzAnF23Px9a9TbT7w0iG7aYqGe7qu5aI0NZTtMz01o3NxfN//HismWszKCy8yy2Go+6y+z763pLhZrJAF2a8py8Nnn2Znykim7PpL8TIrpVNlYUxP8docO0YmQUKIuHCJugivvk6m4JqqVCpRCLk0+7yga5cUo1LdZTzQfp2MTSJpLGgwip3yrR4D2xr6QeT7kGnVezNk5vT69GOsb1xZ8V42proYstY/vtg1xxw4c+bMmTNnziLmmIOIWUmrCXmoMergUHQ/VpgrSjtYBPOYipYdNqEmw2PNdjA1wjCWIrZmDKL7WaU7Uy0MPKLeVofoJ5Wcx9LyCoBR1cQN+TjnVG9geVkR/wlCgKqqrvkD+UyTRBmG9Lptq+LI3zNiFnaFyLNCBGfOUJXvykUig1azA4U5hPrrVtFtv04UfkxsRFta8XdW6UO33PmFRcYDWKS0VXHcr7PhoWIT3nyDPtXKFM/T7Y78mXu7zKHfr3Gcp05xHn7uk0Rba5vKuljguK/fIqI8uUIm5T/8u78FAPhHv/cHbFt9MFajKyjV1NhSitKvN+TTH/bDKpFpiSVY1UTIj233XLeruIAwIpq7GaIypF3dVfZHj+Pc3eZ8muKksUWG2vdrdWTSVuGRc9SUVkDPqnfCaiOYP1f3xdDKdpp+g6pSpoi0s33LeiBk3FiXj1ooNZ20aqCjegqDvqLyNc591THISLmvKcS7dIRxDSVpBLyjWApjCopilIwh2Nnmtd7eZh8W5ngNzSyj4PKVy6gbo6HI/aK0I5K6Z+398OU//zIAYF73Yl3KiiWxHaaQmclxm1aMxtz8tH7nfP7pn7GdzS2yA08//dFQEXBnazsy7pa0Iaan2EalwtibH/2ILIbVeXjllVcAjNiqHdV96Patjgiv9dam4mWkk3H2DJ+7VDqJTpfzsLfKe7LV5TkXl/iceGKMqqoIeeXGWwCAty6wUub6Gp/3jtQZp8vU3FhZOc3jNcaU3gGZhOJpmpYFJKZt6IfVJK1GiF2DwcCyeVRDJNQv0L1r78+x6rYxix52TxvXPohmKxxmTiHRmTNnzpw5c/ZYzDEHMaP/0Hyu5reLVkZMxJiDwHxNCEIHlflzgzDmIJrFAEPdOq8pYoefH6tvKU5vWKxBEPs9btwvqVoFsIjZWHZDp91BtSpNd6GOhTmiydU7RCf1fa6+zz9DBsE05dfvqNJhV6p9qXmd2WrJC4XuK59fNQrW78hnmyE6mVFFxds33kI+z3MnhJhNf39jk31pSVXw1ApjDAx17UkxLyP/Z1FKgZYRsKd4iG6ax1emieJv3VDlQUWcD4YdtJUZYNkp167dAAA8/TRjD5596mkAQH/Y0jFs8ytfpi/1136dym/nzz0BAHjjTSIni8XIKsq/WSdqQ9buN0M9Q/SVpRCqCyojINlS9onu84EU77qKMrfccKtnbxkn9jkhRimTUTvSvZiZkhrkDvuUSiTh9zl3C4u8Prv7Fq0vpUf1wWpChFk92vZ6IaQGAPiK+G4p6yGjOhCFPBF4XzEvO2IiclLYbLfqod6AjaMhRD+XtevGY7e2yQj1tL/NTy5vWTtSnOzw+B3dV+bvNxbEfNOmZdFqNzA7N6vx89i7G2Rx5hUHcvmS6h0IxtZrLe3HPj3zNJ8fq6kw6EfZDLvm3/wmYwzuihVbOfsUAGaQ1Gt8dva1tViL/SqfpXKB/b96hUzBJfn5jxyh/9/qhgx0LTY2OH6LYVha4n5t6WjMznFsmayv827DSw+0L8dTUf0ODxZbw7a3t/hMvvvuqwCAd95+E8CoKuvHn/8MAGBmhqyVvXZnxaCsrXH87yoeaNDjvKVUR2JucT7MhOl0+I6xyqbJkEkwBtWYQUPz0YIHk0ILvAeA9pOUdkd1Hw7H9Y+ypo9jDpw5c+bMmTNnEXPMwT0t6v83H2MosX2QMdDWD8tlcWMRrFYJz/y4xiB4Md3tuI9pku7BKHh1XLNgtHiM7nv/cUZXwqM+xc7hR5mHpMdVed702pFCT37oWk3qg3PMs35qij7A1duMIn/nHSKjI0eIPiolMgVbiqpuS5OgWKS/M1GSQpzQaF37FbNEGteust1jR+knXlg4gmtXqAA3M8N+Tkl1ric08s479CHXm+zrmbOntR/3HwyscqCQtBiIeamx3bjMLIe+qjxaFcM9KTIOBm30+lINlK+zvcc2b1wjUswJ+RsrUUgRUXpD9vVP//jbHNdxaso/eY6xCq+//joAIKtzeopWb6qmgqGdbrePRMLqFgjBqrZAKmP6FdF705CyIae0GISBNPT3dlUpMqx6yZOZIqAxCT3FMOztbqOj7JLWgEi5MZAOf4rnHMifa+ewOAfrw1Dfp5PKoBBarZQ5Tx2FqZc1DxuqB2CZKouLnNftzQ2Uy7y+e0LINj4b/36N3+d8osuG1CetfkNJmTXmizYFTqvCWCrxmtp9Y8qCa3d5jxaLOew3o1Ukl5YUUyBthLvad0osTG2XfZibI/PSaCtjIrA6GJyHjNiPt94mw3Tp4gUAwLPP0xf/ScUJ7FWb2NAzuiyEb9H4Od1TlnVh74flZZ67rOfj+nVm3FRrGr9egXPzs5ovi4/gNVla5Lz5Um30EKAg9c2pCts01cmenr2+WIh3LzBb463X+EyfXOZ4nn3mFc0La0nYOzqblxbDHbIeF1X3YyidjaUF7l+u6B7ODTDckN5Fu6FxR1F8wou/H+M6BYerF4bvbu2XiP99OQT1J0O6wtq2Pz5juz5yc8yBM2fOnDlz5ixijjkYs/ElWbiyC2W4o5rYYRxBgBCmh2vAhCEffQz1DaL1CB5djOl7sWiNhNC8KPsRD68NVCHRJsQL5LdTlcJELhlGtPelCbC9RwQ0O0vUcf5JImCLPm4o8r8sf6dpv2/cJQLe25VfX1HdJ0/QV3/l4g0AwI4i59OKGF9bJWIsFUuhkuPGBhFSp2LaC0RpzTZZhq1t+ko3NnPqA5HPMIziZx8WFukXvd2i/3JmlmjH9O1T8jUXpOfuex2kc0Q+vZb8lwmhUY2/WZcPVFHT5v/Op4kErYbCbcUzFAo8fs40FfY4tsUFqTsKxXf7qivR2ENGcQgd+e27yqEf6BpZ9LWhc8vfh9qali7/XlX6/3kiYX8opUDdB+02+76tDAqLYq/vV0ONhY0djiPI87eM5iNkDHT/GG6yviVVa+HcmXP6XSp86uucYhlmFMXfl5+7o4qS1T366s+fW0FOsShf+TIj+BeEiLuqKZBWrInFaFhmgSHhnMUg6JrZuK12hc1fQqqFpgtRUjbH7Pwc9mq85556+gmNk8dcv8F8/WKBz4Nl5aT1jFmdC0/oPl/itckp1uL1N1iNcFfz/MQTjDEoaMymTdBuN0IEm9Bs37zF+9oS9i0Lo9HgM2axFLti73qaD4s5WDpKBiIvZqpe57xZFo8fqGqlnstMIRuyFbtbvE5WCfTaTbISX/361wAAG5u8fh97lrUUnnuONRdyWY4/m+d9ZPEzb1/4IQDge99lzIUxM5/41McBAHv7nH+r7rh6+xbqTWNATDEWsijCH6naIvL9RFj/PrIUJjfy+M0xB86cOXPmzJmziDnm4KAFXP2FhRVj/v34inFUgfGgepWt7GIrvNhq8REGlb4Pi/XNiyp+hRJf4VBsAoaImpQCA1UGHFr+bx4FRWTX6/IVK7d5/S6RTEXofVa+UwHhUY2FgWUAEH3U9ojKNlR7wBDQ+fOM8r9x7SYAYGtzMzKEna1V1KTglxPa2t3h57Zy7BcW2VeliqO6J+0EaeYfP0GW4+IV+jt3pVJo9SIM7S0ItW9v8viaaswnU+2wUiGEkP1hSvPDudvZJrNSkF/WUKhF51u0vjECm5vyRYtJ6dj+8rnnc0SQ+ZIqBCYHWJeWgick2Jb/v5AzdTi2nRf6MsTYUY0A60RHaNyQZE7nGgzsORhqDByz6SZkc0nUpHiYV6R/Ny2lTN0fgXzMvu4tQ5cW52IZAdkcj8+nFKuheIGi/PrpjClFsl1Dt3XpaWzvbGC/Tl96JoY2O9JQsHoFFvlviDKVtYqXnAfL6uj1bD6Lmi6xHbqxjGh88gn6yZO5JGYXyfzMKZvnRz+i6mBOOh7tFs9hKp79luodKG4kLY2NuQXqAdxQFswdxVocEZPiD6USKgXKb37jGzo+g/kZ7vPaj17jd2IjcooZGQrpN6WL0VYMxSDIqO//P3tvGitJll6HfRGR+55vX2rt6up9m1WcHmookiJlmSIpQiRAwIJhGbBlA/5l/xEsG6AA/zRgwzJgw7IlwDJsSpCAocQRx1yGQ3I4Q053Ty9TXV1d66uqty+575ER4R/nnHgvs6pmxjPd7rEYFyhkvczIiBs3bkTe73znO4ecIyIFEXkjffqALK/iHAsl9MHnvZCb8hnRH8ZhaskwX9+4DuTjT7+Fap0l6qL80i+gGmGhBlRPapO1BaJaTfAEPiA34ZBIw0++/tNmZnbhArhPD45RcXHvPSAGt2+/z751jIUfsb/HRFU+7mzFQBg/D+eVEB+vUCuUeN6d8Xu1ecdGN1FITFrSkpa0pCUtaZ9US5CDMy0yrfoeXyHw5LWe85j/i4mqigZxDWbRh0cVFf+/bPOdEGIQzL5tZ5GRM69qnnJ0HvcysShQNQbVAofY55jObgHrsTMZ+hxk5WjHnkiNzCGCQM+AbgtR3bXbWPk/8zQUEZ++ArU1raw7rS676lk6pRpwnFCtArb0YIToW4puqVSZp43Ip9WixjyjUYe3y/Y21NjEfE9LYe4Y22u1r3x/NDmxsc88NZEDaQD0e4hs7m0hcllfB0rh0PehXMZ5S81wbR0R4oTRV72qvuHcGmTeC8xqNfH34sqiTaaIqpod1IqXGCGJ4e8x8q/XFAni2o3I/GKWLQAAIABJREFUHdCrMQffIaO+QJfBfh99zGZxETNUaVRVSC6Tsybz8xX2u8OO9nhdQ3pB+NxOiJPy+uMxotYKuSnn1sE23zvEOW1T7VEVNstLiDib1CqQzv/R4Z4dt7AvuSWqGknHKDLKHhKtGBMZ0D0sLoUUIOXeGHM2iH4s1RE5v/bqp83MbGUJkfqt+7fswkVc7zu3UTGjChAhHbmMlEI5XxyiMCX5eGBf++TT7NA5dGkJeX+P82hED47jY1yzEfkz65vrdvMGmPyDvnwMcP0DzovRENdVzqAeVS7zOfEX5C6IcZEHyYXL4PIQxLExK1RC3i8PH+KaT3zf1jdQrfTwPq7TB9cR0b/0IjgFz78IhHBMJI1Ty1ZWcc/qXn24c499wBzcWIdzqEXoxPYdbPeNd//MzMzevwm1xyo1Skr5qjVbmEMEUGIEySdPw4nNFqniyT+f6KMzp4tz+gvx/R/688jB91Vf/AhbghwkLWlJS1rSkpa0mZYgBzMtsjAKzzgqzrK4TwNmreJUt3rKPXgkTR8ph6pI2tWmZmY2jWtnmZ98pEJgdrXpzuWvYqfEGIGIHu2nzm6uzva0soLOdoz8jblER8qHrF5QRC1FSIu359/0RRgNA5OVucu6/nQab5RZx0xiszWoMlhkTbh0zS2kRjxd2nqMWjcvgG08pHPe3S1EPcEmqhc2yJReYqVBp92KnRvv3kU0Mp6CobxGhbcGkYMOKwccB30+Ibt8OGFtPZn2i4zKWm183h+2eP7MuVIhMJdDVNPp9uIa8e4EkV1KFQJUURxOcX6NHiLHCpGFOnOr7QGO0eohQl5Ywr4f3sffyn9HmkCO1PhYi35310o1KjxyTKdEMzwiRrSvt64j5UP+Tc5GXkqJ4pbQSW/sU8+B0X2KSdt0HtuNO4jW280Ty5RwXVtEL9o+xtANWenCioeQXgse7xfV/ddqikqBGGzfwfzpUCFRKE6LXhYZRn39gRQ1qZA4DS1F/44KkaHhGNdflQ8DciUCzuGQOei4EmeKvgeMiDMurslSHchUIY88+Lk15LkXqLNx3EB0XKuX7YT/7w6xr94Y56lCkYjISdCnwibRrSorR7odzKfbHyJiXuXcdLiDJvkxly4AcTIHkffnXn3NzMzee+e6dYkmLCzi3vLpSnpC7xEpQlaJ9iwsY066RYyLG0kHBN/L8hrnyfHpkVfTPBHSgu0Cil0uLCzYyRGONaSewasvoZqgILXGBq5FhloqpRzRh3vgjWRzGI8r51GVEfCZ9MEtIDKDMe6rkwbQwpt3wO145llomnz+s9BJePOtb5sFmCMrq7heBwdACltDjPV0ivN2XPA9HEcVNlL1FBcB759CB6pQm319nBpizDFw3fg9bMSXOd7bDM3hIyK0JchB0pKWtKQlLWlJm2kJcjDfnDN6BnwNT0UK+Mbs517MYnXttBZ2lpkar/DmUIc426+ATzXHs5udds+ZRQ5OPz6rVTCLGDixSqOY3+QGBEQtGF15HpntodjViEYDG/D7PG9pizMflmI+bzzE/nqdiWXoN1CuYNssmc8R91mtIQLqtbDT7S3k+UplRHOLdLKTpny9zvw3meFrG4hyBqxTfu89KMEtkwdQYvnDxvpqrNBXKue4LWqf79xGtJkv4Fj+RDoAcjZM831G5RxPf0BVOzLrT5jXL2QZmbMWPxMxX1xesZMTRB8Ro4sH++BMlFKI9FJEJZT/z5Jz8ZBa8FLhG+JU7Nx5RKN37+L8W1TzK5SpUklegOMxEg/N+oMR+4cxHzOXnssQfWLAowoJaRJ4qdlc+lg+EVRcnAoxIcLU7VP3gJN4atifk4osRfRhQE6IH5Hhn8HYqSoh4NhOqBwoF06PSop/9Mdfx/sRrl2+iGtbqUpDAPPg2vuYVx3W2ud4rSfTyLKsKpCi33A82283JaXI8UwfynQn3H9AFEj3JO+n564gP/7Si1Cx1M38rT9DrX2ximty9dlL9s1vYS6eP4958Iu/8EtmZvblL/82xk48mUUck5QJ299HxDygO2e1ImdIfO7weXOZfiEVcleefQ6R8s33oaOwt7Nv6+eAKoh9L80NuZCGVDuNhJhwuyJ1M9IpOm2WiCSw6mOfzpi8hJZ26f/RBBJVZ4XB1A+sSi+Fp67AE0HOofd3cP1GY9w3Rd7XOzu4Lyol8DnWl4BqNJro69YDXvcOEJmjFhDGwwbQw7/+13/OzMyefwEIyjvfgdLoQuWCPXX+JTMzu3sPqpLtBhVCU+jvxrkLM306aeBYQTiPHKgpBv9+VQ2Pticp5M7zG87uK3FlTFrSkpa0pCUtaR9LS5CD+XaWN6DckLgFj7BOFUrr5bTSYZ7Q//1cFudVGG3u7yczW2d5Adr67JcjOvelGUWaS418VgxILc1hjbHnKWJEJDBhMto1RRCsOOA5Tfl5Jo/ti5FrI0bXHerNe8yVZhkR9DtAI9wIEZ7ys902QqN+F6vxCuv+FxhliBk/GeGYK8tkxCMItu2H8DlYZH7XiZzYVTNPVvpPfP4nzczs7bdQIXD3LvK16xtgfi8vIbpUdCLW+fllROtdVg50WOevOm8x7nNF9FF18bmsa7Ua+h85RAioeNglX6GWxjhkWLXhpXBdu3Sf1HWWyqGqOaIQUe0SXedqdUbDvPbtFo5TqVStw8oIlzTsKc9rwjp26RdERB0iImUukYUJIyMCSzYYYfvcUNwDnH8qQ5dG6ifI5c9xvfi6lekB4JKf4Q/Jyo7kX0K9C9aYF/KYm1IMjCtCprgWBWrQD+gp4ZIGItQvI4Z9nm5/kRtzaHzl9YkQTEJWJRBJmPhCDtCHfo/fGzNnrBz1IiLwFt0N5erYbklZkJE274GbN66ZTy5Nv4Vj7YzAoSilMQdfexW5dyGR0iJweL6bZPkvsmqhSr+IbaocCklbXcX+tu7j/T1Wb1x58Sk7ofaEODRd8jfKFUT6yvNPyU1SBcSgjfPL5eXCSY5Ni5obI+yvQO6NUQ9leQ19dPnzky8W7MIF+jrw0aVKGKlvDlkJ86APpOwzn4ZCpngc370GJEWSHP0Rtj85wbn1B7iGP/2lv2ZmZuk8vvfuGzc4bqgaKWVCe+NNVDIc87vPXkWViRQepw72vbMHfwc/wEHTaT2shbyScxD/ThCxFRD9hBj/eyMKP7hGwo/aksXBXAvDUNo+cRMhMbZd/h7tSRf2SYuD6HRloQ3RD+7Hi9MQ3/fQj2kiDOIy8zlrUaCUBkvOMniwuA4evIHKyXzKwboSlMFNIPjZoXStxHK0/3Q6a+kKfqSGff6wEIILKNmbIYw8oXhPSFEXh30d8mYe8wFzdMSyQi4WarUqX2mOtK7UCAlnlB9uNluxnLFHqeEUF0evvoIyqTLNng4oLKTUxeYmHhiNJuDRbhekptc+/bKZmf3Zt/EAe7iDBUmliD6dULI2rTKygW8ry5J3xevmOZRebtPUZkSr5pzPseaDt5AnIYuLrJAWx5GDMrFz52iHOyZsnse5Hh7iwTagiE42k7VsZlai2C2QYKpF34QleiRYhTJqkmUtFwdp/uhPulxUcnz9IR+GNI+qUMp3RFx5b2fv9IeCi5w+yWkuF6ZZEjRD2mprYS4jni7JjV1ady/TmtccHCvF8sM2raslwFSvL/I4NFdyzCZ8qA9UHsdFkBdINpjEzUCEuzb7IGEvHLNewg9wmRC37KI//BCpo8kUfZD8tMfF060Pbtkv/sLfwNhNcC9+9d983czMrl4GtN0+xnnu7D5g/9HXF54DHL7O9NL+PubgvbuAwidc6D31NH7YtrbwQ7bNBe8irZHH06mNuTg8ogETM3k2dTBfdE9FsZ02zr9cwPnms1rw4vrnuYD3uKiQ1PcVGppJNOvuh+jLysqiBVxI3bu/hb4c4x5SuWCZYl/Ly3hWlQoYy/evQfxs0OPzBd+ywwOIQNVINv2Vv4U0QquDcbp+A6+vfx7iSLJQ/+3f/W1b4oLqb/zCFzBGJM3e+BD20Pd33+Z4kASblsg3F7bx74d+Xrk4iH8DMKfnyxTP/kY88XfkMf/7uFqSVkha0pKWtKQlLWkzLUEOHmmuRSGjd2c2qp9fzMWrOy6xXPfJCMH8KvF7rRr5Bl9/iFMQGTJeseI1mIrsJSIZV7pTrMLrVUSjTorkP5Z2BVGP30MUE7EMb8po36UEboZks8hN2XSCqVUpU0rWENG1mmQnEYoVEW2P0Xabtq9CI3I5QrlCAig01CWcGIa0WqXYkoiOA8KQvZ5vWUZqzSbGZUz518mIkQ7L2559BlClYOYxI96VFRxr92CLx8L5/tqv/rKZmf3v/+c/N7PTKKXItML2Q0RGpWLBjo6O2T9BtYy2GQn6RFZE2AunsyY+ar0ezkuR9AsvwLBndx99CwiJ7zFabZzIJKliuQyuxZgS1X2f5X6M/BTRynhI1tOOIuhIIlK0habMdJcENje2dMbfvsoriTwsLNStXEZUdtTC9VaUJchdxMuY2EuUy/dJimQKTDLKGY7P2ibLB4s0IiIKdu/efZ4LU2FEAYIgNOO8HYwwrwueymcF/0suGvdJj+kk9bleAGqzuAD0okSbaIklDWj5W1/EvHjmWQh2vfXum2ZmtrK8aMdHuAYfXAMysFgDwnFMUaM7d2Bp7oc431dewT4CXqObNwCLTyY02CJBd/Mc7uWH2yDgyZirzhLfB3sk+k0n1iNZM2CaJSP9YD6DdD/kWY6coaqRT2GzDstGV1cphZ7D+W5sIM2yvg6EoUeiqtAyDrcVCtnY1GqPdt9CDFaJcKytYYzPn8c+r7+PVODWA+zr0mWUMh+x/HiFttAvvcrxYmpIYkivvQyy6O4O+v7g3paZmf3sz/6MXX4KhMObd4AUfP3rf2BmZgOmKtycoAGWqYugrp8Dd/5n9QmWzSprnytljKLokd+Fs2WOZ19j8z82x/lBpJV+sJYgB0lLWtKSlrSkJW2mJcjBTHNmBCjmeQDOnJiF1lYhSVRRED4iWjEvZqEVoFZ8yufNIwfxX3Pyyqerz++BLKhMUu5DEnPisVQeKE7CeIS+tZhTLhex6q6WEMVMSdRyI0oSM4IQT2DsI1pR9OtPAsuQ/DikUYzDiG1laWPmu90OywYpMJMnUiAEIQyEStCAieQumQFJaGgykiwvUJBXX33BzMxqlazdYG7zzi3kXSUPK2OZ/V3kH2X6tLqOPkrCV2WT5zbx/t17KAPr0FjmSz/1upmZ9ZgHl4DPPW3Xmcbko16PpXkUjBIpUOeTIpJSLSLaGpH0FxHlGfM8R+QSXHwNhLQcBYf2KNjyqU8xZ916k/sPLM18/pgiVyEJqU5utqzWlZVuhha75BD4lNxVbtkTwkQEJpyIkIjt2m3KJqus9PyFmFvQ7CHCyzM/Lw+b6ViCXCwfY1loWiZAUmrixJf4kySMhdAQYLAM0ZCeyk9JnpxMfVu7hHmeydOMiSQ9GWo1iXLlshL7wbhkOReVB8+TLKlSznIFfw8GiPaFRDx4gGhX1s1L1YLdubNlZmYFioCJ3HjjJsiyK2uI9Nc2rvKsyfsgafjkCDyZUoVmSSQHHh4BMVnf4Pc3EXl/9z1wEro9oBojf2ydTodjxfOkCJZ4QhXaQRdJ5hx2yD3i51XyfwoUIirytd/DtfnOW0A3Wp0GxwfX/OrlK2YGfsGdO0A46nXsa3kJ95zsrTU7334DJcudLo79/DOY5wMKNy2RV5TJk3tE4q8f4FqITH14DE7ClGXLP/fT4B542bTtHuB5cXKCbXySfisk+2Y4xscN7Nshj0XPcpl9xb8BrlBi/k7oN+AJaMD3ajHiPPc7cxZ1SEoZk5a0pCUtaUlL2sfSPjHkwHGcLTO7+ISPD6IoWnvMd143s//KzH7CzHJmdtvM/rGZ/cMoesRP+P91iyLI+nre/CfzUsazK73TLE/05KqEx0hkPu79Uyuk+b9t5ntCKx5pM4cP4vPCR+QIME/rMaIJmL/tD7UaJaOc1QyaJqN+mvsR45vVDunz3EoVCT3rM0J2WKrW72H1fczI9qnLuPQLNSEMRAba2E5lQEdHiOaqFJ6pk/GtaCeVxslduggm9Ih8gpMmcon5/KJdpBCMGMz7h0AKFliqdf4C8ppbFGK6v8UohnKygz7Z1lfR54sXEIVd+xDSrFfPYf95RrfiNLz0EqRcv/2tN22DUs3K40tIKEe74BHNiYY0/aF3jZVZutc8RtQlqeqdHZzL4T76vLePaCeNoNWuPgMuwv4ukJZ3371jJVZTDCiGFPdlINEjjIdPMasJo2whTQ5LsZ6+jCh210WU/vA+otRsEd+TFXSpQkMjIlndXjcuTevTFjkuo41mhZZSnHOS7vUnss3FdrIVFiK3v4/x6FNmuMhoN+R4DZn/F3oSRCO7/xDIjquKCIo99VnKJwSlQgRtZQHz/IRywyU6V0mIKAxw/ZstGRbhHLt9XLs+50WaJbWt5tTWmKfXmN28i8jYj7BPldzlaHHdbmOf9+7hPpIZVgFBrR0eIge/vok5nSviezc+AGq2s4dx8oh+hFEUW5NnWLqcInKgqp48K0DCMZ9dfKBUijhoiYhClkhSr0Mr61hWG+e9sIA+ybBsxNLX/YNd21jHPaUUus/KmRErZx6QO6Ky5I1N3O8nx5JdxjXbZElkyGdRnwjJmJVWWVZQrC6jEmmhjr7ofnrv7fft/g7Gap88qHObF9lfPHNarBxyIlV3oc/GZ13Kk7wyTiYIWV/JZ7Oq32zuEf44zsF8i0XzOFDziHQQBB+ZCtInnVZom9l//5j3e/NvOI7zy2b2L81sZGb/zMwaZvaLZvbfmdkXzezXPr5uJi1pSUta0pL2F6d90ouDVhRFv/H9NnIcp2Jm/8gQCv+VKIre5Pv/tZl9zcx+1XGcX4+i6Dd/tO5EFkaBuZF4AFqV8VOqV4Rz8bznzqIB8//HPh4pdXjC57O1sKeiSLPvnzo7zfMggjPbaB+zedpAqAMZwfkqVtktVgJ09rEUrtcodVxh/TYjpeNDrIRlVDQZ4TgSA8pk6pZJIVoYcOVeVM0783fvvoWobe08Vu4XaAxTYT7y3XfBFO6x6sBn5cDaGiKDHBn2HeYxr3ckuEL9BObq3792zVaWFJWI34Cx6lC3IJ/DeHzqtVfMzOzmTUQphSIiot1tRBU5VhhcfRYR5EsvId+ZZy6yy/Heug/k4fXX/xLG6+jI7t7aMjOzi+cR8UxY8TEy9FPGU+EEc6/dwritLZzj2CKKe7CFvPXtmxi/y5dwbkGInHuDUc0LL0KL4fnngV4c7A8sX8D5qGpl2sF5dfoyDsL8WFygAc9IESIQh6NDIAWqb3/+BSAmRweI3tJZGuzQVClghUrIc+31RzG/ZUotAQnCBKxSUFWBxJHEi5AYkmyzJ2PyHCjx61A8StLQQtZ8ylG7vAckWBMEE5s4FK9RrpiaCELWIl8aC5j31TKi/HZThjp4ffZ5ICmjLsZRFQRFhvPOFH1WNYNR/8Iz10JyKnYPMGcOmxTeIudi/wTXpENxp2eugkuzzmtw+w60FCQTXGS1xosvATm6R2Oy6x+gT46DeSakIpvLnPI4+BxLkWNRpBz4uI+xVy59ocbnQS7NcWEVDO+5ATW+xaNYWga3w03r/gByFxnm6vr6ui3VMbbvfAfIidHyPSBaMWSlw9Ii0IfdbczFTA7XbmMdc7FPYTLZQ3tZVj0Vsvw+jmM0T7p3C+jAW29DPnnr4ZalC7j+T12CDPZBk1yRXRwzn8d5BRHl5clNKhWBVlUoBjUa0yKdAlcSxdJ8c53ZqP8Hk1Pmf6TkH87yGBzH+cgkEP7/wjn4VTNbNrPf1MLAzCyKopEhzWBm9p9+Eh1LWtKSlrSkJe3ftvZJIwdZx3H+tpldMLO+mb1nZn/8GP7Az/D1q4/Zxx+b2cDMXnccJxtFlPv6IVsUmoWxTLIqC+brUBX1kDdAjoLrnG4zX7XwSE3rXJ1q/LneZ39ir6c4+pfdZ9xjvoZnXudXoE+opw2VU0YNdJk5RMdnDT5zqQNqCNSriBgqFRkvIfKasHpB+V5/YhZR4U45deWv9ffFpy6ZmdnuHlblBzRpef45RLo/8TnIxt6sIeq4fh2Rz842tQNK6JMv8yjmSSW7mqMaYKGYs4dUhVOElGFiXuNwQPnYkDnm8mKW54ntnn4eCMG9+4jWW21EVBnyAf7g//5TMzM7xyqHQg7jdO27qFE3y1gmi7Hd4XmqqsIdsyKA149FGxbQkGjiIi+7Sivqoz1EL+MOVe32EVG+9BI0Gt5868/NzOxrX/1jMzO7cAER5Gc/87IdUmXy+GS2Dz6vo6oRojxmV5656KJUGln3P+gBKfjiFxFZPXgAxOjmbfAfahXZZVOzgNemUqlbn6zxgJUhDlU1Y6tyRmOTiRQiixwXag944sFQ3dGj7gGVN2P3cFa5+LzmioaHcq5yHfMyQhewbZYIgRvRcIvzY8CodTrGuBXIGei0jnkuiFq7PVl8s2ojq+oG9p02w/kCzqF53LI7dxFF7x/iPggdIEC/9Dd/0czMblzH++0WznN3W9duxH3ihCe8D1apIPj+NfBhDg5oK+2zusNX9KpoPzR/zCqLOhEOXvdoTv65XKZlM5GlQr7Oz3lN+ZwsEUnIk9VvRGu2d8CHcPlQW6Kk+PbtXbs9wnn2uoi2c+zDlNfmpAGUb0K9h2deeNHMzJZX0JcdGlG5rKw5d2GT48nrn8GY+0ScjvYxh+9TTlpcls989vNW4H0/8tkXVkyUS5THbgFxq+TQlwqRVVVajGi7vXcA1Kbn4u+IfT9VSCSHK+YinMbq84iA2mnFnDRr9FNJdc9HCXM/dPukFwdrZvZP59675zjO34mi6I/OvPcsX2/ObWtRFE0dx7lnZi+a2VNm9sHH0tOkJS1pSUta0v6CtE9ycfBPzOxPzOx9M+saftj/MzP7j83sdxzH+UIURe9y2ypf20/Yl96vfb+DOo7z1hM+es4iM4vOKiTiA610Yx5ArHjFfSqF77o/UN7obItXiOqfrHZVCaGaWFk0RzKokQ2zdA8Cm9kR38V786/KeRHViBB9Mn1n2bpMcYQIkFW8h2NXmXOUOZBjYiMzyvNCS6cQhaUpg3aflQDdNiKAKqNLaQd0qJn/9ltY221uINf+7BXUQos38O03aIpytMM+4DglGs7kGNXt7pKV7aUsxSqCESM6n5UCaVryNk4QXbk0xFlewXTbbyBKK9ahvvaFv/xpnguY4o1dKqb5iKy37yOSTFMpsN3EuAz7gS0v4zxVj880pV1YQL56v0WPhRD7zJaxj5sPwb3YpdpiwcPYiyC9fQ/jGYwZeQ7Rlx1q06dCjM/lZ562h+xvmZbBgzYuuM9oUujLwQHG9vIFjH0Yiu+BYz99GdcminC+V57GfNnZS/FvrOUbtOa9S6a5Y2MbUalOEWGWFTEsPrDhmGOa1n1BNIP5/VKVuggOKwJ8RIDZLKI7T+UasifXfcNIK0tm/WDUMiOjXZUNk4FMrfCazchoif4f1JKQKEOpgM9vXEeU3ia/RoqTIeEQWVYXeE2HQ8y3g6Mt6w/o19AjT4PmRNc/xKPPpc2xnjmH1HGwlPgBNL9iX46OMB7Hx9jOc2mF7ZNJT4XAaKQKlJQ9d+USzpNVFYf0aQgjnO8iqwwuP4XrXqM6aachBBV9qS+Q00Je0c429qNzVNXQlKjRrfdwHw0GfUtRpTRHVGWflUV9ci0Wl4EQXLiC6D1bxLHvbyNeFE9kfR191D3Y4TXp0NBN28mm/uqzuLelDuqmU7FCqDk4ZrUqG3hcoyvn4clSoEfEhLyW/QPM8zEfxRkP8yqGsyIZ3GFuSqtA/JIZ2+U5PZwYVZh7X6j2qWLiR+e58IktDqIo+gdzb10zs//EcZyemf0XZvYbZvYrP+Du5mgaSUta0pKWtKQl7Ydtn3Ra4XHtfzYsDr505j0hA9VHNzczs8rcdk9sURR95nHvO47zVmT26SiK4ug8lhJQXeocDXQ+73925Te/4ov/nuMUxKp08zoI0Sw6cXrM2ZxTFBMkUmfef4IGwpy9s1wmA/EajFa1EXLwqtZwUoheRiPm7U6wUvZcRKCpuOYc+zs5blqO+dYF5uHE3JZNqzwXpPhWpS9Bp4RV+3vvIRrb3UHU8gwrBD7/uS+amdn164isjugdMOiPZ14rFUQ3JyeNU9tfcgSkrz/od7ktzk9OdgNyJ+4/QCRw5xai8p/9q3B2k5PgHnXZU4zOCiWc09EhfQOose+GUxvT6XGhIg0J5opju2BeT86XKXUPMi7GVrnYlFTsMoqIqW5JdUaCH5Zj1UaHuvl379y1xgn622JEH1EhM5djTpXXqEUFv4CKmK+89hr7wnr4DPUSiCjt7eF8l5dxrW7dAj8k4Nx0GeX6wdCmvpjbdJckK91N4zxKHMMpozER6RUZSV1wOGA+mDl3jV8gHk1K9riKsFRzLkQiiK3JdZ8HISsbdJ/EPCH8mWKVQRTfy+QmcD6JwzHhfJNewtoaeAB7VOLsED1qtJrGbsYWzFmPuha8RvL9kI/JwhLGWPn8Nq9vqyHPCYyv51G9kYjKiFU/E19Ogth+bWXNfHqnNFhlMqba4MIi0b3ziMYV6Q7opCp3Tt33baIf8qA4oHrjBX5fvJt33v42xm2AuQzXRuxr94D3M7VXljinnr4KjkGWHJRmk26eXo7nw++Tk9EdYFxSvCGqVVUS4LlQLGOcc1S37PJZ4KYi87K4rq02UJjqAvp5/ilUioRUN9V98oA28SdtcAz2DvHapu28T40Fh/dyJCTBZnkFZysO5pVzH9E9kGtv7L1yRjfnIwqRfxyrFejVacUz733I12fmN3YcJ2Vmlw1I692Pt2tJS1rSkpa0pP3b334ckYMv8PXsD/3XzOzfM7N/x8z+r7ntv2RmBUOVw49UqWB2msNB42pNjHh3boXnqXKA3/Gc76s3GAFGAAAgAElEQVSAqGjECeOQiMdlhPOIx8KcO1dsETnXR13KxygnOo47t238AfskRAGRk5Nq820yfZkzzUdkJ5Pdn2H+W+qFObLZF2qLNmXertNEVFIg412M+FYDOdHVtSV2HyvlOhXLUkQlHjxA9PFbv/U1MzO7fAkIwto6Xr00IqQdMqFD1s+3qBNQKJSsywoGORqW2V8VxfT7rLGPNfAx9eTs1qM75e//3h+iz6sb7CMigQmV07qsNdc1U/33ZFSNnejadDKsVgmCSVNDPBDq908YAUpRsCQPCUZ+nqJYHivL6H/M/G6ZmhRSFlxcXLC9I+RxB8wtTxz5z/OYRDqkbNdsS6USfX/+GYBukz7my4VLGIflJYxTuwNehLQKijn0YdwgqjPoxGUJWUadYypphpy/xTKuDU/ffCltyiGQXAWdv5eiQyjfH/N8s0QUtJ34FCNpOmTT5nOsB/S10DVIpcT8ZvKYz4TxpMuxxbXoEQ0SsKi8eLONeeDz2knlsdFitQiZ9/mMZ43GAfeNfi0vc/4TjRtSATGVwlzKspJkTEb8iBFyIc8Kgiyuxe429juhGuaE993CAuaJKim6g33rHmD+OjyR1XVE6wt17CvN6FvXVTyQ4ZhcHT7TeuRm7JHvk2HFgXLyb735FscF865YpV5A4Nsh+T1CetaJNly9iiqcgGqDcl2UzolRs6PNKH9KLZNCEc+bjQ3MUaEgQhjEYZE3Ry4vr5OppaiZ8dwGOBIZaml0iJQ1j/nawhjfvf+OmZnd2XoDfenxWRRhOy+lZzj2E3CuxqU6NlvRZnaqKTHPYRNKE79yXsdaPJE98pj/Ydsnghw4jvOi4zgLj3n/opn9j/zz/zjz0b8ws2Mz+3XHcT57Zvucmf03/PN/+pi6m7SkJS1pSUvaX6j2SSEHv2Zmf89xnD80s3uGaoUrZvYLBs+Ef2Nm/602jqKo4zjOf2RYJHzdcZzfNMgn/5KhzPFfGCSVf/QWOTa/9DpVRkSLF3jSP5BU9hlv7Sf5cM//rSVfXA8xjzTMbWdznIPTigT3dPP5r8RrQO/MOZ6yjKOYU0FmOGvsI4dADGuHM6wVTjOKOT7EynnQVc4V0XA+m4111l1+Rz2QJv6Eq+Z7d6VbgO+mWH0gB8kLF+CtLmVEReDvX4PmwBLrnNdWsd09+iL0e4i4Bv2BealZ5KTTnq3b7lFVsN1CBKX89QmrGORWJybwvbtgWVeoALe5gkhrSBe+dfooBIyQSsWsbW4g77xLv/o4Z073xVoNudCHu1QbZCTTp4eEUcWxQpVD1W+PprpW6PPFy5fMzOw+HSHbHSA0g0nXWqzD96gNoNp35dKPGzs8zyG/i8hni/oO6ytgdreOqDSZxecvvAA1xm4P7w/oGBnfDVTiTGdcCxixTeg7YLw2RXFQGGVNyezWFJ7y3hqz9t4TH4Zcm7EUFDlvgmi2ekdzQEx6C1ybyq1U0Rd7rFp5uXJ6yufSU+SQCEwuhetcJXu/zyhdSpza3xFRspNjIG6b5zBXF+o52/vGlpmZ5an/sbiEeSI+UJ48mWwan3cH2EeM/lC3IQqIUpEq749xvpq7y8vULqAyvUvEpd08in0uyqz4mRD1K5GLE/H67eziXl2iN8KElTX9DvqwswOUb0ivjuWldb6PnLzQEM23UYC53uv1LOT8Xd9AVdLqJo9huKdGw9HMd/tEr+R8mcnNOmWurAL1kK5KELt8Yr6wiMrG5MDk6RxarlctjSEzWkvYmFoCxyc4jxvXcT+88zb0+O4+ICISAf2IXLqzksNiAVU8DcfQtY0rz+aUEr+X0q7afJWbWhQ5Hxnn4JNaHPyh4Uf9U4Y0QtHMWmb2DYPuwT+N5vCUKIq+7DjOT5nZ3zezv2Wnxkv/uZn9D/PbJy1pSUta0pKWtB+ufSKLAwoc/dH33fDR7/2pmf27H32P1Bw7m2nR6uyUETq3/phbAaLSYZZDEG/KtYvydgrrn+TLPd/mcIJTjYUYQThFGhzHm90orrP1Zl5FT1CEpHycudRSZ036hHXZXkTlMzLhsxlESI0GVtTKTS8trFipiCgkS/e32NkvxGu1VOO+EJ0ckqU8HOJVrmxc8Mc1588+CwVFVSBsPUAlwcIiIvBlRl6TCfre73dt3EV0kMsjJMhSLa9JPoTniLXPqJwDM6bWfqeD6GSRuu4a6z6j/wc7+LxeRx/2DjAOrZZq8LNxZJIm+3xCR7pxB8daZDS2zGNoH3LKE4LUHXY5HghrJmSIZ6m+98rLyNHe+IAR1wjHqVsx5iF09qRLzyIfMuG1z2CKazYaUNluG4jCzgb6NCSYsbKGvvW2cc3SKcwLue8dHCGS8qg5UCjmrEU/C7lS5slgL1O/QH4U3/rWt8zM7H4fc2vKieBwX9pnt9OZeb/AcZYSYn0J18RcfP+wgeN6gWsZegf45FpkmccOmO8dsEKkTk2OAjUSlpeQx243FfFh7I+oPDkc4RrpWsuLZWEJKNfLrwJp+Z2v/PPYPbBI58cyq2wODnBd+0RhFhdxLJ858sNjROmL9CToj9BXf4xzqNJRNEW9iNEE49TrY7+FSobfaxsBLiuyUkT5+ibn73Sq6h6MXY/PA3MxbqqsmLDCpkgvDqE1GaIeQpQiarL0BpiHYRTF906pwnktHs8x3TilTyAWvy9NFWwv1LJMbxbxwfrkZDjibAgO4HOzQH0IVTW4bhTb1AzponnzNqpvfv/rf4C/P4AWS6t9wHHAMbysqr2IGEjF0/S8FVIgDoLNtMchz48iB7NV++HcPj8ywoH9eFYrJC1pSUta0pKWtE+w/ThWK3xyLUKwHRP+57gE87oGscy1E8Z/P8lh65HqhUeqEmzm87gumx940kt4hMPAvKkQCDub06KOgUjXDBFcqtK5nqL6NPctBTgqePE804xeuw2skEmstlKFnvFUClP0v7Nz3/JZRB0ri8g7usr1qXacfA3lfVWXn5N7I/OWY7Ksu6ydPiarWdrra+uInIaMkKWQWKFuwmQyjT3ilY8dM98dm1PixdKstigWxH8gI57RSqfDumdGdx7VLLt0ghsxf7m6gj6dMsI78Wfrm1B4u3ULtdBd5o5HZMJXGUEtLWAfh8fIb2djBTeMW6uPvtRyGIdmB5HkN76JigohE8p/t1oNky3BQg0RcHuKqGxEFTrpy/usXsiwEiQgsrC7B+SgWkRUep0RlPK5rtjsVNbUvMvzmvb67RjRydDRT/yde+RINFuIbDW/pXQXBdIewWuhDMSpQ91+VTE0mohqP/NZVFZcuATW+x9942s8N6IE+VIMrMUVSpwIY/axIFdFPib9CTZYvoB9TgihFOjzcdLENVD1j/wgxI/4AlGRP/kGVD4f7ty3c+dxf4j38+AhUBppbiwQAZCz6hF5IfLaGPb57KGWRJX1+1Ne/zbRLVW5SD/giI6c9XrdymTyL1JDgdPCjqiL4RKV0b3VboP3IC8J3f8V8mZCPrS6rAwpFTl+oe4/XLOQiMTS8lLMrWg26I1CdM8jmqWKkjT/lk7KCjlHq3zVmKviwGV1TIbVMRNe/wwvdpFIkwCFQtGxMcU1/uRPvm5mZr/7+7D02aNuQxBIxZNIAfVhAg5cOjurZzClu6dLJMFxf/Do/omctWj2c7UnUBR+qJYgB0lLWtKSlrSkJW2mJcjBmRZZxChiToVQTovRbL7nFEE4RQ7mcz7z7oyPvGpPc1ULp7kkm9kuZj9Es/WuEXOXWK2KfS2uAV9D5lQDMrqpIe+Q0evGde9SryPngpoDRXqi95uICA73EEHk84iGVxgx93OB7T7AZ+O+0ArliPv8DiIFKZUpWltinbd82pWvKzt0L5zL5+W43XDEemdWHmTIUfji66/bvXuoLrhzF5UMUs8ToV3a+cqpVhdwvhnyJaRiJ4TgkL4OimKU5251mYtltCJ1NydllmIE7DOSXzuPMctR4fHkBEiAlCQ9Ii3Kd7cH2M5h9CW/CDeDa6Va8v6IugdzfQ+mfjx5Qo7dyAda4QesxyYb33PpX8DJWGFVh/QiFAG5Yl/TXS7LCLFHF0OXdd26P5595jl74x1wCdJEGYRWqRphd3+H/cY+63Ww18NgljcjlEKcFCEHr7z2qpmZ/dzP/zUzM/vq733FzMw6HWlcYL5NxsO4ckZ9URPC5pHpL+RkNMCAfPgBlDNrC4jehTxM2Id8mVwMqhJ+8YtQ9dzZQ+R57X2ofy4tL1qaiNCAFQOOokuiDXLd22algCpJpBXgpGYVAtsDcRX63A/OaUxeRSqN460sgDdRr1ZsyufBiM6pnQ6OMSTCVqV7Yn+AOdqmnofcCNdWMQ5dVgjJP0MRchz1qwyAT7OVBVRtVEvVuGJCef5UBduOBnoO4rqtrkDfZGGZDrFEweRJ4wf4fpb8FyEGuaLULVlpQzRQSINUY+/c3rE/fxPOpt95F0qOcvg8d+6SmZk1W9Dka7X32LfZGNvXIypGYAlRunJQnKsem+OyOebESro2zz2IkeXpzHdOVRejR/b3w7YEOUha0pKWtKQlLWkzLUEO5loQhWcWXrPcAoWaylUrag8VxYeninXiFCiqUEVDLHAYze5DbP5Y90BJpXhByFz9HIYQ56CIHJjjxXlZHUMa8mmP9fpT+pXT29wnK1051lyGueZYIZLcBCqFnb+EiLhcRXSyv4fv7x2CWZ7xqpZjDnEyxDGydMtT1cEB9fidYxyjQtVCaedrZSwHuFXWLZcriFL86axKmxTOzl9A3wZ91UWbvfIKNNHLdN9784238RkVDmuVJe6LyoDUN1AFQI+15XHdMi9im0jBhPoQcuPbOcA4tMmUrtfqliIa06X7pPgcxZLqzxGdX7l6yczM3noTfUwzz7uwgJxqp0cXRkXcAa7BJt3o+m1ETqMJUSAqy0WOYz4jupMmxn6SoX+DN/sY8JWLZ3CiOawxDyMxvum1we2EKOWLVEZkBFpbZHRnjtVYpdJhVJ2nC9+AuXHdJlKlU+Tsj9H31SUgLqrfLxbx+uprqAD4m7/yy2Z26rp3n7oX06kUJ7G/lZUVa7eoY8Doccx8fEAtBfk0ODxfcXQK5KS89grc+b7zDjgEKXJWlpn/7vbkvYDxu3UbPJONzRX2qWF9olXKS2fYl1IRnIqjEzDiS8yxF2v4bjqNzynSaCdNcjXEdyC/JKSCoLgbci8V0jAaOzHXZJ+Oj90O5q20N5p0Up1w/pSoEOkS3Tlp0dJGz0XuOyOrTUvPbH/pElTwKxl5towtRYQ1z+eDQ5SzyuqD1XUgSBvkWqSKuDYBn3shVVxL5RxfMQdzeaFXGAehGwMija1jzIu9wy0zM7v24Xfs4ATcmjrVJF16qZy0sE2nD8QgchW90+mSfY4NcqUw64kvQEQ29lR9QmzueLEHiDPnxnj64zSrjHgW0/6oavoT5CBpSUta0pKWtKTNtAQ5ONMii2waTWMkIJY3UE2pzVYtiHnvMg8aTr3TNNKcXrYTLwCVO+JWobwW+LdW/tyPe3ZJiE/4SmZ4rLGA1WgYhnEFg3KnvQFWrOOBassRKSsCSvFEx/SzN7LUPZpdplL8m2qH6spyEcfMFLHf/T1E0p3GKI4+x+zDhFF5nUz/ymVEuscN5DHl8CdmeDZPJOFEDnb4/sYmorLFFdZSk3PQ7VJZkNHK+SXk6nvtrnVbiA4KjOyvXKDSXwv7HlDIv8BjilHf6SBiEvIivwhVKeiaDliT7TOCqCwi4mgSBZn449j73R8rp4x9DLt0a6ROw8Iytgs9RLFjRrxyRCyxj502jjmc4BiNNKO+FqL7WhXX2GXE2Bt3zXGZz2XqV8p/sW8BlfCG4w7PF9tlGJ2W6c4pDYFcCfseU0lzSO2CdB7XplRWzhXzb2/7xIqsNw+z5D1M8J0ikabxWK6UsxycLCtsFsoYp41NRJKvffpnsB+G0NffRRSvGnufjPq0lBOJknT6Y3MV2VKt06c1y9RBnwKHESFzx3nyA1RTv0tFwDSj/ddehQaHotmf/as/b2Zm33n3uzg3anOEHvYfjTKWJmfg9Z8CV+LW7es8H15f6heco6piyjBODfqEdEe8VlR+TMXPJPohUGMgl8a88cjdmci7wnUs5He7dHjMEc0RepNmRJyN8BzwWUkxJAenSF2EU9dTPm/GGBchCIvUh3jhOZxr2MO53d/esSgccWzxfCgzai/VsM/6En348qzCKXB7Vq0ImRRXJ6vrzftNXKcmOT7TCZ4jJ01UbbRHuzyXtBVH2MfDfVTQ7B/R9y+FuTTlM3saYmzz1MugBIVN5O+RnkUMLEYOOLepxBkjLqwKcVw3Rg7cmGqgbYVSs+IsrmJQNc9HZ66QIAdJS1rSkpa0pCVtpiXIwdkmnQOGK9LYd1wxZpXfR1O0H8Z8gujUdTFWSpw/iKoU+Lk04uNPBSnMvp4ee7YvsU8Ca9Mdx2KFRIfRVp6aAOYj0uu0tPJnXj6j1Teii/GgwNNh/s/k2ufP9DXDOv7+gNwFKqRFgRujEQ5zgUN6wLs8vxqjr7V1RBNiuLfbiCZG5Coo8snmcaymFO7oe7+0ij5vrOFV+vXb24jqwqnZEpnZZV6bZ5+/jH01gTZ0qBmwu4tco3XErmbuWSt/XnBpLoRkH8tlbUBPis01uLl99lOfNzOzP/6jP4n1GuROqUoQl1UHOarvlaguNxnrOuN1SHSjRBU7VQa0j+gsmcH+S6wsiCNu6iAMh+0zwg4YhwG1Iaas63a83Mx3jLoQAyIFBb5/0sK1XCESI36I0C65O4pHckAPDt/3LcXIPZuTSycrHxjpxmalrCAY0K/gxeefNzOzao1eFFUgQ40TXIt33oYznk/UJ0/lOznhSfxT981k4ltBte/8jvgIqnQxRoiqaqkxqhVKcbD9vpmZPfcyovqVVdxHkynmT5+RuKLXHFGCYIo5fTxp2K/+4q+YmVmvj3nbop/FhIhKhuM0nGifiNb75EeIAS/fE7HwJyO5U5b5vtBBVqZ46IMTuhZRl6CYR/8zci6cCsWUYib9MHiNSvT5EG9K1T6FAvZTpm/IAitOqqy8OaJewJCVRYH5trRKnYIs7oc81TzFtdAx8uRFZYlS5IkYiJMVTDDWPaJ80lORxgkpLNbqouLEpz+EES3a39mzD29DdbXZkboiULiQc2ltE8+TpVXwP47ItTo4kCsp51OMGEhpl+PJ/Uym0gOhPgLnfDANzRVPwdSEEFPvRsiC+2gV3EcldZAgB0lLWtKSlrSkJW2mJcjBXIvCUy30WL8gmo3i3djGgKtRVQVEbvxhHL07s5UD88hBQGqrY4r2tXPVxOpYWinO5qKcmHtg8WvsCy5/euoUVKkaqLykhVjhT4dY0bcaE54mI0hyDYIplfNISx8xalldRyS1VMNqPuNi+35ubL02VuIWAAkYMwI8YNRwdwvM7YUa2MeLS4guFhbQxzEjgBYdFPf3wbAv0ynu+EgRFFb+z5Llf/48+ATjEY5/+9Yd291FlJDP4rvyAFhdJ+pAxGR9E8duNdGnwyNEvHfuoK9TsvWL9I1odRHtTZicl6Lite8ib+xQKbBcLMf8g+kYUUKOUfiATOinn34WY5jFtRoRpcnl09wXKySYQy+wIiBXRN+HI/ShRB7AaDiZOY55ng2pbW90RhSaMSVCli3KNY6bMXpRZB2QZZ1nhUCLnIwsKyoyjPpU398nWiSOQmSRjUZy+qRCZiD0RVwMIghxGTd1Dfj+MRn1crU8f3GJfcR+xBsZsUZf4zkgd0O53EqlbOMhlS2HqpTAZ/IG4FesUqrzc4xH4wTX/cIGot3lBcz7wz1EjsfNBveD7Wo1VNAs1dDX/jau4VNXrlqK/fvG76G2Xt4JHueSHB+PmzhvIUqqxgiY/88R7chn0ZdJH1HviE6ZXp6Kk0QMFhYYzVfr5hB9aDRQ8SA9j4APtgmvWUS9h6WlJf4tbRWqMy6jry+9hMqRK5fh83F4SH0Q+acQgchXMW+ckXNa6cS59PwakCLNc7mUZsmDyDA/P+qRL8JqFuXgVRUVV7vQq8WhJsdggGtwZ+uamZnduot7tj8cWKGE5+HTl4AwZgv0XUjjGG2iPHsPqVFC1VaH1QuuRwRV1QquqsQM509eTSqD52aJ93iWXhzdXjPWY4h/bObak7wXoij6yKoVksXBmRaZ5JNnSxjdeWJiTArBu7GksYWPCCWd/mjPymBqcSC72FixWcfW7zf/ducnSVzyyEWEc3o8h4CQKtQiKsXIrIgvsaiL38UDNSDMpR/RyYjEGz6QBPm6vMGGbT3o8b1ijsIkxZSNKvhxPsnjBsrnKWJ0n+Q0it20ae6yvQsor8wyqRIXMiqvNJLeThr4wckOaZjSxjg2j3Gc8xQX+tSnQA7LpJ+2vV089Mb8wezyR806LEHkD6gkmTfPXTQzs5WVDY4fzu99itcIdpZ4zGEbIksh0wubhB3/7Jsgx1UrFdug5bSaSjZffgXkrIt8EL3xxndwupoA8fzgtaPIixYDDglq/H2P5YMzFJw5brIMMxjZhKmMDOFLQay+JKy9WWlrLz0r1iJoO8v50ecPUOSKyIith1wI6odf8slRGMULKYeL4hR/5NKOxpSLBt4RNULRfRJW84TJL12+ZGZmVf7A3AkwfyoslWxQhlcQruviWpeZbghtatOpUlSE1WlE5bJ0Me1JTpsld1xwkONpi3X0hZ49sVHZgES7pQWQbnssXz05xg98iZB4KuXZV74CkSbd8NUqFhx6Ivg+XmV+pEVB7AY8Zkkb5Yb7LdqEZykeNcX2m6v4oT6/iXFTdDEJJtbv4Tq2WzQiU0qH4mBa9GZJvBuR4LxIAaL1daTRJPq1uYbzHlNU6eYNGBcVOA82NnCPHrfxo/pw94FVqnh2XLqM+6BWx/1frWPsByRmnhxiDItcBGmex0JcfM5EnEddmqspsNl5CALiG99518zMpiGu6ZVLL+K4C3VbXcP9n+ez6O59yIQ/2MF53Llz08zMAtpJZyhEFvGiSPraOPbjEH2slTEumxdx/tVlzgMulBstBCOdbjsuWXdtVjbf5hbu86J5H6U5cZJWSFrSkpa0pCUtaTMtQQ7Otiiy6XQakzxECgmCWfKHTFB8yg8zkDDHIrnfniGKzB9EK0KlFbRvpQLUF60YmXaIiYs0SQpnozwZr7iOG0v0xoQY/q1yx0KZ0XmZZXGsbRtTqpQcOUuzfM7hSfVoYSur426HxiwN9o2RVq1et811rI4l7lQjkaxEISJJr3ZaiAQEzR2fUECof8g+oq85EvlSaUmyklhFISMGP3bEVMDDh3fNzOz1L3zGnnoKkcAhbXAtjlpx3kMSKQ8YZedyeW6H81lfvYQ+HlHilfD88hWc40UHqMCtDyG4o8jpL30WRju//3u/aw8fAClZW1s5s2ezEcv/VMrYZbQ2JoHKSbEsVYQkIVJCimQLSzLggNqthQrTEyxfDYIgltOecm6lCOF2SYKLKLmbJ9FsxLSDolWf80niT5qqQ1pbCxVTWk5pBm3v2KnFbiouByUaR0RhTCKqoH2JYGUkVV3EnOwzdXFwSDtxoleHjCyFnpVJijzcwXyql2VLPY5LfRVlFipMoxExS+ckD43PBzSoyjNKbxOB6g8xr6YUw1LZYYZIlFJBsgDP5GkffbgXCy2pHFCkSN0njQYtrokUxSkcj2ZHZaEXJBhGLOVdv2RmZpcuXDGzUzJgv0sb7j2gXQ92tyxiHy6chzSxz3zKHqPtalVGY9h3nVH+IoW5JIUe+LimW3cx1/cPDtg3XJslWlbv7eHzFgW9nnnmql29irSaw+fF3j7Sjw/uAxFK00hpcQHHJofWxl3M3QrFktrHeBAcn2AeBBzPZkvXAOjOp17+STMzW6cgVbGCPo6nQ+vxnrl+HSmHO/dBdu2M0Kdajdv66JMImNks+lYuYqyLWUqkp/BaL+JaTBzMo+3Ge2ZmtruDa9EbMD3hOabfCZGF5Q0mEy/JjYcyPdPvR2K8lLSkJS1pSUta0j6uliAHZ5o4B7Hk8WlGB3/rT5UVSjY5JjA65ihnyhWcx2jadR+/DhMfQLnWVEYiR5JTJoIgsyRJ14qIOCejnEp5p3wGEhEdGenQKCflKNeFv+srlMGlJe10iH0NKSwUkZAoSdZaHd+bTHBscn2s1ZKgUc9aDazcFclVKF7j0Bt1wgFKsbxrcxPR/fIycqUN2sJ2WO7UaitaxTGzKs90VMJFedgSyXItrM7/1b/+ql25jH0XGREvLyI32u5QzCc3WzYlQSaVDY1GFBaqI5prNrHSD9rY7gtf+qyZmf3EZ2Gw84dfhz2wBK7+y7/39+3ddxF9qORORMSXKZyzsoY+1Wmf6zGxPSUpTL4qIuwJzfJpH6sqRY1Du49xD6lGFYVmGY61z2jEozmTpK6HzJWmsyRUObP3gRAE5TudUAZWJMexEyGRGY8lcUEo++3RaYlheFp6a3Y6/5ULT9MgaMqoNsMc84AkwgcPOdcoUb25jqhX5Xi7NDkSMVUk2j6NwEJnGt+/GSJIvTbmQ54EVXFRfJZmBiTXyizJpatVh4hCqSrpXnzfkdU5yZNpmYRN0Xez0MosTR2xVFX8hh7RnA7nmEo3qzWWqo74HPA9ngOO/YW/9CX0laBhuYT97e3SfOw2hH0KJVzzV19+ybo0UlIJpnFulYlm5FmyWiriGmSzs3LsEXPrB+T9iDf08gsgJh4dIyK+eQOcnXINfTp/7jz3W7HjA5Ehcb49loGWeU8ukgQ86WKcOoQKRZa9+yHOq8XnRY7z7MWXwCXYPAdehPCu40PMhxal0tvkHy2tLNg6yypl6vQzP/c5MzN7cAAxK4dWzevkTizWce9mWFaZcnD9ffKidh+gT9ffA2Jylxyocnl2PFtdkkctMC8lToGI6nruo4l7pHYWMEjkk5OWtKQlLWlJS9rH0hLkYK6dJXtK3MaJyxPnN5qNdlzrEh0AACAASURBVKIoinNDstY9s+fZl9hIKYq/a3Zawaj8rXLqivJdk+0pS9yIDkRkrYeTySlPQStZjwYiJjtgljRSytbJMuyMlWLwkqd87HSIvp4wvxv4KnnE98YsI6tSynQaTmPzmnYbUdLWfXAJSgUiCNo3S5GmDHXyFPcp5BEpqVLAHKz0xdpWxcV4THElXqM+gjQrlSg0Mh7ajQ+x0q+R57D9AH1ZZ1XBSXMLx2budBx7rjL3TLGnlTWy9IfYrszzLWSLHAes5i9fRDllg1HJte++b+c3ESVdZD76u9fAlpaU8TvvvYk+MRrZ4PaKusYTSfwSxWI0m2X+Wmxl2TELFRDXY2/n2EJG+i7nToq5YCEnI0aOU84fN65emPK8KXXMcrKUg/MPJR/OOSzBpolqAV3xJ6bWo/V0nvNY4j1OXFXAnKrmWFzqy9xx82Cmb4JMeqyckLysGONtIk65nCyiWZYZTswiCSThPikWFnhsImIUEhoOse8K+QopGlbJqGhpBVFttiCkgGJANNUSshClsD9ZH3vmmUmAKEeJbubEx6wIOL+K+VJk1N7nvlN8UJy7AL5LmchclqjPgCJAkuTt9SDwVSrJlpwy5uWKTXzcQyPKiY99zgPpAYsXRcRoZQWR8pQyw41jRMZCTMRNePs7iLR397YwHrRNXlzG88dn9VBn0rZKGWO/zLLPzSVE+gWOqUq5722BS3RyeMjzxRgvr+J7l1ntIP7TlA+Kk2OcY5eIQ48W3q7s1es4vu9PbNgnWsXqlUIe+3r6EpCQDZq71VmtQqqO9TpE84i8tk9o2HREefUJHk5CoFoNzOX+gMZVlPFOpc2CSCWYeE1T9M0johaQ3xL/XJ35DfqoWoIcJC1pSUta0pKWtJmWIAdnW0Thilj6WJ610jGY1TBQKXqgmlPHzJ06Z78SS2YKKRD1wBVSoKqG2LEZq0+Jd4SOTJRUH47VtydBJubwvTQih2I+Ha8eA3UikMUuOQg2G/GZR8nZksSPyEFgffM0LREk9G3Q5Spc5j8UNZlSnrk76MS10hcZRRdLlCqmCZLybY0ec6YS3OG+QkoyT1m/7Eboe5ls9QlRnfEEq+/BUGZBOJfJBNtVq+W47j5krjcKsFI/ONzj+YsJzhwrGeG63Mus3z63iSqE/UMashxCXKlJoaZnroKNnOG4FZdXOD5D+9rX/gDnIaSI0fQ95jFrlJi98hRypFevIgIKOAfbHXyvx0oJmb+EEQ2rOK9Ua2/kmWycAxLR7Qysx5xmyLkVeBgXj5UuhQLRKXELhF5RVtkfqeZeVQw4VMiBmuh9T4I1EpzB+6m0JzdbCyJFPuQWKNLlHJVxkqSY+4y+x6zu0PmmiHYpAtw7QF53SJRDOiCqchhRLtf3fYsmRFJYxeMxcivSsrzGSodmQ6JRHY4L+nTxMqyHJSrlT/l9RtA98iGKtA/e2gHz/oRaFKv1RZsQZZEAToZjXV2B0JCsnKXR4ZFzVMiLe4LzLJVWeZ4yIsOxHzyEMFOru8M+0kY8hUg5NN9qjIBv3wEnQNoTi4tAFyT+NKTc9glFoIadWcG3A/I8pEnR7eF+4+1g5SLm5GQk4SY8szxzzWOcKjGsI+pUDFiVoiqkyVjjhXtV1QsZPqN6lDaXvLT6HPND+Hl9Edfk0mUgFLJK391r29YWtBBUERHQTn1lDcdikYX1yVnyCZD1OhSTOsF5nxD1u3PnBs+FVV597GBrF9dGPKkUq8P6vbYVybWo0sRtTK0ZVTepSbhrGoPZ0Sz8/SO0BDlIWtKSlrSkJS1pMy1BDs62KLTQH55RNZQcJqM0AglxtB/J6lYs7iheAadNTG45yfBFtHMpX8kuN5IpB17TojNIq4A52jBWzCNiEPF9Rsppr2xF5uszaayuY0teMlwl+ywuhSRVxbZ1KfnWNSyJB4zyFjewgs60KEnLfGmGCmBiyi9kF6xWQ9RRJBqRz4MtbeeprraEzw8eYCW8e58M3jyi9DwNl/b2sYpvtCkf6ytnjP1UFrDCXqZNcJOr9jZNlSbHHauIPc78navrFYqFjShtOBIiQvtnVmc0KF1748N3uB2irzTH9+gIkcDRISLDV16G6qHquh0LbaGmvDbG6sM7MO1pbmNfH15HZBdQhbBWxTgUaKjkMbqol/D+gJFxZyRZYFYapJiD72Hc3nwbUZ7nVsylsqF4C2Puo15lFYtyy47y1ZLfxnWtLSzxPLHPMlXspDC4u4dIaUqUq+ggmo0o0x1FnoURxtiXJOj0rNWsWYq55UKZOdZIjygcY3kRaMzB8T7PBdFYe4A+FRcZnbZwrY8foE9CM1Td4jhZCzgPAt4fAx/Raibm4KhKB3NtMMC4VHM04iHa4fPVSeOYE0bnTVYBNGk33qWhVykDNCebrlkhp8oh6pfwnhr1cT3z5LP0iNaVqX9wYR1VLpUSrkGHdfwV2qff2wK61enwvpkigl5dwbOhtohxGI737NYtKP6FvM/FRWq3WRHAqDXNG6IvYzKHmhGh1Bxp/sUKiQ3qIZw7f47nT8My8oj29qirkffs3sP77C+eA31Wpch+XpUS9TruqeoSjt2PgCgcbW/hb1Y71MkhECehzsqDZ58BIlei5PuInKX9Pexnd+9BbMa0eQ6cpFwe17d1Qt4TUUuZxwn1rdGi3OPzVaZhm+cxZxfqQAW3dy/ynMArcjnnByM8d5yUbxsXcJ6ZHD57650/4/hASyWT4Q9EbOzHCqQnVMX9MC1BDpKWtKQlLWlJS9pMS5CDMy0yKE+dVhAwkmKiVCupWN9A7keMflLmmeeKryAtBLLI9b5qxl1FTIwYlP/nLrPUDPdcaYfn+X2p9yk3y/cZYfW6vvmMJnOsn61WEKUXaM3sszJADP8sc4yyalUdfCDtfeYBFVFKrWyBhjPt2BZVbNuMNVqIALYZHURk125sIpoM6BVgZFdfeo469A1EKx2yzAtVjE+G0b3vYD/H3P8orsmmkiLHY9hDdDMZje3kBJH92soqx06iAbQuZh16zHjnKnzC81ZUHsS1xczBMrrJM8/b7+Hzd1l5EASvYbzcXPwdz9DPpRq07ru0812oYhxODhE9FHM478118BhkApVhjX3IfKZvtBEe4xxSaXEa8DoaCXmaGqeUBaykybqnngdmZmmZBnAOSkFQ1Qx1Ggcd7KKPLz2PSGiPVrW7u+S6UO2wR4+BnLw6/MDyrJzJFZgj5nWKOP9HRIaazMvnaU4TMVJaW0XULVXObOxTgLnbYXSqvLjFvAnyZsTdcVwrU+tf5y07dOWGj4kcTsRfoKGOw7606A0g3ZNKvcjxAKqxz2s2oHGRrNMVzeYLJUsRnRkO5ctAFUWWsfzUl/6KmZl98P6HZnaqmJdl9cXIR1+3aS52dAIEKkP0L8sKnBqRtTp5BPsHVCQ96lqfVssyWmpTIyTFqoMc0Q3ZhRc4HwZ93NtCDgq0Wda9nacpmDgZUkH1yGnqDzneux3rMQ/vkPchjsgCdT8uXUTEL7Mw2abnyA8q5HHsRaJb4gktLZH3w2s4IKfp3sMt7Id27ZFUUzNhbB9dpv25zMtyrNIpEQ0tV9LsE06THlrW62Nfy1RDHZAvcrAPFMdNocJEx0mlMQ6HJ7iPDg7v2YNt8D8abfA4Oj0873JF3t+sqElJFudMSyybk5a0pCUtaUlL2sfSEuTgTIuiyKZBaFGsiCg2LiPnaNYvQX4Hcj90HCfO78ucUeCCyygskGWzwnKljlSDrsoH5sPNqAQYSTu9wO0QgaZTdJIjJyHwUzZhne2UrmhGFrVU9UZk8KaowlVnnpapwvi88kQa3JLcxuLOmpmZDBOzGayAlaN0zDGHue+pMU/L/PTFK9j21q0tMzO7u32P40SUI4/z8j0cs8UIMk1tfZ+RZYbs9HyROu+LtMPtoA8ba2AhHx8dxRFOh94QI0YPWWrkK0qRDrv4EuIgdLhPMeTHjMalxz4JgSCIpT7oYj/vvw83t6efetH6XfT7wT1ED3IVfOrCp83M7LvfhY67VOlWl/G5vBPa7MPhISLDZguRVoYVBsUCPSZUQ59SDlJqfmbpLH0YOL9T1JrwqaHgkpV+avOMl+VF5F5rFURjX/gc/v7spz9jZmZf/lewtM7RS0GRpSJD2Q87Qdqm1N8fkLEuy/KCHP84R/u8Zq4eUbwX9w8QSQ3prVGjfbAi5aMTRKdSHs1mVc1Afwjuv16rm+t7M5+Ji9IzemgQjZkyFy9UcMB6dS8QUobzO7qHa7O4hDn54osvmJnZrbuI6lu8P7IMMccT33pjHGtM5MCnVXm6jGvz3ffBTSnmqBRI9cEO7cKb9AMRMie+RziW6ysRFSotTiY4/2MiK5PJNEYGdJ3SrJwoMhqXM6pDtPOoAWREFVR5ojdZPRDYmuQ7bO9t8Vjoo9QgJ+TXBNE0rpCokhuwtCSNAapXMsKXQ6SutxCjEjVH1uh+Wqe+hz7f3cVz5IB+Dw7fX1vd5PfJTViqWrnCqiU+FzJ0Jx2x/y26V25tYQy7RMikobCwRL4D74NUWuNIfhh/Aw7uQLPhxg1wmfaPMU798YE1OtCliDgXXd27QvkiKcTaTPsoLZsT5CBpSUta0pKWtKTNtAQ5ONMiO6MNYKfqhbG6ASNmoQNi/btSiAtD8325JFITm+xRfjVmpoYKQ036Baotlx49ohJVSERkMbvMqUvfPcfcdF41+tmaBT5Wla2GVOKQn9NqPJPBtq0WI+MmUQz2McPcdIor5hJX0JRHiM9lOEBffCIKpTKi125nZCHztekMjjlhMbA8AC5cAFO3QEbzwT4ivoMdRiWMKOuriEZ85hqbjABGzCE6ZHlLc0FQjEZ3bXUlRg5O6NQ2Vu08tRFGU+YriT5Ig2DIZKLqnVWkP6EHxUIW59blfo7oB7FIzQIxzm/dumEF+jpUGOF0+9g2zfr0TAZjLF+HW7fBIBdq1espJ0tmvIvXfp+55ZzcDslRYZWLXqf+2NyUNDiocxCi/2KhB1TE63YwXgVyBTJUZ5vQtbNcALLyO//6q2Z2qla3sQZE4fyFC+wztj84BLJyeDwxxxc3gMXirkqD0uwvne6okSDlTOWU9bd0EI6OpXOBPos/Il6FYD7xZqSnkMumLZvRfCUylNY9OOsqqcojnzoOhw3kfxfyGAeH9ekvvABnwU8TUfnzt942s9M8uaJeIY+ddtfGI/FYcOylGpA1IT6HjHTXNxARG9X48lTtK5AhP6SbZV+unkSDMryZ84xi9/ZwDxSKRCJTvk04zzPS9aDaoIawSwU/j8IWPufJyjL6Kk5Kv9/mscmf4FzuM7IOpL/C7+cL5LSkM1Yk6lAo0DMmEt8H5yG0U3OVpxc7ibYZtR/TxVJjXSaap8qbjFwt2WedkyoQ+r2hZbKzaMUeq3DE3wnpFSIuRY1ox8oyeFMrq+AayNX0A/o+3L2zhdd74Bb0hnJMxfMjXeCz3Mlaekj9j2g2ftdvkRRRYxXTaFZp96NoCXKQtKQlLWlJS1rSZlqCHJxtUYScXey+yBdXFQbK4+ljRmJylItC84QYCAkwcQjoWy/OQXxQRUIqiaAGPHOIHvPCcmsMGTqMGL2Om6wVzmD1WSkNYw6AmLxCH6aM3tt0LlP9sjgKWunnqb7GoDxWqVP1hiKFLKNdVxuy5XO5OE+p/GKXDo/vX4PegeOpnh3bFZk7X1lF9C7tc0l/TcaqoRblHn9r9S01yzQrLhRhjkZDCxiFOOQxTHxEGdIv77Ie2SML3Q/kEaFrIn1/5uRLON/tbaAcLvOXWXI0GtRUr1aobjbp2oiowpTcES+P6OLOmzc5hnKbRGQUcv4Ui/yb0Xxg6DuJ9jbtcR4wAs2SUZ2hK93GJqodbty8bo0mGc+MjIw8l1oJ6E2efI/DHebtmbeejjEu1Srd5kb4++QQUVqnIa4J3n/x518yM7NvfhO51CY1J8IotAy5I+kp3TkDzi3BViwaH9FNMcdwdsIa+gyZ7mnmnAdjHRstnqvsi5Q65d4n9K9xcmS1ApGTjNCF2by98bzFKQgCVSLh9Se/+LqZmV26BBVQeSp8+be+gvMmx8AjGujlXI4H0a/RyDIsIVHkHPMZOA7LRLPyBd1jVOFrYT6NyYuRc6i6Huuo8Hw7nR7PX2qHGKdpNI6fVaEjFT5yLnhvqZpBPhgFcgy8LPbVH+FebVERUeiFOAbOKUkL+6E7ZYWVSLlswWqshHEtw/PBiYzI9BcC5rq8hwnnhXwmFehmqby/3C31rBOS4JEg5nmzfzt8/nopx8pVIWqco0SdhP5lPCBG8pioLwodxTg1T4RMUnPiNngyR4e4BmVqlaQzRFhGrNwZwvNl6E9EEzOPyE8QAwL8LfLmEIUYzXaSaoWkJS1pSUta0pL28bQEOTjTxDk4rVJg1K/KAuYiPa7apJSYdlVz6phimClX4U5qdts4JcRASat1iQoE+p4QBqEWjD6ManXKoYlhHXDVeny8a0aFLydCNBJOuVpOyaVRrHQyuEczp3emqgEfyFu90Wjxfa3i6RA2xeuAkVMUura0hNXxOtnDxRwYvE5cG8xVNmvme9RQd1OzSIF0IjQOqrCoCHGgkp7qnh1XfZOLX8OGE0QyyrV7XLELWZHa4HEDbPPIGK2xRlwsf0Vfcg7MkX0sufMRq0MUvaZHnB/p0NLUc5DG/dBHFF+tQy2tzzGmkJ3lyEb2GTJUqlS7JNeg0aIHBcdHuv4uc/o2xusx1RvLpVoc2aYYfSsqGzD61NjqvBZK9LUvotKkWkLE1GnQz34JOdYU6//TjCTlA9Ckap+utZc2UwpVDoYRVSuFHCjfL2dIVf0ICZB/g+xLVXsuDopY7ELwpE4YIwlEllJZzyJ3Vs9CGgi6R6XPIKSsTYTk0gb4Mpk05uDtW6hG+MY3oWJ30sQxl6nJIFXTkwaifc3DUrkY8xgG9G2QL0eFfgeKaBst6Vzg8xarVYa8pjqHErUFpCjYIGojRCFHvtFoymoQbxp7iqTSRBVYpTHkdZMGQFzVwbr8B/QGkPPq+jrudYdITETUz02LH4VrXq3Qu4L6IEHgWBjweUYX2imrKnw5hBJRrVHZMEU0cHePPgh8fqY5t/U80D0s7pfmQY8oaezpwcqccq1sGfF3iDpJldLltRHS2mpiH7EuDNGNLrkXBVYePf/ci+wLxmuP/KoJ0c8cKzKyRdxf08jM36e3BFEZN1ajVMXRk7kFSbVC0pKWtKQlLWlJ+1jaJ4IcOI7zH5jZP/k+m4URZdMcx7lkZve+x7b/LIqiX/9R+xWZ2TSI4mhMUYxaLFs9a5dgrp1G+1JZC1zp+M9yDFzuM+AxPObYHF4KqdIJcVCOUMpx4ixolSqfuyL1DorFinmG/wd0SYw15LnvIgUNclxVt+k6l80qr0ktdbLU5RSX5TG6XebUmItsNBHF9FqqpQ7szgfgFmjlvkxmc54RYzyIFNlXHrzbw0q5Q5U6acLHJRKsAw/GOG9pjBfyeD04QiSRZn17vhiaR0XHGj3sP7gB/QEGmZbJY0yPjxDpDnYQCdUXlIsnx6I4y80IuZrP0GFSkdIkJM+C45PyzHJy3SNPo9umKuMQWumrK2D6K9copT9pEKQy4iBQk4J97g+BRJRymEcD5uodH+PZZMVKoVSy1SXUdEs9UBUlU/Y3T0+ONFGqcg7zJPDRhxaVJvsdJbbRp3oJSMtTzwJJOKQSnHgQEaOdsT+y0EP/fHINUsxjR77mNfUJhM6d3mTo60RqnTI6UV8wPzLkbJzecOHMn2K/j/2hKX8vJMyh02W1jHEY0RnUI19ofQlVGClqcgwZQd68uYUeBHQivXDVzMxKnBf3HuLRJbU/f4pz73SaMWIiNCpfVKRLdUaG/D4rCvoH1OpgdUI2rVp6nTfOVGqf4lqIjT/lfCpQ5c/LejHHYsqxEWqnao1qnS6uvAdbrDSJ6O+SpS5Gj1VBitLFJ1IErmhX1RtDariMx0GsvlrWsylbZ/9VdUOOARGGco3Ppgbmms4hx3tVyInQjnk3Q/EnStSNKBGBrC/VY60ZOb/quw77IvQlitDnAu/JQonvHw45nnSQ5L26eQ7PwAL1UU5aQBBOml3+DbSgPzq0aSj1SaJusRTiR1+V8KT2SaUV3jGzf/CEz/6ymf2Mmf3OYz5718y+/Jj3r31E/Upa0pKWtKQl7S98+0QWB1EUvWNYIDzSHMf5Fv/7vzzm43eiKPqNj6tfFmF1HAbKd86u6hV/OE5MGODbWtW59mjGRys9fkWeC+IzkDEe0l1RkZDY6tKEF7vWZfWCFAUjogN9qvIN+l0rMHoq5rEKr1YRMUsBUIqOcoLL5lR/jJXx4SHym8Uivr+4wKg/B+RgoY4+MSixThURd5c5+W53aNWimMuIsjsNvLaOWSnBXF8hQl8XqSqWoaaC3Cvl1zAeYt+O3PvkJTHAsadTsrx1KXiNUunQmh1EygcnyA279B8YMs/rESGpkXXcZ618qwtewGDMmmlWH2SZK/V91nEPca6FAnLzhSKjlaG4G1PzycsoTBjpUf9hPMV4nByz/pwaAiXmHzsBneCIlHSYWxZ6YylWafCaZzifxow0xS8Y9EdxlJ7ypBnQ4b6YlyZPpMBSiJNDRmUDchFcRFk2xRysMXpz6fNxnwqBfTLuJ2TQS6OgOeiYH2LMRuKBhHJ+pH59qswxoz8IozSheVPmaRVIBWTESyHPGPWpIkDKe4pW5W0SBoFZgaczYK6YOeRcRuqjGIeAVRtPv/S8mZl95jOfMzOzb337a2Z2qvOxQH2LKRG65RVwDgKiF7fvArGaTIWeTCzPfHMmrSoMRbqsQqASpMaDp2NFzg/XIQLACLk/mK1ekG5Eijl78Sy6QyIL3VHMV1kl+158kIDReIf3gxwSxX+KK4PopeH70lbguZDtr8/1/ImobjqR+muYjd0yA18OuMJ6+D6fFw3yORpEdTJELVSN4HrSYkBfsnSaTROZVHVChvwazQ+haMNhP0apRDUrl3lPEmUQClqvEjGoiDuhscUOWp3BTF+aRAruPdgys1PlyGYH942qFabWNmNlFU/LpkSKhco44cf/0/1jxTlwHOclM/sJM9sxs698wt1JWtKSlrSkJe0vZPtxq1b4u3z93yItU2fbhuM4f9fMFs3sxMy+FUXRex/d4SMLLYgrCJTXCbiy1urU5up2PVUxWGjGVbV6L3BB3INI9GtxB5jXshTZ5mTr+1ROFNP5NPVKjgL3k0pjRe1VuOr0czacICoYMqIdDhDBLNSQ107T6c6jsmO9LI19snBdrM5372Ol++F3H3IcyNLPMrJijXZJlQP0N88WSlZlfl9Ryf4+0IgmFcwCqu2NWV1w5wg646OH9IonBKCo02FO2uE1Ue4+ov5DxMjziG6F4ip4WcdCRbyMKj0q4bncV6eLbeUpkaJvhWNSEsRrr8d656JQHbnWMQfN6C4MuOYW2pPPmC5zV7lxemGUK9A7kOPjQQua6hUqu1WpET+dYF+NQ3IwqMWQlnZDj8xnRlKTCcbZDxH1Xb3ybOzPwFSxRW30d0QE5dZdZOfWFi9w3with0QYwmg2f+1OK/w+69qZS9f8U2WBovW0YxZMmFMmYtBm/rpYxZh7rKzxjez9PBGjNObFkL4YQs5cqRpOqPMhVUMff/+H//7fQV8YQf/Df/SP2cfAnAad+tro/2IZ3IlKjmNOlboar9GzT33KzMy2bgFR2foAyFK5iu+lcphf554CguBmcK2//R78EU5aqHcvL2Dclgq12JVRwqwDRpvjyayuQ45Ik3QwvEjVHuSeUFtgNJWCJjlLRApGrGaKfTM4bhPPMWOE3yM3JMVnmBuru5JHRX4QAQMLxuJmaUIRUZtQmyOQ5oiidPaZipNjTsTIoli/IHJw3aQxoiqlETkqqkbJi6MhRCAlfwzeD9w+K1SX936PaqYZIgpZ8QccPGcyfjH2iqhX8F6+IH0H6rromUOax5DlXtuHeIZdex+urFv34TlySL8P+Vm0G1SxJKKSyuD7bopKkta1dKxbQLSP94sTxUY+ZnZ6bdRiTYmPoP3YLA4cx8mb2d82MIv+1yds9nP8d/Z7/w97bxprW5redz3vWnueznzuuUPde2vqquqhqkd33G5PbWxjRBKjtEO+EItRIPIBA+EDMcgSCMkSCBEjASJWDBhiW7ZiYRMgceK2223T7qG6q7rmW3eoO5357Hnea/Hh+f3XuftU9eS+ra7Y65VKu84e1vCu4a7n//yHz5jZz6Zp+ta3uJ4vfZ2Pnv7WtjQf+chHPvKRjz/f413zcGBmf93MVs3s/0rT9PaZz4Zm9l+YkxGv896zZvYLZvajZvZPQwgfTNN08J1sQGre2zz1qdZTmap+IQlKmxOjmqf0EDJugXS38jeIFqp8eQrPVAzwGqTrZo1SM5gyFcIyX0COgnV4AEWefKvlDSsXyBHv0W/u+lPnwb4jCdOJIwPSHderVOm4tF3cucKynQdwcOC/63WptMgMOCGffe/Qn4DFpK/X65mLmvTD9YY80cmyx/lPVfzde458RFM5o8FSzrz1V/gbbsUQh0QY8TXYxh/4wPeZmdnhsSMVL7/2khVRK1iCdwAVz8am9w6feNznS/15eaAPUCUsqIDFMk8XVEYcrDEOiyGSBz/IUyLHvdQWID11NNNzPjs68jl9/wf82bSI+uKLn/+CmZmN4GzsbHuevXwtpHefJ2XWQR59UR4W5CHAi+h1ujZAAVJr0Eufk0YJulOMSeGkH1uisT/D135BwqaqtTHLnlHliRdQqarC8vk5IjmwWCrb2rqfU2/d9st4peUIUxN9vrwy6vAeRqy7XPHjL86O2Om0r7NtLZEZ8MlPfL9/zqF/7pkPmJnZT/74T5qZ2W/85m/bNkhBo+pIweWLj7JN/v7dW44QSEH02T/6QzM75Qm1Wr7NTTwoLj/uCF135L/77f/zXMWXCgAAIABJREFUH/q2Bp/fFqz/UgVXvjRkdquzLKVSXBlp7X0Sy8yp9v/k0K9JeUqIH6URl5a5SkXmJ4bTEHFNFIsl6/eVQumIT0MpjGE5a0KopjJlYiZfaZVzPDnUv1cyZqEopc4Zxn3mPRFn3g8TqnA5nC6ojLX/4g4oAVRKCI35XPdoY1uXVWDViiNUmRKp7PsqLlelUs+4EjMQsjjLqfBldXCnvE3Oy4AMhtv3b5qZ2bU33fVUvhZDEjfrNVfzXHDRkA1Gjjz1+q6wWpj4IeXMyTPjuQkxAJ2xM8f7uzHeTQ8H/w6v/9PZD9I03Tez//zM238YQvgJM/sjM/u4mf1bZvbffbOVpGn6kXd6H0Thw9/OBucjH/nIRz7y8edxvCseDkII7zWzT5jZHTP7R9/q79I0nYcQ/p75w8EP2bfwcPDNFxpliIGYvuEMX0DVfZz9JmSvi+xJT2oE/yihd6b3w0J5DdoX9ZD0PSVC8hrre2jtYe9Phv53HffDXtq1XseRgfkE5n/iFcuIPn9VVThPqv2+Pxkr2W0hZzMYzkJKRHzY2vLqb3ubCmvPVQC7ew74KOXOf+M/qtLrzJwdqTaaKCnObTlTulfyyq/b8/2rUwFL9VDj7wiOwdoW3AZY8B94/0fNzGz/yJGD6zfuZS5004nyLXx/7r/lT/6PP+JZAB98zp8NW2XvEYvxPuf3fZzPhCBMpr7OYeIVgqCEEiWzepOjydjmaKU7Xa8W6uJSMLU3r7sW/id+8sfMzOz9T/s2/cPf+h0zM7v2+jX23/e3KNQKFEPnYhc2d7kuPoRXQffuHFhKBTjsiwtAf1q8ZE7sHn70s6KfD5urfmwmVEATqroCbHNap9aHKb+yhsJgLjTsNHm00cINjtTFAnN15bJX7Sds/8GhM7gV2thr+5xf2PEcg+HQt+XoyLuJRZLxdrbdpe/OHe/vFwq+LTsXfPnnNnxfvu9D32ddUJvHrnr+xCFZEceHzvtYg0uwCTtd164yGGogbwXUPm/ddc+Kr7zoPWdlepTw3FjAYVFVGJfjTKUw5PzQOaO0QHEMhqgWhkOhNaBSQVwlVB/wohZZZgsoEOsR8hiDAhRKscXklSxA7VpwkMQx6KK/z/rZ9OuFZoqbUMzOwuX02jIoVwm0Yo7iJpGrp50iX0rPrINutdb8XjXh/VJG35cXgZRWWqcQEd+HETwhpVPWUBxYxtli3mLdl1KT/4WcC9fXV9h+X/cYhVEd3lAc+TX5sZ0fMDOzD3/wh83MrNf1c7TTGTGPvr+DiZ9fB52vmpnZ9Ru+jUek5KY2yxAlIR9pclY7sKyK+/OcrfDNiIjfaBzwWn+I25OPfOQjH/nIx1/Y8T1HDkIIFTP718wfN3/5z7CIv8Tr9W/4rW9xPOg8dTYjW0/IGYs34xfIhS3KOAZqtgeV/FIdBDHZQ/YbM7NYyw7L/bjTdDX/SxVDHGeRkWZm1h14pTydmQ37OHsN1c9URrpXD62AU1viz1PVkldTUapqxavaCq/1pn/e6XpvrUD5IS396royCJyl3e/VMoe/Y9QJ8hOX1lnOZcltHPF40lfPUEjKfA67HURhlsJaBonY2Ha+QAN3snkiP3Tf5n/1038zKz9v3/EndlV+J/QEuwe+zD/4J26xocyBhOMubkarss22kevemLEu5pOKegZjXBVI02Y2GPp8DIY95shRiZhjMqG3/uv/4DfMzOxf/9mfNTOzn/87P29mZi+/5H3ML//piz6vh7686Rh3OpYfp77t4wE+AVRzhVCzOQzuuSpX+AnqS8/wlJjK2RBie1TyCrrMOTpEIz+cyr3N574C50T9b/lFxBnqNbf5TIiQL7x9QqomXvoRDngJvJDNbT+n5PR3YduVFG/dcsRATpmXztPPPe8N3RQ444UXXYHRwoPgD/7ZH5mZ2cbWRQts78kRXhKocSJUKCtr3peOVG0rSXTFt33MsTwiffHgyHkzPVRCFbgFU7mZSpmQKJG0YQ22ocdcqcJdgCx2SBkcgBwEjmeMMkIIUZLqWHINc87Kc+Bt7issf9QeZ2qSSEgpipEi955iUNUOV0L3skTeAnI91T1O/6yAhlLlT7hPzkGUCqpNk5BlyZSY+6uPOEK0senX3P7+PusiwbAj/wc8I0A5alT7IVn29BBCJX+AJu6Vjz7q/CqlOj5Ydxcz3seyJ8KmUilLF9kfYxs4ZmxbMvdjt3vfkYb9PeeidMeOinUn3LPxvRCMGKJTTwkdtyy1VOjMd98g8Xv/cGBmP2Nma2b2u+9ARDQzsxDCx83s+TTlznf6/qfM7Of481e/4y1J/R8lPR/oH/KzJkhnoX8dtjSKTtsDmc2xfxaly/+Yy0hE8GFGRFycMV7K2g0shxuUtJJJwLK0iESnVLRqk3ZCZjKiEwrpELzNVKSuhV9ANcg6IYiAB6yOpa+g++5A1p5IcfSPQ0XQXC0z7yjz3nS6yqvf5A/2HfBRKFJvcMK6/ftVDJwqmCJtbPg2Hhz4BTY135ZdyJBrM/8HrE6oi26ysxBZi/dkh9vp+FwV1rmBxoIYfV2dtn9+767f7AdI3YZjZHVcxLKVzbSB3PTKBd/WCeE20/HEYo57HYOZLciQYeY3rd1dX5faDX/0WX9Q+eiHP25mZj/1Ey7S2dl0OeqffO7zZmYWIWlU++bl1/zhQUE+/bHPa7FUswIatBFBSyP+YQ3c/GLOD0HZ+gemC+FK76fIT3s8kHAPtWKZf3B4aKg1eKDj/Dk5PrJ+Tzd3v2GWAnG3tLQ+8fFPmplZpeqvd+55O+WkDZmWdkLCPwZqee3t+vm0Q+T3ENOjN2jX3Nv7Ld+Hqq9v9NZdixZ+Xoj0pzba5Ueu+rp4yBvpfGE/awusvnsDts3PSVlCV9nvAQ9RM2yJiyVFZft8t0/atnvf/4FoAKNLwtjhgSOD2SEJSsI7nUn2piAeHyKs6uFbscm6j+jvCClknNSz0C8VKAO1MnUfXPi6cXDP5NdqXbSamkcebHjAL5W5D7Eg1UVVzrcm10KlWrXNrW3m0Pfn0nl/COywbZIcZlJWCplKEaM3tdG4flZXZIvsryvIrNfX/EF+bYf5LMvQift1kmS28HGRMCcKFxWJfdoFXVqdHQqhvX0nFsq6+u59f4AVyXJEW2448wed464f+06ftiQtokJIMttv3fijzE5f9//S0jbp34uHaav8bng4EBHxnRwRNX7RzN6HbPEO7z1rbrNsZvafpWn6x9+dzctHPvKRj3zk4y/W+J4+HIQQnjGzT9o3JyL+b2b2r5jZx8zsp8xLtT0z+w0z++/TNP3sQ9umjAJ4ihwIKbAsPlgmOLyt74UoIzEqMCmJziAIMCqyiFqeTgXppQ/YHfm6hV4gaVSXgq8lhowuxhzHYpsnIiH5U3Wj5VWq5GFpVukCtU0FZWJYdM+rMEG+7WOvUg5l8Us1XxSZx4Bf2bjRaJzZvYooo2CTUsmf4EUEms18G9sdr3D7fcXFEsB0V9bH/kwYKzYVBGKt5QS0p9/7HjMzW98kBIkH7JPjdibhe/IJJ56pWptRCtXZny0gzBe/9rKZmVWRT90lmnY19W0VMfFUbqVAJkhlBYVrIU+bL7KgLBkDVYlw/pEf+kEzM1tp+bzcuunVxv6eb+PnPuvPvE885mE+xxyDy5cJahr4fBweevvmkYsOrwvSH8/92I9n/Sxg6qTjc7p/5NskgliBaOJUckFeJ5T+88TnawYiIiRq0Pd1l4hfLoEgVCEdTgf+u+lsksn/Dnd9+5644sft0iWHkd/79HvNzOzoxKHXo2M/Bn/ykiMiay2XC9aw9i5X/JwWQrB74EREGdbIiGoAklCoKMFpYSXgcsHgak0NIPtqfyXDjSpEFe86mtE78XNc0tDTCGjkhSZCXm3pb6GDyTzNTI46J0SOcy+p0karlRXN7q9j5nKeypJYLSzuSURY99qgAUFooX+uyvvqJT9P1lsX7M03vCObVfpYGLeI6I5M6B8mSA3gdloWq6sbbKO/XyWwS5HFO+f8urr0iB+7gwPuL8deaV+5ejVrN7553ef2xa/68X7qmad83RNi0Ln3PvV+P08u0kaSFDJBPtmjHZOARKidJ3llZ+jV+2Th1+w6pm1RdGoDLev6Aq0OIQqnwXMEzWEwtXfo6N+Ce7IM6oYT0M7Er5O9fb+f9Ilj1vUnqaffV9TKkCSVNmtmvy/iJb+ht5EkyUPrOHxPHw7SNH3F7JuTK9M0/WX7s/ER8pGPfOQjH/nIx7c53g1thXfRCGYWncoHM44B5BAeyWKV7ekyLyB9QMoYZcZJy4TCOYiBzFuy8FvCgKJMugJhMRZyEC9tQ0p/KjMUScRdiLLfitzX7/sTbB9CYTL3J/xA32o+8ifd2dTX1etAHJoqwllGKkT4stHq9wZiRfU0OxoOM9JVCdOSPtLEfaoGkRkr9GHThcxNZLnq1VeI2HaR2wr+vqRdxye+Ty3kc/2B9yqHEPLiULS1Fa9sdnf9vQ5VlSSJIfZqdv/Id+zw2CuA+/e9slHzVZXwRRCGk7ajHSdErkZnSKUhklFRbHOsqWU93EXu+cUvuOztUz/qEsYPf9jllC98xV3Bj0EEJheonIqyePbK8s23kEUdOBowwbBlNOX7zP/6StX6I8yvQJQqGAtNQGHqSFwVuJOZ2XCOTeciXKqy8tdqQxHGfowKih/n3BfitLNzLiM/1qguFTDVqPu6D/f8/Hj+q24C9dq1L5uZ2e1bLhMcbfl+PYXUU8tLuD7aqubEBKKyEg8kFbo1nFgJToXQh07Xj2cTiZ7CwFIsqvchHB62HdUpRswXxNMeXBwBjRHbdioNJqCHS3cRkiySWMZZm8Q6F5Ee7jEfs4nvVxUpb0C6XIyFDIBSxJj6KPI6I6T699ZrTtQtcE0fHe5bA+RsOvbjvbHu5M1aFQ5SKhtp3zaFXJVrIi77Np2SAv13LdCwJt9XaFqcER39e0d7vSwGeoFN+scIt3rsCZeg3r3v57kQhIsXHPnIQp843yU7bp/4vAnFWYGD0GyCxEAWXeOcn8J92j/Yt21k1YpJVvR4gzjpTQLKyty7roF2HJ84GpFkxnX++z1QwJu3iIrnfIuLft9pQYYsVzlm0dTGE7+WxHNKZiKAiLBOBDfnltCO9AETv+90vFukjPnIRz7ykY985ONdMnLk4MER3jm4Qr0nPZGd/Yp6iUkaMtOWJHuP3ySSGvF0SO88pUrJqvCCEAeWLUtSLTiLgJYdhORFq7ymWbWQokWbTYk1NX9SjbCEKFO9VZFmLaZiqxOKRD/73LY/de8hxTk48CfhXt8r0SHGPlJxVqs1K8Fst0wO6n+WiwplwfRkpMqnzH76+7KwLdfoW8MEl5Tz+MS3ZTDw19euPW9mZtfedOnagACbjdVte+oJj9qdjCTJwrwGU5ZxijSPfu6QKkSft9te1QzHVEYt7/fLRjZ54Knd7LTS0L6kaZpVdrGODYfv/j3vkf/y3/NAoOeee9bMzK5iCrRC31cV0tNPew+2T0+1fwAiA1N6ipmOeAOHIApxMVi5DsO75Md9dcUrxKNjn0P1UssESV26fIW/fR6+8OXPmZlZtQHDG7VKFM+X5kv9334feSUqiaeeeibb31ToE9WmIrp1ngzYvz0qxhlBWh/+kB/Lc+cfMTOzV2851+DcBeee9FBWjJkHHeuUa3gCclMsFU0ZRAukZGOUEKq6xSGYo+7pjf08KJY50ediuPufDayxDzDg0r5MlboFmlFEVtdvjzJ5nPr69277cTyVNqPeUTQx75dQL2xsezXfPZHiwJddLWI/zTk9G4NQcA4vsFBPbWpN0JsVwr4unufaKzoy0D7xc6zV9Gtxe8e/3xv5vGQIUhUEgeun10MSnGCOhVHV9RuvmpnZ8Z7/bmfnnBUxSmrWkQ03QZKQMK62xJfybdK9R/LQ7XM+D+IiBa69CYhLDZQjLsILUZgeckyZIJ3b3rIYyabQz/M7fp0oVvoIrkSv7/u5ve2cqyR1XtDn/tivk1Dw3//Ax11pdG7L0Y4q8zzCdOrw0K+J8VQBZ6NMhi5DNdnRl8oKkPJtkDlcFo+9WDy08KUcOchHPvKRj3zkIx9LI0cOHhjBPExEBiSWhSMt8wfe/mR2GsN8arEMcqDwEvUbtUyV2RwCPaVlXNPMDhPkINO3ioMAYiBTDBZQiGpZ5HBkDbbbq444QhMPyzyZwnSNFJjkT+srLb63oBeJ7XCj7svdRCvc7fmT7riLwgAd73g8yaqlBVXkiCf4Av22Fkzmjbr379ZWfZkvveLWxSMiaBczrySiWFwOf5JeK/nT/JYMmmDMS+d9bt23fTKZ2s23MMxZKLzK564uw5R90IpVQqxK/vfFKzDG1/y1DAP+1p3XzMysTdU+72D+gla6DOtfnIZ5YlbnvSlVVoL2PaVHKvXGl7/koaEduBRPPukKixB5lXFM/Ovamldv9RU/VmsbLV696nv92jXWA7t9MrfW6gr7Z779zHETjXgX22SFXS0I4pkpEAZkZAbCUGwQPbvwV3lLiF+h8yHFZnZ946Ld3/V11FYwCILPI0348bGjUPfvOOKxs+3VWFzy6qyOudWTT3uQ0rOHQpJgiidSCoiT4/M2h5UuTlCl2LAxJmDjkX9WhoU/j33/2ujXQ0EBQxjr0O8fJSAtLT+XG4RHtXt+Lo5AIhTLLPtlMcyr9XrGLZBiIiJIq1Lya61SbrEM2Y+zjYRejYmdXnQxJuP9boLpGHwg3VZqxFHXCZuqVstZxT9HbXIPtVKU2QP7ukt4rCQL+aTAK+JaS6nCZyiVxvTLO4cYOZ0QAnaEoRPzMJ73bQrSNWOO3rzOMYGDJEWAUNyqDLdM1tV+vk/gJExRAChgaTRf9osoVnUfxgobNKxULmQIoKLXk+DH8dobvo67d1xJc4kEpcXC91MBVk+/571so1/zRfahVvVrUzHlUlCsEHCn4LLuoGPhPAqh1Jcd4S0yY+5v7/k2DQbiB/HvTvh2DYa//siRg3zkIx/5yEc+8rE0cuTgwRG8os9CjzJVwiky4O/LJtSWv2cPulrqSW45rEl/y1XxFDFYdlaUO1kaZStZ2tT0zDbJdS0JceZjkFJlF0ESqrDTpUdO+E2hJGdEHANxCiw3VAmyrbCW5fYnzbp5MWcFqprBaJT1Yfsj+RYQHEM1qp7hHNVCuwMrmzAjeRA0QBhU3QzlzsgD8rhHTHDkFYJ6zUf0SaM4ZDwPVbZSSqQz8UHQPlOtn7vo6obekG1EGXIEm30KP6SED4IRL92nElD1loXhlIoZ96RQkgIEJEnMf7YtUJ3tHnglLAfJbRjSTen74XRstFw5oSplFVTnqOM8AsjslkZzOzyETS2L5dTnoUg4U2vVl51Qfd+jmhczWpG1c7Z50Pf5WhPDHnRnwPyqD6rfr6xtWBuVRhH1QEJFlDDHtZojIgrBUtX15q1r7I9Xfq+86n+rOpd+fzaVCkbafNw+8TlQb3+0KFlQ31lhR1SyMb3iMYoZset1Xci1cDxzZOHGbT93K3xe4jpY3/Drqt+jCuYYy348KoQs/KwQoZyAwV5GQVMpwRMC/SuXfP8b6/rb17WHPfk+oVHt3i3mjxAhrNCLxSa/83vBfB4sTVAdwOC3EggHCEmz7sdXrnyKbq/BMTk+FEqBmx/nwYy513lw745vk2KWJ6Ba+/s9q6AE2tzy6/j4iPtEz69BcRLWQcy0jgXXbh+Vilwot7DdfvoZr+Kn8jiW90RVoWg95sG3fXWtZWtry1bKvZ5fu489TsR9TcgqQXbco55+xrddyKSuf/Eb5HrZbnOvwznx8hVHB6cgbp//4uft1p1rfMfn+i6hdv2RI2qjBb42IE4BTlo6Tx6w3v/ORo4c5CMf+chHPvKRj6WRIwfvMIQEnOYbLEfahih6x+/7/2f/x2/EV5AfgS3/bcvIQqaRzn5/xksh40EsBzOlc3ra09jmph4pTn0F+RbAwsdkQTpsxaUi+7aJNLRyxpv4Oo+OvXKWg2IWzTxXj85fR6OJrdL7vnDRWeRllBAbJXrlde8lD/AcOD70J+K1dbmt+aLljS7qd58++SBDENi2wxPmYzks6/j40I4IWJJ/fwxDfJTKndK/WybPYTSiIuqSjUAPXhVCKaqy2zDEK/Qt5XvPPI9BS5LhwgKVjip+eQUUYMQXiINtwskYDX0ZCZ8rJjkCGenj86CqVnyYL31FvVflJhjrrdj0SO5xZCuAHKwXYVsv5GugbaKXbPTxQTVS+CTjARURWRTnz7uKo27Sd/t5cuGCKwsWi5FN6ENP6IWXqaJHuE4qBvkKSonDIz92Lfgg+2RrHOPZoXpwPPXlKvRpPJGbI9UsaFqIFUKW2hyVSoFJmtBzt5lUGMrc8M8HqC+07P6sw9q5nnAMrBN5XIVnot+JhzOd+nKrpWbmvirfkkIZhn8RNIrMke1NZ7qP8e0fM1/veeppMzNbW4edD2q1Sm7I/qFX62L1p/TRkf9btdq0stwYyTooRMv3v5htm2pOE9+fIdkTEwK7hIxsrRLA1ocPQVja5jnWAzcjDcSWh5BxcDIHWK7JbtLmb38/yzfooKAgM6EUL+ea9Nr++a3rjn4p/6BLpkfCdSPn1stX3L0xLOIsyrsLl+royH+7tuLoXZVreKJzjutIx8qUUQGaVcVHYhunyHNSe+D9IvRoH7Rwf3/fuuR5FFEKDYdwa459+wt1DqCEM9zDQ4jsYYU258hBPvKRj3zkIx/5WBo5cvAOI4tVZkj3fCokkGqBtx/MU4i+3lPbsn+BOALKZcgQhFQeBfACpJAAcRBbV0/YseGYRr5BXCxbtew9wmrZq3A5G546HSqFzl8X6bLWV2iFVBszKp5Gw6v4K5e9us1cH2EIHx05C/fe/f3s/4c8PRdw9tvc8qfmOAgJ6LItvizpeY/5/cnJEetK+Nufztu4E45BA6QHjzgoilmez0a2vqrkQn9RVLNEKWKl1yb+m+M+yEvJN2qeiPHu39cxMRNfAJ97RR2j+6801XOcZxyKIQqGIv3IMSXcAkVIGUfDqCg2Pyl9A9/GHvMpHfzBvjOnmzV4I/S7T/CBiOjVXli9ZAXFCnLyFGNFbcPnkP88ezfmuGo/DX7AnJNRDnhDKsRdnOBKrEfR2F24Gl976atm5BnUSA496rrGe3vdq6rjrvevV7q+P0o8bIMUtOlBL1iOOCz9IUgCvdgFRgqx+EGKSM+u3WCFMt9hWmaoD4IpGdWPwQxEbIBrnRxIKyADgetG18vxsR+ryZi0Pb5fI9tEscqTwTRzH5RnPmR0KzA/BSrhAfvfavh1Li7SPlwDKYpWmo7YNfAJefZZ94U4fx4fiI6fhy++5I6Tnd4wS1dVrXjMnKuaF9yp8yfiDFEa48omKph4uaKu4Jy5telIQh2+zErL96Hf9/Xu7u7awYGfIx0q+wkImfggATTz+EjeCb7/e3u+/7pvVOAmKWnzPsdOfIgaaoUCB115Gp1jn9/r116xIWmjSsjUujbW/Bx97ElHca485moFnQfirKiK79/0ZR7Df6ri2TIhjvzmDb92795zzwK5pnbanSybZsQ1uM66KzViv4uc7xDCTo9ZzjnIRz7ykY985CMf36WRIwdnhvMHlIAof/LwwGeWfR6y/j/PWCHK3sscDs+gDVIZZMzeSAiCXLnoSVNRJCgOjGojoYeaZr1KPAzQbIeoZJOESmaqqtqfPsVGDvSx5M4mtGIyl1vjmFfWtWBbKCSUFNmh7zci90Dzsr6+kf1WaYvtDqjCXe8BTmHqKkthbdWricaU/WCq5XhWg41//rz3/RJSDgsFnvKpNEZjrxzv3uRJOp1n3u5yZSzCJpYfeRLTMyQJskTFmFKNTZlH9a+FwAhoiSKqeaW4wepP7LR3XeD4K5VR2Qex1sWyOnhHyL+ijMNfx0iZw0u9icsa8mwb4yAoBKok1ALv/v2jXSuS2NdIveKLcaNTlT2Dc1CC/1DAEU6ViHTYc86ThH0pFVWtwdLmctC899mnF1543ppUm0o8bKzAlcEBczT1/bx+63X/HpXfMefPGARmwdx2+kd8j/43apeKPCzkAyI//7KyHWpWLM2XfjudeNleLsu9lLRN0CkBimW4GInJWwBEBc5CkWNaw6NAXJwF2SUVPPrL9WDjkc/h2jpa95muSS0LfgLbtL5KdgL8hgKJj/JDqNAPP+64amFAyukR+RaVslf5jz9x1dcX5raHKmU88Wp0tqB3Hnzbmk0hS/6+jvcs8WM5kgKliMsp94sa55tcKY/vkjT6J54n0sUPYqW1Ym1SKYfkvEhhpHTNMbwpXXO6YCLuiwOQtc1tr7CVMDnvc2w4Bkf4hESRrm3xg3wfqrWira3hFHlxiznDQVZutah95lkGCV4ufd2D/HV7Gw+WHryqY9/fFujOZZJIW2RWZCqPZGIpyJhFUg45d+TV179iZmYnQ/9bqJyQxMU8sYcEHOTIQT7ykY985CMf+VgeOXLwwAjmDN1TzsGyQ+Lp+2ecElP5HsQZEnAKHWhRZ9wWVYTG0lbL6B2kIAERIGVNmuM6qWxxYTmNsWz+NFoqVzOOQalAHzqrdJd7o0r0KqNzD5wOC/rhSqNUopuxrvl0OWlSzoPiCSwWp3ryrS3vN54750/RK7jJ6Yn3tdc8qUzMaDmcya9AjneBbZBPfwRzvr5C/5w0t6SHpp59GU/mNk29jzmFXV0EpRmoCqUaUY91Nl7OschcKVVJKxghUXXu657gSZD5uHN1JSG1iH5tmb6kVAjndi6yDl/X7dte8YkQkTLJcvGb08efg6jMqJDlmFjBe6GAU9oMVGA062VciWLVN0z93G6PNEEUEclcVRm8iDHOkvw9Z3/nvF8hUXRR5HyRvwP73GxRQU5GGQ9hTMW2srqcWzJq+35WUY7Ik0KIgVQdbTwpFlInMB/i/IijIvSmqn5/UU7571zpAAAgAElEQVR8Q0tBVeS+J3c5uc1Np/SpceOTMmY2VdUJNwX0rlwr8DcInXxB4H0I7Zvjr1EtxXbhvFeNSm6UKmU+Ex/C1y1nvOM22QugU2USEBuZ/4Wv8xIqoXv3Xb3ypS/9qZmZ1atkdfhsWRrPrNslMwWPhEIsxDFhmZyjIAknx74t3S77p6pVUivtd+T3gxe+RhohiIM8TqKSoxqNtbJFZXxA0uV6dTiVIsrnJUslhUsSc28r4DR51MYpU+gv/JpyRQ6TOCGWpMjx7601/ZpdWWll5+9g5GhEAe7RxUuuxlnfdGVDjURHpfSWuDdVKnKm9fNpSNplHCtXRvfP5aTdAxJr2/0DSwz+Cym0b7zxspmZvfyap7VOU79/LvDiEG8kRJE9JLFCjhzkIx/5yEc+8pGP5ZEjB0sjWBRF2dPlaS62KkchBvGZXykZMXpbYmOmOZWjYaYhXvYxKBb9abO56hV2KaISxFO+ilOaGM8V9bWpMOVeWC7VrUzqnp6yVVRJ27yQfSFjBht3numWvW+riiqkvq5hV1UrT++xP22XeCq/dMW16ePBJHPR67a9SpCL2nRDGe94BpSEavgy1/FCv3PXe2p6+u72vFJMMmY1um561RO0xgF3txYM6tq8Zidt/21Jmn8pGYbS7ZNvIKWIdOscZ7HTR0N8EahG5Gq32nR05OIjXmGN6Xvfve+uZot0mj2Fr5IrLw30eKB1wWjnOKfq/7PRsxpOkqg1quyDPPml3x9xsAcwrqXRn6cLm1LBhIyej0Mk58MaHAF5MCiNslqTGx8IABXk+oafoyUY9cORV3lCkma8Qhy3Uql6qgQAVZBnQA0UY0Dff0DiXwF3vU7f9/vkHtsEsiBnSS2nLq0+vxNnpQBiME9JYOyPLeYcill3hWUNsrRBfAtQCMiVs8e5KH6HVDwVeuwRRzuZKaIVNQtwoc6vWbqwhOq8i2pnNBixDFAbzqUix2xlxbelQHpr6Pk6T/Ag0Tm7vePnv0W+vMuX/Rxt1LiftHybkyixlO37/Oc/a2Zmhwf3mTNf9q2bSkb0Zc6ELHEaTThfJrhQ6v4ibwX1++XAWVZ6Zc8r5bf2r5slsvLkIuV6kCeL0ghL5F8Ug7hbvm75ecy5ZxfhCZSUa1DTKyiQuD9ch6MhSGUIb0OOY+6nd3f93Lt7z4/V+pqjtatra8zH8r8LTeZYeRZDuFkd0LFr1/z+8OYNR1aO2z7v/dGh9Ud4yeCImIoXg6ImjeTZwrSJF5TknIN85CMf+chHPvLxXRo5cnBmpGmasdpD5hD2do20vxqvmsaCBSoBJXvpITTKnkaXH+vkczAcLjvmRTz5jmb0qSb+isGcxbFcEOUZ70+jxeLYahX5EqDvT8To9afPjOkPu3g4IuN85guH8Gw7m+6TIP//Yz1LLpQPQL8PhvV4SH+3XrdUznSpNPX+nT5Vl5Z5fsf7ePv73ku9ft311w16gHOUEzJ6UCVQog94cETqoKqxqXIxpAaJLILxr5474oNM3x/oY1vm6yBZhg4wvWSe1sUwn/I0X6zjuEjOg4E81cvygU9sMvfj02v7/rznPe5s96dfcvax3AkbqDLUx9VZIyfBTZIV1UMNwfch6zlSvJRQpggFsCi1OU6HCT7zJSEjqvQn6s/Tn1317T+hv3/hnCMjq01V0hxbMgWKfZ/nlGpue2eD5fn8vvDi87YCctKHQ3HvrveIL277eVApSd/ve35ISuPegffDoxIJoVRtldi3RaoYJePJla7elMcFvghUiIN+P2vNSqcuNYaQD/EiZmjplS2g671JcR6ozuf0f6OwfFsNkaphoSa+5k53bsdHPrdi5Tca4hihqqj6tkn9M5riC4IGPw6CZfxlHb+IGZ4MR8euRCjCRbg3vGlmZt0RFXZ1xdbX/ZiUYt+heoVqnfuDKDbnNx0Z3Dtw1UG17vulzJajY+cu9PANmWbqHl/e/QNHliro/dMi96PFIssjUOiMlGJyjlzggJgydwsTQqBsAf+dkNpSDWdR5msGGmQ4tBbIqohAh8rMc7myYjV4HPKvicmmSfhNCU6C7tmLha+jSdaMkMmDfX//4MjnZZE5svpyaszbE088ZWZmb93xfbq337VUnhKgdbq+RxMyIaa6V4E0MX2FQuEdUoP/bCNHDvKRj3zkIx/5yMfSyJGDt42QJSPKt16NnbO9KDuLIKSn7lQZpyCrT+Ll9+V/wNNpQhU6GtAfD15BKJd8OPcnX+WwKyFOFUaz6gzaKMTWhxswxE1OWzCf08fjMXMC2pAJJ6h45mMcvF73CkGqhH6H/j4sdbFu5filino8HpqhdBBHQAl+o/GAOaPCL5DjoAqXCkGa3wa95WvX31haXgWFxQw1Q00ZDGzrbCpnNLPpaFkTrf7tBAZ8sYDjY1hO2+uSotbv+veq5K5vrD9qZmYf++D3+SaTPbG/T+ohPdYGfe9HLp+3/UOvkKOif9aseFX9sfd/wszMhsxLG6ezTtd7jUMyFKSEMCFLAz8W9abvk5wkV9fEygd5ED+iYJbidDiBpT8hv0GV8GwkPgf9bVz20rn/PcTRbj6Wxz4VJsxvQ1EiF79m3fkze/u+78m8bkeH9Ho539u4MjaAxFao9HflkEkvvdbwKqtKf188D1XOVy66Zlz8iOFQ7H5HHpTqJ7fLuFywki2ndGY+BVSTQtbWcPQT16bf93kTl+e0UMPfP5aPCComNPUxJ+eI+YsqM4vxHGmu+n61xAXgchA/ZJUkwI7yTFA1yfekOyXnYUDWyO199kHr9PkYy7EU7tLocM/u7YN0gVpJ1aN7jpRV7et+TKZwdEJfCAPX03TEPCjfZFm9MkKBNJiDtOF1EUdFKxbI2gDNK+LeWoL3EBd0rDivi0IG4B7hbyKvhSnrUBplRd4MbKJcPitln4dqBfSkULMKHINM2cA5ptdipsaBL8a5VQatkxNiYSZ+2Trzwd9BnC0cKTl01ZpnkDz3oStWbcGDqclLw8+5w2Olbzpf4fU3XjUzszfecN7CeNx/gCv3nY0cOchHPvKRj3zkIx9LI0cOHhwhWBQXM4TgtOrCByCSY6JebenvTJHgv15aRpaemKUy+mumPadaW+A+NwBBiMTGJXO9zpNuoP9pC6r9iXzekyxNUYz36dif9Os1r77SOV4BQfpknL3ox7apmG+QaNbv+VP5o4967rg80vskIyZU6Z0jr9J29+5mbHn1egcwdaXLlQvd3FAZBD3p+xN+n8pP29iTFh+F9mCk+Ep/7fC5mPOzmXwlClYvewUs/3X5GQS0xMdkLdTqPqcV/CFq2z5fj33c+QEfeN/HWI5XxMM21elb3g+v4XhWq/vve7jTJWFmTz/uSMEs8bns4PjXKPnxbB95hTyfqHr1+Tk+gmSCQ5ziEaRCCFmWBL1peBOHOOI1V6RqWGTHogB3YkHFL1e6QGUkn/8xDpEb6+4lX8Vjo0lf/JgkTCEyyqoIkebev1+Fe1Es7VsC0jNUiACXTA+HuwlOj0Kz1rbwx6j5/Mlj4f4tL7c2UExsrTkfogxfIqADH+NZMaIHP4JXUSwVsv2tVHTcS0vbr+p1OpQjZMr3fK4nOgfZh2ZDChyfjz69d4Pjo7yPGqhfEvczBE38hil9+wKVshBHIQzTgJII9EcoX2arwv5WV/wYqf+fcj7FICuLQL+/OLEh0GC/o5uTXFhFAMA7wuSYytcmKKZ4Iy7oXse5KgRFboYoDsTp0X2o0qhYjRwGJckqCbRc0pzW2CZQCCCAIQmjZbgq8lKIUj9G0YK5HqMkUQJnBEKJX0wp0f26ZCMQ0BS+U41zKtExqih9k3sx7w9HcEk6fj+RT0gT1KsQ49rIcgd9v1/2e/u8+rG/duOOHZEx0gdRk7+L/G1Go33WhYcL6Jf79NhDGTlykI985CMf+chHPpZGjhw8MOSQqGpfjnB6fVuWQva709TG0yyF5ce3TL1AJSxGeBk/g2ixwuf0uSKvPqtl73eWC/55pYiHOn2xEil+o5E/YY5HYyuAcJyqFXxbxDpfoFOukmAmDXGF/v4a21D/gG+DeulT/A+KVLty75rjJX7psld5xUpi06lvt1wW1QMekEff6foT7yzLuJ+x/f69GZICOd3piVla8joVkAjRUmIYfeSCKYvCzORMNpP3PzwNeAs7T3lV+qGPPOvvN+VOGbEun3MKBHvjmisqhuiVJwMlyOGfAKoT4RjY7bZtACJwcoJ+GWSoUvPvDsfKmcdbggTE1iqqDfT50pbLSz5VnoOQGCrzYlV5GfAD5qOswlOvtFLF4VBe8RNfZ4fkvkA19cM/8CkzM1tfITmRBLtK0be5XPRt7A/974MTV568deu6b0sFJUXoWRL1+X98DHx3LEV3XhenYMWPScTxjEgOHXI+VenRRyhn4sTP3d4h80RGydaKOwV20NTHwBuFYmyBZeoaeuTCBebWt63X8WWpGi2hkZ/NqIypgMW0r1AZCt2roswIIIrS/ctPYTJPrM11cAR6VRCDPyIhM5B4ue9ZE1Yg1dN82cXYz015C3QGJyzH961HmuMpgEnZz+0pCacMf2VmKDVSvWvdD5XiKvWWXBpnqF/k76BkUUkIxIsogoZEbENjxZdTrpSsWFy+x2ZcAxAPKWx0TW60/F7TKKsq921pwM1och4pm0T3aC13Dj9EKY4Rco96dSVD7eTrsSIeCLyohP1S+qLcSetklbz08stL89btoAaaKm/Gj0l34EjBLPFj/fI1d7F87foXLZTISonIuQHllMtm0eAWZaa90YMvD2XkyEE+8pGPfOQjH/lYGjly8A3GqTrBxykLdJkNKgFCCFGW5Kbfqm2XfVdPeHrkwxksSumpseg5Pu4LWPtT+APSL/dwBpRuvFInva1Wz56OCzzpD3tejRwekrpGkd1s8vRMP7NML02uhWsr/hQuDXYP9UOR/lcBFGNQhSFNn3t1vWrTqX/nGLa5kv5K9P/nTExhSjXRUm4DPWFYxy20w/I32N525u/TzzxpZma7e66oGA698nzfe736f/31G+zrwl573ZUOYxAOVR8zFAAJVf2ffu7zZma2v0++AV77jzxy2czMHr3q63zysfeYmVmVJLw7170qvX7DEYWbb/n6lCOQhsQSMg6kcV/FCXKEf7uy4OtwLvb2/ViFgvrfzBMVYLNJJVT37yuTQnyTagvEQXkJ47nNUL7It78sPTueESPQF6E5P/hDnzQzs3PnvIr/6vMvmplZlzTODz37cTMzOz72ymdwQMVNn3sC1NJDqRKi1FJV274bVoVE0ZLzJ8d9wrbU4FKskGRXpuqUh4TN/fuqGFcu+DHZP8RtbuzcjkIDtEQoUjq34VQqG9+mkxPfrxR0IZgq5SrvKztBXCRft3rK6sWX4VrsbIL6cUzlmFgEOQiFUkZTEpfkzj3PQthvu0Nob+T7IXRvssDJD/Z6uer7qz65kkMXeI8UK/67esOv4S7X8Dzz4i9k96iJzldQvBiYSve9MkhB4P5XQlmk+dDOyM11FS+KAd4TJRCmwcDnOYIDMx3MbTY6RXTMzCJQvSZprZFcPVmHFDTntxwZkhNmCd5IU06QnD8isSg5NBRkjLCc0VCr1a3G8RJHRCqOxVyoDghyLNdb5Zj4/D31Xr9PCJ4Z40x697bfq3qghLttv890+460Hff9WFeaZnP8a+amxFecPgOozGjZbVP/Bi1mi1ytkI985CMf+chHPr47I0cOHhip2dJT1ylPYJkZHs6kMkbZk/MDWQq8FovLagX1BscoA+IyTOb6shJCVX+VrIASvWWlMy5g4xfL6HVxzGu1WlbGK37Y98+qVJfbO+6FMOhSOaIBDjCDB/TOM24CWvQmSYqqWg+PdlkX/vZojmeoHlq1uh2Qm36MP3+WTwAzXq8lqqiV1rJ/w96eV+NTdMwl+n/6e/e+fz6ZwW6nEnrzTdf9ygmv2+lbq+nroBCw23f9iX2GNrpPX7YB1+Cxq1fNzOzpZ97DfHg/WF78vY7v297gPvPp58yQTPgCKoAyPv/FUsEuXLrIHPo83HrrJvvjx38FdnkBfwJ5CNy87QhIi88FWuk8GGn/Tf79VGMjP3YVUhujUslKlBfyzujBLUilxw6OQr336SfM7BQ5+t3f/Q0zM/vM7/+BmZl9+md+2szMPvUTH/HPf+f3WK6jRAEFysULXtW9cd3nd74oWKXi1WQxkheHz+EJWfeFGCSAgzVCKdPiPL983l36AqmlIzTiFZCVrRX3P1Cv+e59PAa4lkd9P0az2cwqoBWzniMde3t+nNfXHJ1SjzxJlln20u2vVHDEY91anjI32iAptYqUOP55yVDUzAe2seUISJNrSWl8G9u+7Jde93k66vg8iVMjRGgydA+JLNUVTKbEPJapnB999KqZmd254wqkPRIAk0WSVeNC6wqRL6taYX+YB2VLzHFn1L0pVnhGKsdE9fv997V1/EE2nLPSboOWcU8bDPo2h1Mw43oosw2lyO8L4mvIk2IK/FnZ8nmrsK1tclS6qZ83toI64Uzug46hfGLW153DECyyOSjtaKxkTyXD+t+Dqa9Dyhopr4Z4dpzmxfi6pyhkbu86cvDWniOL90/8tT/wk7gz9vvqeHZioajsBP7dSOWUKK8aHCMF+zwkhcKDI384eGCEECyO4wx6EqHk9CHgnW2Us0CmpSOk/182TsraCiL1FJAkJYd8D5iriBVrUXJDDHo4kSJgsDmSnenCX9vdtjUg0MlKuH3CP4JDEcN0sYugtiyHK/FwMZKtMjeDa9f9H9693XvsErIjXitYPh+ftLN//GX6NIXsJBg1SRVfC8EMmdyT2Aq/771YPg8V5iMY1L9/hO3s3v6b/O0X1pB9zKKsy3XbOecPRSnYYgvjoMef/bCv8/GrZmZ28ZL/Y7ax6Te3vT0/Jl/4wueZBz9Wh9ihFgmeqhNIczFss69j9hGjltnUOsTiDnho6SAXHQE5XtxyMlwbieP2OTdE6fT8+zPaSDpGKTcqm/tydJatr6ldgTx1dGp0VAZSn3AOLUaYvSSSpPky1/kH9uYNfzB5+eUv+fdT34e4wD/2c5/zYtFv9sWSr2ttFRidY2aZdLZuizGyuBgrXeBj3dQHHV9WSTHItMhaPKic2/GbeAHo/vUjf9BbAPk/90FvK+3uuknM3bt+ftQhE5ZKPs+vvvFKFgNtihpmTicYT82w7k2Y+51tl3QKHl+v+T/ss4lilrHV5lxvEjA0wyRsHxvmjTWu/dqJ3bx5iznF1IyH/NfecALigLC0ckw7jjmt1CFLQtSdTiRp1D/QDeYFEtwxEkh2uVb0czYqxDafLZuYBe57yVTkQGyUY8kpjcH9YeT7e/68Xz8G0bPb8XVevezvKzq+wLFNJoQopcUsnKrRkNyPf6B5+MsIyXrwQJbcPvTz6JEr3vpbW/F5unnrppmZHR0yv7RECllSEWZkHCNJHLvtTvZQH2L1hDHuopjo0OrpDP14jiBRHx35+6nMsCBmirA6GtC+oqjoc/3ovMlCpGI7bZ/MIEeH5e1OEl3Xy2FPUSHO7ZPzkY985CMf+cjHd2fkyMGZEcdxVt0L9nq7XfJy7HJ81lZ56f+XEQRBU4pqnmFROudV5kYyi1nwVJnMZHoEVI1sKqVCDISDFKLYYmw/BQ+2VhUd6uvsEP4jm1/JIPUEPIVIFgh3GkIg6vf8VRJIYdwzqpkFJjHzOD0Nowoy70E+SQUnmaVIcL2eVwAvvviCfx+ocgrRbm0d0hdP14LnizyVb295tSuS4CrR1/3e8LSFQaLUBz/wAd8GrHon2Lp+7nP/n88LqMbGhlfhH/vYD7BO3yXByw2qjq+94NKlCSSwKYEsd+46hDscju0Yj9QLFxwRUEzwiLCryWzAq1cn9/Yd9q3WMcfCLtliWdP6vNZBElQsNGp+rGdYXMe0GdK5GYfHasxRCrxdwPZ4CmGzCCTd7Sge2o/3hR2vAD/zmd83M7N+x/ez2fC5r9EKOERmedKWfTdVX6lkU8X7gkZV6n4+nDvnc3fWLrle9209PPZqa30DMyQQiHMXvXrf3vbjPRg48iIo+OJlR42e/6of29U1P+aNVtXGhIDp3FwgkxxAGJPlrlKNZhybObLLeV+R5svSNrX8ZuxjmVZZieuvCjmyXCtY+x4mNlh2P/eRj5qZ2QqE1VucQ4dIYLtIgQ3ETXeeOuuIueZl/XzS9fns0CKcY1yURbzHZWtBuFu54HN5dOTtFd2jrly86sui3Ygyz7a2/fs7571ltr66yX5jTAZxdYpd9PGhH5tmw3+nijqkkaVYu1+97EZrQp0kzb10CbtsrsEB6I7QT92zJSuURfj9+3f9d0VJyP2Ylll3Ecmn2pKdfi+zhQ4QLsczn3Oher2JIwYLU+CW79/BiSOq4wnmVyAIMrpSm2FBS22BnFf22sXCKQK9gJAepSKB0h7kfirb+VOOPEhDkthD4iPmyEE+8pGPfOQjH/lYHjlycHakaUZK1Gt4G2IgZEFyxOynpmo6nEEb1OtaQCBJZEEKkSyS1I1lzpEqTYdEFRNNm4WCUO3FWLkW6TGWS6XMxnaAwUoyF5JAvC9P5QP62UMMYhJ6r11+Z9kTr8KikOZAdlOlNEtEdAPlWPSz6lqEQ8nohgS/ZL1zpIsZUSguL/09oprd2vKKsYVE79x5rxTrtXXmy7+/QWTtRaqdN16/brNY/VmvAF99xZ/w2709tpvwH5CADaKq79zzeXnlNTfzaWOLulhI6iVJpKxLscLNUAB6laOJJfT1J/Sj222ClSAhfe0V75FLJio73QnLrtAH7fT92IiIVKKCEO9l765XNVn/2GR41bB6TfHFRDVTXcvet0y1ubnhc3v+nFdrj192W+j7u17F3r/vfdzF2Kv+p551YuL+ga/7YA+DI855cTg6/UPb3fO5VNx1ieOpU0yV4v6xHxtZMwdKxjffes23NfLf/ZUfd96IpKH/xz/4NTMz+8Ef+kHfb5CXPmjGXdZfb1Qza2mdtxWtyzfFqpy7sSHlHWBUBGq3QH6suVdfuILBWa3l665XFPUrcyA/tuPh1D76QQ/eugtZ7c5bXulOQMhefw1UChOslXV65Jg8zQnDKmHdXAFBTGc+X+dA3CT1K6Qiti6yfS2L34Fkc73hCIAQtKnshOHHbK3pWvRteeLxJ5kH39+TE0mefRtlUCbS5damX6O2kHlcbN2uUBlHG8R7KsiKGQ7WhQt+Tt71yyUzaJNEeA+kcYbscB30TyFrqar0WNJpCOEgCqsrKzZDLjpW8BTXRxVjsRbR1SVCkYZDR2cWEHH39+GsgDAlBJ4lBE1F2HbHpiho7KRBmtI0OTXey9AHkrhkk01cevZvVfKgjfa7SMoYQvh0COGXQgifDSF0QwhpCOFXv8lvPhFC+EchhOMQwjCE8EII4T8IZxkWy7/5l0MInwkhdEII/RDC50MIP/sw9iEf+chHPvKRj3z4eFjIwc+b2XNm1jezO2b29Df6cgjhr5rZb5nZ2Mx+3cyOzewvm9l/a2Y/YGY/8w6/+Vtm9ktmdmRmv2pOIf20mf1KCOEDaZr+xw9lT6KQVe9ZgExYRgHe9hqpP2SmukPPbuq3il2u/lJQAhPVxoKnydQkf8Memb5nBfvkMsZDpUhGHdin0kMcDvp2cOgVb5v+rVAKhRLFCpSRvCeRbSos5ZK/PxnDPcBGt4qksVj1bT5i+TFVTMCAZTobWbGgUBt6oQX16X0ZW1tenSisRlVtiQAVhV2pOq/Sz16BP1Gv+/de+OpXzczsay+6QY+Gqpfde3s2IJyl3sAYiKp8hBRpHoiapuq4g9Sxi5nPdKInf0JtqssBRGkqi1MqAMyTguyKi2lmlHLSvmlmZhP6sLJFXiguGjWDmMuSKPYGHEQTmuPHqt9detuShbYRDkoWJhTbhD61bJRDSiVjy+Nrr3zFzMw26O9fOu8s/UuPuLTz4sXHWYefk6vrfix3D736bfe9wp4usIBlvl+/9pKF2Pdn85zzF2ZB1TWxv2OF3sCgl7kTaE0f5KTc8v1686az+p//7efNzOzllz26NkL6uHPBq9SdRxwN2X/Bj+18NLMS3JwZCFipABIQCVk5Y3bD6KnvTxmjc91gt9fhS8hcbJPevFC0Mq9F287uITrvj+759rV7Pocl5S9xXGegXHUUE5US9sGgEpcvOael1XRETUZGh/T7dT1KJdRt9zMWfvtQ4Wji9fj2795xpKhaBe3jjBlOXb1y7/Y/NjOzbY7pY485kjCG66NrOZOGsi+PIu+dTGdWjBRa5LyGHnwF2YjfAxG7du0LzKGv6+Ilr+J7A98H8YtkwBQXQTuJk5ZCpVWTIsvvDZ0u8fTpwsoNqXcw9Zpgc4wKqYJEc5JIaeNzq3M3UTSzkGUBrzKym0siyb3R+FqmgjvlFpxGkMEdYmHJ/KyF/4P/Vr271Ao/Z2bvMbOWmf173+iLIYSWmf3P5myNH0nT9N9M0/Rvm9kHzexPzOzTIYS/ceY3V83svzZ/iPhomqb/fpqmP2dmz5rZm2b2H4UQvv8h7Us+8pGPfOQjH3+hx0NBDtI0/X39/7egsfy0mW2Z2f+apukXH1jGOITw82b2T80fMH7tgd/8G+buH7+YpunNB35zEkL4r8zsl83s3zV/uPizj2COAmQJzFT5GYLABxnVIM1+9uD3/Meyt+S7Qgr0XaqMFH1ziJctWKfyO2ABCyJKad1blPKU3/H+uWKX5/OZTdBlF2pUhixEfgZi5kZVKn1Ca6bYyRZhL1dBMcRZiIMYs14pbV/2KqUctZb2cTjsWZCPAX03Vf7rayssi0phAiMei+b1Va94Wo3l0JoRFqwTOAh33/JKot70zx9/yivEcrysZ+60x1YgvKTbZa7oJU4J7ZnxBD+PfNka5aLvwxoGTWIMF2M081U/EQ47XlnJLjjwtK/epdnULCgAiQhmKpHv1FUAACAASURBVP9J4vtZwlCmWNWcw+eYLcfn6vqagTxUCvSHOQvrq1KD+HIXHJN5klgHs58er4VAQBAmLoZV651D9ze4f+z9+S++4JeV7JIpNA2Kgu0MnIvwyvWvmZnZ3UP3wxBHY4iiptlo2tamV4vTRBWQpoPrAGXAFGVArSy0R0gK52wZ7403fFtlXPSRjzkHodny5a2sE1CzB/en4vM+nU8ytc6UXrqBvtXKfj0E8YJiGedgAU58dgNugZADafOjyD8/gjfRxT56dcURhDLV+2ySZmiUGO9CCipwBqYLhRYpaEwsfnrrJayMsRe/u3eNdfp81Cr4GQQZFeH1Uffz5rGLz2UmPLLgPj7xSnkIQlJI8K3IfovKJxo8uEibc//Yvef7Ld6LwpPUMS6X/JiOCC5Lk0WGlKX01rfP+Tre9/7H+dv346VXHCk8auNj0vDjOpj4tfjIFf/+edAuqX8AZqxcE4cFVQycFHFgjk7u296h31uu33SFTHe8x2eEpgHXZTbkqKAyvwIpSUAOkixPW8ZGGDCVl942/cOSLh4w49N1n8WgyyiGnzxg3e/fix6aH9L3Qq3wKV7/n3f47A/N71CfCHLq+ea/+b/PfCcf+chHPvKRj3x8B+N7oVZ4itfXz36Qpuk8hHDDzN5nZo+Z2Svfwm/uB89/vRRCqKWpfDPfeYQQvvR1Pno6mEdenvUxEGAgveoDy/JX/W0he8LLlA7Zo93ZDRf8IMY4NsPSq8JFSHhNQRISqhs9rctuNRCfa4XIClQTkR5Yl9QUp+6MJRzLYvpXFZjNq1nIjSMCw56Cefz3swnhKPx+gN5blsWzyTiLZta6BIm8/KKzr6VmSGHbW8YiJojK5M7mT+XjgZAD39+rl73XWMSF7NYt5m/urxv0wculdRvC6J4QBjUa+rL7irkmMrWE3l0WxgsqQVk2rK36tpwce2UxPIHTUfRXRd6qpyquR1yIM1TGAqxo+tIRWuk0VbAWFSFVyLDvFc0E3sNkJGWBL2cTW+WI6lVxwelMyhPft3M7O7ZOzO211/0yuvKY2yTv7qEFp3rvdn1eZqkinH0Zz3/Vgb6nnnifmZm1235CHBw6dfzwwCssac+LirwtKw63kVnLzrHBXsB7EZohrwR5LAg6U1T3BCvaHtyDrXVnr//MX/9rvg3HXt0NRoRBjfHwIDL8CmjXa6+/aouJFDJy00T7XlCKjRRE8II4vgHkYJLIo2TC71BGTOUgiRKHvvkEpGoqB8bxInMfPGF/9/ZcvRIRhpUtw4QA8TdV65VLm9nc+u/xecA5cz6VH0iN5fl89rGtvndv17bPofzBc2Kz6FyTycSX+eyHnjMzs+Mj38ajrm9jgfNDlu/yR5nOcHEtLHu5iMtRKcg/gJj28diEsZZBduaJ4qB9bsUdCYX3mpnZZz/r1sM9uEUbq77NG+uOzkSw/JWvVOC+XFbEecmRNZl/PPOU+2HUW1dMYq0DvEnaXUfAXoHPcv2O85v2cef8wue/zHwRGoeHwmymez+wBchJEa5LmnBPF0IlK+QkyRQwgggC31U5H0XiN3CvkdX/In1IWoXvDXKwwmvn63yu91f/DL9Z+Tqf5yMf+chHPvKRj29xvBt9DlRjfzsPQN/yb9I0/cg7LiCEL5mFD4cQLMqQAmUnnPnuGUPEBzMVznoifLMtlo41zRpP8nkXgrD8ZChpcFQMD37NUkXzJlG2gcoXWCTqfdGXSuReKDRC/gSw+IdebQ3nqu5wiku8slB8sJzj6jV6sXgUpI00C1ISR0D+9ec2nWUsJrP4EQpSmRKs0sFrv4fLnlj88klIFsqc8H04OPCKaYVe+/GR8wAKsZkpGpb+bZmAnDLfHVEhxvSKJ1NiUstUPoBRfUwK5/RF5wF0pCR2N7uqnqMQiEViBdj40oJPqJyjiu9XMj/la5iZzUAaFqA68cK3dZMIW8VHt8peMUm9cOGiZwcU8JJ//Q33BTg8ObRx34/r+opXirv3vdJfodqaTlFnZH4Vfiw2NlDKUPUbHI4RToLHx96jPu2bU4GDYjTqzPNomqlIKnVxLeQZ7/OhDIVF4uscj73qXEFTX5TTXd3PvTJR5f/7r/2KzwPoz8svv+TrpJpttuBXwG2p1Wt2SIBWFr1ML33I+S9FiRwiEyo7+fBLpSLnuxg3u4jrTVyEGO7KdcLC+oQ/RYvo1F1xrnOG6hrPgSHunYoYrqGUWdny+Wg0/fWEKneF82Ntxc+LEeEM2m/lnzRqPr+zycJmqHbqdQKSNr1fPxriXsp5s3PB+SJXnvDPbx84CnhMzomqXHm3KNwoDYphR0lTIyxOiqRiag1Qi2YTJQBx6kfHXrV/4QuOWp3H5+Dcpp/D1687arV3D55Awa97cW4uXvZtFiLRafu6n3nGvTsWnHdf/NxNn4Nmxao1P257IGEj0Kcf+f4fNzOzv2SOpCwin7dr/4L/9s5doTH+evPmDeaPYCUcFjtDfw3cdxQRnqEFIc7+X7wYaZUyDsLXRbEfXgLT9wI5+GZVfuvM976d33S/zuf5yEc+8pGPfOTjWxzfC+TgNTP7qLn0can/H9yQ/1FzUef1M7/Z5Dd/cuY3582sbmZ3vhnf4JuO8AAqYO/0dJYZWZ/5W9yE8IAFwjL34IHtXXo/TpX8qGhOOWGJIKAfLifHzXk6twX9rIn35JIktTj26iIO8jXwyqhKilypuBz/a+myB3zE7yYjthF2cTpf9vkWb2JMEmIPt8PxdJzpqBew7Wf0lgf0UOcLsXB9UUqVG9Bjbx+jMaYXLa91OQb2ejgKwuKWBnvv4B77ih/+dGBjqhA5lUXQ0GO04nPxOeBv6HOL4AGAasRwL8Qwj+XLPhC6Ix3zhHlSJZVmVWSZKnRCxkBVzmb06aWBF0tf/I5SEz27eXX7ofd/0rdh7tugCut4H4Y5FejWqldax4cnltLcXHCcpAGXK2Gnq6wBP86lunqjvq3tniME7Ve8AlboYgOPCnlWaP91rOS10KhXrFIGRUATXuA8V1ZGALa7evVRMzO7d9ePpzgYJ23lNuBKx0Z88Yuuf9dJLQdO8YYmE84BqrQ0SrNeeQfuSLEg7TseFJyrDZCmEqoOeXIUKkqbPONBAceiQKUcV7lfjLg+Mj7AIjverTWvb0LGLfLvVhssi0RNubPK/0GcErmV1mq+3x941vND7rxFguoZNKNS9X1ptCpZtfmeZ3zO1+jfv4VbY6fnle4J6oKjG37899v++SHOmJJ3FGLdy3CerHD8m4qI9zEEUSiXqlYlE6RM9PIKLoxyJ7x+3dfx/POuhCkXUONkLou+rGOSEff32bZj3Q/U9/dtvHtbjqRwHDjWlWopuy5U8XfJpzi469fHMPH398j72GBb5UwLWGV9/FWkvAnKVEj4G4qBXFF1v1jMElsI5c3cN0GDTfeadOnzjNv1z7la4Z/x+i++w2c/ZGY1M/vjNMWh5Zv/5qfOfCcf+chHPvKRj3x8B+N7gRz8ppn9opn9jRDCL8nrIIRQMbP/ku/8D2d+8/fN7D8xs78VQvj78joIIayZ2X/Kd/7H73zTUkcDMneqZcboabIi1YcqBfEAgr9r9vURg7PoQ5Klb9HPTVU5sM5FtgBe9WuY1jglFotkL1TrVq04QlDFPa3RgI1cJQ0tpiod0+cmZm1B31s5CPOUqgQeQJL1xvwJuNtBH01CXrfjVd1gMLAR6oLxUJ7p0pTjcZ4se0SoylROwZxe4PaWs4gL9Fyzfq3cHOn7FtUOFxsedz4LIwtSBFABzxJxEBasCyY8CYk1PNQ76L1nC/Xg6aUWxbFADx+8ipH2XBUCgIsVi2Yz+vHjHil8qA9moA71Ok6R5NUHVds4Ha41navx/R//UV8OaM3xIZprjs3Vy65AuHXbgbc33nSGdbVRsapcKPt+2R9OHG3okWQolUbCbWE8gVVP5SMlRZZGCoKk3nITXsCIYz6dqboBYUmDVcu+n60mShc4FqqUpRSYwslIOO/lldDt6RzzdXRIVlyFFyEvgeeee46//br43B/9sZmZHRx41VsqVqwCkjJGTTAmA0C6dV1yUzzx5d2hJM0qTqMTziP1/TWkyBFyUgOBEF+oUoxtjGkEQZ6ZAkj3mkpZ+Q0Jy8Ajgfk56Z2wP34spMXfP/SqtrniJ6EyG2agRistn69SqWStls/ZiDTBGFXSccdVCY89+Qjr8G27cdPXVdr3vy9dvMJ++u9OyA0ZjXx5mStspHnxbR/Syw9hbKORsh78XFolXfHqVV/2yRHI0Ymfg406uQ9TzTE+KhsgCon8H/z9Cv4hddCtNoqcDtKER6/4esbjqa3iOnvl0lXfj7Gjb3X5WtRcPLe56nP/8queJPvqG+7zMZ77+yPcLI+7jlJEMb4PBZ3bxraKR2B8z8wWut/r3xqhMeK9KHthGSdIF8lDUys8lIeDEMJPm9lP8+cOr98fQvgV/v9Q9sZpmnZDCP+2+UPCZ0IIv2bufPhXzCWLv2luqZyNNE1vhBD+tpn9XTP7Ygjh1+3UPvmSmf03aZp+ZwZI+chHPvKRj3zkw8weHnLwQTM7G4D0GP+Zmd0ysyz7IE3T3w4h/LCZ/R0z+2tmVjGza2b2H5rZ303Plt3+m18KIdxkOX/T/NH6ZTP7+TRN/5eHsRPBgkVR9EDqojKyl/0Msu/LQTH74O3PbKe7Es68+vvSL0unXsXKK4AkpKn6vjDA0aLXq/5024LdW8fpq15vWZEMBUuVTwBSgKXCAoVAiYqvUCOtUTJb0IoylfFkIoWAP6UvqIjmM+mc+QFqhkqxYPOa/38btUGP3miNCier/OEkSAN94ZI/WyrBzU4JvGZmtrfvFdEuevDxmOz5mG2TAgNHuMoisQl6Y/Vl9bQ9p0pLTLkWPg9DWPj1oCqE/VXPXv4H9AVjvCkadXixMQoM3BBHg1GWL8+iLEbZUYr9N+srzhnZxJ9hQkLbBt4Ef/Uvu47/wx/yXvLv/RPvsb91zXuq6tnfIa5OfdNVUvwGo471huJx0DtdOGLQWPX97tDP7+MAV4iXz2f5FsjnvU5/WBwMuTnK175EPsj4AQfCtVU/vvIDUX+/jnqh3Tlk7hwpKHMuT4U8cZKW6K038HkQf0DX0xGa/BEl+bkdZ63XqAqPTo6zFMXihh+LCf77YorXa6r02Xyq9xEKgvskKa62pObw+VHVOgMdUsLoEH+DAusNJbO0oP0iRTNdTimVn78SRccTv46UjyJUZiqOD8v5yle/wPLk2YFCAG5OQoJgISracOzL7JKJoVFHvdFcESznv7102VUNj4Io7O/7PJTL2pYLS9s+Yb7u3PFz8/59RzEKIJghSu3urqsMivh3zLhQalT6Y6W6jrkWcR+9QD7D0ZGfy/KuWMMxU26UJY5NBffXR8/5OSoUcHvD/67WKhnaKRRTaOXurt9zhiNUDFN5C4AMgdTOOHeThbgEum6UbbLsDqp/I6QGCpZYgiLqNBmYdZ1Bpk85bPbQx8OyT/4FM/uFb/M3nzOzf+nb/M3vmNnvfDu/yUc+8pGPfOQjH9/eeDf6HHzvRnAU4KxFQcisBpd5AyHjJHyjxzblbJ9FDkjmEoegRC47LPtamSffGD/2yJ9KqwXvocZB6YX+ffm9J2OzWXZYcS7TSujnLebyc+c3POFLYTCbkNjWwQFupu8pO5xtTsRC9++vr/hT/nS6sKMDr0LUn77ME756hEN6xhe2Hln63oKqVNXFEJZ5cxUNOq6GSulTNT+f+T6MqVLm8FlHk6HNqPSTRIxf9NckRUZF/3wHp7jZHvst1IbeeVm9c9zrilSYFTgGUypPVW8JyEqUlqyMyqCMlnyl6UhBs+7Hd2fH1/30U84ZgMBsjz3qvdAnn/BExP/3H/+ebxMs7aff/4x/n6rjD/7QP58ufB/kTtcdHFmMc+YEtnSx4nM3GJEqN5UPvRAnchwGwB0MqVrGQzkDwgsY+P7LMbNCRkFKet25rYv2+GMe2Hqf9MENEJOU1Mp7fT/uckaUckLplDqH1TufwU2pot9Xb/bgyM+/2cR78Fsbvp5azZGD6WRuffgOcg1ck8eCCd4RuqdEPKVskn8x0vWCqgFtfRUk7mDfUZAokjMn3BfmtVCKrVhSdSnPfJxCM08S9euFKMDJ4TqKUCLJ/6DM8iooTSLmo99FrcFyB+QpVEo16w8cSdJ9rUpvvdvzZff6rhSo0L+X90oJRcj9+47mvfqK+x7oGtR9U3fJGE6LkFkpjKqVVoYMtVaUNeP7ee26+1Wo8jfxQ1D73L3vyNkQ7kaj6cegvzvgd76OVZCErmxej33blA47h7v0zFNP2COX/Vzp93ybLlz0a1NcmsMDR6XaPV9WXHBOwoVLfm++ccf9DbpD5wmN5p73oPybk0z9gcMqaiFxfuazkSV4T0QmdJYBspRx2BTpmAX+JP9cqxXykY985CMf+cjHu3jkyMGDI3UDqqyvoz7PAznbD46zyoN3Hsscg1MGAszwIO0zzN0hrnxjHNGoUkJpZWk5cmHTctLUvxfHUeaWl1l1K31ODPmZel+4EY7eNDOzYW/MsngcxQteqYyLqZ78/Sle+exzWLj9mT9Jt9vtrF+7zZP5E4+7o9/d214Zfu1rXmUc0K+UzngCijFGLNxaVfXp+9Af4N5I/3xMtZvwVK59Vp87DcXTyo1+ZYkqs4r+Wg6It+94NVvFx78mNANUR976KZfNfOLbsrFBYh7ztbfnlVaJnqqFmq2sOXJSjEGEir5f4nF0ySnY3/Nq8z1PXvafcryPjnyennwSZjgcjddfdX5AG+VIvenHpL3r1dyceak2illKZKmMnp/KTj1WpXYqz0I5Fpp7KQoOqTqjme/3ahMtvs4HkKYGqEiz4TrwaqVl/a6fczU4MxH798abrl+v1aVfRxMe40nBcc1Qi7FXu0oSLOFZIT24zoMYwsBKS46BeFZEVVtbhWsA6rRI5NMhpYuQAp+vMVwd3QcqOECuo3Nv4lao+ZuCLAzhVTTxLBhyDve7PavAnajgd1BBKRFnsiQQFK5pcVUigzswg/dC1VlSJgPXdgA1lGpBioOjI5w4Z0lW4QuNO8HJrz/wc2uMqiBW5gT3vXKNlFLuUXOSR1OQNG2THDfn5ILEyLtO+lN+X7EtXBkPOp7wGXVRBBXlaInDJWiFUEzDS2Kj5dfV4RFoDa6VQxw2e6BEcpQsc42PQBLUw79584ZtrPp5OwedWEWF8/R7HL177kOPM1/6d0J+Ic4HmqJaEo9kCLKU4Nlw2HY064CMlm7b5/uNa34N3Lrxhg1Ac07a/h15h2Suk0K3hIYqW8Ee3siRg3zkIx/5yEc+8rE0cuTg7EgjS5VFwHOYnta+Xm6CnhzTB5+1xDE4yyaV8SEVTYGnbCW7ielaLJBWx9P7lP53hT5oWSmGVC8LqvdCUrAZ1VGviwae/qR6wQFkoN5At4uWWozdLAlwqFRC39YuPeU2CXLqtZYL/mRNcWOraztWUHIdTnjyG9878Cf7Xs+XJec69SHVz02pAOdUPr3jE75HNZ+IbS3HRV7ZpkAVX6lUs358rcJnStukIiyZz0MZxcMM7gAGb1k/OFK1Qu+5yO9GJ1QzbGs1kVqE5VfKWeV7cvImyxSswzrnvrJbb/pvjg/eb2Zmjz32GPvtX5cDns7JN172+Twk3yAxX876OlUbjOlipWg9LwCtR/95js9FNSJrgmrq6MirlSMqmzJJiXEWMoJ7H0xwKQBqJfgxeDbsbDqfZNT3fWwW1+zk2Cu4ZtO/U6r5djbgYqRFGP6RH9/9Q2eIy8lOSX9K0ESkkSlnxEHJ/CPIENi95/OzSuZAVKjacO4ISKvhvWL5WAwVohFl5BozM6vgsjeeyTdDfiF4DMDBWGn5+/XyFhsnLwKUFlR9k3nRDBXSGPfBUAUJwDSgwLk7m8v50bch1jmIkEBoofI9hGoKmZxStYpfMaaqjUrNzKEvSnzZ5y84aiWfgjt3b/r2cq2OQfcGoDZFpVWSqFoG/UkjOUaivErkk+HbWMUnI1hk/cQr5QhOifIruBXZjX0/eaUIqaGE2dwQZ8DXOVvgQQHXQChFANUYjfyYhzkZJMqagKsw7SZ258Qr+U3yK+ZkQVy74UmQ/ZFzEuSHIfSquerL2DmPEgI0aAgCV8TVcRWF2fqKcxUOpYLYw09mNVhhx7f7tRvOuTgAbTDu8wGXzUTHMfunZ27fXizR1x85cpCPfOQjH/nIRz6WRo4cPDiCextkaYzRco9NI32AOeBvnFUinA5ppvWJNNAL+nunlARY2VQpcuuL0OYv1MciK72Ajr+08Kqn3vQn4ahYtJhlrK77k+t0JLMAqg15KtC/i8knUD+3WsbpruJPpceH/pQ6Hk/O/B53xqwfqh7cyA4O/Un3kCq02WryW9+mnQv0nFEASNe9js7/4NDZ5nLASzgGoyFVC8zvghLxjOVTeRZLHMNCdMquLtGvg+Euf/oEprx6wb2e768c8ZR7IMBIfVv1c7sgNXXcDAOXVZaXMQ9Zwp967Ssw4yslJWd6hXfnrdtsi3Ig/PMvf9kz46dwMQYD2OczP4abW14Rn7tAf7/h86xe5f7RoY1JyJzSYxcXRVXH/r4fswEQg/LmxZ0oUSltUK2NuiRtnvNKqhApB8DPo7VV/95ai3N7FlmlDCOec2eBe+XaOn7+u9d8nlrKxqB0lDKETIBSiSwCqnvxImyOwyJIzAoVuHrWOoitxooVpqh3QJvkTlgt+XHc3vFrq1z3de+f3GM/Kc/xEVE2xRzXwrt3ff6UBKkshkHfEYTNLb9WQxzZo495//qFF140s9MkQAMBki/BwsQL8NcGxyLhXE4SXZvwG+iT11BOiKMjBHNlTefHiR11cLScsI5E5wdoRZVcj4LvT0xWyTRCETMWWofiivuDFFpyPSyXUDPNlGGiqj7YFISxVvW5qnO81uBzFOJlPs985Md7TFU+wkEz21/UUBW5GnLNCqEslpQvgoMr50+j2bILICdKF63gmFomS0MOsocHfm+qN0jQHDk6NQBhXaTKg/G/L146zzo595nvOufys+/zwODHHnncQsE/exyulvgu9w9cCfHCS3/ANvh8RCAk6SJ9aA6JOXKQj3zkIx/5yEc+lkaOHJwd4QFfg4xLkJx+aKc96Le7Hz74/7hg6e10+TeZs1WWMSB3LH9eG8GyTagUS2SHV8tkzNfJTZCLWVOubuWs4iuTvjjDNazfJQ1MSZCZE6TUCTxV85Q9n3jvTf7uFy9SnZMQp7yE8cir/OGox7ZVbfu898qfsqu+/VQ68gTvU/meHPlTdY9tk/tcb+DLkvf5HALA8YmvKy6o5wy7m20q0queoJyYTcdZroFSGdUjVFraaLac/1AlEdEWzBNVi6oa6dUrJZ/fT/3Yj/n7IAg3bjjjuqxkxdk008ivoL4QbyGl2lKF/KOfeq+Zmf3AJz/BvHi1efeu9yVH6LkvXMCLALTnHI5vMYjJrVuerdAGeen1BlmCofrWMyqcziE6d6qP1RXv/+tYVeAcqJe5Rn7BpCj1hrg5fgzObboL4iavheDnz/NffDFz/ByPfL+GE2Xce39b2QtzKqV214+3HOKqYsjHUtKAhtGbtwz1832R90K94vMrfkGpUbVHW+6Rv4tW/oDe79ULXq1tbntF15/4tk4H7uJXUZ96y5d1ckQfm/lRhdnBHbRx4Tzz6Nfs8aGfm2tbK9Y+8bl/4glfp5L8xiSByn1SbPSZUAoQM6FaE9mforyRG6PmQT4BYv9PEtw7512Lg5/HKdyig/Yu34WLwnkuV8oC3JTZHGSMqRcqOqeyTiGEFFluuSiXV6p4EyIXZ2qlIvs1gb9xMHEkpdHwY7Gz7SiVEmPld1GDDyK0rownw//P3pvGWpad12HrnDvP9755qOHV3DV0d3Wz2QPJpjhLYazBGphEVmAJDuJIhi0jSJQ4CATBQmQYMIIgQBBBpgYnkhyRliNbFsWQlLo5T93suaq6xjfPd57Hkx9rfefVfV3NqYsiYZ4NFG69++49Z+999jlvf+tb31ojcz31zMNEipriIPSE4LpSd+32h2i2td7FxXFMjVKvtkZTcrmdkA+EIQ0xoVtD47+IV2ScJPTEF9Mz3/Q2Rj1T1vSwu85rEBcvrC5NhV6d19nQOnuWlWtELQ6rmr6VFiAHQQta0IIWtKAFbawFyMGh5nkjX0nPda129JAjog8sjGsY3NtbwXKi9vM4nyEcskhI7G2r653ibjSrGvGIdveuGPJp5a5TQhAi+p7nhdEVU9v0Cfpd1ds25Sro2u5ajHbV85rT38a6PNG39jVs5Z6VKxspwjZd/EjUomL5BEzOIqkIb2ePO+CN7Q2dgxFNXfr9u9s1HUsqg4qY+raj1/Y1JL6AMeot7Tuwcl/xKawm23wNwuEhIiHpFIix7YltH9ZOPwHO4VD1+UOrUjA0Qvr+CUVQR+eoYvjkE+/k76VWudIiYjA7vQTggBeQSobRkSZCUVH6QIxvi+ZNfa2jvPXtO3/MvjrmokfU5ul3vwcAcGyJlQB3Vpmjf/GlFwAAa+uMbjelQGiRZyQc8xUxG02euyAnw6mpac2VKmiEANy4fp2fb5hGvhjfyjE/cJpqhztbjO5yM1yzs3NkYVvUWpLPgecdaCEY3yEhp8KmkB6rTmmK/xFSVUJbqFRM92ZIKo7oqc+KOA2tiYvNHtL9YhyWuTnO24Xzl/DiV19nf1VVUUhyHra3yfvY32Lkv13cUJ91TkXATXFTIlqbplnhIwhCyypljUUPkESCiEOr1sHeNuc4rlz5RJ59qDXM74DfNW8E35NCazkcMldXPbPC4w8p4/IYJUPLDY6ugxtJAXIldfXnIJE2dIvjGkht0zMkSeMK9xVZJ8SbUSWEOWYOhWrYte60+LMhVwb2RCIRhHRD23fMa8XWUFOIilU/mcOsPYNNedVU2wfcygAAIABJREFUFw1BiIrTY+/PzRHFaQiRs++ZK2qvO8CWKqvi8g5ZWiIvpJAjEtaVfoVpTxTFyZKciq8HYW6uEVVr2DqxiNxeF1TdYAhLvZrH1ITcI+uqRtrmOW6/TpfVuit/B3GZDhQT71+8HyAHQQta0IIWtKAFbawFyME92mEdgzf+fvz1ADDw7vrBPmR6/orgpJ42Nc0IoSDlNlPMcx3l9RxpByiq7TSl+FVXXq/D34+G8jFXXXs8GkW7Jp36De6Om1VGfi3lxC3nZ9oAvQGj937HFMx4roWFOZ2DQ7HIwFjpMeVeW2LBW+19cb+J1/cZwbZVG11WHX5D6noDscnNl97YtrG4xiFEJSaviZE60ZLvg+XazNVuJE5CJMnXqNV5ow/L73faYmF7xsa2agLLg3N+7FqYwt+c1NvSSUZ8mTTf7+haFJuc5+kpqiDmspzH5WXm/WvVMtpdeds74znQVss8Ibpj8/D2x58EAJw5R+5GyIQSxGL5+nNfBQB88bnPAQBWVzXfYqX7Wg6qdug0K7ACmVze1AI5V55cK1MZaSyowsRY2ZYPtmjMG1jfGdXuiTEdVuXJBz7wY/qZ0U+5yLE/+dRjWF1lVLa+XtG42KcZcSaKNfZpt8LoPW0RnZwDYfOn9RDSWp4W+mEqn1G5myZVeZOXh0O9xj5fuXoV+ezM2Gc8VTqITO8jKcePkg+wus3r2WhwDYei0i1Qfts0KGxNm6JmWBUTdvyROEEhN34gpjGwfHZev+O4w3JGrVSlA2AKkEK5Bp4hQ4bu2SNdvhm65+0mDiVMUc/4BAUf4bJm2gkJaVD02+axYgiSUDwU9A3Ng6qepguzOgd/a2z9qqL1RteeQ55/HkNpjStgqovWMil5yahzFr1b6wsB6AiBNKQgavCEkJVKWfwQ040RfyAS5ms2nfb5S1a9EtI69gacs8lJ+aTEVK0kvlTdlC/Fl9rYJJJoqKYhJlubvFeb8lgw1GtKarLhEABVn6yvURdlV2hWp8mKoro0Ouz+ibhWrWAeJG+9BZuDQ43GS98eqeOAXOh/+66yRntn/DNWemQ3SkfkNpNB7XVFVNRCjEd5o8UjElQZcWEmVQpm0q4ocoF6ozi8oVIPMpmJOPxOLquHn27OlVU+7LZ2+JpRiuL8eZLikrpxTKLTNglGmmqo5K0msaVKxVIEbQwGBg+abLTIbnmS3Uyq1zYJ5YqIZyF76PH9al2CS/rLZrCiWdSqag5uyOSX2aeurG373abfl5BjNtjaFIgAZA+1mQnOcUzpE08br0KW1+DI/BKAA7vsrtI1eVkeG5Fzf7+kV26I+oO2X1ppwlNNpXCGIhjlJ5g2uPjgOY2X6+JTn6YJ6fIKHxJ1zUdJQi0tPUQsb2XEz3ZDtrOy247H0gjLpCeb5jUYYVxytSr4u63NnpWoeirJMsGhhEq7rlx5FQCwuMBN0cQU52Vmlse3zcd+kQ/J+blJRFUe+/73MyXz7OefAQBsbjANEtcaNftfqM+ZfE7j4nX1RIYzm9uK1uCwYyk1QeHa+M2IPDih8sp+18PCIvvd1T0Y6thDWrbSWotOWBbVCW6qGi1tbEVk7euPZj4naV4fytYYBiK2jkxMjb+fmz2KRInXMZvj+FoqyTNyazrBuTyywE3i7du8V/s9M/cSrKyNzGhofzR5rqw2srU6P2c27dG4lRInEYorBaN70kyeYrrgoSTXpnlX18oiTWr9W+pqJFluS5mZnPSxowv6POdrV3brMSM+DwZ+GqmrDXo8Lpl418qkRW60ZWFESzOD0vq3jY6lwOyetPLCouSVsylZNCutFQ6bUVPNl+IO67nQlMxzucTP2CbQrm9G193SqtGYCVexD5s7JLxuKf22rxRXTcJGpQo3fiYVH4sC+7vcDAy63ASMeiJ763mXUUrHgq+wgoHB3fHpW2xBWiFoQQta0IIWtKCNtQA5eEPz7kIOxu2VD9su+2iAX694N2pgMM94GaSV1vQlKdv0JLgzGoccY1FB/JLgHEqoR8g/ej3uvjtVSfgucwc5HEYRk61zymyfFQkbkSib5XeOHn+Y5/RoGDIajstDt0VEq1UVUSrCqqhEq1JltNYQlN1X+dnA6yNkVrsjkzcWAU/w31BRh0H5XZVu9iXA4oRVBqTdtwkWdQV1O4r+2xIL6irShmdERkVQTgxxQZQxyZfC487fk5ytEcUcSdlGXEYAP/7jHwYALMycAADs7QkZUSSRiPN7GzuECU2gpatyzLQkgkdeCEOVmFWqe3pPBKq0ypmUmvizP/84AKAlGN0VJGnpFlfRrKdSLL8cVfNdE2xeyDJiRMpsYMNYmKG4i5HezGhnb5/9fvpdTGV87atf4nj2GM3nMpov2JxaCsQkfI38xbX7xS/9NYADwuZLr3wFAHD79mt47/s/wG5lTJiLfaiKeFXSmusJOQoJGYgN2Ic2uE4MDk6INOaXl4bNqEsywYogyyWVa+oaT07O+tLMpyREdPIUr3NS4mAra8vs96okryUGFYtzbj1FtZ5K1epVs/CVaZr65otmCUE4cozmWel4ARDKl0pzPNXKuvrJNRtWOR2EYs3Nso+NOu/Bmko9TVTNRH9Mntrkkl090+ISeDLkLeo6cJQetHLHvqSoy7KcDodNgIrfXZgmqU+gH1Ip3i9m0d3rCf0TYtdUqsdC2nxW6E2Hv0+mIogojWJEZVckSXsUD9VfE7sydGPkGfmT85NTma21oS9gJnl2k8LX8jNkMywDp1BkgP5IsvO6j83kaKBnTKuV0HcFY6gUdmqaz9t8gSjQ/DznKZ3lvBhy4niURl9dJdF1XemHvlDAcmUTVSF/jsqwc0qvmrBWXgMwAnJbwlThyP0zXwqQg6AFLWhBC1rQgjbWAuTgUGPUfMhYaVwT6U3Ejw41z3bsFiGNiyCZNKkRhw4MU1Rup0M3JI4jThj6IiJ1q4qsRty1J4YkzRUKs8imlKdVbiylCMbMazwJqZSqjDrqIoFBfbLynlqF0auVEe3vMT/aFbEvokijoSjXJI2bjQ5CVhanXKERBsOK1i2fa+I1ZkXbVtTilx2qHMixKFVzHlLe1vKCSRG3DDkYqcZx2B9hJJncuRkSywpZ5podlTSePcMdvkkbnzzB/O7SESIwX/kyd/h725wvi7zNktXymIYYWPlUTcIl9WYR4YjJ3CpPa4Y4IhDVJK07lNVuXvnHeFJlcnq/LlEjR8cLy7zGxKKM/JbJ5jRWRmmpRAEYcK5npuZ1Tn6nqTLKhvprkU4yswQA2Nlh/tPT2rSyQr9UUZazJZFOjah4RHKxH/jQ0wCAWzduYXqGa/Ha6y8BAO7cZlQ+UITkO1SpmWmYYzeIHll+5BtTrrnOMWTnGL2ZgJU3zuPEnoy/MpkJJCXrXJgQCVClehNTnLOeSDZhleXqkGh0DDkx+WmhgRFxNSKG1uimVSciKp01Mm23VvFLmU0ue2GWZZXxFO/d1TWhNznlyOOKYhWdOzkhaC1xc8RFMDtpT1yXtESCBj324b3vezsAIJUN4RN/8RnOoRAxEz1611NEeVaWVR6rCNnIkPkCjxkX/8kvedZzYWZalt2Z9Ni4y8qxV/YZoYfCIeRkKW3jNHtwQ0T6EnnyUV0Z09nj1ch+fplk1Mpyx2WT7dXK0+OybTfkwHE8H2UwpCMsFDIWk8y2ns0mI29l22bxbOTg0JbOoWu5tMRndCZNDtP8HPlFJ0rkIqxvLwMA1taTSIrPsLlC46W2hKmyQtym8nw2ddu81za2ZV0/vE+EAwTIQdCCFrSgBS1oQTvUAuRgrHncsSov6fo+mBb1u4fe12/90kbHRxmsdNE7eEM/H3yW/5GAiE8xlWCIyaeKGY0Rd+fuiHm/XJy5xxmV2U1OcDcaCaUQdlUWqXymySlLkRStuoRmZOE7GChyVElOpWg5N4kbKZKcLvDcZZjcMCPIfJIlYZM5icO0Kj5SAOX0uooAe5I77Yg80egr2lS5lKEWlvc0IRkzoFHVDxzHZGN1LTxJAuv7MfB7qXQGc5Nkn59c4pwVctx1Lx5hlJLJqYRPZU6NOnkBz36BJicmfpOd4jW4pSqPO7coYAPlKIfKPVfNEnnIeUpnXLTEqegpQm4JZemIVZ8pcHyRCOd4KFSjorKotsrBjJU+NPEX5bkjqnKZmyUqMp/jWH2Uo9vzzZhayu83Syof84iY7G8zovNlXTucj75yxz1Ffn3lcaOqgvG6EY2J87C9zkjoy58n1+AdT74bAOAO0qjv8Xptq6JjlOYcdct2/ce5FIm0hHb6JuAlREi3T1cclb0yeROOKlKWFsgjcIQaxTwT1eFrbXMH06raaJQZdZdL4tiUJf+rezGjqp+f+ls/CgD4xCfZ56889zz7JDGxuFjqDVVU2C0dlWFRT2OoVnjjpWIuRlozxqE5doLXLWacCpXRnTzO8ZigVGTE9b1TZmmosfQdRY5ra1zDqTQRJIverfojleDzYiqbR9x9EQCQl0VxIsHPbNxeZr917BPzvI/K6n9lS88q/Tw5xbU7GvHz23UibckTFA27fIncpq0tXqvtJNdArd7y15hVWSRVIbFv402Y6RE/V2swOg9HrZTTLN/FyekbUqcSUYkmRSMaY5TPJyuRTGbMdj4E/3mv2Nl4DcY56+m+jiT0rJEtuHErKronV1Zo8bylEth8nmOYnSfnZE7IweQkn0dJIbunjp5E5BTRy5VZPt+f/8bXAAB7unedKNdYQRVWZRPNalfxTRHt76AFyEHQgha0oAUtaEEbawFycI/ms7IPmSgdlkn2qQd3/d47tMs8+NCh99Ws0sE35fBtTrUTVk4ypeh8dpJ584m8bEUVaXabEgMahtEUQ9tTvi4mQRg7c1q15Cnlwtp11f13+VrWzt+ESAZD7r7NWMWTPXIux6gmFOPPbUkXe92Bz8ofioFrzHirifaFYjzjXMhaV7nRsJ/Pk2Wt8vuWczcDokjU6rWViyswuvHEDG/VW75409oqWcHbYeZONzY5vnKNfa1WGSkfOcK878VLDwEAdnZ5zuefe47HbDMCzOTMepVjbKryIqMxNCRw1O410Re1u6vI2NZYRqiMWTaXlb9vKJfYkfFWPGGyw2LhK+8dV+XF5MSExm1aBowMLz/4OADg2pWrfr62IW0Fv15bwkKlCqPQYmVX42FfjHXel4RvSHLSYa2PkSJik752FQGVapy3z32eQk2XLz/hR2Fr67wWSSFCVrXSLvG6JjPGl+Haanp2vWXBq3pvz1FliOaxKfSiVGaENT9JJCWl40XcAwOwPUl7W449Kz0LsxQ2kycDCi9dUvReYb7+G6+QN2GVJ8PBOMegawJXLjubzaT8cwNAu930hbkS0hq4eZNy2IUcI8KUzL5Wlsn7COmRffrMEgDgmMfPvfASj7O+tcwxKWdtXJV2m2s7qnv1mc9SX2IqP42YrqNJLdelX2L26qYZ0VBknFBVQlf3oNmoN2qqWjEhM3ERNje4ru7c5hhOqjqkICRyZmYCnu7fotA7O3euwHM1JMlsFs3xJJ9/hhS4EkPLZE2aWRoKqu6KRWU77VrlliqJtPYHEgKLRuOI67onhVrFZDzW0/VtiaPT7RgKKhRTYGk6RT2Mhx8iInDhPBGCvX2Of2df87H6Vzoe17DZsyeSUUyJr3H0KHk7T76Ta660Tw7KsM212xKalxYyVBXadz9agBwELWhBC1rQgha0sRYgB/dofkWBSQJqD+U4oUO/F2P4LjDggOlqbyjaHo2jDz4VwbP6W7MxtRy6aqWjspgNcZdt5kn9LvN5kEqbM5BxUzQCVx06ssBIKJmyRL0i3BYjwlVFI/U96QBIGSwkCd9SSVLHQ+b9LOozRnxN/IFmg7n3ZpORYjgKpArGz5C9s2/8ovy1os0oiIgkZGdrZk6ucseZNMddk8mNKUmaURUc41VI6rVrMtJSPZzJYmGBCm1pVXFcu3aFxxTa0lWNcCHP3fqDDz+oczIKLSqvO7vAPjakXmeGViZ/2hO3o1xj5N1q8/vNVt1XIzRuieWzTR3NZI97QhjastxNynDJ6rMNMQn7VRuMGFoNHvfBi2c1n1w3V68y3xlyE3DNWll5+6jkcTc2lzVeXm/XpBCtNlzsc5/4b4s3ZHwSRi8hVVaYiVJzn+8XXY4xPz2N0l5dc8r1G0nwXDNTXAdmnGTVCab4aFwUi3LNmrbWKVmveDxViuzrmg2kqIl5/n5SHIyQE0F/yM9ubhPFMNOrtpChk6eZ/3/6SaIvz37uy3p9FgDw/vdJ5fFZsv07QnsyknyOuqYwKsOrKsc+LTVMRDxMyPZ3WhUkppWwssacesaX7BZPZo4Rc7HIe/fcw8xJP/HULwIAbq/wXvzDP/pDAAfmP2a25gsoRkwttIfCBNG3XtcqIcwgipHzyUcZ+W5tMlrdl6qjqRIaj8N4RB7M8I0Rsak/2hPw9m2O7eHLNO46dvy4L4sc2+SxwtLtiElzwjgVrp496HEOt7eJAlZ0zzlmzKUqnpRMpBxxkFxxLkKqKHGtikhjqHc6aOqZ2oPUS8VTCAsRScgED6qoKDf1nFC1Tk0IpCF1Sd1nKakyLug4yRbns1nn2NtCkfr9FtY3OZ4XX/0s+6thTwpJiZnOiZ4LSSmvRquRbyn//+22ADkIWtCCFrSgBS1oYy1ADt7QRn5Ub5FSyK9OGFdKPOAXHNRm227xAEGwKGwcQfAO6SCYiRH0+7YQAt+kxFVeypOCmDGpubHGkVnmuTKZrF8bPBiKPb7D12qVLPJmk1Hb3i4jgE5VeXshBv5oouOGK26Efetqx9zSq5vi73M5U3eM+pH/UDnyoXLh5mMQs7pkmGeEDFWUv6tVW3qV1XHR9NzZx3n5HOzvMSpNiVE+O0O0JJvlz+lEAo40Beo1jtcNS1VN6pPzMpg6cowIgymcpSx/qYj4zjIjzDWxj4t7nMeB8v8t1f8bEqG0KQbowdbBUGhUqWS6BhynwU9mn52Tl4BFAa7WXFzzZ5/rKgd78TwRgw988H0AgB1pMly/yhz2u97xNLrqZ/d1frdY3VQfZP8b5dy2GvxcMsUIqa6KCeMcWD64qQqMAfh5P2ctnQMz6Bpqvte3N9Cqy6RLDH/rk5lgHT3CaL2i6MuUMaMR9mVmSkZEDUZW1arq+7VuTstet6fov1HlNd9SlUREEWnYjSIW52cKk+JruOzLkWOM4i1//zzJ/L4qZUrcgZ/5mR8HAExPs0+/+Zu/DgBYnOc6mihwbUdlABIBv1eVwmg4BuSkBWGciKxY8xMFebBUuD5aQpLW5UFR6fB1dYsWvu//wHvZp7/9kwCAhLgKv/8H/wrAAdrTakhJVM+G0WCImPg9xr2YE0Pe7ONN/2Buliz7bJbjqneK6iOvQUXXoiVPDZtrM0OK+QZV0kVQjv2lF1/BiZO87pcuUD1woCqOhtmeC43xESKX12xCFRL1OqPyttZkWRUoDaGZuSw/b6hqoyXL8KQhVVqP/Q468mfZLkrXQQhCTDbhxuEa9MctqovyTGiYz4dQwI78D+qan1qLz2HP/ByE2JpuQiwe8/lgQz3vS1L4LJdN1VWcpQzHn5/i+EIR975JJAbIQdCCFrSgBS1oQRtrAXJwqNGVcdw7wfNjaUX9+tGP/n31LeeuCgbjJXzzCgeznm0p52wOiEO5zoUUnScUaUXllBeT9fP0pCLyNPNde5U1bK4zl9Wom2qWFNzElDfVQl9qISZ2clxqfIqQojFGjPGo1MoUWUGReERa+q4sTruKEIa9PhyXO9qMfB6iLiPhuCxpPRWqN1XfXtzjrrqqnKtFHz3lgUPG+FbUEQJ31ufPMcqZmmQ0Y05wIykPNupVDJXz7SgHOiekYOm4NO7F9I0ocr5+k9HYzTvM3+6K1b6+KaVEqex12/K/0G1kUuu+/4Fq673w0GckN8Xs7krvwNwprUolk2JfjGth6oXD3ri2PKRS9+hjFwEA/8Ov/bcAgPkZRq3/9Dd+i31THfj73v84/vIvPwUAqNY4HrPSTSYZMRYUhXVWuB76A8uB2vXmdW41ZXkdVsWEOC0VCWf0hDDMTplLoXT+hz1AKELEswheTn9aq/WqHBIdq4SQBbeitZqqVXodU8KE5ovzNpI+RLfH46WyPLe5163L+nZ6ah4trYeeznH0KGvLnzr/BPu9xmvyymsvAAByec6TeWb8zkf/TwDARz7y0wCAf/Sr/wAA8K/8aJ3zMF2QToasss22uzNqolThWrIqlLyqFCzSnZJaY7cz0rg5vpkk8/XlKq/lV7/0MgCguM9r8PgTZLf/9E/+AgDgtde4ppu6dvtFfq/e2EdXdsVhV/4nqu7JZXjumHQaQq7ZZHMdnH/govrMe/q552kj/vrr13QuXgPTTWi0DA2SeiNBLYTCYbz8Ir/TkHvk+Qt0hj25RI0EOLxGN28SMen3GVFPiC/x0EOP8lwp3nNbWxzf9etU4CwWiSD1uqqogqqE9Gz0TDExEYer9/aKXGvGSTGX1U6PCIEhTY7+PphLZ08cHHimtaBqH6HAvcG4z4zxy0zjATiwYrZXV147I6HCpuZZN/fZkqqhBv0xJPuttAA5CFrQgha0oAUtaGMtQA4OtQPfhLvbeNXCwScO8Ql8XcS70YVDnz2smSClP3P8chVtxpQzjIpFa6pjVmvrgZ9fl+59a4Xs7FZj6HvYR+To5ij3mynIY0E5454ix57LHXFfke9Ix3Yj4w6JYd/p0DQKrEaYUU5c3gSp/DQSYbLPnQHfa0uVcdDiuYviCpT25GkuBrRFjKZ0Zw55ppg4pfxwWGzj2RmLtHgec4wc9A802Xtiz2fltx5S9LqyvgwA2N9jDrDTZ1RRrnE+bi8TOeh0lKfVpRuI8h1Pq2+K5jypQUbinP+27epHA9TlW9DujOdfY1Hzhlf0pqoV8xRYnKPmwvwcEYGCNNXPnGZu/cHLzNGm0zznV776LABga4cR0yOX3wYAeOmVr2Jtg6FaUtGVm1CFiPL6liO2gYbMpyHHdbO9w3nqag3GVFves6oNfT4iHQSLQCdmGDFHozF0VY1iHJvCJH8Xj0t1sycdDFW1JKRzEIqYRkNN51D+V/la08o3pMWebAN5WQwVlfUUzTVaDThC5Sy/XX5Nin0trs35BWoknDzNa/DCi1RE/LJcKzuqlLhylVH7e95HD4mzF8j/ePUl6uILmEBX85HPcM2mY0lf/6OliDbajmk+zCGR1yYlxUBHPg5TWvcPP8wI++WX2YeeEIY/+eN/y2kwR0ghNY6eL2khLR5CcA/xfeqqWmmJaxAX32N+VkiYQsrdXeMT8edz59iX8+eJarx2lToQr7zyDfYlKvRLPJtaiffV7Ows4kIEX7/Ke850X+p1zv2Fi0sAgIce5Lp/9TVWHK2uUYUwK5+MkCoLTiyRe3TxIlHCHT1vrrzK469vqKLGr45SFYPjIiXtDUfKqsm4VZ/wWXt7S14iNd4Pba2XSHjctdT8QgwP8N17BQcYJ+dAPlcfcFz//z2tD0NrRQvzFVQdIY51Kem6Ieeuv0JvrQXIQdCCFrSgBS1oQRtrzr0j5R++5jjO88dOTD36P/3Wz/jqhBZBHZSN2n/u7a0AOHd5KRxGCu79anwGU8hzFfKYQ2BEdbmNGnfZfbmxhawaQExzV0phiVgWjvTEO23tZFV/bxoKVu8+kP/BIFQbG4/1KeSTLtinkWzpTGMgJue3RJwRViapGnKk0G2o6qImVKXP7xpi0FAVwpR0xW2+dnYYtafTHP9AUeq6FPWOHZN3wAKRCdPzt9p8q81uNTlfI2+IuCL5UpXHXl1ntUGtxtxhWI6PVm1QEnIwkG6/ucxZLq+tSHlgPAD/HhKSooih1mQE1uv1EFKkrMDV72dcXIoDgotpEbDPUxPM+55cYj48KYdN60urz3PMz3E+wtKY39wg07ot7sbm6jZSqpk/dZJ16ztFQ0rI90gKfdjY4vzEpEFQqhDdWVlbBnBQ127qe757nTQn4jFeO4s4CzmiA2fPnMbmNnkbtbIqaMTGnxdC4ugY5TKvRUr5/aj6Yrnyjsa9W2UOOhax+0r3kaKzkMVtQzHl4+yL60QQgkXljKI7Xc5pVFoLMUWM5y8wEl48wrX3sY9/HADQG5kbKfsyHHDN5bIc9wHnx/hCjP7TKV6H6ckZeOIaRMUhymbkpimEKKE+HD9KfsyTTz7J+ZH/yde+RjTjmvL8i1L3zAhJKwqR297hejCXR1MxjMYdZOUNYCiNJy+RsNampBL854BpUJgBYF6InHExHn2UOiFLJ7gmu0PeT5/85H8AAFy//joAIBlmdB8Kh/3qJeOWmGJqSAz+iQke673vJx/k1Ck+a158gcjBiy+SF2IcjSNHGfUvLvIcc0eyOj7HVpKPxqo8KJoNXqtytYFQyJ6tHF9X9/vGJtHZjTI9V0oNzuX2Lu+XcpH6Df0hn3HG0fD5Z/rRf1y49rdCMJdnejquXyFn1W/mUmlqnJGQ/0cHwAGiHA6HceWVTbSavW94nvc2vIUWIAdBC1rQgha0oAVtrN0XzoHjOD8L4EcAXAbwMIAMgD/yPO8X7vHZMwB+GsCPAjgDYBZAGcBXAPxvnuc9c4/v/CKA3/8mXfhlz/N++y0OA57HiMzf2CnCHnnjPAHTMPCDvbsixwPlQ/Vdkcsb0Qf9pByiqzz+SLnWhrQIjIPgR5TKtXueXNh0CRPS0g+7YTRrYpkrl+orFyhsVRoSnqsqBNXbDlW360g5znHkYCb+QDLFvHcqxtrsiCoSPDnH9ZtSrav30FatfEKKdpOKhIaqa4dqiatVOUCqq4YYHI7WL1+mz0FIeW6L1owhfO4E87wZOS7euM78er/noaOkr/kbWJ7fd9FTLbSxqeMJ8T6k2mh67vWm6TnwfavOKEntryE9ANPmd6O8ZrFUBGlVH1Qa0gbQtQirljykNWUqabbmdjfbwd64AAAgAElEQVR57JVbjLhHqlKwaobZ44yUPvTB/4R9lbtlVHl/Y5SXduuolsWSlo58Rc52I0XAW1uMogYKmSo71BIoVphbNd+LvvKgPeU5Q3Z/aG3asosqGrTovdftImT3lCKd2WmurbSqTDot07hXHbdcBUP62bHqH0VZhqxZBYDJi8SklBiRxoDnjXNZwqEoHHkG1HT94/I3iCUMveMavH2HkaFxi06fYk3+c1eYS58RH6QsHZGGqiBkbulHqxY6tvvm/xDyxzfSdzpSwKzIGyIlrYnRkH09e27c9yOXM6VDfu8LX6KKY0FeGw8/ehkAkM5xYmr1HY1ZXgtIoi4eh+kOZFT7b/oHKXkgmHZCt2t+KEn1mX3f3yNK8dd//dcAgEsPLQEAfvoj1N74H//JPwIA/Jt/+zEAwOc/I1fLcBT5vFWbSINEnAvr0+4e1+rH/4T3wQPnybV5+mlWZYTUlytXyEX43Ge/DgC4cJEo2YsvKeLWGi1MckyxGI8/IdXKubkJX3U1Jg+JljQRjs6R77DXIjJS1DP6zjJRi69+/S8BAOubvBZRobkhIS32rA6pymHkiB/jV8MJ2XVc/2/MwOcciAdkSpfSXrC/C+ZKSSXW+5MNuF+ExP8Z3BQ0AKwDeOCbfPY3AfxnAK4A+ASAEoBzAH4CwE84jvOrnuf972/y3X8H4MV7vP/cd9nvoAUtaEELWtCCdqjdF86B4zjvBTcFN0EE4Rm8OXLwiwBe8jzvhUPv/wiAT4PbniXP87YOfef3AfyS53l/8JY7fO8xPH90afLRX/utv31XbC91OtM9wOFXawf1qW+Upzr0swU+vu7BeMTj6ljD8WDf74N3qNphJD7BCIqQ0IennPcBKjE+DkumjUaGQuR0bu6+UzGpDCYZpWQT40iB5SLNWdFcCmsVRqCdVt9XerS6/awUzra2mKfb29Hl9czPQW6MqqE2XYC+IAVXvICY9B4WlEtcWmLkaUiC5Qe3d62Wv4OOat63tk2nYFdzaDlB5alVc+97xtfEGeirL/JxT6fZx5o81Dd0LtODTyakiBe2iCGEkDGTPYtoLQcuB0flp42Vbg5txX1G855yjhYhpLOct4/83M8BADqqgvjaVxjNfuhDHwYAJGLmOJhFp8tzvPQSP/PSy6x9bzQYOWrq0Wwzkq41yUVoq9qjo+oWm692S9G8NCtSSUMKpEmR4rpZmGKkHYvG0ZFrnKnMmTueqVguzFO34oUXGQHOLnANpnL8/I1VVgAUq1w/HXmMDIQCmIOeuexFwqzBj0VMy0JuhYM+wj3OoSfULirEKCzE5+hRcgxWlKf36/9V1399mXl+c2+EY8qkXBeelCOb4n2kolyzLkz7w0Na90VX1898TUxrxbgI6TQ/lxQ/Ym6Gx/iRp58CAJw7x2j2ddX1/8uP/h4A4PbtZQDAhUv8fa/H85iegBOKw1UUmkwJKRBykM8SlTKuxNTkEf2e4zefhpGeNzlVQw1G0k3RespI/fGolCcNSdlZI/v/S1/+IiryGMlKGdRTHX9caEUoMr5ehkKYutK7OL60xHmZ5TUr7hPF6HaFjioCt/skmjQHxMTYvKTTad8B1VxnzQk0Y3oouv8drZPtbfkgvMz76pXX+Lq8Qm6FaVH0h9I/cKVp43KeIHTYuByxcBRD44OZroH+PtgzfWDHsr9RrqHcwLVXN9Fu/YBwDjzPe8bzvBvet7HT8DzvDw5vDPT+ZwE8CyAK4B33o19BC1rQgha0oAXtO28/aDoHliQfvMnvLzuO848BxAFsAHjG87z1+3Vyz1EK55DK4T0+Ofbbg+qGe+21vEM/HUIMDDLQx0w7wD+ma2xVvoZC5gzJX49U5TDw2vre0I+yDyMgg4EiI48736iUz5IR7rZjEUYESUU40dCUOqXd+kA106FxZ0HzXmjJnazX85CUKl5NOuN1aeXHxdo/e/Y8v1NnX3d35PQmVGN+llGGTU9RLHVXtcRp1UVXq2IG6/3+QJwG7bAbrSrW15mvrNT42aS55ikv3VWdf6kolcYK+xyOyBnQlAE1hrUVRgoDXauoKggy8n83xbShlAIzyayfh3ccRWcJuWw25ISoWzEt5vj29o7GH9Kxkxq/WMnKnX76058GAKwub6qvjG4+/SnmfS9ffgQAUG9U/Ehmd4+f7bSlty8lu5iUDrvicZg6m92VYWOp622LVkzlcShNgYSiW9NycIU0JeJ5eIq+26omCdm6V/S5s0VEYGaSa0+ACSoV+VUogkyoFr3TG7+/DlAyjmXQNbTMOB6Glg2RTjIvP1TVRa3BNTgzz/eNOW8VA3vy0uh0ieYYMtSUhkU2x3EfE/9lZ48VNs2mFDWlUJrPyiFw2PcVL7vixSTknRGX70dVfICGrtHcAr97Z4Vr+ktf+gIA4MJF5uDf9/4PAgB++R/+MgDgT/6E+f3nX6DmgKkZJhN8TaXSaAohKpaEwow4Drv5fF8Xha9WGRSPSgU1q9x8m2u53uB99rDcTU0h8FOf/Aq/J6fNC2fpMPn2t70D27tck1YRsyVkMZtVP/UaFU8oP8Gf6zXOy84uUcFdoYLHpHYZEwJRLHIM5t46UAWJwE9MTPKZ1+/30BKXyNX1jfZNdZPHGBR1f5sWgdb0+VO8186d4bh39vinaWOL/Ker114BAKxvERVrtDlGcxw158zBcADPG690sHO5I0OD70ar4f9BcHHfrBV+cDYHjuMcB/B+AC0An3uTj/3qoZ+HjuN8FMA/9jyvc68v3OM8z7/Jr74ZTyJoQQta0IIWtB+a9gOxOXAcJwbgjwDEAPya53nlQx+5A+AfAvgUyG3IAXgXgH8G4O8DyAL4+b+xDh9qB9mUNyINb+6tPf6+HWNkO0OrgXXGa+iHfgWCfq3oLXQAPcCBqaIp6aca77hruv2MytKpCf2eUZgCaHQ7ir709aSYwxFFvaY90JAPQrm0NzaiTDKNsBTHEoqmc1lGxP0+o6c9qRKW9pifnZwwV0nLufNYm+IohEI85+IiOQa1Ks+Zm2DfUzrP8soyXxWBlCsVH71ICG3ISrfemP1FeSVUpG9g+W/jENcanJiBuAgRoSIxU+kTx8CQBkNzDPyJhGLoK7pIxKyW3PL0HLex0ntigmczzCnH5QQ3Uvher5vzHSOm7XXOXyxiTnGqelE99OraLc3LDWxsck5i8tAYKOfeVWTk6dzm+AhVAHiqoLFoPCy+RMetjR3Plnq7w1yqM2QkOZGRomQ86atyzmU57qSUIff2GflV5cZ5/Bij75a0B3YrjAh70u6wLpqWh1WUhHRNXK3ViPLC+Zz4Mqp6aNRa6EiV8PgSc+mLIa0tMflvvH5H4+Ox8ubsJyVIr246D2w95bc314lARMLGt+HvazWer9vj2g97KUTV34yuf6XMc3sprpesqhnKPmrFPH0hr6i9wHv5xVfIxbh6g3X/Fy8RSTh7gd4EYVVgPPc8WfzGL/GabSwucvyDHtfczRuMdLua24ii1FaLyEKzxfFNT5K9PzXDKP3YEisDRiPOy61bywCA169yDULrxxVLv7jN+63ZriE/IfRN6+KsEI79Ij+zK52GmJCDqEqujp8l6jkzTaTRFFKLxaI+xzUeTvHanDxB/sv0PM9z+w7RnWpD1yQUwfQs14E5QRpKFQ4ZssZ5WVnjmr15k+MzREXDRKut+0PPhzOniCgUJnnc7T1yfuz5ZPdNrV7ESPicZ0qIPl6nqXzD35X7hRcctO/75sBxnBCA/xvAOwH8CYB/cfgz4iN89q63WgA+7jjOVwC8BOC/cBznn3ue99K3Ot+bkTSEKDz6nY8gaEELWtCCFrT/uNr3dXOgjcEfAvg5AB8D8AvfDqnRmud5a47jfALA3wHwbnCj8DfefC3re7phmcriIU8FjCMFB6xTy4mOxl4tijsQUFCOKWTflob8yPW1FcynIBqR2lqUqmJhsKa8VTNnPO6Mc2mL5vj5kKoXBl2ey6Ja8zkwxcXJAqMb8zePx7LIpgs6lvzWpYRXKnFn31A0flRRy4R0EFoWzQuNKJcYMczOsW+b64zmalL1y1TZx40tRlTLK4wELEeXLxQwKf1+c99bXzf1QO7UTUveCfX1XbkSKkdstdYD1RSHHEY5x44wcmq0dRxVNxibPSl+RbXaQEos64hyyqZcOCM2vp1r6Or9aUaplr9t1eUmJ2az66sRCllQjnLxGGvuE2n+/sVXvgYAuHX7deTyup5WEdOTSp76aWiV5dKt5rxQYF+qinxdj+fMSc0PcvMz8fiecrY9eXSMhME4oTCmZxjpDRV9HVtiJGcVJakUjxmWTkNUugYnjjMCfvU6o6yRXEs9vbabYswb8iRugVWQuCI3dOTO2O+3MZXhuM1tbyAdjJbQDUNz0ilez4Y0KqxKp9cxybtxRdWuuBwhoSIpVVAYn8ZzNI9IvMGXIiEvEd+DI8o+TMqt0dwFi+Vx1CatNZcr8N7+xksvaL5eBQCcOs157kkPYV/3YzaZQq3OeZjIMfqeU8VIRRyErhCgjuCaijwFdhXVX79DNOLxJ6he+P73/QgA4MwDvGbnL1Jr47PPknNwTf4JfemGuJERNsWx6anqZFa8D9OvqIhbZNVLJ04QrUjpGjY7RNDOniXidHSJ94HxhYxH5PPFwjzOqQeO6nOcx/39IvZ2xz02DDGyqoV8jnN84QLv/4KcIdfEbbqzugwAWF3ls8qqFOxRX63zWdVVVYdd86GcF10XcOz5b4iBLTFfR+d7r2z8fVNIdPjE/dcA/nMAfwzg5z2r1/rO2p5eU/erb0ELWtCCFrSg/TC37wty4JCy/TEAPwng/wL1C75bE+on9Hr7fvTt7ma7s2+9RzPlxDf+5o3vHeYnHKpmODQNByqM+tmS8b7Wgu0srU46BkcaAyHfE4GvjRp3ppmkVMIUjUzkyBqOqybePOPbTb52FAl22ub3zuOklMM3F7O4opxUKufXme/uMsJfV35uKOby2x9nNDFssS83b/DybWxw9y15c18R8dYd1pRbDj6i/P7ODqsYRoowp6eEjqiWOhyN+DXMltuzmuqQcoSGvrjhA4UyAOgoMmy3LYojAjGRZ2QVCzNKLbcYtbhS4ctnpjSPcrULp1HIsl/tlq5Bit8d9sM6NqOSXJb93t0jk7nfs/0yO5lKCvWRDoSRmmdmmCctTDLyvnWbOejlVeagwzGgKfW9bDSr8cqtUwhAIiWHt6YQAPOO0DlMjTCmXHo/IlU/+dcb0hCRbr+BXckU10ckEoGn6xQSguLKITSv3Pmob3Xp+q6Qp/wU+zhTIqt8fZt5cbtBTFmy1mxqHqVhIMGQsNCQjhQmw5EQyhVGvr4jpvLYQ/Ec3JRUFf3qHqF10jNw5GYYj5jngCpp5J3Q0v1jFTphcS+6qupwOy6GPXt28NUcAEPKNTdUpTEh9MtcOvfFwTAuSl/j2ld9Pw7poVy7zvsnpAi5WSUqEAuPsLcvv4om+5fPcy0lVFWws8N7stcTehVl38oNRsY9KSSu/hnX3Cc//W8AAHMzvE8efZRaDI89Qc73AxcZ9b/4HBGEa9deRU/9N4+FttwS+9IYKZd5z9r6Wd8gF6nZ4vyYy2SlwufNuQfIf1g6vgQAmJqVyqPmt6VnQlPrxtED5/jSDLJSayzLe6Smiohhg31ptfh+UtU9mSzXyWOPc3zvfA+fbXfuECF44UVWKVy9wvHWKobeyIk2pPUW4Zg9DHyvHKsYsrjZd23tWxUb3tDuF6bwN44ciHz4/4Ibg9/Ft7ExcBzn6Xu85ziO808APAVgH8AnvwfdDVrQgha0oAXth67dL2+FnwLwU/pxTq9POY7zB/r/vud5/53+/9sAPgz+Qd8A8Ov3YPQ/63nes3f9/DnHca4D+Lq+kwMJjJdAcuLf8Tyvdvgg33HziBaYAqIf23+L/M6bFiTgLgeuQ/oGh797wDGwSOKwi6NyrKNDPx9y83NGCThDMdelS5CSRvjSEne0UxPc0RsnoddWFYK4BHbupJTf+tplh4VazC3wEpv6YcinQ8g5b7eE27e5a7Y89cKC1PKOmL86d83lPWkLqMY8FNf4LQqTulphlq50u7vMTfa1ZT56jFGI7ebX1nneTJaRQq1eRbXKc1gUYuiD7cZNb988AwaK5j2pN5p+QS7DMfQ6nPuQ6vdPn6BmQ6nESBTSk5DUAk4cXfKjhaTVzisi9hQ5pxSlGsPZ1oNpMkxOMxq1CPiGWOkj3wmSY3vtKhGYUoXRYEwo0bAPRITshFyLlKWdICm7WNy4FRz3SJUxpt7owlQdGcU3Pav35jiNrR0xKryim/0S+/K3PvwzuPIKc+CFCa6D02fPqf+MAKslXqt6RZUA0iCoisXfVpVGTx4dpiRn5+6p5MbWsOWoDf3xtegjUQzr/Gxb0MhEgahETFoRI6FfpX2e+9gxrkG/rl8VEsUKeS5OyPQh5KkRYbQ/6JsDoimMdtSHLAYdc+TjXPW7hj7IayLU05xKdVJcnrbWst03nqAWc2kdKMEd1zXL6F5229JJiXP+ut0uum1mZttxIR1CUjLif8zN8nlRLrIP9Q7P6YD3XEgVIbm0PWfIK9lYJ/r1/3zsowCAqSle85NLvF8WZlhRcfmxh7AqhMs0F4Za11H5oBjKabofjZoUBOXOaRwUqxixqh1D7+y+Mffb/CSPlxF/wBCJ4XDg87cScfPEUHWPruNIVfMVoS+trlUpcL4mZviceOgy1/aU/EMW5onQHj/OdbS8SjTHc3gtY3Ge987aq9jd55qy578p5kJVT+aM6hz6u3Hwjbfe7lda4TKAv3vovZP6BwArAGxzcEKvUwB+/Zsc89m7/v8vADwO4H0AJsAqs1UA/weA/9XzvPueUgha0IIWtKAF7Ye13ZfNged5vwHgN77Nz77nuzj+f/+dfud+ND96f0tJHEMMDnMLjERg1Qj+Wcf7cEh9cXQIOXCg3Gpf9d1IIp9jXnK6sAQAmMxx529VCK4i5UHPQn4zbDfXRkZ+B855ZEKHXKshV4SpXPPOBnf7uzuMnIulKlyXnzmxxF1yOMr+Pv8NMpunZ8gAfugRsovr8lM3Z0SRt31/A1MMnFlgVGI51j05BzakJNdqWtWG+AX1kh9dJlLjTo9t6bIP2lbPr6hKipAJ6fInEnLOGyjClvJfXFFNVFHd7BT7VhL7/bxUIOuVBiAFwBlFT31THUwaO5393ZeXgopWMDnFeTJdiKrquI2FH1M9/M6uuBpiPDtiY3ca5tKYRlyqeCGtmRMnz3C8uu6bmzc1P4wIh7r+dr1NvdGQEdNugDQF4tIDsCqWmngRra7V97dw/hLzstPTcjIscdxJVQZsSPnP/AhmpnlO8xYwXYCQf2uyj1GtL1PIHEhPIy4UwPwyLCoOOUNoGnzdCqsUSqiyJCxehCkFzqvSYnqOkeDNW4zu1upUnoymOU5Tc8yL9zCR5f3XlRvjE4+/BwBQ3+vhupCeuHLhTUWtTd0PmYyUAVWv3xDakVCfGxhn4Rt3wVQIPY0bqtGfyrLvUWkXdLoNpBOMnrviGu3skB80KPC7s5O8VrEZeS3IfbLtbevUckqV6uWaqoGOHT06Nn8lVSC9epXzc+3aMgDgyLFFv/Y/Lc5NpcxniitFw4wUMy3XDsd8S9haNXFJTJOhxrHcuclrdGSRYyhM8Bl45wbfN6fWuXke/9jxORSkyRLRfdGQQ2avw3OHVQHRbOhZIzTKeEC3bnINx4QU9Xuc+2iI93ImSWRhIs95cMNCDpK8tuXaNnal+2EKmmE9ewfD8eoF36T0rr8v94tz8H3XOfhBa57n+Vi/e5gN+KbN/sC/EdA52AToZ3+zYG+Py2Qe0EAEacEgbnfsNSymShh8eMQTBGQmJ2aRTc3oSDJ1aYn8NeQxk5L7jdgCC8sMR3/0jBwXFWHNSrA6Ilg1GnwIbmzwIVFeq2v47NPc1Dxc/fEygtBukZ89c24JAPDwZf5h2lLZUGfEh2FXr5syM2nqXClZ+vY6Zrgi0yfZBpsNsZlCtVuSBI7EENcfHjNO2lTZo5UJ2jg7KtkMy2gmm+YfcoMqk4JNM1mVBOpGDenh2GobrMx5bNZ401fKDcxM8YGQUIpnoDtvpHm6c4d/mFNSzDkqCNtx+Ue+JoEmEzcyq9+SyqL0twINCfh0uiJJGsQdS8ARxOyosKeuclKohNMsvvsDvS9I3oiqli4Y6CHZtQd1xOppD6BZ9kGbA1lZr67f8Umtc/Ps55F5rtu4yv3W10k0O7LAMrGkyK4RrXcTM4qrhK9relMqVRzo3FZuG49pI6PNWCJpG8QOEgmTzxYRrKU0nETCzNSsJ5KkCSzZ/WPrJBKz9cO1bDLTTZXbzk5wA5zN6o+woP1SqeynPWbzXB+zs1wfJofdkvW5N1JJpp4L+UlZOY94zGKRa/nAIl72wFrbpp3milyZszEOR8jKgvzoBW5+bl5fBnBQupmWcFQ2xfthfoaQ/G6D52orpWfETpvPK6/dGpsfR6pqrq5lJMF53di+gY1NXr/JCfbLxMIijhFLVeqpP8whreWJCUu3WRpJaSXbfI/4uaHKS0s7vCZzkxzrSJvLYpEpkHqlhKxSkjkZT5mUdWWf3+1I7nhmnqWaEaUDum2u85pk5KtV3rPVMuevUtRmQ6TZugigDYlK1VvLfG0XERVBcnjob49ZNlvpsv/3xcjz3ujb+Hv17bXvWylj0IIWtKAFLWhB+8FsAXJwqDke3tR1+TDl4yDrcJedshEKD33JN2kaBxIw8uwSmAiS7QCtjMxMORgpREV6cR1GGNEQI4eohIwalQ56Ne5MJwtEFbI57q5jIg6FXLO35d7QynxMJrm4p52tIp+ww4ggHuM5ahWRhURsS2YEjwn6CofDqFS5ix5ISvWRy4TYLzxIiHVzi9DbygojRZMxNRjN4NRshqSuSpG78VKREefUFNGRvCKHGzeN3MP5SuQUpYRDKJYYFewLmu/KujgqQmazwp3/4uISACAn6LVa5ucKMn2ZFLRZlZSttYFSQyEhJ76MstbCo489is01nruhyNmOdXOdkLQjktr73vMhAMCMINzPfOav+D3BpNMypOr0Ga2NRGYaDPmzicjAlcVziNcskcqgL9QlleWcdYUc9GXJ3OMlw/QEiVOeyFt9IUcxIQhdpZPifgQo+FQGXFEhJxHNS0cllKNRFx0re7uzDAA4dYzIwXZTgjsDzu3ikoSrVFZYUGrLTTIt8exX/j+NT4JfJvzl/2z3D8dmKcLQ0ORQEhiorLbvmzJZWaQsrCU0tTBLSHr1Jvu8v8mIcEFmPeUy1/TaHmHzQZxrcBSTVHiFqFC+xzGFPd6zo04Mcd3PM5OMytuKuguT/IyJhfWVAkyk2CdLESaV8hr0eI5KwwzKzJLZCI8GhbNvWaFfJ4+fxsoyxzXQXE9Psy97W1xTZZX+1qqcH7M5npzmOulGeU2LJa7xeEwkWT1nWm0+R1IJEXkjQpjE2I2Fo3Ak7lUX4bStVN9UQQReK4cVgbctm/i+ykszBc4HFJWbTHexzJ+7mr+czLEqDc7X5BS/d/YMyYP7xSJ2ds3SXenCBX7nhJ5FdZ27VOUza07vLyr9sr+vFFGNvy/JDKpWkdT3QMJmPSNX88Yzq/Ckm0RLpGcjUFrK9+BP07i1t487u+FvzpD/DlqAHAQtaEELWtCCFrSxFiAH92jfUprSrx40ISLt3ry7fJIcjP3uDYiC/zGR4Kw00ScHmjyyDHsikkJ2GVH0O9zNKs2NDmRykz2KORHjUgnuaK3WzFHp3tQkd8RmEGLWvdvKW3aVyLX8ptK42JWlcV1lRBZBDxz+7OmDw17HL0XKT7CfR48zGn/lNcq6vnaFxMTRkFGnCTYdPbbE8cb5PZM9Nd7DgohDZkt965bIP0nOY1xyqnVFK1ub66hLbMTmMCVLYYgo9PAlWq2ePMnimjsqw8xlecxJRXV+/leEAbNR9oSODJQXbjTY53e/m/IckWgUGxuMHqaVrzVUIZtjfy9ffkLj5jlfv0IkZNA1a1Z+bqQF1uiohEulbibdPHLEg4gYcU/lqr2hv9aMlBfTGjPXY1eIx/kTDwNgGSgA7FVU6iaEQUEeorLwjUetdFFET4nFdCRkkylIjGvUQ0elZfMq7/JUglkqS/RJZMieCKXDMPv68hWWQFqJqpWfhjWmZETEQ0nVDhWB90Zc0ylJR5sMdT43jXjaRGzEX2gp2tYxYyLmFiRNbLyWSpmRXmGS5zy+SFRsSySygUiCLUMt2lxPDRHyoj1yEFLZeUzkiWQ0tbbKNSIoYQlyLS4qipdBWVORdUa8Iovy01r3r77Oz7XaXPPRqD2j2OzRZkTNZCSJ0yf4TNmWoFhxl/1OJIzXoFLMiPg9QjNrJR7DeALxWfFgyoyIjTSYTogn1OfYIiZwJrMwB84B6VXlkx2JhZW1rr2crpVs1mN5rWsZslVkWpQUqmGW7q7ul3KJ95+VVk8tiosR4hh2i/y9G4oiLI7EF77+RR4zzXFcepDX+cQZIiYLp3kN2lo3XljXRqTKs2eJKGWSnMf1FV7/nbLQvop4EkJL97fEv+pV7FaCiZ954hoZZ+3w35HvRQuQg6AFLWhBC1rQgjbWAuTgUOPO+t7IgZ/f8VGA8bKa76ZZydpQHIOR8p+uojIL0zoqM+oq0jKzl1iYu/bJLKPeiYkZ3662Lqb/9JTl77mDVdrXt5Ct1cxSl7vumHbnTRkTNerMsRoD3Mp/4in93FW+z7NSHxeNhljBizz3q1fpifXc8zRfyWS4sz+ywKqFjCRnozp3o6XIUYIjEQm0hPV689YV9kF2qAnxH1Y2WBpWlbWxG3H8SgETEOnL7CatPKWJvGxt7qlvfL+QJ/JiVRlWqjQhe2nLTUdjnL/V28wxXpTRzPHjLOWqVOp46ilKyN65xehyfZ2vx0+SlX/mNKsTXn+dUqu3lylNO4jEzkQAACAASURBVJC180ARcUdcDksl27qIqKwyMjQhI4ngKKL2+mG/RC+mqoOwUCmr7LBcckPVBZkMvzsxy2v4+m3yIxqK0gxpGPrrwgSHLM8vZELlhRsbG4AElqbFqbCcakNr7ZG3Xdb8MNp2xam5beVhEouKxSwnazLZHFPf5HAletMfmTiQ+A+S241GE0gnyBmYl9GQq8fh5jqvd1KlaFFF2ZmJvMbJCFs+XpjX+jlyhNfw9jrXek8iSeG4uB5ioNd7jFJnsktYOsH1v7NL7k3W4zlMK80kjacm2NdukvNlxmP5Qkrzwb7OTHA9rayqPFdRv8/FiPH7k5Oyax+kUJjidxfmGBmvqJw0kZQ9sspEXTMmU9XT3hbPsaXKooUF5twXF06MjanXV/VTUmNThcBgaEZnQFJCY3YNsuJWWP9HKskc9ky4TOWBMatekPCYnpdmuGRr0dWabwiJqN0iirEnNHR2jvORKyQxPc/7/8lJzsenP/MZAMAXf+cZAMDUHNfu+QvkKRw7RiRh6Tjnfn7WzJwEkaiUM2bS7xuqKBGSGV6UfLIqMG7deQkDrR03bAZM4syE7W+TyjG+hy1ADoIWtKAFLWhBC9pYC5CDNzQPB6Wjh6WMD7e3nvexelVrB4jBuCyyiQqZGIax0MPSMuh0TGikinSKxzQTom6fkeHqGnfLjbpMe4Q+JBPcNbc7TZ1DuWTZAadVOTASYmCiOa7klPttfr+v81Qbmzh3SdH4NqPpK9cYTc3NMYo/cYI1wpN5RlvGym7LxKgkO9haQyz2Hnf81VVGKdEYr021WtLn+b2+eBX5fN6fT0fLvK1xZ9MSA/IYndy4zij1kUcuq2+MfG7eJAphpk5m7jIaWd07+P1br2ke+fu3P/EoAODOCr8fi2YQUR22RdFTs7w2xkHwI9yRyUYrT7nOKLVa4zhjWTHse0QtwopGw1o3bYuMrc5dZlCDYRiLRxnhzM0s6dgSFrW1BjuGrItlqWucErsNDPXxtE7qDSFLiupMTMhqzy16a3daeORh8juOH2dfrrz6PABgf5/R+rElRl3xBCOmsvL7MWkS9PvjP3f7HF9IkZZxLXCIxd1QH+IynarUqshnOPc9MdmT0lqYmpLdr4SHhkNpLAhJMkOuvV1eg5yMtqYn+L07a0S1EjGTodb8qa6/PRR3p11CXboU3a4iQdlhO4o24wkJTEnIIhnjuBbmySva2iRXwzgsJoDWn+P3d4om7Sy2uzgq2zvLHEs95ZtenTl1AQBw4vhFjZNoTkzXYnqW41ldpQbD8eP8Xq1udf3kd0xM8HlQyBPt2N3jGu42TexHMt4hHj/qhOANtfakjRE9xA8Km+S58vOjnlUrcDzRREx9Ns4WjzcxKdEnIQmm3dCVXXl1nc+TlXWaIuUmQ8gWxDURUvSIDJXe8W7ygl54+TkAwKf+6t/xWEIiZ8X/OHOKn3/0EX7+yLyEgsMcbybL459KE3moN9iHCxcoJ50rxHB7mRyb3X2iOCOfB2d/L2yc3zvuQYAcBC1oQQta0IIWtLEWIAffRXsjknCoROE7aGb44akm3KJxi3yGPdspmmWnIkzJ8SaSssmVUZEbHqCr361tcUfqmJaCdudmQXtMlQFmA10qcdeeUK41I2VBK7XtaYdcLjM3Xywyms1mlOcecVdemIljACkjlhidHj/NXfWJY9wdHz/K3XRRcsFlKQD2R8rTRlUDLdXGbtciKEYlZqbUappioCoQFK3CEBiEUJdS4WR+cWweGhWea3qKEc6scselUl3n4Ov0NCOkDdnEtsU96ElboFTmPP/KP/hvAABHjy4BAD7+sX/P8xamMaGcsaErC4riPVV1bO8wGrt9h6pyNRkNbW5LGVERg/EC+l2LoHmNGjX+PFQlRcIqMiSrnYhmcWz+uPrDa7GyQrObhQVjVYttLiW4viJes9GNye53JNnYjgy5BkPL/w/18zgHISfkqVDI4/z5C+qnKT8y6pya4hy325xbU9s0JM2OGVcePNnneqg1VJ2hyNAdmqLouI16vyc5ZSkid5sdP+JdXJASoqLRsFj0ds2samFSSJypDjbq5IXsF4luXTzPtX1nlVHf2hYrTkSLQX3EefVUs3/t1iuoKZJ99OG3AwBKZhNc4TzMzxGtCEl10dT6CqrPn58nEnflNV7LRJT37rGjfK1Lta/bl8WzaVGExSspxFFvMrJvtnh/ZNI2bnGphkKS6qoYSHEezNxoboFohd0vEaE3JeXzFxYYvdfrHGtFfImkOC3hcNi/PlaV1BXHxuY+KpguLgOpSESqpwNJNzfs3KaHIGRJSEJWFSenhA5tSCJ6r9RTXxmh316/helFHrstcla1yn5fuvgYAPISAGByhnO8Jjv69S1qJ9xeuQoA+MIX/xoAcO4s18VDl1gF1Ouxj9s70mQQGnbxQfJPTp59G3ojIkK7RSIarpRSQyFTIQWAN/4tcp37hyUEyEHQgha0oAUtaEEbawFycI9mu7HDu7LD73u+nvUb7TIPNK+/1bnGkQOzPbaco1UzOI6iGumcu2KrRuJSFGtx59tv9fw67Zby+HExmU8c58703Gm+RhRt9YaMoCZmGZWH5UiztcH393YYxVpE2VF0l83wuKUmI6honGPo1hvY3uV72QI/Y7XQPaELV2+R+S6hNkjEEUNtiROJiM6lXONQvgDSEpiZYDSSCjPqsaoG8wIamGlKo4O01OSG0gyoyRjn6AKj9yNH+Lq/y/Ftbq1rfjj5q6scS0fKiqb415JZ0o9++EcBAJcfZT79mWc+D+CAzX/izEncvrUMACgo2rj0MJnNz73A/OWrr32DfZMF79q2auZlcpSdyI2PU6ZIo6Fp6fNaRsKmEMiJjciWOR2bRFm18vsyWOpKh6Cf5rHSaebjoWO2NU43rrnsFfW+GSmJg2KMckUzhgqYeZZrAehogK4slV99iTwNa48+wsh5SwjKjRtcz12ZYxmCFI3IU0P8GDMs6nSMnS8vCSEsrjgZ7sg8FTjWWDzio1W1JnPlZ08zwgupomKgYvNcgXMflU9DSOjd408yEnxVfJqi7MSnClybu3scgxMyYwNVTCgST4X72CvxOtdavCdnZO60s0nUoV6Rep6u68kHif6Ua+xzRhHx2XPMX3/5y6wGOrZE/sPsLPtyZ4X3SVgoT7PN77vuCAXpeIQiUteEGQKJTR/i+BsV6aToOdEbMrpttnjfTEj3YWKS91uluql543GeeurdAIBr13nv31xhVDzqD+EaG19eI+bL0RbyMRTi5ji8fwwZM5TCPFZ6ukftfcc3KDJ7cdNf0bMuqbKQKM8zijRQrki5cGjeI+zbCy/xXh1BehhhQ3X1TJbCZlTP8u6A8/KNl78AALh+k+skLa5LRchlq83n6+1VIjanTh9Ftc51AUfXJKT+6yazde4IWXO/B9SDADkIWtCCFrSgBS1oYy1ADg41x3HegBgcrlp4I2Iw7rXwnZ3v4Lw8qJ3TKgL4s+uYzj13me2msfn3dQBFOz0HLrirLmSZj3z4QebKlsQxGA0VZemYUWfcJnZ5jTveOzcYGVj9rTHoPYc73t0yd7e9kLTopYcejTmYWWQUaijGXplRxEjs8vl59iUku2NTXUwmGRmUSxyXMeanxAswR7w7K2Rhh0Oy4JWaY1vaDp6qOhKxmG/FXBficXSeUfvJE+Q9WHSxu8fxmqvghnwfQiGrNZbqnkwIFhYZAbzjne8CANy+w0hxa4uRx5NPPA4AuHr1ml+3/yu/8vc4R0p+b+1xHA15C9Rb0l0Xu958HgxJajYVtbi6JuKF9BQ5J8TqjqqaxVFuPpeZ8t+rqmrj0sWHAACbmxxnU8qG5iqZTPKcPUWSpnuhknn0FNVDaM7oUJ7fot2ecrebG+t47VXm41dXec6+0InJaUabpsa3scYceb7A657J6Pp2uS6MezGUkl48rBz0qK2+mNWt3DoVkSYTpmoZQqMqZEzR+8kR14Wr/HZVCpGOIv63P86692KVfU9leezHHiO7/7f/JevgQ1IlLOS5PjqyahaVAX1T1ETbd9174UUqhj5yiR86fZrVPL22fBqENuzt8j4yxv+Mql0MMXrlCudpeYXIw4d/4oMAgOanuCa3d9c0XzxPt9tBt8PxGzpz7CGiF2vL5APFokQWsrIyNqXQSdX7n1gierG3L2fDOtfwY29n9U9I87mrPP9TT7Ga59Q5VgW98MLzGIlTUpGaqYaDsLhU+/tEPhKJIxovr0lPPh8p6SL0+xZRi8MlXYCYuApRIZJQtN7SsyEtB8aJ0TE4NX6mqiqC3oBrKhxXvt8xnwNp05hvsq+pwfkxF8+YBtNRxVVjV7br0kGICJlb3eC9sbH9KkaeVf5Ax9bfHFVrmP6N/ex7+3qjb63w+222ADkIWtCCFrSgBS1oYy1ADg610Wj0ppyDwzuyw4zo76odPpd/Dk/94Y66J5ZxJCQzBe2s+8rhD5STz6YXMVtgRHzyKHPgE2Lpy3YdA+WE90uMQvYrywCAcpHHMjfCiRx307ksd+UlIQW7FanVyWUtEuX3bKecSubR7fEYjXpX7zHqWFw07QVVM2zndC7m/Xd3GRkW9/n92TmrOeeAV9aY/w9FlVsUYlIpadfel3KaIvNOd4C62MbnzzGnfOY487Mj7fT3S4xK9lU50VKec0J5/pgivrLcGwuqnX7oYeac1zYYMU1Pchd/QqqH128yt++GHfzdv/fz/H+Ux/id3/0oxym2fktRxZbcKqOqGEmkpGoohMBTTX5bLO2kqjS6Ukoc9Syy4Dy48iDIJPN+nlKFL36Fx9LSEgAgHiHas7fN6C0jpCiliHJ9lzliW4td+dqbV0O/Ih6MIiJDYCysGXkjv87cdPsHXYuIec7XrpCL0G7xS5EI109ateE9nTMcstw0f260OH/GUjeHu7Byz6YjkBCSMBz2ERNHZq/IdZ3NGQoDjUMVE8ot29obifextk49A9N1MF+MPVXxpOJcP92+0B5NfyRmfSoiLvZ5t8t5uXGD+fiL58jB6IvXMVkQEqcKknqdfbdHz7Elrsm3P0EU42Mf+0MAwDOfpXulcX7W14SOuVzUmXwafXlArKrWvzApdEVI08oG74tTJ/g8mZ3mPWnM+bzQrYK4Fs/qnPkc8/rveIcQtCtk8W9tCv1I8/hvf+wRrK4tAwDmpU64Jp6POcPOzJgzqu6LuEXOek4KaTX0wxFPoCtdkYiqdtJZrvkpoSAjV88pcTAikQIKEzyGK62FTk+VUR1+pi1eg/HE7NwhndOQI1fo1Uj3qlXemCfJCFpohrRFjT+Eu6AAvfheC9YGYz959oH7Axqwv/fvUEELWtCCFrSgBe0/hhYgB3c3z7sncvBmVQvwHbLM9fBbqyp6hxCCg6KGccQAqn+37ZuxeD3l1iVW6OfsJ7NEBxbnzmG6cFrf5U60KJc0YxUXi8w7lmvMqTVazHdbZJnNcFftxfj+rU1Gc4MBI+r0DI87GHEHHZNmv0VU5fYaXLkBzi6QXZ1LMW+5u8ndNwZCGRzu5DfXpd6oeuWF+QXNj6K7PY4hnzMmNN8v7kvVUTnU2Rwji6Z8DzqdLk6dIipx6QJzxhGXEeLr15mXfe0KWcSpNPt89BjzmskU+2jaBCnpv584yeNdv8FI68IF5u7PnCLj/E//9E8BHCjH/eRP/rifE/7Nf/rPAQBVsc0LM4yutqVJEYkqWhfSkhMb3aowIK+F0FD+GaqLD6nCIB6WO6E4CBNZIjXJRBKVfc6tOf3Z4krLjz7m8rvOjPgKqq3eKqq6odfWuHhOi8oHCrX9Fa//WC7WWP6xeMRX5luY5RqN6rpducKIOR5L6X09mnyejyJ+HbOveviBiXCo6sfY26aUF9PxIopyB4rEo5EEmorWjRH//Etklf/Sf/n3AQC3VDFR3CMSYLwAT+p01QrXxZFFrpe5Bc6rI/XOwhSv4Ze+uq8xCM0Zmtppw/eWGLg85r7u1Ws3XgZwUFGzXyG69WM/+l4AwG6Ra+uFl6gwuVfiuS9coDrfBz5IrsFHf+93AAAnTzO/f+YcUcXlO8sAgFa9g3ROaquaozu3qE2yKF0MR+tk5c6LAIChkJCpSR7z2lXdBw8SMXvwIXINPvc51vkPxHFaWuLnz53nmvz6c+x7o1FDTN4gKamXepIkWRkY10oRvhRUyxX2MZ0kojI9yy84Lu8LnRJhKUMOxEVp1FUpUuBan52jRkMizvPu7G+h0eb1ysjpslyTT4fmvCMk4JC4ra8X4wwNGRC6Y2vZkDtbq0OfYAYACOn7o5F34NbrjCNE/t8cI0r5nDVpkIwOdeottAA5CFrQgha0oAUtaGMtQA6+g/ZGFqh5pR/sAEcjUzr0BQru9RUfKXiDHoIznmwyN66Rz05ldJtIMNrLKiJPRplT7HZcbO4QGej1qJrW6YuZ22busNOr6NhSJRN/Ia7IGQlGhlvK942kXx7LyPfesQSYxiq1Ms805N0m4inlfJN8b2ODkU+sx2gkCe70e32pMipKT6Y5rpKqFcpl7tbTKe7sK9IoKO5wfhLJCb1qfsDjmcLa4088gMfexpxns8Y+feN5zsvN24yI00IbFuYZ0UTl+DfypAwn34qUlOGuvMocdbPJ8T90gZHSX/z7/wAAePkFRpj/1X/9SzxeeIR/9pv/CwBgbYU533e9+2kAwPUVMpSTilx6XSlDygOgLZdBiwg8/T4RZp9HiuZ7fUZY8bjl8nltTz1IfkUqkfLz9ecuLgEA3JS5d/LYmZgqIzyiOEOH17+8LFRD7oKefOglNoeqGOZwpdYZt6oWy7Vz/lrtGgZtRoD9Lt+bn2Wka+hTSGsqroPHxL0QEIVYhohSfV1qg4oMR65xdCwK43oaDexnjjUl59GjR0/gVabAEYmx/9duqo49/BEAQH6K33nu64yMs1L0W1zkPDWa7LMTkXbFI+SgFL+wqfng+A05GQ0tgmQfkolptIRwWXVKSl4KezVxT6SAmhDx5QvPfxkAcOb0WQDAxBTn+uVX6OY5K7XLpRNUojx1mmjZ+jbXfH5aao8znJ+dzQ14LhGOglCmvngre5vs2/QkK0asamdrgxPXk0Li1DS/32zw8w88wGtqWgWvvUaE7s4ynwHmUPqOJ98DAPj857/is+4NCYTDcc2qsqjT5fXuDbR+xGdp6RwjmL8Bnx+m4dJsiR8jnszQovcR7694nNc0PSekLp/F5g6/u73PY9eb4342Ua2tnvhgUVX3WPOsnMfnAZiWjdbocBwNMC6CvQ9n6Pu2wH/+jyPN5odizwWrsPFG9492ECAHQQta0IIWtKAFbawFyME92mGEwNAA4xEYKmCvFq04d33m2z22RVUH7xtjdXTo3FL2ynNHHZfjW7tFNKBUVqQRSSCV4q641eIuu9fjbtz0CZyQ9OstJ+ZKGU9daIpRbiOJSt98NLBdqnoq9bl2x5AIq17IoN+Qq+Aez5kJS689Kj11z5jg0mdQBYXprvfkKZETq9h8HLa2GHlPzfB4CeWUS6U99U16/uImPPjQJZw4wf9/7StEVPbkAHj8OKOsiUlG7Z2uVX4oOvFZ5oxSiiV+75b8Dz7ycz8LAPjSlz8HAPiLT9BL4cknqSthdeG/+7u/h6tXyds4/8CDAA68FMxLIJlQnl/Kl8lkXD/LB0KOdtGoqjFUEZCb4diKO5yf8r4p3zGaqarmvNvp4tgx5let5ntlm4zwiQnL1yoSkvPfxvaexi9VQpW7DIWoDMV/GAysHIEvYTmIelFTjLP142Gk3GirZZoK/ExElS6uFqGr+8BUG8NxOUAK/TCvAZuPWs1U6+Qf4nMVhLSl2YdEij/H41EkFF2ayqSnaPRf/9HHAAD/6Y/9rD4r9j6M98BxTk9z3XS7nJd3P/pOAMALL3M9/NUzZO2brn8qLaRBcxByUshleN1NY8TmNie9j0pV10C8kNdefX3s8x/64IcAALOz1DR5+eUXAACXHiRi8PS73wEA+MwzXB/XpU6YE2s/Eo+iqcqiUZ1oXVy8F/M52C7ynivIlTKfm1Yf5N0i1n1KaziX5ecunKaeQWlXXJUaEcwrLxFJOHGSvJOji0fQarIPOzuqINL9ntT1ymc4Pk8s/bJHlMKewf2uNAhEQVlY5OdnjHdVUnXULvtcrlCrot7m+kmpGigaCyOX5zlrLV6DEHiPefY88KR74ByK5nUDhNzh2M+m+mputof/RFjFhbWQEzpw51VzhqZnYMeyv0WGUhxUzr2l6rm7WoAcBC1oQQta0IIWtLEWIAd3NQ+M4L+ZdwJwEM37lQn2Cgchyze9STvMSfBZqYcSRT6OYDtIzyJIRoJNRZJWS24RsxdKoNLY0++4ywxHbFfJz5inu58LG0gtTc5othm1Om/bAVvf7yJO8KfwQPMg//peAl6fEV8yxBxxJi7nvygj/qY0A2z8Hano2TgtXVeqSc9ftcUnTi4BOEAztjYZCWQVCTlifT98mXnPixcXce0KP7O+Qa7AQw/xdxZl7EoTP6rxJsWhiCcY+a+tLwMAXnqZde2zc+R51JuMRv78E3/GsQnVmT/CqOXP/4IchBu3buHIcbLOO8p99j1dC+3P2y3OfS7DKCUm972WcvQ2Ibkso1AjQJvPRacvh0Qpq52Rj8bMLKO8aqWCM2flhFlkhGg6F48/yRxwdU+M+X3jqPD1yFGO99pt+j9EFK335WJogUrYOqV3/JrzviLlUMTP/efESg/pPjA+REwIwsiEPEZ8Hfa52FrSzTAUazAaR1pcRXOG+pjSnL3WpHr4wgvfQD53RONgFGr3802x9a9eYYQ7I62N5dvM25uvw4OXGJV/9nPiAZwnF+HpH+F8Pvv5v+QYdf91+3ItzckPouUi/P+z96ZBlqTXddjJt+9Vr/all+pltp7BLJjBRgjAECAAkxQpiMEASZM0Kdmi7LAZlkzaIcuSrQiHw6EgQw6LcoRskuYC0qZAiAJJiAsIYLDO3jM9PVvvVb3Vvrz36u1b+sc5N9/LrKrpnkFBQJh5I2Zev3yZX37fl19m5T333HN1f2fSGl+TbPyGeEEjOVWrbBqax3ts+Tav3YtnnwMAPPQQvfQjR9jXUekiPPlRqndeWWT2w7Ulohy7DauGOYWkEMCy+D1toXg5IZBd3f+dEu8j+6sxKV2DiO65y5fI4bl+lfvNK9PixDxRjMUOUYumkMkb16UvURj11sW4KmEWi0QfrkvvoNNhn7JZ3pPHj3FNtvTcKJV5XY2TVCxye158omKR3KSUuBtrJaKIV5cu6ng+Z8bGRpDVsyQjFc7iKO/n9TV7zgmldHiOQZ6Zv2Ku62kRGPrLbx4q4GX16G/CEIpsz3V7Plj1Vvs74aED+ofxFYgkHA50ECIHoYUWWmihhRaaz0LkIGC+Cot3UEocIAfcHnX27nP35nFXfd+sHau61eub1rrV97Y3S76tttptRBTTtFRYT4UxEpDd8go72FunmN1Ri636ld2METtAO/wVJB3Fd912FtOjZMmPZpnb3CjzmLUVekQ5acMbq7yr3OGWFPMsJp3J0Muan6dHVFWs9bZQgBOqj5DP0UMwJb0TJxhHX7y27XEwTgp1WF2ml2BM5q7e9EfH6M0mxcpfWWXdgzfepNfVEVP6+HH25UtfpmdYk7dn+hCL163GAr27dCaDiBAlq6oWcziXcTGdLdbusfYVtzdt/bRY9lZLobyrCplNq14nxUip7zVMobJOb/Do8SPIj9Ijev5Ferozc0QpHn8P5+ov/4SZE9eu0ZsaHVclQ9g8Kbac4Fw3pRlgcc9EivtHpelg6E5CvJBOx8VY0V9zo6ZaGJkExz1epKdsHIJqWddG1SxNB6EjTkpc89qP2doUotDlmjQPzNQgx1TvYGu95KlJFkfpVfak22G1Is6dYwbAiQUiTaVdeqWtLasISSTBFPJ+9zO/AwD4R//4FwEAj72b+hdnz5EHMDNNzsfWNmP4SWcKUdXCMHVRQ0A6Tc51W9koWSlKoudHWnZ2uA6sdkdW98Gf/MmfAgD+zn/6UwCA93/gfQCAy1c5JtNN2SxvopDjui2McY4aNV7XSo1rJxbldUzGuQa3pLkQjbCPs9O81ycnJzS33P7661xH95ziPVqQdsfm2ob6wGs+knM8jYCeEKGY0Ix7TzHr4sYN3ot9cQsqZZ5jdNSyDLRupC2ysc57PKXnRzavzyzHUJjg2i9IBfblV54GAFxbvIh2z1AHPg9szUxMsY3uOq+FVSft6lkc0YPSOAc9IQf27Paex+IYGBpmlXmH/87YM9wz17g0Pd+5zDwBxcMiHCBEDkILLbTQQgsttICFyME7sD0KikMgQTCzYW92gl9d0RQAXS+OL6TAY6FavN9fx8H7WW+nUXmiiDoeGzoYe/K09b13Qvtu752mU25jsHOybfNmXXlWtt0QgyjoFY6Nn8REnnoG9R2eq7KtWOComL/yttZXGe/vKmaeSMrbTHG/VMp06OlBVlSL4MgRxjOzWXpKu/Lq7nuASEVph2/19UYDuxV6KouLZChn0jymJzb2qVM8ZmaWcc4Xzn4LwCALYXeXzOljym7Y2GQ7pTJjq5GYWPvyUtvS8e92jVGcRLujbBN5I47mvlbluPOKwSflTe1sq1aAFDCLyr6w7IbaLr3chjJRPCVNxfCNP2Ko0KnTC7h+UzHhm8y2mL+HefnlMudqUfHXnRLnqzhBhOSNi+RaGEKUVNxWwBL6cWnLJwwd6Wo/1YVQ5cyYm4EjwQKL/bak42Coi82Do7nUVCKqyqCFrDy+PPeryouNaG1a1sMgoKt5VnXPfJYN9rquJ08/Ki+yWrfKd0JtpB1x8xYRoHmtuVSG57h5jeceUzz7+ZeoIPitp6m0+IlP/AC/P/MNAAOEKiN9CXRcj3MQFcpi926jb/Fn9r+t9V9Q9sZDD1Fbw/QRLine/+mf+EkAwOJ1xup/5Vf/yR69FQAAIABJREFUNwDAz//dnwAwyGq4dI18ilQ+i1pdSIiu14i88boqgPaF0riqcJhR1sVmmfduX9kox+bolS+c5r2/u8Pjl25wvRVH2PejRxb4u87bbrXRqVq10UhgvOIYHOU9WlElzZpqs9Rrhl7xmsxLrbIrzZWqtBcyea6ftrgoyfSU2uU9n9d5Jqem8MZF6l3cUjbPxhaRQFNILY6zrdiu1FhrRA47quNgaK7xKPrqSz9QICHiQQqGxA4QhFjUX3XRQ5Bdvz9vmQ5G9+n13y5ifbCFyEFooYUWWmihheazEDnYxw7iCxyIBgwrXwf5CAGUYXCsfbea4L3Adr+WQhAFGISWAvmwjoM9+tvesUFEIeLbz4tnRfx9Hug56FM10KOq7BaJMG43mpduQHbe0/zvNbnPzDT32VWMeWNry9f74jjf3OMJbtmRbkFV+9fFDzAtdfMori/Ri3/XQ6y4aJ6EsZbX19dw4SK9pGNHj/vGv3CSsXar4/DUU18EADz7PD09V5oDVn1yt0pvZVmVEyHFOKt3MDfH9lrytGx+jswfQalEJMCyWcr6noxxPCN5zk9ZiEcyRi9lQopvVgFvZbWsc/oRgniM3kxPrOXJKR53QqhIpVrCa6+f13joZZk637lXXtMnsxEiqgGwtETPaXXF6lrQQzZEoCsWfi9uehmQcT7y8nK7LdOcj8HRIyeTYXw7m+I+40UhBn1VXxRC0havwVF1yZ0tclbaLcV1hc7ENP68vNpKift15Xk1xN1YvMbY/GhuwkMVmsoU2dWamZrhdYzHiSi0GhynKQLed4zqhKV10xHhNXvwDCsi/uEfsrbG3/17rMT5oQ9RDfPsWdbwmJyk9x5PdNDp83qm4lr/qo3Rb6f0neO29W5wR7PF+6Emj3t7i+187WtELT74wY8AAP7lrz0PAPit//szAICPfZS6CLfWyNnpuz0PAWypHkVM6M6Irl+r0dYnzz02JnXWCY7jjVeJOLniLKWyXOP3vouaHidP8/56/lkiK6mWEIqC5rdZx7x0CapVjsPqdtgzqCOORVGclTw4P8apMcR2V5yDsQnul0xzbDXtl83yOMv+sJosKVXQnJ87jbUNIkI3bnP996SpUC8RQUqpDoTVBSmKq1FvGErF+XIDz2HTlTF1Q7tfIqa062Ur9L2sBK9Sgm0IZsoF6jk4nsLut28hchBaaKGFFlpoofksRA4Ctp/OQdD2/D5Uju6OWQoe5UBtWODTsZxYe1+LBb4HkQP/26ip+MFxhpAMe1O1N1LTTPAzYY3fMEAMTMnL9R3n9k29UexlsdaLBeYxW1W/7Y0aMlF5+KPy5MqM25crYvaP0DNOK9ZqaIcxf2PxiL7zV4tzp5L2ls7xPniGcXOTYLhxgzyA5dv0EFdWb+PUKeqzm5JfTGz6uLIv/uqLVLJ78SWy+KNxsY7Vs44yKbZ3iGb0pVFQ2qbHOC9PclQe1dYGxzg1fURDc5BIio8gnYNR5XEXFftsyGtzhc5EExxvr6M6BvoelfJhXyqOpsJomgP9lry7cXplE5P09p979hkPCXj8iccAAGfOUKHu1k16kTeWiIgcmVsAMIiljo+zjx3wnBF58bbUU8pScMW9aCmuG4txe1PebafVwZiUCs0bLapeR126HbmUxq0aEiM5jsMqBpoehPFnIorr2l0S0do0zfxqVdr7Wkduz+7dKJLqn0keTowTvUlL6c9i7okk1/L2DtGIi1eYpTA/Tw7C9Rv0nNOqKZGWouLn/g0RhCd/gF78uXOvaX64fuLpKiLy2hNxnTvJ69UXYtJpsg/GranWqFGxuMhrOTnBDIipKXrer71KlCwe5zr5W3/rxwAAn/23vwcAmJ5h+2fuZRbAhctvIqqVbp918VniBV4LQ+tiLvtyUfyGh8a47gvKJFlXbD6/LdXBAtfJuPhHDz1CZOWVlzhf/VXeq2PjBfT1HJxS/yz7pqd7r902vgavTVNclJyquiZSPGdTKE65RJRvPMH7Iy3Vx7wUKXuRvuaT1zSqdTM5cQTHjyhD4vYSAGBtk5wbxHrqG9vuKtMoIT0Py+6CV0nReGRWg8dLV8B+NtCROdgOUuD1UF44h5awEL4cDJtrD7y9qSXAXqGiwe/2h3543/2LNA2O9bdh8JA99JzBDmrQFlhgoVkRJO8PesQX5hhue09FjmBGY+DTE2oSzNzXckklVahlhEIk/RZvvFKVf/hGMgUUJP9qDxqD9xaK/INZa4js1DGYjJ9dwYcp/ZGAyweMPXhN2rWtP4b2R8ZEoZZXJG5ylQ/wJ97zGCJR+2MveWCJ+PzVl74MALhxcwnAQN625yplTTByVH/03Aa/t/TAHi3yD9eReT78uhqLkZty+sO2vrbpvZBZKeW8YHWTot2tMDwSl5z06AhfHubnKApTESmytE2Ic0TwqpviuI1UmLOSz0ppu66xPfv8MzgicaYnnngcAJDMcT6eeZYvRSlJ1caSIuRpLaaUXpfQH7K2/phaKMOx8Ir+gFup2mqNfUqn2de+k/Tgf3sO2ufMjIr7SOQnleFcZ7JKrxMBzcJwEa3/lFIgrX6urX17mbSXCUsVtEJWrXYLY6Ncv/UG5zaudZJUm1Y2u6mwQqXK+dotc03HJGoUVUGe6ze45ux+q0hu+o+VVmivMPUKr1kyHvFKSrc7BulzHFNT80NHAO0Wr/vMLLevr/LFze6DiQnOXyTCvty4QQh8epbplJ/8xA8CAD77OYYXihPcb2pyAl29iHXNP4FJESvFWaG+Qp5rarPC+Tp3jgWYxsc414o24dpNvgTVVF55usiX6okRpjw+8QHKi9+6tgQAKJU3ceMGhaempjnnMzN8IY0rvNBb4XW0P8AZpfQmJX3dUln10VH2EfrDHU/ac5LXrqy+j07pZUFMvs31isYcxyMP8/44ssB784/+5DcBAIs3GZYz0nSvZ4XZqpo2ewZ3hmYRg4vYNyfM3A4jwPqfgb6/I0MSS3djziEGAw6lJcdxftxxnF9zHOcbjuNUHMdxHcf5vQP2XdDvB/33B29xnp9zHOd5x3GqjuOUHcf5quM4f/MwxhBaaKGFFlpoodEOCzn4JwAeAVAFcAvA/XdxzCsAPr/P9tf229lxnF8F8Etq/9cBJAD8JIA/dRznF13X/VfvoN/7nWlIonI/st9gu8Hw/WGUwHO//d/3vPd5bVnqlT4N+Yd9GvHE/92T5NS3mGvwvIMhkHVo297+e2eJmtiRCS5ZiqZIQSKJ5WJ8k07H6YE2dpSqI6/dCrOMFyfgyFMeHSuoTS613YogS/WhLU+yJTgwX+QbvSOi2dEZtpmSR72uMrI9ycuaaNKtaxRJ2SqR6PhxEa86bhOrG/TKs3n297XLLIK0JUhx5hi9robKwlblnfckLNWRnGxEaYWZNL3Z2RkiBrksodByiZ6SSQN35JFl4jnUJWaT0rizUY5rd0fzoVS9WXmGRijM53nOK5d4W+Tl3c/P8Fpc3aC3mlR6ZjrJ49Lq0yuvEhWodSvIjVNSuThPj/mzn/t1AMC1m/Ta0nm22YyqUFdaYZgMr123o5CHQh/xjK6/Yx4UIe9EzkS02E5NiIvTLCAzxblzhUZF4hzfidOEcpeX2cbINN1YK4LV6/FaxaISlulZ6WqJRhlq4RoZzIrgWGhMYlKClXcqW5iZoHcaTVmam0IXDfOU4zont8+MkVhXU6hCHFlkVBRp7qjkqZUS2d7mDruS9jVUqL3L32u1FqIq/tTuc+1EeyoUpVLsUwobbG1w/AWVLo8d5f2ys0NPeGaO+8W3uHa3t7iWXxaEf3yBffzQ930MAPDi+acAAKmCg6xQuVZdoS+TS7cQnxCVTErFsDraX6RJNHncyAS/l3Xf3FjjuVvyqOsq7FXRtXzwBMMMK2sd1Nsch2VbN3X/Zwq8Nxfu0TyIeHlVBaSOLTC0MzbCdbW1Q/Ls9BzH2+lbyWauI11K7O6w/ZzkyPM5XuvKbh0t5c/OTPJ++MT3fwoA8JWvctxXFhm6cR2RGpNaCDFdQ61Rk6+PuCJu93j94UkhK0RmIWIjKDoRD0XwwmGeRL+s608/9xdqOpy4wmG9HPxD8I/2FQAfAfDUXRxzznXdf3Y3jTuO833gi8FVAO9xXXdH238FwFkAv+o4zhdc1116+10PLbTQQgsttNCG7VBeDlzX9V4G7lSy+B3af67P/8VeDHTeJcdx/g8A/xTA3wHwP327J9qPkLiXoGjCRAF+wB3a3e+7n7Xg/xfbtq0HEFECxAHGnJzhTUOIgZ+I6PXbEAKPQGMERHo1MceEe/hZ241oO9+ExyfopU5O8E07k8khIbKXwnKe2I+l8rXEKKq36AkUx+kBJuLczwrwjEm8ZH2Zb+nJjEhTIiSurDO22uzwrf0Df4MExfFJHvfSK68iLRKTlVy2csCzSmG0tKaO+jiYSxN/4uaouAo5CfHMyVvrSHhkVEJFY0JQNtbpDfX6Xezusn8mgxyNmTfOcUyKWzA6yjmOp+ltbJTYRkOErBP3kES4ukZuhUnb5pUKOVqgx2mkSyuyFIs5mJujp7y6SgLiN7/5dbXBcxkRz/hSaUn2ZtOcy52m0sEy7GNGO1bqRGuM7Gcx+574I0boRLeDnGRsrUxySl67lYO2VLYReYIbGzznYA2zKYs5m6BQq6m0wo6/yE1O/I+SyIR5tbu+suGlnOZUzKcqzkxSqWpHjxAZ2lIZ7HtOc+7LQgJefpYx9+PTRHtymQWOV2u1keY16zbVGSt5npWH3m2jqRTLmAovQWTYzU1et15HqZ8pIkNGWnvwzP2aH5L6rlyhN3vqJLfPTvNa31LRsMuXKERkGlHj4v70ulVERArOSNwp6ogPJJGwVttKMud0rMpJizfU0rpwu1n9znmIRaxMMsfSbkk0bYbtXhZfKF/IoKR1Xpe8elwIWWWZJEe7t0aFqJ0CU3RvLRMVLHQkjy0ibk6iWq4Ii4tLHL/3TBxnX3r6cxITqpNOJ7GjNNiSSljHRY5+//soQT0uGeU3LjH1d6fEtRtPmpCV0muFWnk8w4gRxL0N/H9gP9fte+iuPXt6gRTGgzgIb1+2/2D7bqYyzjmO8/cdx/nH+nz4Lfb9qD7/Yp/f/jywT2ihhRZaaKGF9m3YdzNb4eP6zzPHcb4K4Odc170xtC0LYB5A1XXdlX3auazPe+/mpI7jnD3gp/tduPsWXgranVIc99t3D3IQ+N0kmJ2AANFBxZ+8c3qfQ//yRI2CHAPbw18u2hAFL41O4j2JOD3EhEOvtN9W8ZsE396PzDJFcFy8AkcZFegDpt3kRvzjNxnoqNIIJyVd2xIbHUr5O30veQ3bG5K77TPOu7ZJL7UkeeG+vJwzjyywr1l6Oc+8SDGY/GgGrmKdiST7N6HUvLLK91qJ1ZaEZUxYxwoGxU0eWZlKJ44zdTOesCI59BSPHGX8s76r9Ln+cJlgjntkxMSeOP6CxJ8sJTEuL66gUrMrm/Tyj0nMKCsOQlnytyMT4jeoiFBCMewdpXIlleKVy6cwOcV9X3+DHo8FNGMxlQ0WqmFIQlPj6otr4PQVg1dp7oRQnGqd5zJ57bjQjI6KhCWVeVKuNDCq8Vpxo7RQiYEEtQpuKbaeqikdsmO/99Q3oTwRK0TGr5YVYhK2yaRf6KtZJ8KQy2Wwskwk6cMfJt/h9k2lqqrEtKW/SZ8JxSL7vnCS13npMr3aSoXjv/coOR2LSgmF3S8x9rHRZvsxiUZ1uo6HHKRU9hwprhNbH4asdJVKsCtuzvoahXpGikofljjU8jIfnWfOUBTsxEmum4w88cVFPi5T4ry0kUK/bem1Ss2zDM+2FQji3DeUaWNtjY9xftZV6rvb4LqwImiRAj87baJ7W9u3NBZxMOaIxJS2oujpeq2u87dFFT07fpLoXG6Xa6hQodd+31FmPCSyREBuLfM+abat2Fda88g1OznJdl5/nWmJJoq0cIrXMqZUxkazjnKZiMGKhKLGdI+ZIFksw36PTsR8bd6+zT67MATBFqWVcNaalXnFlQIuugmZAYOMMU8DyVAHb3tAbM91Dy2V8buBHNQB/M8AHgdQ1H/GU3gSwJf1QmBm0mDlA9qz7aOH3tPQQgsttNBC+2to/8GRA9d11wH8j4HNX3cc5xMAvgngfQD+MwD/+9tt+i7P//h+24UovDuwr/12UFtv+fsdOmJnHvo/fEWcfG3v1VsK/GM/hMGfteAEsxeMHStxj27bSjfzbTub5vtWLsV4uNMzQRF+Hx8nxyAqtrqXF+1E0VA80lFub0fiP+adj0twpqpYcUzB0Hvv5Ru+IQxXrlJw5eaiYpFRZTMoDijHGCNTHNPSdcaBJ2Ylt1taQzbNN/6s4s/lLfbT3tBbLfbBrmdCAjJRecBWgOeoCu/MTDMWvbJK7216ktwF4zJ0uir6ojz/aBQYG1MM1PgJ4hYcOcXxlhTnHJOb6hWgkmddUMz1wgWW3I1JeMWkb205WQy6vLuhvnBs+UIK+QK9rmeeeQ4AMDVFBGVEWQqGELQkTTyqUrUxefV1oUCJGD3CmErTtsUfMYGqjLgKLbHYzQPtu33kCvToKqWGxsG2jxzjuUrywiemOd4bt3n9Wx3ub0JWjldgSoXHPCGvlK/PLWWJpKUrYdckX8hh7ZaJWnEdWPEnm4ea9AgK0pRY2yBwOX2EHJv3vJ+R0OefIxjZbrCdXIJjqce51lPK1S+rSFQiafybuMeMr4CerOk8JCSf3cro/pCksfSTUC5zniYnuV5Onzru68vcLO/RBx9kHyfG2OcdZTNUpdmQiOXRV9y9r5LchuY4yk7od7lu3K7Eoersf0rrYX6WWRpN6X/sbpuMMtfJ1KTkqJOcn60tIglvdogC3n/fI9BjAE6K+9RVSO2Zs+TFPPwYNRLampetl3i/PPbIewAA9z1IhOTNN4mM1C4KzZMGyeQUuTiPqLDZSy9/CQBwS2Jpp08TeC6O5ZBIct/SLu+lV1+l7HNOSEg80/SN56GHOMejBT7TFiU21mqTZ+TdnMpicD1ygQl5KevNK9o38NkHOjjaoKasYFcQxOYz7HCgg+8Z+WTXdbsAfkNfPzz0kyEDI9jf7oQshBZaaKGFFlpob8O+1xQSN/TphRVc1605jnMbwLzjOLP78A7u0eelb/fkDhw4jvMWxZLg2x78vd/v7/nNUxkMoAvm+URNM0EepZ0pEkAUBlLNfqXEQZ8G5wnqNAT3Hcgl2wblAEtVLFhAp9dV3xT3HC1IMVG5446yNow5v1upoq9jYlF6TYYcTE7RI6xLPa2usq0PPEgPelvSwxcuMI95Y5WeXkH5zhkx6isVvgtOHeH2rQrjvMmcUBARBAqjOc/rKm3JPVHM3Lx4J2Lxb5VyljdqsfOo3uhPnhBDfJ2eVk/FTtJicRtfxIoqmbLiyEgeEd1q0ypWMzNL7ySTk1ywy3Nn5d3X69KOGKfH1+ny+4ayD0bESYgqB70uz9p0H6xMbLPF+SuOpdCRrPGt24z9puP+jJATJ+idbazRu0xLGdHy3SOKmWakeNhS7LituHluVF67OAvdrvFpTHLTxY3lJW4Tf8F0KR59jFkmWzu8vdtdZZAoT73rKuZuaIwgo1jEUB5ei1ye16Ld4nx0pHJp8V3TCWm26ogm+dtrb9AzPHWUcfqMpJeb8pBHiioGJnW9bz1Lb/a9j1CG+oUX2LfNdXqa0xO8trvy7h2hIwUpZtZbRBBi8ZiHhJhseEeci1qN59oRB2U0T5TH0XjtOne1Vk+fYhy8K2jhheeJDtVVuOyJJz4AAHjyQ98PAPjCn1EyPJaOYbdmnALOvT2rsnk9hnu6nm1pMGSsD1IlzHNcnTSP29rmuJuSnx4RJymfGdNxykxp8HF/7vWzOH2KRZoiCaFTOnVUGSVnzz8NALjnvgVtZ5tXv0DuzSc/8UMAgAcfO63x85pe+xY1PB64X0WgTvL3D6sY1pe/xmJrly6xnQ8/+SHMCHU58yDRhJ0y+3n2pZcBAG2X10a0BkxNkvcwM00E0fgiN1QavSQEytZg33u2259faXJEB9lkQa6aIWP298IQZk8PwUuJOLxswe8Z5ED2fn1eC2z/ij7/o32O+cHAPqGFFlpooYUW2rdh/8GRA8dx3gfgZdd124HtHwXFlAAgKL38rwH8LID/wXGczw+JIC0A+C9BOuhvHXZf75ZTMLzf2+UfePEnebGGNMSi/ve2/gG6CEO5FfqMeFuDHIMBvyGASnh6DUqClldXr4lDQEcB87P0erOKKVuZafMCq1I/bLU6SItlbVr4IyrAtLVJr2lDXtaZh8kU39ri2/n5c+fVJxVvyUkpcJSeQjyhZSNVsk6USEPPobeSlhfcUb2HeCSPlZuMT0aU89xsyhs1JGRE/IcIvdW2Kf4p7/3USXrUVmNieZljOC3NgYIU8ozlbHnwXsFVN4K85mxyivHoo0fobZTkPU2Oi9+Rs7g3jy0on//5FzkvBTHB5+fopVy/zRiroQFTk/QwlUjhIQixeA6Li0sahxXa4U61Xc5DNk0PENKcyKi87eaWPF1DnLRyrC5GSnHcoko6C5DwtPrTor93urvoq76FwVvrG/TClm7Qy7p4hczve+8hIDgnZKhxRfFbmSFSrngPMXld7aZKoLuGmhknw7x36RxsrqCDmsbHuPO9ykJx5I1Z0aMRxZonjvDYs+fplT9/9lscfyai/VQESjwQCA2olmuaH16bnZtES+KRHlJCQFzvMWCKfhxvuSJERPH7nK5JTffa6jLXz8MPEXl56EGiW2++TkVNy04YLaiE9/F7tR/3f/X1V9BrK+e/I4QgKkRQyn5xFZIyACgn5GAswnuyLR5RXveB8SiqVV6Ljkp2Z+IcvxIs0NHabDTbeOMC+zujde1IE6DVlc5FjN/fvMj1kVOJ5Z54Ur//h8ws+OD7nwQAvPtRahKcV/2HL33lTwAAj26Rcvb4u/nc+aEfopLqZ37vdwEAf/qFf4ePfoyFso4dJ1/hve99Qn3iGnvhZSJH9Rr7dr1OjsHWFpEX0/LodImQWHG9QXaYrU2zO2em7clK8LZbE5YedufiTXdrh/Jy4DjOpwB8Sl9n9PkBx3F+W//edF33l/Xvfw7gQaUt3tK2hzHQKfinrus+Pdy+67pPO47zLwD8NwDOO47zOVA++ScAjAH4xVAdMbTQQgsttNAOxw4LOXgUwM8Ftp3UfwBwHYC9HHwGwN8G8B4wJBAHsAbgswD+leu639jvBK7r/pLjOOcB/FcAfgEM1LwE4Fdc1/3CYQwiqHMQ9M/vhAo4jjOUl3p4SlVvbX4tA8dxhqotDqMJw4cEtrvKAHD5Sh+RImJSb/qFHNnGjRr376iyXVZerRXl63Qsxj6Ghsr97mwTIWg2rQQrvYUzD9Ez7PT4u1VRnJqRpkKPfRkpEK1IKv97o8S6CA2Hkad2TfF9eTeGYiSTlpnQQzxGj7gi/QGrZDk9Ra+0qYp4EXnSmw16dualHT2yAAC4dpUewoMP0sM8fQ8RhbLiusvL9BxMkTGuEGK71fW8iaKyFDw9gts8V/6oVZ1k/7vq0/YWf6/v8hwzQm+s3PTODtGKvMrrJlKmIEmP3ArAVau7uHz5qubGYupCTtTfG0vsvykcmiZDTOcq5AvqO/u4uyt2fpbbx8aIirTEFzClTS/uH4tguyTFRqlrHj9Brolp39cb9MYMYbDS3jduklNiKnSZnNj8WntWIdJKP0el0FkUD6KlynntrsV3gXqXaNNORfn8quPgyCM2tyyie6tQ4Dnvl3d+7hk+qlpV1RawjIgK1/Sxo7x/3ryimhPiphTyvJ+2di9jrMi5NuSjL+6IE7UywPy+rvog99/HNXfzGq/vlcvMrU8kvgoAOCFdgMfeTQb9uZd5v9j9pUrQyKn+x9TkBK4uco1ZueiaShK3muyTralsQaimvPpRtbGr+6rd5nWfkmKqREA9vogr/ZCk1lOxYBoVa2ip6uTKKu/radVUGRvnnJtqoWlPtHq87yNSAq1rYH/11B9zvNIB+cFP/ij7Im2JF1/gPNVrvEaPv5cJaj/xk58GAHz5qb/E5z73bwAA9z/A+/yhdz3KOX2Mn0khRc889zW2pedFvcXxVxtEMQaqhpyHiNa8Y5V0hSgE/1REIoPndX+Iz6Z/+Pb1nvtCDJxI5HurZLNqJPyzu9z3NwH85js8z+8A+J13cmxooYUWWmihhXZ39r2WrfBdNxcuAuUKcLcMUAeDiob9u0QOvGyGoR4Ag7fOO6IV3j+GeQUHqCnuUV005IDeS8Q1BUR676Zv0Grw7Vwv/sjn6NU0VW0vrti65bd3O13slKWVrmyEtCr7LSzco2OJPly/zbz98Wl5n6M8dzw2rr7R81vfXGJ7XeZIuzF+xgyp6dJTtApnjZqx1PMeWmE0l3nVGGjLo3Wl69CSApxxDZ54nDnUbTGmrQ7C0aPkCySlNVBdpdJeQ2X6jh09qrErI6PWwJiyDqwmwPo6Y8UR+HUPaqrBUN6h91bx9A94fFpqg7ducD4aDXrEI9JBSCQ4/nrDVPiUz96LeryWuHQcYglTkVMQWDHRZFIojGPfU7556Uul0DQrLP6fUHZHTVr7MXnvSSMhoIzVNaITI6oFUSiw37ZeqkKCGk1DEsQDUZGOqOCYjuo2xITA2NqTKKXHl4iY9ypNi67mo48e4kKjespsMIW7x89Q+bMtvYdCnvdFXujPVs00ORi/P/vci+qzvFtl1OzWxDUYVX0HqfKNq7rjZuUyWjq3o+tqiFJbSEoyI9q+1PZeevl5AEA2QfTBMkNu3JBCoDIBEgnO07Fj4raUyJ/YVraL1ZpIJZN4l/gH128t6lxCfFTPw/gaxhsyPY+Ia9UrhSAKvYnF2KdkiihXucJ56EmBtVrnRRnJ8ZrGY0lsbBHVavd5zo1N3t+j0v3I6b6p1wR9RK0+hbQktIZd0fivLJGb8LkFGAxUAAAgAElEQVR/yzn/+A+Qt37mXQSz3zzP5065ynU3d4TPhNOnTyKVZv+ef+EFAMBtIYLHj3NdeNojquhYaxCF6AoxiyWEGPRM90X8q54fVTZ9A7PhZ733b91rg4oK9uyGr63Bdxyafa9lK4QWWmihhRZaaN9lC5EDn7mq+x5glTr+abJqZfa2ZmgB+gO1NU/nIFDnYOhU/LCYUoA7YO9tLvzIwqASZMTXPqxPEcfTMfBiXZGI79PT6e6Ktd6jV5pK8E042hcyoPhtJqVc69Gstq+qb/LOi/SkakI7NjbW0ZZe++RRIgAzM2x7eYX6BcvL9AwKyhSIi6Ufy+ttO8pzXL9O+YpSmW/vkRg9B2PcR1r0wmIOvZS64r9xZSbEEgmUXHph8wvkyrbaimtLCS8hrkG1xHPMzbBN4yRclUrjydNUYRuXxnpNXINteTkzk2w/GeVYmj1VuUMDuRznOK8Y+Dee/TIA4NR93D42yTm+eYvM+ZpqACwu8fvR4+p7h+fc3OE5kykiLqmMqh0qVt+UMmA0wu257DT68lziqvznRPlbUtkGCas6maHnm5QaXcqhd29qlFmlQsTUTky5+FGtr3qJHpRxUVx5/U68i16M/S/zAxuv0HPbKnEdLK8uAQAe7ZNVLqoAoBz7ZMT4Ibz+Oal1yplDtcRr25XXH9WY+6oYaVkAyWQfkTY5Ep0k27q2Qu/11AMPsg3ddWslxvsfePSDAICSqjS6BR43MkavvaO49gMPMYvl/HnGvdN9rQdp7HfUh0J+CpVaSXMYU7/8GSHdnmlz8PdaXZyauJCFnCEL/OirwmqpzPtvdprfUyneF/0O56ene7xd72JK6zmTVlaCYuE9/Xmol7mWRvJWdZH3cl+chIbudUOBXCEKVhnUEKSqnieRiKo6Nnnt3V4SBVUTLSlDqinVzUpNCp9CX9pC41yt81hS1U2FCjrS/XCFet3eIRryx3/x/wAATpwSctnn9hs3eX+1uwvc/1YWBaF4736MvI0XXyI//pVXyNvITXOtNqQP4yaEFvfSmltwu2VzeXwAztOg+i00H/5nuuu6A46BdvWqSUb96IMhCa5XSffwshVC5CC00EILLbTQQvNZiBx8hyyIFHxbdRj8LfvbCdS5H/63VxN8SHkLGDBfLeSVEhs5FmUfO4p3ZhRrTqnWfLXGeGVHXunIiFjvYphvSqug3W7h+ALrEIxKn2Bxid739jbbGFM1RtMYyMpb7fTpKr5+4RUAQLdT8/XNKkc6UGYF6IWgJ+9VWg1W1W99fQdjxXGNUzXiq2QXRyI854piiqZC9sgj9BhqymM2rfn5eXo35hFt79DziYmzMDFBL3Znh3FzqyCYyWa8Co0vvcw45pWrRFB+7NO/wP7LW8toHq7foGdTV5w6mWLs+LXXiaRkpayYkMeQV1y8pGyAnpCk+XnyH1LpLFZukxthHIr6NtuOixk/MlrUJ720rOLdnaapLnLdNBRLz0lzIaP8fqtV0WzRQzYdBBs7HBe9Hv/dlbcZcTiOhipAGodie5trKZfm+miqVkc+Lx6DYvRpebvZtGptSLYuolodjrfGxQNoDKK3vaHrAwC7ZXqlt1bIPZid4hp++hnqGRzRXEJr8OZ18V4Ua6/Vua7Md7vnXmY1rCwzJp1Mc92srjU0fyOe4mNPfJCOxCHSQmdM0XEQpxY6I62O1GhevysLQ+OOxzm2NemJtHVN8ord5wu8L/tuHDducq1ZX0xjIJm2a8NjyzviUKiGQHFc1VgJfqCm402rw3RWcpZJpHvT6qi0lRW1ubWBjtZIXghbVyhLrcXGeztbGh/nQUknvgqGHBB0bmi+OOflXbZzXnUSktIyiQiJrS0RiZgYn8Wt1Vsat2Ar1Z6pNnlfb90U8ihCiz1HY5aeIW0XT4K2Z2iyXUv4PvezPYq6Pk7Z0HY7uU1DJLJnn3dqIXIQWmihhRZaaKH5LEQOvsN2kN7B3SMIljrh5x7sjVP1htr1t90PZD5Y3rqx7SMR6borFp+SUl5HeeDbijlaLnZaHsVOlfuXKjpOSMNoMevFBG/eMvUwerSmfT8zS3awxbt3xRq+fO2cxqmc86jVRJeeu+KcqTi9k3iM3ke3J0VFeUY7m8qSSOWRFpN9c5OecyFLz+f2TX43D/L0abKRc4rjlkrs08IJKqUVxzgv5uWapzQ+Pq0x8HujUddxZJSXytu4orzr69eZx33PvQsAgL76vbJCz+jyVSq6XbxENvXxBZ77yhUqyLVaipmrDkQ6Lk9Zt7LCnMgJObF6F71O36slEdXaEVUAUVM0FFM8L22BUatSKG/fxtXRd/MA06ms73irzhkMmKYSSc/zban2RUrx6K5Y5+ZdtVUHolwuqQ9s0xCSRtMqCHL8maxi8ZaBobUYUYzW+ugM+0Na9315kakU21hZpqbC8SNcD8uq3nj2LLX1H3+cinkZ6Ro4Ua6nzhrXxZXLvMYf/D7WMShtc/uS+BBRTfjC0VPoKXuiLG2EtGLoFpc2Pkcuw3Eb1yKvNZrJqRaH0JwJ8Qcsq+XSxYuaH+5X3mUf7rmfOfy57AguXlLtDHFILMMlErNnj7JTmnwObG5wrRZHuMayyl5aXuE8WRx8aopoV1d8j5GC7S+9jAbHmogncHmRSGG1wjaKRVV8rfPchiDANbVBcUksng91VfNjCJV51lE987pdq4ip3zXEeoPtd7ddS+pBTfwGAWvoax6iQgq9ugZ2Lo+D5nVGG2zNqa+u/76wZ/l+fysO0s0xakHE5sEZQlAOSecgRA5CCy200EILLTSfhcjBd9iC1bU89auARvYgk/WArAb41dqcPVkQwzmy8P02rLg1vN3efGtNi53LO5eX1mvzLTwekzcWp7eyW+f+TXkSMW23+uadbhXLK9zH8spNIXB6Zkx94Nv2xhaZ3jduMJYeEQvbdRX/FOu421EsNaKMCleeheKW6Sy9uJ3tXZ2XY5wcn0RVXlU2I9a4qsl1O5zTo9IlyEtDf1vxzckpemGTk1YzgG2WpWtfKMhz7HP85uVO6bhGk325fXsRDXn8jtj2p04v6BhuN92Dp5+m6losQS+l11csXgpyNo/xGK/phDIkrM9RXcO0PErHNbZ+F3Ex4q3iY9LUFJtEiI5kjugcVimS16igCpCmUmfxe6uZkFZeeLVuFTHlUXlpMfK4olHYgu72iAxEher0jG3uWBv83pZSpOX/p3VuizWn5CEbV8PGPz3FjBNDXja2pNRua7/fR8JY5kIxMqpCaXNdUjW+nOZyaZGIwknV2jh6lNkr9QY94Z6Qk4T4AlubNl9cJ5ZplFVVy1Qug7lp9q8ufYeI4vJWG8L0TsxDTilzqKcYfUsISkdjWJL+xUMPPqi+a35V/XG0yHtgUzVOxsaLOHqUmT5HHF5/QyuefZ4sfataasqaNel5LC2J/6L7anLCKogqM0QaDjnVXOiIg5LT+K3q48jIqIdsvPwa139td1vHCr1yeM56i/O0p+KslppVKbXnpCtUsG8VWLW959j9xXmMSPuj0a1a4hckT4COy7mNab0Y2hO1LLZY0MfWM99Kq9iaky8eUR9jAQTBrN/v7/m7YRbU3vH4Y3rG98NshdBCCy200EIL7TtlIXIQMAeDyop3U0vhoP2CSMEeBCHQhuu92fqPP+gcFie3RIRB3GrAgg225fXNvDd5ZxFlApin15KXkVA8O6E4aL1N79RqyMeTyqEWYtBWBbVet+udw4J6SenKJ1TbfnWN+cUbqsrnRKTGBvu0OveKj4vVnkxIaTA2oz7SCzF1wlqVx4+PTandKNpS08uqst3yilT6FDMdL4pj0bE8dM7LwgIRBcvnt9hrH/x9QojCyq1dtSfmuDIPLrxJXftms4qo5nhE2RtjyhVvKhNgaYncjJ0dVWmcYhzbvFfznC3On8mIbS43p93kOacn6AUar8AUAnu9DurKGW+4RCPiyqnfrRM5SKZ5TFrxe9PBcHTurnEPjPkubYWITmKxWKulMMDCuNqTyaSntw9HfWnQE6xJMbPr8lqZumRMVPi0kIGc4tUtrUGLJVtFSGPKl7aJPI2O8jMlxnxM3l43EhmqcGdrVPogbW6/tkjPeHaK3IPJca659TVyVaan59QHKebllYEzyr7cVnZIBJyX4ijRrkqV26vlBlJC3Yp5/tbu8R7qdKVmKcXLptQoszlpc+jea3W4PSfUq1zhtbx+c4ntFi1rh5wGy1bY2OT30WIRKSli1hr09MdVufLUCeo1XF1Sfr/WXFfVBu1cad3b09McQ0OVMXcrUtR0rU4GjzfFzWiU36v1hKfPceZe1jo49+Y3AQClLa6PmNApywwy3osbQA4GmViG0Npz17hLQgy8jAId7hhC00bP9Amifk+/qyqbhlZEHD9CZrwYDxU2fRn4uujxHOzTjne9Wgzugdltg0wHqxES9Y4BBn8XDsNC5CC00EILLbTQQvNZiBwEzMUgej9wuAPxHzfALr2LzINBnD8YQ9JbaDSgW2DxKeXpRgLKiQMlRa+33meQc+AEWLHWtr3ZuhF5enpj9uJX8uIb8gSdvvQQVJUvIgm8do9ensX14Ax6ZehCRFkHt5eXAAClkpTOFGuORPxvvI6QAseVXnuEHuFInpkBqQg967oqC1Y8HgC9N8uKqO7WEZUHUC7TC5mYUF35gmrCW/35HXptxhkwff64x+LmfKTT0r9vGkuZfc8X6N2+9vrLOh+9/pm5KWxs0FObn2cGQ1ws/VVxDV56+azOyfEawtJU32IxjieVoIeYiNHrqkhqMK148GhB6o115WjLG6mUd9DtqC1d3y7krfd5DUxfflK8kPVlzkde1RhNtz4lL95i6ykhCzXV0TBOAnQ+8/ISyYS3DuLS/m+Jl9FUBsjAw2O/M8pGqO+yj4b+dIRuWbZCVpyT+TlqE5x/9YLGLT0AZSukFdvu1CKA+Cw9T2RUiJiUDttt9s1qJpQrRM7eeJMedqnENXfvfeQNlHa4v2npTyiL5bpULiFVz9kZxvZrtQZabbYxM811cf3mrvpgMWShfPDHyE0xsKZ5MXa+jW99g+tqRGvcuBcV3QMjUgFcW1v3si5apn8hFG52nihUTTomdXF15uaImCzfVvaKng/GSZma4nF5ZSeUtEbbHSFREa0HsK9jYwWvJsTR+Xs0Xt5r517/OgCgIXVFS61xTPdEHrQhr+Y5OzF79g2eiz5z/dleztDvg5oHru/DMiEcrVFP+TNiyqP8c9rzkAB/ppmhqXu7dLDgwV5U+q31cr59HZ2BhchBaKGFFlpooYXmsxA5CJrrDt7wnAPi/q4/C+Ct3tUOQgoGvwdywge/+I5398AZ/spe/nb9bXn9DNR7sHhd396iA+MxL85+98S4TMe7Z33s+o4jMuHPmd7e8efAm0cUjfN3YzZbZgT6Qhxceq25LOO96RS9kYrU2qoVtlssSmlRMVXzIPpuF+aFGnO7IHW4qjIFjBFv+g15oQ6xmOWaq0qdvNVikd7r1Sv0CFNCEtbEozA+RTrL7eXyNvpCZQry5CLSH7h0iR5uVZoRs3PSbVc1QtOOyGWJiETlbXXbPD4lBrXnYdc4H8mEdPIV70UfKEjRcEeaAuWGPF1VOrT+CqzyMgrkYHvrI6V5Mm89X5C3Kh0JW9LW97jWajabRF0cA+NlmL6BIQiGGHXlIZuqpVWCNA/Z9A4MOTBFyBFxD6xi3vgY4+A7Ve5vFSmj0SjgcLyDmK94PGKpu5bf36ZXW9klcjAxzuNu31ZNjVles9FRY+WLL9PmNUwKtehsrWuMPL6QG8OqtBEyaav8yH53+vTKTXXPq9Yob7UjvpApkFr1ypguVlzozsoqs4HuvYcVJI3zYkqi7WYXu7uq36DnQluIz/iYeBz5dwEA/vyLf6btHE9WWhq25mritFiG0siosjSEepRVeTORYrtN3XdOs4vJSfEVbvM5MDPBTJBHH+L1Pn+BHITdmtZYSqqdrnEMAs82L35v9Q00RKtJY8+8oacWt7uDjBb9MniEq2ZExDLHgpyDAA/C+uI9N4fPNJRV5j1//RkIPHcQKbC/Pa5v3+HMNOct/yLdvYXIQWihhRZaaKGF5rMQOQiYn3MQzDX1M2MHXn1Qs2CovcCbX1BzwI4a6Bb4t+9pJ8AxCNIeHGdvtsUAnfDHvgYYhJ/f4OXQ2jm9MQSO61sfpDoWGSASRpod5Beb7rh/PJ2uEAPzzhX3jLj0RifGGZ8dzRM5aFSNY0BPO6aqgyMj9MgbYlxXq/KKIw6Syg23WHhXCECzJb6D5n5ujrFSi4e7MEawvDfxJzY2mO1QKpGtPTu1AAA4/xpz6dMZ0/WXjkStgaQY4RZbvvAGmfCXL/PTKuIF5ycpz9li7U6fn/WaZavwHGnveF478+5LZXq7sWgMXeXZt9uG4mj88kpT6vfYOM+xvsoY8taWdDAUU7WsDltPlgngcU7UB8usiEVN3TDnIQcdr7aCMbz5afoNMfFE7LrCocdoGgoFbW8qz9/T2FcXRgr0TmsWqw74Qf2ei2jc3z9jmxsnI6Iqla0WvfKxUR0spMxY95cukc1/+j5e25YqClqWQj7HdTc3x+yXi5fISXnogUcxPcn4/eoWa49MT5H3sWa6DHYvWpVGoRu2zguqRTCaZOe8e1XzYLH67W1ew/e//30AgN0St6/c2kA6xbararMpFMIyHk7fswAAmJ2ld3/lCtesZTNIrgDdjiEEvMbprGU7GVeJ+2m5eWhQq1VDKqLKr6rb0NIaPbFwBgCQK/L3p5/7EgCg1DZdCJul4HNR6yGQBQZxmyLdxL7H8Q9AIAPC20NVbGN+5GCAoNrz0Y9KDLHB/OeSBdHkSCQy4E4EuGqGkBykZhCJRN4ayn4bFr4c+MwBnOgeWKgfhP69ybdUleH0RFsY/hQTK6npwUJR29s+/bKpgz/wgZBAoOyyF/qwzB1E7siPDJaVTqjMq2NFjQJkx8HLkT3IldITKPphKUD+dEprU8JK/b5vXye2pR0Jm6MjMlOOD550nA/LZoPn3NziH4lWiyeYmuNLg0GZ9sdiOPSTCIj1WEpiNksYGF0LH7DNhohXWcHwRpbbUaGlbz3NQjwPnXlU2ykNbXKrJlRUFykwFovi/vsJ69of5pfP8Q+EG2W/42meoxPhC4cTJSQ7NU7BnbE80+kqkpdNJrnflF42ogpTNFUkx4RpKrtlbzrsZaDvmrCQQhIpjjPWFzGtyrVrhZOWrvGPQVJP9+0qz51S6MJgdEtHTWUkhqU0u7hSHRNIQ3oy3gtZoy/ZZP3BiCiU05dIlpFlR4oF7aDUTY3FxI4svBCJavsMr+3WNteXwcxJFWaKJ9JwobLWgu5N1MaxlxqNt6f10Y8pBKL0yjj4h9ntcB6q21qTM9MaA9uv1bn/5CzPfXWJ7b564Zu4716KFc1EWKRpV0XBGhKUanW4troi7Fl6aTvGNRoZ0wtNnC8qfT0fKioaNjLFa1qus51yk6GQERVN2thpIKY5jiltGErlvHGdIYmsSI4PPsCCZEtWRK3OF5jjx04CAOo1zs+upIgnwT/0Y5Idr4vYWFMxMQv9JKMx9Ppcp6NFji+T42+LS5Sivm+eoY3qCS6gF65wPpp6SXAlLuY6WmD2zPael5bTK+ljWCjUnC4dBndPqMEjAeqzpzTTHvwF7SKBT9d7X9ULiT377Xf/O4hnLlzv7c4d3jb83VKVvTCKP8x8GBaGFUILLbTQQgstNJ+FyMEec7DH9b6DDDE8OMkdQnSCYQCv9b3nAwavkQeU5gwSGyMDPG3/9ob6t/fT9jQSjs7hhQn6QyMYtOmRfAa5Pb4zese5g63m0UMiJyaHbKmbva6lUfGzmF8AAGQS9L7KJRUzqtNjNmTAiielc/QEpE/ikQpLklmNOTGvD0nJ2Fq543ZD3oY8gZ0Sz2GiLf0+P3er9IT+8ot/znNLcCYjAt+5l1iG2YSOMirxbOWT84UciiqHfP78a77xpzJCNXJWKEaoToJY7YzKBvfb9DrN852a5Rjm50ncWl2lx2mEOyNmGrTfbDTQlidvJZRtPZvkcCaZ983l+uqmzsk2qhWhGyKsjY3RO7f0OkvpzGpM5Yrkc7P0UkdyIx4RzO6ZqEIVjmDlhERdTKDL0Bgj3sUTRtDj57Hjhpxw3lYlUDQxQc/TPMRS1Y/oZdI5tDQORZkGKJeFFVSaO6E5d3VtKjUVg4KKiaVUyOsWw01zKu1dGFPxp5LSKUU6tHTLV1677HnRx+bplV+6pFTGiEpyC71qt0XeMw+47w+FWFppVzd3YaSoMfD3EYkhnX+dBY4efpBw/f1nTmBtlffK2gr70moNy10DN64TIXjP+yhQ9K53sa9f/NofcV7YI688uJGOTSRpQuXZ5xW2u3mb7e2KEJvL5bxiX3UV95pSOm1DIZ2tLbZ1z2n2++oWx3HtukSy0iY7beXB/ZB/xPO0Y+qzPZf8qLALd5C6uOfZ6idTH2ROMMzshWX9v3v77zke8ELAgZC2R54NnMt1/PsdhoXIQWihhRZaaKGF5rMQOQiY42JPxMlDBgKxejfwksbtQXQhEMcPlF5+2/07AMUYCDLt13owuOWPjnmMggHTUG3aYX5uQdCiQ9LNANNrBpwL2xZIe7QuduhFZdP0AB0REdfXl3WcBFQUWzQPqTCSVp/pUcUV/64LWUgkBlyNMaWziVeIldv08JryUiaUsmUCPQvHGMde22AfXn/9PABge5upaI+92x97Le3SWz16lGMwpMJSHI8vLHjyt+UKvSVLp2xH/FKtyu7CxJgImCKHNWvmrRP9mJ3N61wm2NPW72P63vL1pdvtemmAhlpEoibypHTAgIezvWOkL/ZxfJzz2GmpDLJQmlaXY2pJCtoKDBkpNWpCXrEo+kot66h/EMcgLnJgXNwJW+cmYHXjFtNDT5ykmI+VJnZUkMeIm6NFroMVFf5aW2eBIVuHxs2IRROIxNT/lrxNTxjH3ycrXmXjMG5t0lI8xXMYVTrtltZJOk++TD7Pa5KQVPJRlYLeKS16Zb9NGGikyH1qLStIJZnoiJW2NgErbq/q+IzEvxx5+9MTczoH+1LRurN0u6vXrgMAJp+YweQ057Ju5ZGVmmg5rCbR/uabTLt94Ay999evPQ8AePGlFwGwiBMw4BJcvPwGAKDV4X12//08blzXbkNl3F2kUVNxtFqd+1arVoJaYme6DzZ1zBOPvV995ri2ROCMeVLfuq+goXhp6Say9dbe/1vZXlL5/rZfCeZhO1iwyPHmPEiKD0ouI4hGuO6hYQchchBaaKGFFlpoofksRA7uwu4oSTkkmjFAGyx+uX/cP5jucqdz7xVPCqYyDuMdfk/eQzwCJUC8NLLB2dSWP0OiH1DvCMbcTLPD+tTvDUQ6gsjB4ByKuSfF+JY0s5XWbTWtdDO9sqRi03nFYFMq9mJSxr2uSd/K45SEbS5X8IRkrNiMefEdCfAUCvQQj6rQUk2FiF59jZ7R4iIZ05kc21leucFPIRAFpVkVx9mn1VWeZ0LCLoXCCBav0fNNJLmvebpRFUFyQe/dLsnc3AK3t7i9KW/ORGysaFSpzOMTkrS2+TaUoCxJW9ftehkjEcXOY1HF0pWl0lEGSEVcgY11cSaUfXHqxJT24xzvlOidt7vsg2UMmFczIm/W0J5Wq+25PlEJL8UTtm6VNipv1VLZmhLH6vSsSBj3TiaNF2BiV9yvXGGfWx1+393l+M3TNgnjdCqPjqvMFj0GNWVerD2tctCNhj+tLKlr2OtIolqcjXxenxKFiiktM57gvKyvsy8maDU2PgWBEx4SFolqjrvcd6di96oQF+NJKIPCZLJ3d4VIqbiTIU35DM+1uUF0a22da7Zc3vTm54d/6McAAFNz3PdNCXPFhayMj9PTbyv99KmvPQUAePLJjwAA/mjr3wEAvvFNbv+bP/IjGgsn9OVzz2uMRENOnaJEcl4oT7PR8iScy8quWV4matcV72fuCJG00i77vb7DcT/54U8AAF44+w0AwJVr5PSkxPuxQksD5NLKLQcUid6G3QkR+HbbcV33QLl913t2B9IiB0QyvKNB7WMhchBaaKGFFlpoofksRA4CRvFJY7b6PfCB/LDfw44MZSZ4ugWBfYLevOWnRuQpHZxZsD9yYLb3PMP7Wg4sv/Vd/9umJ+sptnkQOdjLvtj/bdarVDrogRcLH3iyfkGhlBjgXWUVVHdX1UfFrWEleeldFEcX+DlCxnMhx2wGj9Wu2KvFz13FqpOpmCfK0lKuuMWhH34XtRSm5yQspLjm17/xVwCAa4ssuWzysiMj9KBu3iSSUCqT3f3QQ4ylmqRtRnnho6NWwraBat20E+g9WSlep28eP9dBPstjppWlcPUiUQjjEkwqXtsVOaGtwkyGJGRURrlUYvZCRYzxeCKKVt0KIKn8rTgHEAPetDhu3GB++7qQg5lp5uAbR6MiL9Vi7HWJSZnHHY9J8liQUrEofkC07cnZTk7w2Nwo56MpVnq1xE8TyKkrFh31dDxMsla549JDmJpmexfk9aYlWTwzS098df222hHnIJkF5J1HVczHEmus38Y5iEYk6S0zJCopMZxkgn2pVJntckqFmCxDp6u1P6piR7tlg9ocTwtjY4v9m5pkf6dnuM7X5fEbQlYo8JpZJkirJ4TEdA1GeF+0pQsSkxb0tIohbW5z7W9s89pWq1v4q6f+AgDw6R//KQDAS6/wmKtXuM5XN8lP+PgnPg4AuHLzVQDAl79KpOCnfuYnAQD/8tf+BQDg3//F5wEAn/zkJwEAWypA9tyLTwMAxqeIUMwdIS9ie7uDuuSzZ6VbsiOBses3rnKuHIqhHV8gr2f7dfZ/R1kMn/gYz5UUEnXxErMZTIDJuE6GJBi7f082mePskxn21j70nSTyg+0MENlBiebh34fP56GxHjzLj35Ae8G//+EgGyFyEFpooYUWWkwEzfIAACAASURBVGih+SxEDobMovUeMuDxAoL7CUGwDUMaBXuVDYO6WYqJR/af+rtFDPbvPd8c7SUzEuQ5BHgK8BAS+LYH34S9N9x+8HiZ8SuG0BHLdfYSILx/GCNano+V6hVS0OkpJzxBL2t+mh50IUU+QCZNzyoCelC78oyLyuP21PqEyDSaNbgq/7q2Tj6DSTbPzpmKIGPnl68wXnn2JZaJjYm/EPPklNm39XUre0uP2LQFrLxyWvnsxk7f3lr3vFDz8Ks1tpFVbNRKC09OH/Uda17qsQV6WdmcNBTKdY1TCImkfI17sL5Oj9N0ASi/ax6x/3rFIsoR13U25KDRqGq+WponetptFRTKZOnNIcbxuk7VN8b1NXqMJssdi0WRybCfPakpVoUMZKSNMDbG8TWqKgKkOPekymhb+eBqdUTHS6tCyIvF3lMpfxndqPQerLBRo9X0kI5BKXNas6n4vngsGaEQXelhxHRcU8qHJxeoNZHLjatPRG2OnziiPnFeEklTlOSZRkfGcGuZHnC9bsqYRIjOPEA0amOda/P28iL7P0LOSTqngmVtu4dNdtxkqIWGSI58bIzIyvQMPfNz55lpk5jK41vPMl6fVcnxx97Lc7/8Kj39lRXyFOZP0OP/vg9R7+APPvsHAICvfv0rAID/5Od/BgDwW7/16wCAbz1DZOFHf/RvAwC++Jf8/pWvEpn74R/5IZ43X8Di4kXOoTQx7rmPqN6rr50DAHxNfIZjR3kfHD/Oz/OvUmn0xvUlAMDHvv+jnEehNq+9weOzGXEQjGvgWpGkvXZYnAKzu32WDz+n7V60NWqf9uek2+36jjGjlH/IOQgttNBCCy200L4DFiIHPnMQdSIICAAO/WqIQSDTYOjN8CCugXELIgFEYfCSelApjbuz4XxY18suMDKAakQEMga84iTB2hFuIKPC8Y/TDcbKpGnglS7tu3veyK0oSxeWZ6y2XXorVjbZ4vqzk2Q0JyPSzk8QMchl6FmtS4OgKM39juoA1OsqSCMdAcfpYWubHt7SdXonn/zBjwEAbt1mLDWm+gZf/fpfavj0VptizI+O0Ouq1ent98G+HjtGVMNRTNoUEvMF8gYiVhK4H8G4YuyWpVCpbWofy/DgfEyMcbzVCvswWqSHPH+EseSGxheVt59KWU5+wjf+SoV9zeXIAi9VdrwS1FFDE3paiwEdj6ri144yTkbEC5hWPvzmprzdhrH1zROmV379OuPEKXnKcdUoqNZLaKtoU1NlkNtio/ekeZ9N8rqNjnLcVuzKYu52DWJSL9zaEJcjy2u8ukq0IpthuwUV8rEFWSwqO6ZUgdu1x5+8Mu3kMdktt9zTq+f8pJSV0e5b3QqVyRY1oVIVV2OW9QByyoa5dYsowKj6cMI5geU1ztX2DrkA7Yu87vNPEo14z3s+AABY+wLRnJZ0PPLKbog25GHqnqxV2ae5OaEYUiE0fsn8UaIZ12/z9+WVJczOcc19/k8/CwD4bx/4JfbvXt5zF66eBQB881mWbL50jXH/96qI05e/zO2RGO+Ln/zpHwcA/N5nPgMAuHKVPJCPf+L7AQC/+Zu/DQDIFngvfOTDH0MyxTm6cJH7npGWwsLCMfWT/IennyWqd+I0eR2m2fGtbzEjolwmP+b973ufxu2qXfKHTIHUZGFN/2BQs2ZIF/agjIE9ZZSx7+8Hbd+jXbAH2XX3KfpnbcDX38hAjIYf/f5hAQchchBaaKGFFlpoofktRA4Ctt/b4EExo2B5ZWc4xzSQ6eD50p6aoH0qVnhIr2n9vjNQOAzEUoN9se1WHjSoQTDYQ8hA35ABq77oBn437fEBMmLH2Dks/mxlfyM9etlHj/KNP5enh1ja5P4TUlubmKYXc/0GPaxYgh5yt8f9V1cYszVFPWPt93odvKTaBzOz9Jas+mJT8e7XLpJ9vbJKTkIyzXF0lSu/U5E+AnfH1AS9lhnFb+sN1UdQSei8yug2rHYDopiY4jgt794yBiwfP5vhOEdHuN/lC0sAgFMn6UHGpQuwpgwJT+lPvAiLMd/a5BgGjOcBKmClqxMptlXdldcpROHqVcahLcZsmvjmbZkaXUd9rglhyI+QcxBRJoplpCRT/muxW3M9dML0HuLSCLDaCC1lPiSlX2BIw8YGEQFbH4aUVHe539YG5zWfI+JgtQVMHfOK1Cy9GgURICUUxyvFqylrt/xIWjoj/YY+x21TW5Saoc2HaWysi7OxuESk6v4zrMi5us4xuKpq2mg0kBAnot7UWtthLPnsWcbK3/fEkwCAkyfZxu0Vbk9b3YeMMk/ahn7Qem2VlZbGxG6N125ijmvz+AlyW24vX8JOmfdOTMz+//ezvwsA+PSnPwUAeOV1ViHdVNbCyhrHV9/l2R577DEAwFNfY9ZDrUHOxfvf/wS3f/XLAICCymjPzvK+Ma5CcXwSp048wHEp0+fpZ58BALz3fWz7gYdYnXS7QsTwuReIIJhKpyFmL7xgCAL7MK0KmRub5OBsbfMaDNBSmpcNMGQHMQ+CXv1B2QwHIQ4HHT+8fb9t/ITvGMfju/lR4cOwEDkILbTQQgsttNB8dijIgeM4Pw7gIwAeBfAIgDyA33dd92f22fe3AfzcHZr8iuu6Hxs65ucB/NZb7P9fuK77r99mt/cxF0B/wCEIZBjszff3s74dN+LFJ6NWWyB4pCea4K/TYG+ATtB7D9ABnCDfIcATiMIdQBqeYmFnMLyhvgzQjYjvd6MmeG+rXu1zQwO0n1Wzg2nqD7gIli3Q7Vr2AI/t9aziIbcXC8qxF+fgwnl6BkdmHgIAzEzSy7h4aQnAwPO+7wHmbS9eo5fbbbP9bE4VAaVtcOHSeWxtc593v+fDAIClG5cBAOkkx3/2FbKyYwlXfe745qVe1fhdeopTU0QOkoqP9/vylJUxkE4rS2Hb6kEkkBKqsC1t+IRU86p1eq+W99/V/CTk5U8JMTEN/ZIUAEdV5TGCnObV0bhVpS6b1HZ63j23g5TahGLklmWRUbD89jK9613FrfOzjC3HpFvQbluuOG1klF5eIi11y40dtc95zGQ4D/k8vfmVtb6XfRFPmbaC2PWa+7qyD0pSX4wVOc6Yo3NZYF9LNp5QrF2KgLGI0A6XfU7Im+93yU2IKqsh1i/AiRlnQp68FA/jqrFhztiIeC5um963q/oGiQy90oquTSLDvkzNEAV6880lAMDRea7l6SnG9jfFl6nWa+iKa5FRldFGk21dWWI9j6xUF+eO8j5YWWdfug12rpA3XQ+OM5Nm32MZjreoehgbW1JMjPP7mVP06q9dfBO3VolwTCt755Li85cuPA4A+MiHfhgA8Jnf/w22kee1u7b4Euc0QXTrnnvJD3jheXrv86o1Ykqkf/qFPwQAPHCG83HlBufzK099Cbu73OfYUdad2Nb1v3qNWRq5HK//WFFZS5k3ud8OkQDLSrHn4MXLQgPXVKOib1Vh7aEVeDIPxGwGz0dDQgPcAL9azF7U4U6qtt5+wP7fHWfAdwnwvYwX0w8gH/BQCByaHVZY4Z+ALwVVALcA3P8W+34ewNIBv/0sgJMA/vyA3/8YwLl9tr94V70MLbTQQgsttNDuaIf1cvAPwZeCKyCC8NRBO7qu+3nwBcFnjuOMAvjvALQB/PYBh3/edd2Dfjscc4a9clpQ2SqoYWBefwSRAYvUq8IYPIG9EdrP5rUHkIMAYuC1Z147/PUSnACPABh4ZW7PPH/LQhgaLIC+K5U+a9tDAOD7jAT4Ej0POTBPe6DmZTr+ts20/k0p0eauVGKMfO02vampcWYpHDtCL+R15TkvLbE2wQc+8B4AwOXLZHkbYlAQU76tCnCXLhMduLb4pufJrW8wVlqqMB65vcnv1Tq/m2a+5bcDlv/P8Y6oyt78nDIphBzYPJsqX0coiHnxxeKoN7e2hpqqYNjrCiGQgp3Fcyen6ZWOKq796quM9+5IE7/Tp6c1McpYrKEdVsVxbm5S+3N7cjfuMf4bTSn3KYOkFxfyE1VMPaZ4tbz7MSkcLt8Sn0Fe6qgyRariIpQr9PbyedW9SPH3hCrlRSMx5PLcFo2aemBL+3B+TPHR7dgNwE9Tnez1uJ4M3RhVbn69IX5Ait5vXXyIWs2yNpIas3QWOn1Pn6EPY/TzjAlxMFxT9XRNEVH1D9S1WEzraouclLJ0/6fERVm6zHbXVogGROMdzRO93Xvuvw+vXyA73xGnxBCjRIbX4NWLz3LfU8x8mD/Ctbd8m8dNFlVZM8tPx+G1LIyzvRH9Ho1z7ZY3uD6mpxYAAA/c+wi2SvTON9ZYM6TX43j//N9/EQDwS7/8jwAAZx8gUnDhEj+zOWUYXKEa4WOPPAoAOHWabZvComWclCocU/am0BCpIV64+Lp33asP87otLFDn4Nw53v9HjjDLorTDOa1pzVmtDQFS3noyBcTtHY43Ypk6UUNk7RkOnznYyzUIZhUcpHR4JxVbb7/AdjdwfMQJ6h7uRSucA/gLdy2Lcxd2KC8Hrut6LwN3L9qzx34WQBrAH7iuu3kY/QottNBCCy200N6+fS9lK/w9ff5fb7HPo47j/AMAKQC3ATzluu6tw+rAoDaCP2Y0eGO0OggBtcOhKoZ7qi8elPPqaRGYxx/IddV+Xn0HO861jAB7C7U3RkMg+vvkyBpCgMB2O5cql/WCb6P+jAvz+j29BGPKSm1skMUwnK3AXYyFbm/dpqDYFzN8coxIwcQ0Pd7rN4kMvHmJcfD3vpf120uqwbC8RmRgfFweUZUex/IqEQbzGHcqt7FwinHa86/T4ymLnd1s0bOPKC5dUyXIgSIkP9tt3ianFTOemT2qMSj2nBBPQB7SyvKGjrO6ByOe2qApFtr1nxDXwKzZpOczq5oAzaZVF6SnlExaJUXzhHjc1uaW+sI+1Ov0mGpVOy7lZQR4AXvVJRDxH/DqFrDfpiFhVQa9MUhhsSgtgp0yEQNDTCYmeA2tJoGHsEWiSAoiMG5OTMqRESEJUSkndrTurQqhKUxmlDlgKJbNcaXMvmVVhbClypuxGPs4rtoU6+ti5sejcDTwdkdeu5j9krdAp8X5aXWa+l0ZJlJtTAlZGS3wHFevEN05dUpVGTVPNrbJSV7ra4tsd2Y6ikceZT7/i2e/xn2m85ofKV+qT1tCJ7IZojhZISmtlmpVSIPCqz6oe9n0IGale3CtyfvD1tOjD/8NXF6i578kHYao+B87FT5av/Bn1D/4gR94EgCweJ2cBKtwGJdXfvkK0YyFhQUAQE51ICxDJCZtgY1NcoCOLRAVy+WiuH7zouZKWSvid0xOE4W6KLTimHQPVrdsLq9qnH7fOsjudw3ljBoXbIByAkNO7T4VEZ3AM9jjA+hrEFEI1kPwtgeOR+D44b8Vh63S+E7se+LlwHGcDwB4F4BLwyjEPvZfB773HMf5DQD/wHW9+qt3OtfZA356K55EaKGFFlpoof21se+JlwMAv6DPXz/g90UAvwjgiyC3YQTA3wDwvwL4+wAKAP7jw+mKMxQaCVZUtLdL/xHuPvSC4FvjgeY59/u/+Xox+n6Aq+C96frjVv3+XuTgoDfage6Bv3ZCUEnRPi3zYFAhzNAKIQciIeisvv7bMb2uXyMhk2LcNplkHPLSZbKQS9t0344dIRO606eX/9wL1IEvjtHDqqhGw5ayALriNtxapoeUTiWwpvzs1XXGVFsNvkdGE5Y5Udf4o+qjhq2KifEYvbT5uQUAQCLBc1dbPHcuZ1wDjm1zk15eUUz7dDrl1VLwPFp5obOzRCNKJSIf5hGasqF5xMbGzuf8SENDlRK3xNpOpbnfiupIGAcjlUx6NSZMGdEQAEMO+uJaRCLSmJhUHYKGP747VuC42qpCaRkkR6W+ZxU3221e42q1pvnpehkSls1imgh9p6bt7JN5vIaseeOXl27ZHy2Nv6WYdSopjoXpSLSsDoRi86qGGWtFEUtwjmNxZTzUOZ54TGu1bWuY82E59S3VK4irAuBxecpvvkmGfKXE+Rorcj76uj8aDa6X6Wnu//IrL+O+Bxhbf+VV8Xj6UlvUeOMxXSOpTJoKp2Wr6GePi2Hrpi4UbLdW0nbO2/HjjPNfu8I1OjM2h3tPPwwAuLn8hvrLOYun2O9nnqO/ZuVgHn6Y+7/wHPULsjpnTzoQF6QbEo36H4xRrbdGg33a2Lrhnacmrsz1W0Qf+mD/x8eJ+CzeIH+h2iTqcJ9qL5SkZ2AclFjMkEnLTuC57XljSNTB2jV7qzJ6Zs/kO3j+B2YpBFBhJ/D7cDvvFDk4TMThu/5y4DjOCIBP4y2IiK7rfg3A14Y21QH8oeM4zwJ4BcBPOY7zz13XfeVO53Nd9/ED+nEWwLvfXu9DCy200EIL7f9/9l1/OQDwMwAyeAdERNd1bzqO82cAfhrAh8EXhW/THNg73cDrN+/cvuqt01ir+/cNwN6Y1t74kj825u/H3tYH6bh+FMOrmNh3vbxcs4GyoT+W3vN4D46vjQGyEJwH/++DcxsaMOAk2L8NObBx2HdjsKeVv3xDdQ42N+hBjxXJ1k/RSccLL38VALCxQ4/YFVN8o0RP3NT7DN3oyIupV7ooVamOZp6bN159N4Z3VPrz3Z5UHBVzPn6E+dqzs8c0Bs6HVfpLqbJiTV6aeb3m9fT7PXTlZVs1tULeNBLYpZa4BkXVlrC6BkYlsQyBhlAPr5bC7o6+c8eaxpRMig+h+gbRWB+1unFLrBqhP2OgUVMVwiyREKvrYHUvTFFwUmqPHcXe+wronjxJJv3KMr27TqereanrfFGk0xmNWyiFEARXaEUqxWvQbNh8qUaCqhHmc8p2MD0RZVZYfN8qSFoNi2bbVA3FcYhZtkgDY1p7XVeIQZznzmatomFb+zY1p+a9A8CgtsTcHL1YU7e8fZvjHxmZ0nzyuJtSThwfn1G7r3sVQScmiQRsbt3SeLjw4zpnV9VKE3HpPGiNpYzDwa1eH827bYh70lQlTat6aGtzZ3sXJxeYCfHKa1RC3Ni+xHNKGyKmtfb0M0TtTpzgfZCWOmOv5+cTRU1yoG+VAw25tJQdfm7vSKOk5yKquXddnnN5lVyC9Y1F9V/3c5OIR62x6TuXx5fxUE9DbmP6NN6AP4vKbL+aCsFntY2v76Vp7Y8+BLMZvHYD5+oH2vXtGzh2WENmv759JzgK3wsKiUZE/D/f4fHSw0T2EPoSWmihhRZaaH/t7buKHDiO8z5QPOmS67pffYfNvE+f1w6lU9ibjWDvULbdshYGb4h7NQYOerMbMF/1pucJXRnC4D8+IHbo2Z64f3+AbgxoDH5vfZBlwI/uQKhAxwbfpv35uXZKa8+rzigPYcCT6A1Y0zbMgIaC9W15hdyASpkeQ2GUHs38MXrQb1xiXYT1dWYpmNe2Ki19i6kPkjUM3bAxdtEQAmD8DFN27HXlVSpbo6txRUDvLObwfXNhgaptufyo2uY5RlT5sd0halGpsE+TU+QFFFRzoFaroVqtatwWM+axu1VVflQMuTjGcxg3oWuesDzCXcVmTfUyX+A5Wm0iLps7/DQkoe9przve+OMx8z51LYRSGF8jm0mqDek8aIEUVOfCOAVNoSGWrz42zjEsL1OzwuK7lgWTyWTQ0ly1jU0vT9gRAmCqirvlrm/clrWTyTC+Dal2WnZHocDtplYZiSgTQ/oBVh/CuAuRiANI38MqFmbSmstI09dGWwhJuy3kwHLmNW99rZtjx04CAK5cZoaN8R0aTV6TklQ7s2nOVzqVxqLY9mNjnLvzrz4HAMgXuOZiOXndqsLZMQSqZdkdXLtj4u6khWIZcrIrxUlDnGys0Zihhj0kE1yLx448CABY2yCK56jKousha5y7JVXdNEqBl80UeA6YWf0Y7ztsvdkY4gCsDgkbbQmtMuDRdFPayhy5cbOmY4U8CZWIRk2bBPr0Z+h4z3ZnfwRhPzuQUxBADoJ6BnsQhAMe5vv9jbhTtltQldG/3+GgCN9t5MCIiG+VvgjHcT60zzbHcZz/HsAHAGwC+IvD715ooYUWWmih/fWzw6qt8CkAn9LXGX1+QHUUAGDTdd1fDhxTAPAT4Cvj79zhFF93HOcSgBdAfYMRAB8E8BBITvxp13Ur3+44mKkQ8dxQJ/C2aQzrYNXCIH9g2A5msAbO7Hfq37JNf0OmgmjH9YdlwgEMx/0Db6zmZcPvWQffhC2XfIAkGL/B2jGdgwFC0Q948Pa9qzh0XVkG1mYsoUwBsZSXbjBrYU3Mf9MSN0/RvBGLXfc6A84FMIjtu+4gz3pgln0hj8ibHTHc5WUdP0Lv7ejCSU2PJlQeY1Ls9e0dxpLNE5qb4i1gGRibm5ue3kAqk/D91u3S0xmVZoCtkkyObTdUOdJqEhjPIeZ5SPKgW5y3XI6eeEKeY7mipH1EvXoOI9ItaIqf0ROUYl6YeYiVMvvcqHJcJ4WgdNqWlcGY8fGT5GQYchKMj5qlUhl0lQESkeeWSonp7ppSIn83zYhMhvNg8dlCwVQpOe7tHbLVNS0e4pJImg6E6SnE1D7HmEwnYEKY+Sz7kBB6Z1wJQ04GQKIyJ/6/9t482LbsrA/7rX3OueO7b+p+r0dJ3Y2khhICExRAAoOEKwRijCeIqUqA8pAyLgMmBscpghPFsV12FXhAOJCyY5SEqogUVJwiYbALJAZLQhOSEBq6W92vh9dvHu57dzr3nL1X/vi+37f2+vbe99439evWW7+q+847e1h77bWHs77v+32/T9vY2ZUx35lK3x84KdkJ585KpHNby3hSc2Okbq/zZ9e1/WW8+LLEzt/y1jdmY0aexon7pQ8jvXbXrsqxNq5LG7T6L12R52SiXJOHHn6d9lFei+TiKIUDdS3tr6wG7Eyl7UcekMqIH8cHdRt6UPRZ02eTVSyhypF8yNP7kou7lQ4ztGLt5mHk+ywn+JsWC99hY83eSMfiZ17LpRu7J5fnxq3r6F+sA/H/9D33uLLv5oF2noa2B8G/g4fEBffiTtwqbldY4U+gW0zpCf0DgOcB/Lhb/19AeAIHISL+FICvA/CtAI5DfPAvAPiXAP5pjPG2hRQKCgoKCgruddwu+eR3A3j3De7zcwB+7oDb/p0b79XNInQqHiYOAvvDT40thb2s/Dyr1bgGRjbgLDxn9HqFr0FVas64yQPw1bqQ8rSJFBtTK9uKKvC8bMtsf6/zYDUW5jy2WqJ1Y7Nlngcr+hlfQWPOs3o7W359Q9jbu1NaAKOsrzy/2UyrDdLpYboKsmCm3o4mNmZNNMkM0X01pqx9rYKyr+fy+ajWd1g7JLFoqhWuqjW7tS1WGbMgmGNOFT96L0IVsKRehqNHpa1VzQig1XDholibX/MnvooDBwC4dk2OwUqP9Uwt4SCW0zXVGKg0//2RB6RGw4VLwuWgJb22tmaW3o5ep7HWjtjdnmkbMtasEQGtYLit582xvnJZ+jTW7SvjrDhGtd4/CwtaIbKZmVeCOgSry2L5rm+oB4AsfPV8cBzW1mTcjh8XLsr6NcnS4L159H6Jue9sX8r6YnnvmpHBmPzq8gp2d3NrlGqEzKjYXkr3M5AqAy4uSZvMraf659KijNvDWs3yzDmJzTdaEfDoYeGiXL2g3oBqgq0tGduXNcNhTXktly4qf+V+uX4rqutADgmzc64oP2K8qV6sy2JnrR5S/RD1OPBaxij3zVS5Otc2L+DyBR3zifTvDY/KPfjMC9LWWJo27YBomQDMMBh6v+RVPG09+VXapyZWYAVUNkVNBcsQMKs8V/EcG/9LT5Pv5EF9mfw90o9cF8afl38ZD2crJJ9kuz2ew9BLvd2ez3rziGnDtP1tch7cbc5BQUFBQUFBwasMrwadg1cPgs72IrXgmQngp2Kx9S8sBt1pDO2YWV6NMFEK1NpiTM2+c33uQUjL3XGsfkJKV0g1Efpn9omLIJ9JATE/E7P26TlwXgHG7s1Cb2Inw4HqgSnLgvvq+l3Gv3M+A60u7p88K2Qv63Hq3GrNlBn1fFmFsKmdRaPjxEqJD2gNhSeflLrzUAtgqtyFQ4ea7Pui1QdQy1zz3y0uihprqqJ48oToN5BNfvWqWGfU5z+m1SVffEl4DNs70tbGhlh6y0vCal9Zke0vauXHbb0G1aJY2Otq1c51PA+tHcPWSKzM6XQ9O/FFtewnQVn7K2IhU32O53V9U6zVM2elz48/KeO0W1OTgOqP6jFYVmtVlSe3dlItBVZhXFsjq175PPpKWtWshXqXqo3Uh5Dll69K9sq1LfE0PQB6P3i+st1YsyAa9TRNtOrhZGlszySV/MZjZi3I8o1F1TlQzQVqc6yuijV+5YqO/U6uevnwozIuF7Ti6FSvzWGtYrjWaAXF6ZpVNn3xRVELJFfi/AWtHKrKl/GIkiog12am9/+5S6Lhcd8J0VS4pNk/y6q0+bav/SYZp2ty/yxUm9oXzbSZb+DS5Rf0/OUYb36zcEvOXJJ6Blu7ej8vyjXa1ewfesaoAElb06x2S+x3zHr7X9tyzrO12JbXXIHTlknGfaotkx1rIFtsL/DdMsRbIFfAMqQ6jmPnnejwyfo9EH3ejo6OgZ2HO/gd0Dkok4MMAYme1nLp0wvEy+uKJfEJb2K0H+lOOqTdJ3mYIU00Znv2zLvBTPQo67v8KLIoT0pZ9AIafPB445GsNMuWs0y0FUnyqYz2EHFykQSP6LK1kARTC+d8sTDNTV3O9SRb78MqfIlyApMmPHrsmi8qXap9rOe17Tvj5Ec/+UPCH3/Old761rcBAE6cEPfw1hbTweTz0dcL2WvrOkv9KllQ3eycfIyUXNfMpjh6RH7Mj67JZ7oP5Efr8cffZGMHAOvr4ro/e17czVvbst3Xve1b5Hx3NRWUhE3+OOqP7nn9UTl2RCYjK4eOY7qrkiBa3IhpfRP14caR/KCwcNK1azpx0TTLC1elL0F/RFY03LKwKu1dvy4u8pFGBJa1MzMtrjUJY+wGprA9QgAAIABJREFUnUg1dPMzLZDkNi1ZrATM7V3eD/IDfN9x+WE+fU7uzY2ZTA52ZjJehw/LpIDERooexUonIUpoxaTCqqZ7rqq08mxO0S+mVcry8SR3XTMdMOi58FouaVnoIxpeOPSSTPQ2NBXyxBE5t42p9nX1KJaVDPnsC1J4SLNFMdcy0pevSVpo0EFd5kSURaCUPHlNJYkxke8f/PD7AQAPPCjX//UPvVnGaUvCMYcWj+l4vh6vf0yu2yc++SFZdlLG+NFH5P5/6lm5x5j6SxlkTtwScsOGky9LlaaLvOcdaL+T+vodVfn7LqnL5+/XbnSAy3NiI8FnNDnNu+56H8rtkslpueTvUxYTC25S5H+2U9jFt9udwPh0SNumSaOcLe+czc2jhBUKCgoKCgoKMhTPQRtR3PJVmuoCSNZoaG3X/k87syVZ024O511O9DA4+eRh71A+Q0zb59+bOqUyJpJecvdL31oud6RwQO08DI25/nMRJV+4icI+7ZQc/p+Wfmxy7wI/awtJMByQewbYN6aXmSvTYh+N2x7Zucx2d+1Yfmxrt+3rHnkcAPDIw/QYiMV36llx8T/0kKSq0VNw9oxYVKq+a6S5I0dZiEbaXV5bM7Li4ePiOTh9+mXdRiyZFV1/+ows31FX7tPPSmnqL39SSvseOiwW5Oc/K2S3y5dl+zd/hfRtc0vFkC6Il+BNT4iwzdLiKhYm4lJeXGTqnlojlIMeqTSxkvjmGtKZqKv74nlxdZ84JklIa0fE0xA0XXA2U3llLU2sPEacPyfW/fLSMranfFhyV/6IhYXUqxHVcqQHQJ1aOHtGLGSGHxZ0fz5PJ09IGinTDa9vitt9a1MaOLRGcukcY/XasFhVs8nCSyRFLmefJFZS3GlBBZq82BMlnimSde36ho6HpgLGRNQ8+aCM1ee+KH15WUM2LAZ1RUM7MUofDh9iQSpNt1RLmIXHjqyx8JJc6w9+SCSR3/CXxHNAIt+GhojCeIxHHxHi7VPPSOGlz/zRJwEAx07I2FNgal3TcelWH49lPBonn+7h3ycHQW3eS2eN3yD8fpbqeANmcTc90BMV99ver2dfcuu/T3a5zorZAcF5f+9kKmPxHBQUFBQUFBRkKJ6DFiIiYtOYXCxncPvrZSSrPk3cSKxzhBKbj+WcgU5Rp2yrZHlb637G2JBzEBPhBTk5z+L0un7u4vapz3l8q1N22TanxyC36mNscQOc1Z44B359njZJa4zf0379ngMuZ984XrPZzMrZem8Lx2F1VeKvb3zjkwCAaiQW4Re/KPIZF8+LNf6Od3wzAODTfyQlaV88JYSzR08+ru2KqXz8PiGHMby5FoCJxojJ73j6aYkxj6o17b9YrZtKsDt95jkAwLpajm960xsAAFs78v3Tf/z7AIAdjfueeEA8Cx/5g98FkFIBjx8/oX1ZAFMZl5fEezHXcZlGWtXiCdjYlLg0SzyvXxertNF7d+2otM3UvivXVORHLW4SGscjJfYpF2E6q00OeVctuKqiKBIJdyPdV61WlZOeqJV67ZrK5lIEip4jvf5XrkrfX/c68f5cvSbHoRDWI68XsmDTBGxe0Xi+HpnCS+T/UHiK5ZJZgIj8CFrUtOLOnRMvBWWzH9C00tlcSILXVbhoeVm8BcurY5w4KffeoTXxDFy4JGMedOy2NaV3tEkPi5YRV+4BvTskrkKljpdXZP2zz30h+3z4wccAAC+8ICTEY8cexPlLMg5veqMIMX3xuU8DSAW0TCRLiZuNy3mOHeGinFxoQj4xf6/slUxoxeECOSm5wNJB4dPQffG5vva6qev5eZK3kASYuJ7kWS+W14/Ob0UP56BLqNzbYxBjbPGZbg3Fc1BQUFBQUFCQoXgOHJoYbcbE+ZvF6vfZNy/7mafkdbZxZZJTust+8SrHPbBYfYr7e/4ChYGiY8fW5APYHJ59oqfBew70GPxungPPE4jJ4rcUxPyYTE2czx1nomlcW85rwayEJj82Le/YUDSlLchE6zIfWwrKjNR63VZJ54uaRvbpT0q8/yvf8jUAgAsXxDL8vd8T6/x1jzwGAJaZwdTGqRbFOXJUWOtbOxtYUTGaS1fECj9zTqyyr/gKyXygCNAzz/8xAODjyhwfqRdjrHHxZ579DADgs898BABw7IhYwjuanvjiafE4HD8s3otVLVQ03x2bKMvhNbFWo1qCV69qqelJyL6j0iyNKdn7IkB04gEV2FnMy+GO9Z5mPHs8kvOnJX1lfTvFr+kBqvPnJFpxKBUKGtGjwEwCCi/lAkyU3b1yWcbx5MnjbFDbkXOdKIfh+PEjmGnZX4qY0asxVVlkWoiTiWYKLCnHQt8QuypBzEJUFKyisNF9WkzpzLmXdRzFuj+8Jt6co8cPY3mVHgFpc1mLXu3W6gnQ85rOte0dld+OMrbzRjk7WrhoXfkNvO4NhDfzhaflvjmupZrrRvk0zz+HDc10WNNsire//e0AgF/7d/+X9JvjoamMzbyfe0SODXkCHL/0Wsz5WM0BLFzbltfxgK4Dn4borf+DNNPJELP3qWYGmTcjL8h3kHRJ2T5Pd98LnUJ8HY/07UfxHBQUFBQUFBRkKJ6DNqLMhlNZT+aj5iz+amBmKNKVnOE58Q7LgJCPxglkdNfnmRCE74vPIGia2NUIcNa53zfrP9pxf0oY06Og7dWM8yuFnOPE5XVtFqEXVmqYpeC8ESzu5Gf6XhfB+BM8X/Uk7JLODm+tJPg85BELLWkeOjkYzz4rmQDTqViATzwh8f4PfVji/OcviCX42Otk+dV14QlQTpdx5OVVuY/OnH0Zh7UE7+nTL+p5yLFOPCDx5w21Yj/6iQ9IH7Qs7mOv/4qsj3/4KfEYnL0o65/ULAaK5bC09RNvEP7EqmoRXLm4jYmy7VeWlHNSabGmRuPd6hmZzWX5osrmXr0qnoDJSWnrkHoCWD54puV1qRvBcauWpAHyH5Z3FrGisr4kh8z0urJoFa87LXxes0ozIqaqU3D28ot6fmLtNqqbsFsrd0VTSBaWtJiUai2MtVTx4SOrmG6u6fkJT4EliGkRGtdAuQfMQqBYFnUiWNSJRcGuXBZL/LEnhHNwaJVeo+t6rsxaqHFES3cfUy/D9q5cv7mW5qYCLy19ehC4nM/LXAtXsRjUmhbuChO5z65ek2vLcsxHj2mRqPMvY64Flj79KclWePs3iafscS049rmn5P6e78oxyMkakVMgHxiPckvaewMNTvegDxSgG8pW8FZ98hQMNintmdDQXowH3cL1O+3bb1PfqOBSR+Bo4LjZPo4H1zuGt8mZUDwHBQUFBQUFBRmK56AFyVaIaEJunbeqCMnXzjQ2WbuJuduvlBjzpgDHZOjOJoesfu9B6PMcMPNBrQu14qdaYpYWkY/rJ40CMnutcwBSDjL5AnWdl0SezeZmRTGen7IOmCGRx9u8p6Crd5BzEey8TYGR45VzHBD7rIp8Zk4m9IZa/ufOShbC13zV1wMArqyLVf6JP/woAODBByX2vqmx2pVjYv1deVm2C5qj/vmnPw8AOH36JXzZmySj4TlliR9VS/HQYbEqP/xRyS0/9ZJwDnbVKr9fY+cbmxJL/qLqHowX5Bj3n5B2Tp2SzAqWxH5ImfLUZJjPZ1YwaqRcgjrIWF3fFsvwmec+q+cn3gyVIsC1DVXVW5U+XLki47SjRYw2NP99cYnqjrL+vuMP6/G0UNXWFVzXeDyt7vk2dS7oOaK3isxwtfQ1f58y4/SUaAIBdjSev7IinontHc0MWJE+Le5qUalVZhocw3xbzuuqln2GxY6V9zChyqJKLvNg+trcmSlPYJmKicox0XNkhgSLboWrKmlds9TzDtZUEvGwfp45p1wLPWatnIKougbzmpkfqsqpz9fikhYNoxqoKkpOFmT8rmsWzEsvCydlbUWez+P33YfTZ+X8We75jz4j2Thf+ZVSgOlp5bls6XuDXp1Y85rlz1dSYN3fOh+C9xgMZR0kjRkey3sGBuzfA9AC/DHT973Py2dvdOF+E5ynQXhjPL+8IB/5LnAe1juB4jkoKCgoKCgoyFA8Bw5NbMxSNraAn5z5GXHmBcjzUFNerW7aiRXlnIShOJQdyqmNWWYBY/lN3amtwG1TRoMsp+qgLxNd17kVz4wDb+17FcM2Z4H/T3oFTjHReTcYt/aaDPZpRV7ycQnu4vhhizFZgqNRziGhPsN0JtbYF7/4FABg7ZDo0T/wkDD+P/rRP9C+iDW2uyvbBxYDOqr1AJbk4Esrcg/89vsl4+Dhhx/B6ZfFG3H9usSMn3hCFOsua/bCh//gAwCAzR0q5Akz/g2vF/W6p59SRcSrYuUdPras4yLj8/wp8Ugsapz/iBZwIqdjcXHRYv/jkYz1pU2Jb1+8LJkTM9XOpyLiutZW4JDOzfsj3ze1GBTLLF+8SN6DKEd+2RPCl2AJ6+nuFNc0158K9ywXzaMwY4DXapE1Eia8T3Z0a829HytDXu/BI4dXdH9pb2VV6xlsK7dlJrH8ycJxK6REpcNQ5RYcz4vb0ZNWqc7Bko41i0RVplmhZcP1nj6mWg1XtEgWi7Xs7ExNO+LwEfEAjVg7QZUzQ6PePXrWlEuxq7oG5EUsqedgZyrbbWzIsRpVvxzr9+tbMv4vnNIS4V/9TeYxe8tbhL/ysU98GABw8aKc1xOPfzkA4FOf+rgcc8KrR55IbqXvXQ75YGjc+7EayDLwdRC81T5QZXlP7Gf5H7zNfts7cRFC7/K2Xo45Kxx/wzQWuJ01sn/G20FRPAcFBQUFBQUFGYrnoI0osWtvtY+c4mBS2JOP2rQKglmyPlZk+dyuboPPUvAcA35PKn/9amR1qzaBrdMJfLtaIpAsaWYIdD0HzhtR55aA1yww675pba8Ba2YZeI/JzLILqrQPWlY9++I8BrXxPxiTzmNwwZdubU/O3dCnPGzNJZ+JJfzlrxN9/rPnxBr/wtOiGEed/9PnJMb+lreKRfWxT4hn4dFHhQFOC/rpp4Uf8OYnn8QLL1IlTyy+EyeFt/DJT30QAPDc809rt6UvS6uqQnhYrNPf+YAcY6bXbO2QWJpbO+KJuHRZrPUjGrteUKuWuhCLi2OEEXXlZSC2t8SKvn7tqu6j41TJMch8n+3yvmFsWQaQXo/j94v1+vIZGa8L52U5eRJH1oTDsDvdxbay8LVYImrNLghj9U6pVR3UIzBX9UZqcVj1SVbtUyM2qjfkkObqkzfBGgShYkaBHL9pplha1owIbWNXY+oEFROXbCzlmNR3mLDutHMxbm7KMdbX5ZOKkuRZkPS+tbOBBtK/kydF0XFlWdQrp/Prel763NtzwGeV3gnNoLJMHLU+WfdFvSFbO9LeVVW7PH9J+BYf/ugOan0gVg/LQDzwgNybH/uYZMacfFD6dFhrhmxsKddmSVUqB5QS90P70fS7eEXYeiBroTJr2+kAmOntY/WuD+49HWNqw5dQ7noM+j0kQ+uNBmUeXf1ObwCPF2Hvr6Dv0fRrwX7m1SeJqqoOQqc4EIrnoKCgoKCgoCBD8Ry0EBG1qqGfx+YBnq6uNc2XqhUry2fTaeOmtRZGAAh+u9CaRQJoZnllxUrXU/e8Cem4XWY/Y+08pM9O4HnQWvdVGhnvTbUT2tvNnWJaXdedbArPwWBc1nM0kn4BeQ5uWMwy0vO3kvJ+npvXWNczlDVmRFCfQb4fv08spMUlsU4/+5RY9dc193xUy+Ny3wmxrJ5/+RkAwAtflJjtn/yWdwEAPvRBsfKXVta0vRV85CPCPzh5UizaZ1UJ8Tfe/14AKU8doKrgMT2GMMdfviCfC8vS56VF4UOcvSgZBtP5Bd1PvBcrqxr/Vk/D5s51HD8myxqNZ29uqAKiKhourknbmzNpaxrF8m8gnIHxRMZvR3kRV66K3sPaUcmouHJNcuhnau3vbMv+QY+HJmBdswyoDbC4JJke05H0YdYI72HpkFjSVLEcq5W/O5PtFhb03qNHYSzHurojfXh4QXgjk5GM4+LCCe2DZuqMZsbkH4/JARA+w8IisxW0zsM456wsqcU829GMAbXuJ5Pcw3L1qrS3siLnuHZI7hsqT04WtrG9Izfwow+9AQDw4P2S1bKpHIGacX16JKGKkXpfM5thZzt/VhdUtZEZE/TMnDkvWS27qpw4vX4GlV7f0csyhofW5DnY3JVr9eyL4hGKI81WWKZK6aIe82AxevdqxJivuNj11nYt/Px7zVcyn2ln1nsr30nXmOXdB89X4PW0jAH1WlXUmnB9bGeO5e26d6HzuJBnMgqjlhrtPNsn0RXUc+rrQLQUcm8VxXNQUFBQUFBQkKF4DhyaJtrU0eJ2plGQZwhwymhxodh0rHIiuOlz8jAwm8HH9fNY2txp0SfNcfYlMV0ti8BlJ/SpKba6lLwQc6dzoOst08C4DLn13/Yc1M7yH6yVwEwH9o06B26cTK+dsVUeM3A7jlt32txRKuOUP/IrLUKJLV+4KPH7l88Ii59sddZQ2N4R6/ZTn/pDAMBb3/xNAIAtZYI/9ZR4Bd7wmFiDZ84+jxdfEk7BQ4+IVfa7v//vAQCXLokVThU9qu8taFz7uWef0bav6/mLtba0LOewfk2Ws57D8qqw9U29UD0HOzubGE3Egr12SazSq+ty7F3NwlhblPUbm8JjmKt+BY95fVNy5c8oF2NdqzFO1ItBfslMlfRoie/O5HtVRUT1KpDJv3pYvBljlcrY3lYPilpGh1Tpb1tj5hN9ZY1U6XBKz4HW0lhfl1j6uQvi7Tl2mLKHst2Wch5m812rZ0BPwNaWHprZLfp25O2isiDQsg9YiqoboRvyNuO129FjTTW7ZW1NznVDx3E0npg+weJErv8TT4gq4RdPfULHTLMNeHCtrJkEVveOuXO/pCOS58+jAeZqnVKforYMFx0X5WmYtar8DTS3yUTdA1YZ1/guOf+LGTR8XyxMxm5/r3HC7zmfytRvq9CpmZDqGmgGCZvyXmB3TPJikieC72x9h9O76jVf9sg28KqTrPw6qEZ5Cyieg4KCgoKCgoIMxXPQQow6a05mqHxyNu5mmQRnoYhhUCe7U03Rx5BcPQTLZ2VM3vECqMrIWX4TEx9g2HPQzzHwn0ljIJ/5GodhkLvQ5hzkngN6GfaqQw60WLmM91kWgi4HZ/GcnetyZm24S4cYrXKfzy9mEgYVElnRz6yQhZF+lw2XaWEqGx3KQTiptRSeelo8BhcvSyz+K94i9RSe/uKnELWOwdXrondw5px4BBZV+5/Xb2lZ+nL5imrsz9RCYD5/JeNajejF0Di59o06AZvqaZhqLLrGDDtT8Qg8r14M6hgEbZOV/XZV74CWM5Xw5qrvv7El+y1pBcHxgnJS5rJ+R2srbKkHguc2n03R1OpF0H1iJfs0YSc7r6BZBprGj6vr4s05euiIHlvGbWNDsxHUg3RdY/VnzmntBVVMhCovzhvWA0keo6Cfy6rHQG8WLWVmSNSR10q+L2qtClp+rA9B/YzxhB4JrZQ4VqVEJOuXz9SGKjyOTFtB2p6Tz8S+aLCdHASqOJLv4DUWAO9RkE8qZ8bQ2DtmOpV7dJeaI3rdmGXR8D7RY4Q7aFv6TIHOe6LDScit7/10D7q1GfL3St++rLqYtGvmnX326vswck91bKdMeCqG9TPngfGYlr11G1A8BwUFBQUFBQUZiufAIbY5By4hNdXQzuP8ZJSiyVWu2p9DsSDPA0ieA3oWnPXO5chjZoy5xqathLj3p2kweA+AqRnm3ISkbqh9cRUX2+fM2bSvldD4sUUe16vGbvwG4prmYWBpOGX6VjHP6oghtNwObi4cqM+gXo1AvoOsHo80uKxjPW84S5ely8sS39+ZiYX8hac+r+dAS1OswbMXnsOW5oY//azEdaezK9q2auIjtwA2NrT6Hi0Fc5HI9xdfEsVE6kWMlVnfqHLg9lS8GxcuiDfk6JHDuLwuFuHL504BALam69l5X9/UmLN6EFLpPzkGdRDWN4TF/nqt2rczk/Pc3JY+TxbEAqclPVdVw9lsCxP1gIw0I2B7KuMy3d3QY2nmgGosNKoIOFcrlmNbVcxuqfWYaklptsP1TTnvRVWrvHRV2qNC4MUrF7G2IBwAckpo4S8yf58aDCPGhpk5oF4ezQhgts7OLu/1nDdCTQLjJCwklv9Yg8bXVG3yyhW5L+jFmNUy6LO5apNMc64SvRT+/WK1K4wXJGDmRcoGSjH2uT33O3reeqSYeww7z9EdhHElfPaSWsgjx0XwFWm77eXjMepUkmzglR5TW76GRG7F+z4PeUk7zzRdmPZS6+97X5u8zv5343ageA4KCgoKCgoKMhTPQRtRZl7RYkq0TmitO2jcL9Zptupnh0M1vjuWtHMs2PI6t94ti6HjBSBfoLGepgqI2qZ5FHIPwcxipe5YxiFAtr6ee65Cfk51Xac68wM1ESxrg3wNn1HgZteNuyaVKSNqc9xNJfMqvTZ1rFEz7qrWVqUmkbHMTaA8D8zWMVdxTKpr8rG8KhbmlevnAACnz0mO/ZHDwvq/uiFx8vWNC5iqpv/OJSr2kbFMnXq1kNQSZu58qh3B8ZH9N7fUszCmWp/oI5x8QCsqqrX/7KkvAAC+4ev/Y5w9L3H4jZ3L2qReG8bjyTFxxw42lsIXoLVPzYVTLz6jPdM8eI2tT5V7cE0zCGLcxYpyKmrNu19XhUdoPDual2aWfTaB3p2pbsc+ax4/+SOqXbC9e10/pf3r6rnZUu2F6xvrWNVqmlFjyROnKhn1GlXjpGMCAA3vI92P2QtVTQVKPszSDrMi+HyM1CNVh11TNuS7hFb8glaAZFmTxNrPrVVawn45n2FaxskTqeOk9349b2wsuY7eBVOndGqjvBNT/j+PmXsWfUVFr+pKb0AVQsf69p6CTsbRPlZ7GutR73ZNcsXqeo5/6Mk0y/sN05xwbVrdA3+N9uZZGU9A768QQ48XYait/jZvB4rnoKCgoKCgoCBD8Ry0EBHFenKWc0t8MN8+5jPIttKXz1IgvHqhzWA5u3YehBRL4hLO0l37GW8gtx662Qt5H2fzIc+B81YMaKh7i6CttTCEBWVZT40z0T/jZc45FSHNmqtya4S56DZ7Vy7CKHatEpvZ8/pV+fnm1daBuV74Ma08YwSL1fby2ef0mGLFTudinT7zrHAQdmbbls/OfUi3roJW4atodXDceC00pq6xxZHzpNAzQ/b+8ftFrfD0afFibG6LBX1obRGf+sxzOlZifZsaJRXakk0oXST3Qo99Xav3LY5FY3/1sMTOP6cVI8OI8WHWQ5C+b2kfxqOIZc3OWFeOATkD3NeyURhT1mNTnXFX4+HVhJ6nvF7E8qpsf+2qeAxYS4C8gZ1dag9MgUrGfmFRvC7kb4zG8/y7WvpRvVJzHbeJWve0cldXyUGgd8jl5OtzVgXZL1bpPqbGxsqK8FjIg9jcya3QiXqKeF9Ueg58b/BZNi8APQTBexHlM9g/rewU1gRQz6MdU90zc2ZCOE9bYu3794OP3eceuPbzyf+Pqr3t1pSV5N6v9kzvXRHRr23rKfh+W699ad0BPYIhT4F9792rf4vo0jL28wxEcV/ve4SDoHgOCgoKCgoKCjIUz4FHDKl6lsWqkX16ZcHGGPLNoMcAti/j/WTKa1vIrfnuUfPC3lbl0bwAbQVCxvsbtw3cp+cO5J9dXQSeBM+7f31oxRDHGq8NrMPgKjj6WGoXnq2P7JzSftwuz3fO5um8Xk6PnRYz5daT2hytGHIqcouHlvSsFuuU1l6tegDcXKx+WunQNrVCX01zTePcHFz2wWKmuT8j1XmXBpdWNV4eyTV4FgDw4ENSU2C0EHH5qnAjjhxVBvxmnm1CbgY5GSm/Ww62qYp/h0+IrsNclRUvrUv2wsKi8j1q+ZypMuJUFSVHI2Bk8fgZB0IPoteA/BarIKp90e23doTVf0gzIhjPp8YC6yHMVKvh6lW5NosL4u1g9s9sPkNsZOxXtfbBVKsyzudaf0Hv3UpJBRWohDjKxmWifW/IRVlRvoB6Hqg02JCHw1j7KGUKMDNmeVnOa0WzFa5t8vx5/6uLzBjuOQ/C4uGOH5Beanw/aZ+j7K0LoSdq/Ws3QiXYKui9y+fJxdZ9pcOORwH06iXbtMMp2Af2vhzy5pLb5d8zTnHRZ0PM69oySPbvUu6J7fAahlRy/X55cxnnIAxyDW4ft2AIxXNQUFBQUFBQkKF4DlqgumDsmMp5bK1xSomp+mHsMt5t23wGa9a5HoEzXNPV5ocpIOazUBoOwbkDmqYxq7NmpkDHc5D3KXkKfP0DHsv1yXEQ0sxZLYtRMNO2rvPznjit96ajmZ7DeB9OEbEmPd15WIKP0TUtj4ieABUQR2Qo08pgSzbBz700HACzjHSPxQVmHPC+oQZ74gfQ87EwUhW+mp4PX9qNPc9z441LwYpwVZ6VceJ+qfhH6/f8RfESPPnmNwIAzpw9bTUTDh+VazCzkpa8Z53XxanO8f44rPUQLl66kI0DzKKWr1euSFbEsVXxXjT1DhqNifO+4DiMncLbSM+PnAR6IWrVPTiivAd6Cq5d29LtaWnLflevit7B/fermqN6A3Z3p9ja1gqQiyv6qfUtrHqn8hn0OlKNcMQ4P+8j9V4wFm/noPKOtMDnmnrATIQGqXop+3XkiCg6rh6SMR5d5jjkz5xl67jY+8ICX+m0nJW172swIN2jppUQyd+QFipTYeW9qFk+rPMwz9+T/t3WfaTZZ33vtDgH+1ndXegz7RRUba0jRFl79Ao4y7vNcYjuve+zLrrqi+53wrXTebfta/RHa8u/u4Y8Bm2v7+3yKRTPQUFBQUFBQUGGW/YchBDuA/DnAfxpAG8F8AiAXQB/BOAXAPxC9LRP2e8dAH4SwDcAWALwDIB/A+A9Mcbab6/7fCeAHwfwNQBGAP4YwP8cY/zfbvU8AJlNhvkuyDqgVTM3wzGdza/iAAAgAElEQVTPAkicg5Tv65m5phFQ5zNAHys3IuwAZyG2PQNozxR1fZ1mmszT9tkHXgmRR2BtdJ6n50FwCpn2y/c3mjNal5lGQuifxzKWtqAWjPfG0NqKbv5Kh8E45AzqxjwxdlFk+9DqC5e58593ArQ5XHgfFi83DoaePz0RoCeJudYpD4CBafs+2e4/KNXYvGeFsVIyzPXiLSvf4dJ5qSTZaNx87bBYxadPv2DVJFnJkax6WqH0ulS0ZnV51AqPPP/1LbHGt15UjQK9/7fVklzSegmTseg8LECrWs53sFvL/6dztcKVRV81C/pdPUxUjAxyjGl9WdtUrwckw6BptA6AcXDogZB2pjPhhYwn9+u5SpenOzNsbGuNiFXxukwWqfuhXhqjxDObQ9n7I3pI9Dobj4H1IZRHoJ6GudaToIchjFTVMiyZB3Cs2RQry3Jeh7RP44l4EqJe9+n8unaJmVTkAUDHw70f+OyHXA8BI2b1RPMQBNaOYNsNOTmsKUFPmw6LfLS8W/06B8kJkOsl1C3uT3BePTgOkq9au182QnSd8Mtr117ltmtvmzQk2Jf83cufUa/7Qk8LK2nS+0u9lVHIPbtpfIK9S5idZefD94H95uztUbgV3I6wwvcA+DkAZwC8H8ALAB4A8BcA/GsA3xFC+J7Y6n0I4c8C+BUAOwB+CcBlAH8GwD8D8I3aZoYQwg8BeA+ASwB+ETIB+W4A7w0hvDXG+OO34VwKCgoKCgruedyOycFTAL4LwP/X9hCEEH4CwEcA/EXIROFXdPlhAP8KEuJ9Z4zxY7r87wH4bQDfHUL43hjj+1ptPQbgpyCTiLfFGE/p8r8P4KMAfiyE8Csxxg/dyolERLX2OMsk278/luT1rJsmthQPXTzfxb6ox+7Vw6wiXEcfIecF+NoElAyfz+edWNdwFoIydJ3VkTwEnNkz3p8z5m2+O8/Hpw2v0GbHcLNowmbuZkD4egjcLl/PWHxoaFknnoBNzLX/QznO+6EbU8376quzhVZfR2Z9qGUb+vcZOibH3ld843nvaCbBxfOiBEjGPNefO3/aPBnMspiMWVUwv2e9p4jxWMb3L10UrsGY+e8cgBE5J9rMiBwWzd5opsYZYHw7KVzmvBaY944aHPI51foFW1tbOh56aB1QZgiYqqNa7Yta54DDvTubGgeDji9eI6rqmbaG+TG1TdYU4fvB+Tl5N3nFPLZL7kLE2Bj/ZLywquZR5R4cWpVMisvrWrVxpBoJVLWc8X3guDd0EFDdUfU00rjk5yRt7G19dp6SnHzfyUqwe50GtDn1+F7l1t0+DCkiHhj7WdIDiolVtonj4HDb2r3DBrI1zHPgu8b2o1/Arsc93kl5Z/z7oN2fW8UtTw5ijL89sPxsCOHnAfxDAO+ETg4g1v4JAP87Jwa6/U4I4ScB/BaAvwHgfa3m/gqARQD/hBMD3edKCOEfAfhfAfwggFuaHADiAktEw9xFHZHfLD68EONwWMBuICMYkuzEfRmyYHzB9syO1eFKMkWuZp9ru/FNqmfuwwz5zc25T0asbH2axLE7F2I4DbFNJORkgGWQ9fz5uzLOb3LP8XFZQJ3z931rP7BVenuxw7LnTbrigv+fCRrlL+a6ab/03HkcEN2JXStcgvSjd/myEBC3t2Vcjx07CQC4pmWZ19cvYmGRYyI/oCzmYzKwFCJiX7UP6V7Vlx6Jq/qSHGkKI12gjaY47uxU+imu8mpUQX8XEaZ5OMiOaUTWufZ/Xc9LJgPjMcmAdbYdJ/L8MeQ4TXcllHLp8nk9G1m+uXkVhw9JSub2jozhsgoRpTRcLV7EHwFHtOsImREhf5ZJHk0TvSSZzbAZ3zVMxV1a0vCClqi+tnG53X2Y9LWGj9hk6pNKN1thIV77/BkXueB+wbKhwkK2fuC55zuqu5/2Rb+xb20DIL2b8jH1okg3++wSQ+/nvm1SBIJjl/eR7xd+Hx3wGY+OAGzXJFRozRSyTy8SlX6L0rv9doUY7jQhkeL07VJY36qfv9Gz/e8C2ALwjhDC4gH3+XW3TUFBQUFBQcEt4I6lMoYQxgC+X7+2f9Sf1M+n/D4xxnkI4TkAbwHwBIDPHWCfMyGETQCPhhBWYoxb+/Tr4wOrvpyFl1IaIY/hP30qI1N+Yg9hkLNKWvg5YTGY5S/fvTARJ5BJdjlPQyRqphWF5L2Y2T6aisQQhCMGeXiLge7QIWnojuu/Bd9PbjpmgaRI1yOtKRfScR4C+547dTqlStvnMGj53CSZpzKhpf6wQjuc0P7sb+tg8/Nu4R1ZXqu7neWSm5pkOVn+0ulnAQA7u9fN2uTNZgRES6fU66nLWbhrQQWHaGFSsKdWMiDJsHyd7LKgl6V8Sl8mkyVUep+SpEefvouSYaYWcbNN61u73jCssKHfdf2I1rqS/Rjy0OfqknpWWBSqiRVmc3lVjEaH9OBRt1nI9k3XkcdiX/T5snCMc1Vb+mmVb0+ffog29iMtdrQUZKyPHxcC5cMPvR4AsL0jYaOr14QMOq9VWKrKHwjeg7u7eWgweQ7yZ3syAWYzH8LMPYweqeRwf5itcuebZIf54do9gKXdTQfcJwTiRI58O57gaCHSvsZcG0lFPX92R533IFtzy52noHMqe4wHt51H3/+bdE3ugTvpOfjHAL4SwK/FGH+ztfyIfq4P7MflR29inyMD6wsKCgoKCgoOiDviOQgh/AiAHwPweQDfd6O76+eNmHMH3ifG+LW9DYTw8RjjfzSfNTa7TNZoPkOmLHFj8T0Kr7Q5BYy/5vF9WBu54JCfp1kaENMp54zM5NZ74zgM7XYs5dDCV3mszPqK/pn/0GR9MBbZGv1kEVeu/wLGG5mS6M+r43HoHKLJ2ummGyZ4C2iojLbnTnhvhN8+FUHKj5eIWMl6GbKuhsZyiMzWJZuST5IT/C5ePgsAuHxVYu1NPTfPAK1Uk5A1gRVatupBUGu8nlPcZzHrG3kkKW1OrwlITOQNQz5AMKubBEIrycyxq9Rqb/gMmjSVnjd5DFu6PbdjsSPnFdP1O1OxvGd6LguTFezOpI1GORjjalWPofckz3PC2HjMPq1IlEphe8+Bj8l3uQnRjk0uDgWSjh29T8eF97kc4/mXxBN05Yp4Qrbqde2zNDmrea3o1eBzl/Mf7F3QDHuv/L1nJdldKfghj4HH0Mt5XtedVML9SMMj5xm4YQ6Ca68tr9wRqnMe4zZxcC/Y+yPOe9czHbFblj24/6dtzLNs96A7n9A9t5vFbfcchBD+JoB/AeCzAN4VY7zsNtnPyj/struRfa7dQFcLCgoKCgoKenBbPQchhB+FaBV8BsCfijGe79nsCwDeBuDNALL4v/IUHocQGJ91+9yv+3zI7fMQgFUAL+3HNzjAGQAISTbYSf8au9ScAPzOGWboWJGdjIYmX56yD3KLeXD27VjrnDHPbfvuft2Yls5GWdbYtT24X6eZPOZu89/QnemnQid5mpN5N8xjgN7tvHx0tzNkQrv2Y9Mzke631n1aYVXlx/TlU/1+e6UQeQ/BfulGQx6GdD8xzTBnPNMI9Kz0LI7Jgje2LLfwbSmfA+TyuQG56FOghUThFnfjLC6Kx2F1dRVX1YL3x0wyUfTG8Xp6C4r8HvIndK0VHFIeUDPL9vM3Qd3sYGcqgkL0QiwviOdgrOmC6Z5iE7nFzOee9PSOl4feP8sM8N7BuiWKpmPLEs4T6cv998tYLy2JmNWyFok6ffoZAMCZs8/rOQgHIe6ytzowM75PyCups76GEPe9N4fi9kPbd9c7zpLdkmT73zjmAyXhPaeA40lPQ9eDmacb9paaD/7e4zuGniQ/Dge13Pu3j03Lm8dlTuSt+2qOA/+/edw2z0EI4e9CJgafhHgM+iYGgGgZAMC396z7ZgArAD4YY5wecJ/vcNsUFBQUFBQU3AJui+dABYz+PsQT8G09oYQ2fhnAPwHwvSGE97REkJYA/APd5ufcPr8A4L8B8EMhhF9oiSAdA/ATus3P3/qJyOzeFxKyOLhZ+XmMiNvXTd2x7DqWvitu5Geb3eJIutbFuaydPSaJB9UB8SVWh5j/hOckULIWzmrv28dynVuWS+8+NsQD+gfMUmBxI3pxOn2u4EOqBx2Xqtr78Yj78ALa/ID94rpD1poXP/I6GMHKCOfteY9D2zphfNvEBQYGZEiAqRr19zURpnN+wNKiZAgsLCwkbxt5Ls6JkUqXi+U/GlG8h23y+cn7MJ54/gSlq8f5/pb1MsNUvRhb2+JBWFsV3QNKbphHyDg5eV+Nq2NeGwpy5eNGSehK7w+7T6omWZ1Wopqf6jHQrAuW+J5qFsJc+RK7u/J5+col65WsUJEkLXRFD41/tvfKlvGF5ez8HAfL35u+zc794TKS2toyB4XPFPC8oUbfSbTy6Wng2BsnrOMtbXlSeL+7+7n2QnTu2YOdX3/f01ZDIklNR/sg0d9yr+/eR7g13I7aCj8AmRjUAH4PwI/0uExPxRjfCwAxxmshhP8KMkn4QAjhfRDlw++CpCz+MkRS2RBjfC6E8HcA/AyAj4UQfglJPvlRAD99q+qIBQUFBQUFBYLb4Tl4XD9HAH50YJvfAfBefokx/tsQwrcA+O8g8sosvPS3AfxM7JlGxhjfE0I4BSm89P0QE/SzAH7ydhVeik3E7u6sE99NnoN8RujlQJsenYNW/wG0dQo865wWj4/T5TP+pIiVH7vuiTMlayvvr5/Jj1xsvar6Z76+PeobJCOu6mw79N3QX2OrJ1Sceyc6NAr47fRbVXV4IAPZzC0vTW4p2zFCbvHUzhKqPIO6dWDflueUDI2X9zDRKjW1QivBi+wzxeiNhNBa5i0WPx65e8Z7QowP4nLr/bhRa4D3ye50hnqWl6K2Nmx8PG+h3xoNzO+P1cB23D+PsSe9jLl5F+bUVOg8ux3OvLblOAT7aFXQWh1NZDzG1Haomo4niM95Km7EMRUPCjUnFpWDsLAgXplFXc6y0Y1lsYjnYM6sJyuVnbJAhvlB7v2H/LzJmG/c2A+9+/xDS6nzEJrOPbYfho7F96ttt4/YSONUYUfjcdqH21g2jnofeHFC/zOdvKD78YqG1/nMMLvLB3g9bu89j3tQ3A755HcDePdN7PcfAPxnN7jPrwL41Rs9VkFBQUFBQcHBcccUEl/LMH1yWutmtee8gDQjbllSkfuygFLeJtUKKxfn9x6FDks15rGzxsdBs5mks0I7M9h+D4ifye4XS2SfKqenIP3p10rwYN2GwblubljZf1IIjpaV98CkFrsx0L3j/ENWvFc0M4Y5u+q8ILRupSCts2hYnIgegujX5x6BaHyO/KJFehL0HFny1s6YFmjV6mfg/crges7bsL2tZgRrDOg4MItHc/JHqvNRsWy4vla2db/zWgxpdTzCNmuAMJmAXIEmvyadXHPnQUnKiIwDq+XHjApqFVjKAHkWvGYBphgZ+Azu6r60IrXtufN2eMPRrLlck4G3nV2zzudCasPGmtwJZmPwWkgfFzWTYmG8on2Q78woqZY5LjP9VL4ASfozfV6MihCQvDX9OgVmpbuy8/z14PuR+gedUu/u3m4sCwz26T0BQ89iV3k2f3N4LoK3sP32/n5r6xz4mjSVU3GFewfbu3yfctDReFK518v6HNJz3dVvUB6LeY71XuXz3zT5i/gWcNt1DgoKCgoKCgpe2yiegzZ0Bpss6TzW5mOuqaoWrZs6ZRG4WBYxdmpjntdA+CwE+2qx2jz+n0+w8wi0L6VqGQPcipbkHiWH25/eig8uH7yvDdvFxx2r4X37jpVyz/eO6+2lJzBYa+EGl++/vr18gCVhRki/RWMWlFvude29ahsriLbvK1PsM8vXBjU7trUxEK9NXhBnvVFzQzMKpmp5XdfKiGESMGtyayx5DAbcV62jtvvqOQmdOK8Np8uSaeslmOqc9Gk2y8tJs25BUs70z5N8H7nS1d1T8BwO9nncOR9/RbyWCPX7mYVB75VXFo3UrOA1pheDJZx13EdIzP79YtUdK94pq3ZqLfAsare/fbS9i7yn+r12Q/D8gK66YX+M3t7Drr0mRkT37k7aCeohoWrlQFXKkXmM+AyS70H+i2ag3ICB37kv6J1yy6vBN+mNo3gOCgoKCgoKCjIUz0EHEX4GndSq+j0IaFkj3mIdjNc35CB4RT8e1MXimTPNPF0XjPcsgz5YfN5bWaF/O3fojofAhPb2MDi6mgdOCbFx5+kRh+av/Zb4gbMkbgI+7996cqO67reA23lsxsgrl5ffrdPRuUHkk2kqo/wmZIyZtQuuXbsCAJjtbmFrR6op1rTZYs7buPGrRc4J2+n3fpFXkIYr2LO3uSV6B0tjUV9fXhQVwvGycipaNTLkWORe5OOWjHxnUTvr3yzS2FroMLJqlYyFy/Kx6R7QYyD7zzQLZFezE2rzzOQ2Jy3tuqXESot/MmGbeczdX51uLRE3Ds6j6jU3PI8kzyjy+i85PIu/ywc6mPejk1HRo0jLsTYOQp1zSrrPh3oWOpwDzd6hSyHmfLNXK4rnoKCgoKCgoCBD8Ry0ESPqet6qeMjFLv/Zx3dbn/uxbX1sMOWI0/JRLoLlp2cfPZajLs8Yr/3bJCs+j7/6qoxEirXpd6vix5OxDTEIS9iOWVt+ztxtwc9b/SydFkB/nw9aw+AgOGgWw3773+g6oKv9fsNKci3Vxo7+QiCjXbMNRrnll9xS3lTUD96zasUmSoNsP1P9gMvXRL0vXAOCMb/VKqN2yKhfLa6L3BK22GvoH6fO9bdzCeBduLu7AwDYZuXGmXAksCweBFrxrJBqcX7tSu0yiEZjZkwM3HvUPGlqOw/236qMGnufuyhHQMdpMplkfbH3RMcYZXs8bR03K4Y6sxOpO+8m7PnZycUf0EcYeibb2VDd883PolOl1WmuWN2DOvfUklvg+9KpF9GqwcBxsJoY7pj7+beqjrfUn0t/pkXexu3zeN4siuegoKCgoKCgIEPxHLQRIAxuVx/BVrvJXFWRhSrfm2ZY6ct/p2Z8Uj5US0ctAdpBaXbpZuG0CHpoA3G/mJanvlYDpgE3o6a4OwdammTIGl0ixrZZkR+SVqatz/O40zlwtVqYnai0j4P2e2xCCIPWtrd09qtG5zFonfZs19evg2C/++ig3ou+fbqWXt27PFmS7HseY6fGhnFy9JJSrC7u7mq7AWOzqnXfgfPo1oZA7/qUm8924LbP9UZML3/UuqP0OabOwWwunoQmst9Lep65JgOff448c83H44kdIz9Zd+1DaI0A4bUGnLWtlvCCVro8dGgNALC4KAqJs51N7ZO+2pWDkDg+zoofBdOISNeZY6z7xPx76lO/NkHt6hgM6aXUxt5vj0G/Pkq6vt6rkb/rDppxNJTFUDdNS3tkyMIfehfZweRMHO9szh8KZpzQ29HDd+h4Vgd4K4T34twOFM9BQUFBQUFBQYbiOegBjdnKMeU5wUtqhtxe44EYDbJovY5BmlWzTVqW8p3zwjEXjJxFYSx/nY23aqanTAlaaS5O6/vorLSO1jqXDyinVW5i3Z7VDtWQ4OAFM+lGnX1Tj4eR1Ar7GdF7VUT0fexapXt7Bm6UIX0z2xzUIzC0Xbs+vR8jb/mZrj/vZ9YEUG9PytbhTZrH/a1qqR6PooRmSY3GiOOcEb+fdTL0PHn+DNX56M1KXA2anNwv2vfGLFdyJMRjMNVKh/O5eA6wqHnt4wXdlc8iZR7p9fP3ILL1XGBPUYzpPeC0SCxLwWUpUXthST0Fx4/dBwC4fOw4AGDnwlVppWYMXata8t4OeZYDmpldb3p1iLkpQ+bx/dT9fs/BUH2ZtF/X++Wvb8qUyNHlXPVzEYZgNRT2eCdYG457YH1wnK30lsofAHvrJhlM3Xrvu/5m3hftr7fLeVA8BwUFBQUFBQUZiuegg8ZmXiQC1/M8JutjSAGMi1eDzNxu7DSPKY5G+czZM1o7ubPMmaU3oGX1ckbPybGxbtmFmO8bXZ564jUw9qbxPLLZ2Qz8f/L9gWRNwZ1X8mXE3vVw1uhwnK/fwmqs5vrB43BD2QhhwMqIzkIa8iTINennHLySGgkejVXF4zVgTF0tY+O15Ox7ehJSxUd6wbwFRRcclwbLTjgY7zthUL/C1TtJRHHnDbL4v66NTdLniNQcEU/AVBUdd2fKPVArO/Elxtn2zFKoBq5/66BZ32MTTSaPWQfJe8Ux1UqOVGHUE11ZWck+FxaEgzDWehd1pE6C0wBkzZMmjRvHzF8LW26nk3t7hjwHB9XiGLUyCXwdA5/NZT0wo76fT+UzKe4M+Az3Z9gMHXuk13KIy9Cu7zCUyVC5l6/nXtxOFM9BQUFBQUFBQYbiOXCoqqpblRH9cS3mP1tuQQwIrA5nngBdZTF2QWOVAZ0Vz5zj6LkFjp1qM0iL8Frf/MydffKZDslzMJRDrOvrfovAZvnO8hDdemtNu5l7CCz+ln9NOfaJAq6tsEHXdxff43cyxtuZAl3byPXFWPi8FjqmQ/FJx2reK+Z6O3UXbgR76RwkbgXHktvS1Nf1jm3P76zfUI3zuHlNr42rawAANS3XA+r47+8xcM+RLR/K1W9sO7uu5tySfpNrwM9UL4X3rAmgZH3r8GnIQaC55zkfLY+St7o907/LVg/uE9n2Y9VBMEIQq8I6T9yoCmjs/s6fhyofakNDRU3kGgK2foBzMKSD0D7f/TxrSXMm79NQ9sKdwHC8Pz+2vyZ8RzO7qy9LYT+QKpK8VOxDfr/fDhTPQUFBQUFBQUGG4jloISAghKqVz+vY68yHdrrlNgOOwXgKxuC2pvLZYqhDe3GiATBEqE0mNrNaRL6muvEJ0jyvcbNKE1HjjD3kGuHRZt39PIlxlWuME5bNYdZams5XbgZvGQ/so47DyCwi5zExU0DbQX4O5gvg+duhmUvMa5eOWtfz9mljZDJxk6xvtPRoUfnxTEJpOn4aL7U+8X5pJd8nR4qzOpDjZjkI++nY5x6U/OjBXRtT3bO282MEq1bIa6Hnb16BJv9seceCeWlyLwTH3DJteCzGnpFb4fMox6xC7t2xa0dvmR567K5xE6OZRrwktbZZI69TMIsz3S7PJOBNl/gkueW9SI6C9+RZllBrH96T4/x553rWu+BntMqR0vbignANJhU9Zlq10TyMcg7zWeLiAEAYVendQm4V67242gKNkzeN5obgOHhvTe7F8dn7fV40y8pwyobJG8Fn2be1t8eg8+4aqKiYb6P3VPTXGdlnej76rXffpya/TZJnydZHeI9r4iPoNh2xGu1zavaWUTwHBQUFBQUFBRmK56CDYLNQ70GIFr+Tj6ai8AE9Ca2ZOvd0MUHWAI/OcuKOjVonlbGN9dgWW+UslJYS3HJg3uScCWYZpFgwsn0Znw/OkjR0GLKeR8DYNK292PJkMN+accpcr8H4ELR8dS/OjFNKPafrWVcQ6A3w5ANarVVIM3Ob6Ttvi8XaB6wR5p5bdU49M1q79DA4Zbg2hmbzdzproS/+a/oU/ma18XFqlR3PknwfGdOeVjqzdzguPCaXV4kx4ijydldbl3JGdxX89TWSSt5XX2vD7reuZ8VXW2Wb9CDsqmIiPQjjyh4A9lb2sswYXa/fZ+pR8jwCogqVtZUeudxCTlyDnBfAe3cypv5B/pyNorkLdRykT2O9Zo16Uupm2qn86p8l89r4Ehvu3Ub+x3jsuQg51yCdo76X6rrDW9ivumqHV+Ws+KHY+8E0BPL3v/cMDFWKPSjfwax/Pof8HtP6ZvCF0flPhtvJtCieg4KCgoKCgoIMxXPQRhBrysdYU2w2t7hMS3yUOAi08D05v2MYulmpzbFp5ZMZzfxnEshrC3hrn/g1TZ2t16E1FW0f2sL5jIlaibbevo6N8c5D5JYWrXrziqA1r81Dqinm7DIcfKycec+1Y04n5jf3VAtpcKqdLJ9kCTCOTcuXMdV8nCy07JniyJdb3HzAuulTjHyl0KcUuZ9V5rXxh+obeP3/1hbZ0szKc+qMHEx6XWAaHW7shtT2XNaKO0wn7p0yjVpWvIvrzuaqdzBVvQOt2ri0IMsnk3HWV9Yc6ej017lHwXsQQstzkLRTZN+R3d8+k8DOUI8RdT9qNVDVr9Hv+hw19GLk+gmYj2ybkVmy+TNo14+Xgh5CVzMhVUbMayb4Wh7se9ubs18NEY8h1dODsvX3su6HMiKG0HG0mgehvz1uP3bjl6k23sFsi4OiTA5aCJDCMENiNulF434E+EA2rXSx2n5CrHXZJm0rbbbXtm5I79KjOzDQFZpPDmLrBW0vWrqUzQ2sL0SXWtX+6QbQIYe10+Hyc2BKXJ521T52Ih6S3KNHIlFxZAzO7BgsSTumexn5esLIXgMvhbacNCcSSao6nxwwZdOInO6pt59Cjg9/2HQHCtUQfLmORqOO2/SVmiS0f5j8C3WoQA4xlFbWlcv1k2geHNn6qkpjOpQWO3is7on5Bb2rTS7XTXTaZYK9tPJ8JuGEra0NAMDOISlmtLIsJagnk8WsbSKFa/o/O+OJ2AnVBfeeGCpNbOEYva3S5IChw5wcx1LQ8zl/qFhka4TJJP9R56cvmAR7bXCywPPqf18SfnLgiZsxxs5kcGgiOyR+5FNXh7Y7CDoE3E7oJ0cnBdruXU9E1HvRtpPlLHw1qvIU47uNV0cvCgoKCgoKCl41KJ6DFkLIi48MiXuMRkMurQYdT6srToMOaYWzxtyCNm+5aSFxRp1b+dGFAkIIyT3I2bizvs2161yXPmziLUGzD6ucBNU4qyYAJoAzca7KNPlW0pIRLvP4Qxrh0B6OFnXMWx/oRdsq6brH8//wulq4qEOS0nGM9IrknhXffh8xsd2vvTAkRbufB2Ko0FdfKuPQtt2SzUOWYe55SeOXiwS1LWbzOlk6bb9VPVhwybmIeC0qZ+fs206fGcjr2+RiSLsqpzxnKedGPAdV0NLMtBytgLea9KwAABJ+SURBVFGeAjhUVCiGYA+X976lVGDnSrTHRLYfa+l3yidzubXLdGSSBJkSSR4vutfbhwXSevU66KVL92buOfP3lS/g1HfvD0qXd9Ih+9encGS/C/9GsG/IwsvPx/y+8dsPeSI9zAHXNClq6j0ne7zn0pc9D3NgFM9BQUFBQUFBQYbiOWgjBIxGVY/VprNXpu44vkB75m2SyxZv1Sb0O5WK5yEXI/Gkn8aURrwoELL9bJLYjntZTFPhCJTRzUpjnc++k3WSW2s+/cxg4jApPmxlr7U4iWc3ECaswtOLeV8Zn+vE+TmwY25PCyOPm/ZZiHa9EpFBljvPAdMpR66NecyJZsFZv97Kqet6b4v1FuDb7caq03J/Xw8VyNnfY2B76HoMbJc/J/J85BKynt9CDI6TGavuXt0n1c2fi3h1vCfFEesa4RhMd4VzsDsXD8JSXNY2FrI2hwl4/X2MaFoP42jvbe1e061Vun1BSzevLB+S5WPyamS7JOBFHgFfRMG28/33AkTtHgMtobJ9ZNWHxsFjNBp17h1P5twv1TEt57PYuO++bzduF0d/ryUN+z33S78PeTtEInyTTNotKZ1IjXu/R2LTdKT2bxbFc1BQUFBQUFCQoXgOWggBGE+GsxUqljml+BFjrlryONaRtWp6PAecAedWvckLWyeqVsut2bx5LbgfrXTtUyvuX/vZNmfN7RNttc1MiCHsN/OPPVKklpUQcovHadZYylbjZ+Fm4KiVq2tN2pUzaXomzALNY7eSraBNOi+NSe1SyrolnCTHzDkb7LrdB67LjLl61ndWgKnKzwfuXkvcFBwI+xUoavMthrgXQxiyiFtbZNvVZknm58BrFmMczC4Z5D9QTnefPvtn1ReX6myfsVby1NZoaYAqnzyb6vdd3SMv3e77wBg77wc/7n0iVJXxePr5K37AuN3CWLwXS0viQVjQks0zpoTq8zNv8nt7HGitjsA3w5DXKfGB3D3l3mVD90niInBcu169IU/Jft6rVCQvv95xH6GiW3HgdQps2bh4zkXd3bnn2J4f8Wqx2F8t/SgoKCgoKCh4laB4DloICL3xr1SwiFari/+rxdRUEZUx2WXdyKxyzrY5TdS43ixrymb2I85CWdwpUV61T8iWz1NnB7UAguMvJK9ElR/Dnbdn2fo5fNWTvZH0DNz5+e0owcsVHJ8Wc1e+q8XDDAldXSdtX2mnp/AQrYsUA1cxmooiNrQ+2Kc8/712J2weBD32iI+Rnav2tcVa92NZD7Dnac96Vv4QDsryzvowwDnwGNL5SOv9djwWrV9dz2yZurFSs2C585C3wWJVJi9uJcsPZlYNZl5YO6nzvv++NDuv/1w9BvQgNFrEyHt7hrwfKZvFGtbvLcE154XpFgbqvx/oWVleVs/BomQtbM3y3RjXnruqP6NqlJx1zq3HsZu3UxvQtr7z92D+pktIRZLoac29fU3TdLRThrIRiJQ5lntakleiPwumw6NwfY+t8xxCkobPr3v3ecn1YULwnqacH5G+7338VwrFc1BQUFBQUFCQoXgO2ggywx6aCTYDhTVS0ZgGjcX6Wo3KEtmW5W45i6zyS8CZbT3P+QKMMaZ4l4tBtrgKgbNwFxtjfN7HCG1mSyPdW6/OivF8iL6Jbjr92L8cbDqPW3rdZWOzIz+WWR/O0eCtwSoAYaweAvIV3LEisxScpQvHDzCmO9x2OnC18SB0sYXXQ5sUojtrjHTgnvJxSPu+TwL3Xsz5bt59P3PbeDAuvz2peubeK7hTM6leVxO5CqmomfkanDeD/JXki+C9yPFi9ks+MFbiuco7k/giztvXasN7adxpGYdgOhWdg11VUJws0huRZxqlzJms2XQ/kNMSW/d1dBd6HwQtrDSplgAAK0uSrbC2ehgAcH3zPACghvR1zKwelYZukjZ44jFxEfU53LWx+4fbV7mnpGJBJWdy+hj9hM8bUlZE8u7l9xYvp90Xvt4x99on22WQ5e/eH8NvtHbjfmf+XjidA/JHzMub71ZVuSZD3t+BQ9uzlC9vknzlgb2O+6F4DgoKCgoKCgoyFM9BCyEETMaT4XxvN1NO1ik5CcFiqslocFYWFRM59bNZNK0JneGO+hnRyRugs3XyBVr1Howd3KmB4JXvZPvZiHUOWmYVkgZBcDoJdmZUX2uG55iWnzuwftRZsU8A028d8+l4yhJJDafZdh5/nnMcqIrJLIQmLz1cuXiljSNjhaZZQTlLuL40yax2n5WzbL23h302PYgB/oPPbe5wGWLsibtyG3bJq/Ixjpsr3JkSopUED737J0+DWlDjkY0d1SfpSVswhVDtb8cyQrbccxK4xSi4Wh1uv2Q5Ji9GJ+edmUEgu149B6qUONsVazwuam0K9Uw1NT1NyjWJ+Tl5tY+2hVe5/nVsv+j+o8/cuBKOwcriGgDg6OH7AQBXrr4MANiZC08iKk9ipp4EK7ZWVaZ5QK8M7+tm7goo8Z5kT1iqG/n7MDm3dPuR52TI+lmrxonVcajzcUgcK70WLMRW5fewr6FBpGyGVEtC+kwvKs/BHXcPNDHnMA0RqoIjXFnVceO/DHgBY9X1GFrWVu7t66q4hn0dHwdF8RwUFBQUFBQUZCiegxZ8tsJQHnO3+pbuHxpwNmmVlU3xj9voYmNwO2vcxfeG+pA+ddbfslaTp4P8hzzWTBhDmJkAThu9W51N2yWj2PEC+hCc8ltnvRc+uEEM6de3vSR23ar8WGPjaei+xp7O+R2pTej63NqIlg3iuAt0JIR5jyY6+43sGPtbLj4+nvdxL/36rspcHNx2r+XWDC1Hd3JD59COLVv54pDizkDLCBuoS5G8N/l193HW/cYxts4jmL4FSQFq2TFTSDkUrNa4M90CABxaluWs0jgaS50Dy7F3XsKUHNJ+b+Tvh8G8fuch4+mNJ6p3sCj6Bqurwj1YXl4BAEw3ruteLL+sfWTNktHIblSqstqReX2dpgpN4Mp5wYb4AMnTmnsF07swwSp554lVrfPOMx/S8n6OgZ2K048Yisu3s3qGELwrwD3Lw/u1e9ztq/1GoOnhAbF/uccgdogtYdhNe4MI+w3EvYIQwqXJZHT85ANHbNmgDOWAa7fNIunsOdSUXz50Bw31KWYfBzqmXx39Axbdcr7ABhq8XQSYO4PWNTnY5Wxtv98A8qW596FjTCPnx9LPjaK/oPveD/0Inf90vtjew1K0A8s7L8d9tt9D7Kbt5pfvGPh+0D5lH30L8u3bqzru3fxXjOnFnESPVT7ZiGd2bf2x8vb7rk23//48/Y2Qh3BIAp1pcajpdFuXa9qlTUicsYHQuo/dvefv7+5/er/mk5/Wd7d9eze/bQrtRLdP56d1sE3XsMAPft/F2vcncWAyPXzl99xv6JE/wJ69K7a3pmiaeDnGeN/QbgdBmRwoQgjPAXgdgCmAz9/l7tzL+HL9LNfg7qFcg7uPcg3uPl6r1+AxANdijI/fSiNlctBCCOHjABBj/Nq73Zd7FeUa3H2Ua3D3Ua7B3ce9fg0KIbGgoKCgoKAgQ5kcFBQUFBQUFGQok4OCgoKCgoKCDGVyUFBQUFBQUJChTA4KCgoKCgoKMpRshYKCgoKCgoIMxXNQUFBQUFBQkKFMDgoKCgoKCgoylMlBQUFBQUFBQYYyOSgoKCgoKCjIUCYHBQUFBQUFBRnK5KCgoKCgoKAgQ5kcFBQUFBQUFGQokwMAIYRHQwj/JoTwcghhGkI4FUL45yGEY3e7b19K0HGNA39nB/Z5Rwjh10IIl0MIWyGET4cQfjSEMHql+/9aQQjhu0MI7wkh/F4I4ZqO7y/us88Nj3MI4TtDCB8IIayHEDZCCH8QQviB239Grz3cyDUIITy2x3MRQwjv2+M4PxBC+IiO/7pej++8c2f22kAI4b4Qwl8LIfzfIYRnQgjbOj6/H0L4qyGE3t++8hwkjO92B+42QghfBuCDAE4C+H8gtbu/DsDfAvDtIYRvjDFeuotd/FLDOoB/3rN8wy8IIfxZAL8CYAfALwG4DODPAPhnAL4RwPfcuW6+pvGTAL4aMqYvIdWl78XNjHMI4YcAvAfAJQC/CGAXwHcDeG8I4a0xxh+/XSfzGsUNXQPFpwD8257ln+nbOITwUwB+TNv/VwAWAHwvgF8NIfxwjPFnb6LfXyr4HgA/B+AMgPcDeAHAAwD+AoB/DeA7QgjfE1sqgOU5cIgx3tN/AH4TQATww275P9XlP3+3+/il8gfgFIBTB9z2MIDzAKYA3tZavgSZzEUA33u3z+nV+AfgXQDeBCAAeKeO1S/ernEG8BjkBXoJwGOt5ccAPKP7vP1uj8Nr6Bo8puvfewPtv0P3eQbAMdfWJb0+j93KObyW/wB8K+SHvXLLH4RMFCKAv9haXp4D93dPhxVCCE8A+DbIj9a/dKv/BwCbAL4vhLD6CnetQGbfJwC8L8b4MS6MMe5ArDIA+Bt3o2OvdsQY3x9jfDrqm2of3Mw4/xUAiwB+NsZ4qrXPFQD/SL/+4E12/0sCN3gNbgYc33+o487jnoK8yxYB/OU7dOxXPWKMvx1j/NUYY+OWnwXw8/r1na1V5TlwuKcnB5DZJQD8u56b6DqA/wBgBcA3vNId+xLGYgjhvwwh/EQI4W+FEN41EM/jtfmNnnW/C2ALwDtCCIt3rKf3Bm5mnPfa59fdNgUHx8MhhL+uz8ZfDyF81R7blmtw85jp57y1rDwHDvc65+BJ/XxqYP3TEM/CmwH81ivSoy99PAjg/3DLngsh/OUY4++0lg1emxjjPITwHIC3AHgCwOfuSE/vDdzMOO+1z5kQwiaAR0MIKzHGrTvQ5y9V/Cf6ZwghfADAD8QYX2gtWwXwCICNGOOZnnae1s8336F+vmYRQhgD+H792v5RL8+Bw73uOTiin+sD67n86CvQl3sBvwDgT0EmCKsA3grgf4HE7n49hPDVrW3LtXllcDPjfNB9jgysL8ixBeB/AvC1kHj1MQDfAiHSvRPAb7nQZnk2bh7/GMBXAvi1GONvtpaX58DhXp8c7Iegn6Wu9W1AjPF/1FjguRjjVozxMzHGH4SQP5cBvPsGmivX5pXBzYxzuTY3gBjj+Rjjfx9j/ESM8ar+/S7Ea/kHAN4I4K/dTNO3taOvcYQQfgSS3fF5AN93o7vr5z3zHNzrk4P9ZnaH3XYFdwYkCH1za1m5Nq8MbmacD7rPtVvo1z2PGOMcknYH3NizsZ9Fe88hhPA3AfwLAJ8F8K4Y42W3SXkOHO71ycEX9HMoNvcm/RziJBTcHpzXz7brdPDaaNzwcQih6Nk727UvedzMOO+1z0OQ6/jSazHO+irEBf20ZyPGuAngNIBDOt4e5b3VQgjhRwH8LEQv4l2aseBRngOHe31y8H79/DavmBVCWIMIX2wD+PAr3bF7DG/Xz/aD99v6+e09238zJIvkgzHG6Z3s2D2Amxnnvfb5DrdNwa2BmVJ+ElyuwQEQQvi7EBGjT0ImBucHNi3PgcfdFlq4238oIkiv1Di/BcDxnuVvgLCrI4CfaC0/DLGaigjSrY37O7G/CNINjTPEivqSFX+5C9fg6wEs9Cz/Vh3nCOAdbl0RQdp/3P+ejtHH+t49btvyHLi/oCdzz6JHPvlzkIf1XRC33DtikU++ZYQQ3g3gv4V4a54DcB3AlwH405AH8NcA/PkY425rnz8H4JchD+D7IHKm3wVJIfplAP95vNdv4B7ouP05/foggP8UYnn+ni67GFuyrjczziGEHwbwM5AX4y8hycY+CuCn42tZNvY24EaugaYrvgXAByBSyADwVUg58n8vxvgPeo7x0wD+tu7zyxD55L8E4D6IsXPPyidrbYP3Aqgh8sZ9/ItTMcb3tvYpz0Ebd3t28mr4A/A6SJrdGcjFfR5CXtlztln+bmiMvwXA/wlhCl+FCJFcAPDvIXnHYWC/b4RMHK5AQjx/BOC/BjC62+f0av2DZH3EPf5O3Y5xhsjT/g5korcJ4KOQnPy7PgZ3++9GrgGAvwrg/4UotW5ArNcXID82f3Kf4/yAjvumXoffAfCdd/v87/bfAcY/AvhAz37lOdC/e95zUFBQUFBQUJDjXickFhQUFBQUFDiUyUFBQUFBQUFBhjI5KCgoKCgoKMhQJgcFBQUFBQUFGcrkoKCgoKCgoCBDmRwUFBQUFBQUZCiTg4KCgoKCgoIMZXJQUFBQUFBQkKFMDgoKCgoKCgoylMlBQUFBQUFBQYYyOSgoKCgoKCjIUCYHBQUFBQUFBRnK5KCgoKCgoKAgQ5kcFBQUFBQUFGQok4OCgoKCgoKCDGVyUFBQUFBQUJChTA4KCgoKCgoKMvz/g96mks8s86gAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "image/png": { + "height": 251, + "width": 259 + } + }, + "output_type": "display_data" + } + ], + "source": [ + "def imshow(image, ax=None, title=None):\n", + " if ax is None:\n", + " fig, ax = plt.subplots()\n", + " \n", + " # PyTorch tensors assume the color channel is the first dimension\n", + " # but matplotlib assumes is the third dimension\n", + " image = np.array (image)\n", + " image = image.transpose((1, 2, 0))\n", + " \n", + " # Undo preprocessing\n", + " mean = np.array([0.485, 0.456, 0.406])\n", + " std = np.array([0.229, 0.224, 0.225])\n", + " image = std * image + mean\n", + " #image = np.multiply (std, image) + mean\n", + " \n", + " # Image needs to be clipped between 0 and 1 or it looks like noise when displayed\n", + " image = np.clip(image, 0, 1)\n", + " \n", + " ax.imshow(image)\n", + " \n", + " return ax\n", + "\n", + "image_path = 'flowers/train/10/image_07086.jpg'\n", + "img = process_image(image_path)\n", + "#img.shape\n", + "imshow(img)\n", + "#(np.array([0.229, 0.224, 0.225])).shape\n", + "#img = img.transpose ((1,2,0))\n", + "#img" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Class Prediction\n", + "\n", + "Once you can get images in the correct format, it's time to write a function for making predictions with your model. A common practice is to predict the top 5 or so (usually called top-$K$) most probable classes. You'll want to calculate the class probabilities then find the $K$ largest values.\n", + "\n", + "To get the top $K$ largest values in a tensor use [`x.topk(k)`](http://pytorch.org/docs/master/torch.html#torch.topk). This method returns both the highest `k` probabilities and the indices of those probabilities corresponding to the classes. You need to convert from these indices to the actual class labels using `class_to_idx` which hopefully you added to the model or from an `ImageFolder` you used to load the data ([see here](#Save-the-checkpoint)). Make sure to invert the dictionary so you get a mapping from index to class as well.\n", + "\n", + "Again, this method should take a path to an image and a model checkpoint, then return the probabilities and classes.\n", + "\n", + "```python\n", + "probs, classes = predict(image_path, model)\n", + "print(probs)\n", + "print(classes)\n", + "> [ 0.01558163 0.01541934 0.01452626 0.01443549 0.01407339]\n", + "> ['70', '3', '45', '62', '55']\n", + "```" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [], + "source": [ + "#mapping = train_image_datasets.class_to_idx\n", + "\n", + "#indeces = np.array ([1, 10, 100, 101, 102])\n", + "#classes = pd.DataFrame ([mapping [item] for item in indeces]) #replacing indeces with classes\n", + "#classes = np.array (classes) #converting to Numpy array \n", + "\n", + "def predict(image_path, model, topkl):\n", + " ''' Predict the class (or classes) of an image using a trained deep learning model.\n", + " '''\n", + " # TODO: Implement the code to predict the class from an image file\n", + " image = process_image (image_path) #loading image and processing it using above defined function\n", + " \n", + " #we cannot pass image to model.forward 'as is' as it is expecting tensor, not numpy array\n", + " #converting to tensor\n", + " im = torch.from_numpy (image).type (torch.FloatTensor)\n", + " \n", + " im = im.unsqueeze (dim = 0) #used to make size of torch as expected. as forward method is working with batches,\n", + " #doing that we will have batch size = 1 \n", + " \n", + " with torch.no_grad ():\n", + " output = model.forward (im)\n", + " output_prob = torch.exp (output) #converting into a probability\n", + " \n", + " probs, indeces = output_prob.topk (topkl)\n", + " probs = probs.numpy () #converting both to numpy array\n", + " indeces = indeces.numpy () \n", + " \n", + " probs = probs.tolist () [0] #converting both to list\n", + " indeces = indeces.tolist () [0]\n", + " \n", + " \n", + " mapping = {val: key for key, val in\n", + " model.class_to_idx.items()\n", + " }\n", + " \n", + " classes = [mapping [item] for item in indeces]\n", + " #classes = pd.DataFrame ([mapping [item] for item in indeces]) #replacing indeces with classes\n", + " classes = np.array (classes) #converting to Numpy array \n", + " \n", + " return probs, classes\n", + " " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Sanity Checking\n", + "\n", + "Now that you can use a trained model for predictions, check to make sure it makes sense. Even if the testing accuracy is high, it's always good to check that there aren't obvious bugs. Use `matplotlib` to plot the probabilities for the top 5 classes as a bar graph, along with the input image. It should look like this:\n", + "\n", + "\n", + "\n", + "You can convert from the class integer encoding to actual flower names with the `cat_to_name.json` file (should have been loaded earlier in the notebook). To show a PyTorch tensor as an image, use the `imshow` function defined above." + ] + }, + { + "cell_type": "code", + "execution_count": 89, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAgcAAAH3CAYAAAAv2/y/AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAWJQAAFiUBSVIk8AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvpW3flQAAIABJREFUeJzsvVmsJVeWHbYi4s7Tm+eX+V6OTM5kkay5urrG7lbbcttW29aHLRgwYMACGjL0YcOGjLYNA/aXbMGw/WFJbVuA24YFqdWW1epWdXVNrCo2WZyTySRzzpdvHu88RIQ/1tpx342XSbKqyGaxdDaQed+9N4ZzTpyIe9bea6/txXEMZ86cOXPmzJkzM//jboAzZ86cOXPm7BfL3OLAmTNnzpw5czZibnHgzJkzZ86cORsxtzhw5syZM2fOnI2YWxw4c+bMmTNnzkbMLQ6cOXPmzJkzZyPmFgfOnDlz5syZsxFziwNnzpw5c+bM2Yi5xYEzZ86cOXPmbMTc4sCZM2fOnDlzNmJuceDMmTNnzpw5GzG3OHDmzJkzZ86cjZhbHDhz5syZM2fORswtDpw5c+bMmTNnI/aJWhx4nrfsed7f8zzvnud5Xc/zbnqe9997njfxcbfNmTNnzpw5+2UxL47jj7sNH8g8zzsH4HkAswD+AMAVAJ8G8BUAbwP4QhzHux9fC505c+bMmbNfDvskeQ7+J3Bh8DtxHP9WHMf/aRzHXwXwtwE8BOC/+Vhb58yZM2fOnP2S2CfCc+B53lkA1wDcBHAujuPo2HdVAOsAPACzcRw3P5ZGOnPmzJkzZ78k9knxHHxVr398fGEAAHEc1wH8AEAJwGf/ohvmzJkzZ86c/bJZ5uNuwAe0h/R69QHfvwPgmwAuAvjWz3ICz/NuAKiB3glnzpw5c+bsk2irAI7iOD7z8xzkk7I4GNPr4QO+t8/H3+9Anue99ICvTnm+F2QrucmftnHesb9iKEwT2/lGt41P/PHeZsc7fo77HTD+AAf03neL0WM+uJHe6GvyNj62lzdyiKyfBQBUKzUAgO8FAIBOpwcAyBcKAIB64wAAMIi63N0bjBzH89LOLh4njviaCYoAgHKpluyXz5b0tzWUBxuEAx0TahOPPRjwc9/n+2w2x70sBGddi0K2+YhtzufZx1yG24fR8Gxe3AcANBqHaqe138Y40DhUeM58Sd8GalN/ZGv7K/D52m03AAD9boefBzqBz9dytYxMhu0b9Ni/cMD2dzvt491CdZy3UUb9rjfZv729XY0LjxlFPHe5XOZ+1ZrGSd+H/L7d4bUslYpJG+LIesLXfr+rY3I+NFtHbKs+t+39wNNeNtei44eBl8wHbZ/MF7XJHI/ecCe7jhX1o1DkXGw0OaadTou7JMeK7/cCnLhX05a6XwB4Nvn0amNq22R8PqJzuhaZDN/b3A01yTyfO9icTVscWb+1neZHLpeDr333Dw/UBnPOWs+Oj9mw+R9JQNob/ePEWL7fQyz9eEyFzdPP45PHi+/z/PtZezr6DBy26eQpH9io+OSceb9z9tvdY/fXz26flMXB+9mHMV+72UqutPS5leQD/4G/7HbW0QnseV5yY4V6zQTByC6hzQy9Jr836VPp4kaRfsAUAUoeUMm81XZx6kY+9pmf3NvW3tEHSHLuONQh7VihfQEACPQ7jYAPz9DakrEnGbcfxAPA48MMA26zlF8EAHz5i4wQFYv8AXr7yi0AwIVLDwMA/uR7fwgA2Km/zTPn93muPs+RCXRcPQR9rQd7Tf4wzY49BgD47Kd+jfv1PFw89TTHo5dRb/hDu68fu2yO16iYzwMANje3AQC1ahUAsLh0CgDQ6etaZDgenTbb9u1//o8AABdXltnX+dMAgHqLbQwjwOuvAQB+8L1/wnZqGevFesiD7T/78K/wnOee4+cBf7B2NzbZT+6GOOBYjxXYl3df/S4AYOvWFQBAucr1dKBF0me++jnMzswDADZu77B92/wxuH759eNDim/81m8BACaWVgEA33r+HwIAfv/3/zcAQKXI9XOjxYXI5z77OQDAl7/MMY9CLnCO9jlOl9/mtXz62acwNcl50Ov01RG+rt+jU7DZ4Hx46aU/YVs3bnActOgpVHj9I58jkSwiNTdzHser2+T4FDJsix/z8+aAP/R+3oOnhWdHi7svfeEzAICHH+dc/M7z3wMAXHnrZQBAscgFmy0e7cEdh3Zj8Jz+yCJ5uADwtCCOkhvOQ7bAOecHnJsdLaTsnposcaxXFvlcmpyeAjD8IT884iIq0MLUFmp256op6HW0aMxpuyrH5fTqaeRKbMM/+id/AACoN0nbCnQ/h5HOoTZa60P10J4mI/FeHAc2ow85W+AdN9vXFirJ4sAmZQqPDH8sdWzbzB/dLww5T2xRGCSLKKTaYtcsxPARrWsBewbreo+u3048i5P1XszxikKezH4bbH0a2kWy9a224/PZFhbZ1MlsLtn3tggeDsyd126g1+zcxM9pn5TFgXkGxh7wfS213QMtjuNn7ve553kvecCngvusvO3H0vPTkzq5/QEAfuCfmLyBIGJyjGRR8N7rmFiIEELECFOr0NT+NjnieNj+ZN7rEF6cno2BnYzH0Iaevo9jmx56+GV4sxhaQa40cvwo5oO3WCig3dAxuvzys899EQAwV10AAGQzvGSPn5sDAFQrMwCA8RJ/WA9a6zxXhg+qrC80rl+BWCueUDdwHHA8ahOcInfW7gAAVpZOYxDxB6jX4b6ZHLctlell6OrBGfZ5zGKOn/cJqHG4J89AhX05bPCLyQkukubmeM6rb70KAChn2bex+acAABtb+5jMc5tHHn4EANA8eIvn6LJt7Tr76WlsD3e58OhF+jHTg0PAEfkC+3Dn5psAgMuv/QAAsKpVx8oSx3N9pw4A2Lu3jukJjv3A53Vr9Hi7BHn7AeU4yDGAvTr7vXKW3smJSe6/foeI+uGLTwAAnn2aCxr7gX7l5T8HAPzw+csAgC995csAgOmZcTT2ecxSgQuvG+/cZP9b7O8Pnv82z7HFBcX8DMctzvEHrNljf0Jd/0g/uLksr0WnwTk+UWP/v/albwIAjvb5I/FH3+eiox+GgLwUD104BwCYm6BcysEOF4fmtejKa1M0D5MW/LE8I17AB7jvZUfGzxb4oRb4vi5e8iD3ffTlvelooTU9zXavnFkFAExpcRA2eYydLXlv9ENd0D1Y1KIgm5e3p8V505dXKJ/l9iUtcKameNxqrYy33uWCstfnPoUyO9Dvc3wyWT0fUo+gIIVOR2EQkEb/ae/m8cWTHTvy7MfOvhvd2jv+rMVxT1CUHOv4fp4BF4wuMpLf1uRZZ8uT4eJg6Am1bVILlxTYiu190k0bkVEXk594sQTGQjudPZeHvzOxnl0JoLPnvLXESw+Udx/XxM9mnxRC4tt6vfiA7y/o9UGcBGfOnDlz5szZB7RPiufg23r9pud5/n1SGb8AoA3gRx/GyYarz1FPgbm8hm6n+MSr7WOxv5Mxr9Fjpo9xwuzjZOF7/+MOGzVyNr1avJroxIuJwswrYXFtyFNgC1df5xpAHoOs3GxCSpGQUhCPrjHb9QEm5QlYPnMWAFA/YMM2QNQZDoho5he4rgtA9No6FGppEH1Xi0L3vhCTx/1Cc5yaZ0UhDkNn+QL3m55dQP2I56zkiAz7OndRPId2m6jdUEi1RlQ76PH99ibd8ME+z7GwssRx6nE8LqywD/EhUe3WBkMI3ZgoPp8vI1RceyCkuLNzpPYP9DkR3zvv0o2+jGkAQHmcnpWcblXjEtQPiPrX79LD0pM7Op/TLS2PSq/D7bqdGEeHPFcUZtVvbnp4yD/KJeMvcJ68eeXHAIBsnsearnD8uvKgfPGL9BjkxI/4kz/9MwDACy/Rm/Hk458HADz6GMM67dYA1ZrCSZe5jt8TSj9zhl6JcXknDurbemVbLDzn5+Qk9MRVEarttjiuvT7fP/4kPVVLp+mp6cXX2NYq29ruH2Jigtf52WfpAWnsK9yyw/mwt8dQTqVA70XU1zXQHIuEVi3+7+u+CKNU/N8nIo99cxubBcgLAa+c5X0yM8PrXZAHICeP2dQphmMOGpw3a/fusa3yEHTko87muH1WIbKyeCAlhS/G5FmbnmF44p1rV/HCiz9ku+zXQG0K9KwKfOOJ8OtI3q047eJ+gKW9p0NOg8z3kmMECRKGzpl6zhmaV2MSD4K+jizUYa7/jLXRXPppb8Bo6JTbapvkOTjqExk+eu25l/IYnHAw2/f27NbHdurkmT50zQyPZaFQa1v694OvIR508p/dPhGegziOrwH4Y5CF+ddTX/+XAMoA/nenceDMmTNnzpz9/PZJ8RwAwH8Eyif/Hc/zvgbgLQCfAeWTrwL4zz/sEyYeBEMAscW19P0wuAiATOMHeR3ez96Pg5BeWYepFfXJrIb7nCNZjeuYSaCPL4bGg2TlLCKiyG/9LNFHxiPK77f5fnmRMenJMSKxa5ffQtEnynz4DOPunXtEevXdlk7OqVc7R2RTLnH7zzzN+PR3XhR6273NzSvyUojm4GvZHYJtyBUYczUUO7DxCQIUjX1+SNTV6bEN46fpAZic5LnrB0cjA2UoLKPr3Djkfjsb9GJMTdM7sTDH4wQX+L0cCmgIzUVRD8jadeN3kW69VqOlc/F9sSgiYVboXnyIUp6Iu9PlwdviPSwvkgTZWuf3/a5izV15aPrKYmh7iAYcB0/nrtSI0semxKnwOOb1I3obbrxDXkS3zffnFs8DAJ57gii3VqF346WXyS347g/INZhdYJu+9mskKMJ4AZkSNje2AAB7+3sAgOq4rr8Q7qVLnC9XrvDc5y8wkuhr/K688wrfi2Mi5w8G8obMTJOzcmqJHoPNbc674gSRd2lsFgDwmae+gMUJXj8oQybwOZeKeU9jyK9Lec6tfigPnAiJmayhOnk19H4g7ooBw1yR94tlh4Tav5ArYGmec8eyEtqaY9UZZa1k2KbX3qA3ptHiNVpc5n6PPvEkAEDOCgx0c/f6bGurwes/VuN9MSmPwetvcRxffuMnkGMAENE29tVxQ9uxxfcVI08oE6mY+vtY4lVNk7QRD59FaeJdMEp3tGexfW4egChNBkzSgURIjIzKqxYnHEn749j+CSEhGHlNSexguOtoW5Bwt0afr8k5zZNgmTX2PrXdcBSGfyXHTJ7lUWrDDy+H5BPhOQAS78GzAH4PXBT8TQDnAPwdAJ9zdRWcOXPmzJmzD8c+SZ4DxHF8B8C//9GdwRvJE/6g4N9Ws9lguK/Fr4cru1T6YOoYgW1v8ahUXC45nparmazlmgulCKbEiIETi3AhnIgwy1ccM47MM2I0Wq2uAzFkPaIYQyWxL3SquG67zTbUykz1W13gq9/I4eFVIr7WHhHu2l2mqK0qdrqwSNR6tM/4fFWpd8sL/P7XvvKbAICrt97g6zrjotuHdwEAlSrRXKvNts9PMU0v8IkGS3nTU8gk6Ns0FWrjRGVN5bEbIggMjUSjS/gkPUyI8O4dtrmQU+riKXoeXlnbAADcvsV48MqlT3O7bD65fp2upfBJE0GZDZNTRIJLS0xZy1XohWn1jKtgqXt8PzlOtnlZaPXKCzysZcNklapiIC3sxQi8osZM11lpfkuneK06RzcBAFvr5DFkxVUJI45LTSmMFaWh1qqMjx/VmaVRGSMqPXvuEveXp8kY9YNehIMDegxKZfa/qDS6tlIV55Wyd2rlUQDAk59ieuFAbSnVOF7FAtH3tXfptdjfJd9jcX6V41Ii5+XggH3tKpNifoHHnZxYQjQQR2SN13Oyyn7duP4uAKB+xDZmsvQolcu8f3riO0Q+DxrklUmSNW8WP8/ljNNCJJ5RhsHp02zj3NQMchqjCc1/Q5m3bvJ+aXU4l6bnOdZnzjOzIqOUxO0d8iSONJcP6mxrqcQxr9UqaqulldID8eYVvnoZIK9r0I1FQjEIG1mGlWUzpVj7KZT/vpZ4XEczB/w4ug/e1TkT70QqpdE8CIk3155ldo5Um5IMAON92HM5RepChMTnk3gOUqg95QFAyoOQHDIe9ZBYtliU0Bx0j+q4xhvwYu8Yr220f8ODif8W2ffGb8GHZp8Yz4EzZ86cOXPm7C/GPlGeg4/cPK7QhimjqbXTCXW+B1tK62gY6LdDjWpYPFhJ8XjjMFwRD1OltepMmK9RwppGnIoZekQTgYSEBl3uZOE5ex1AIihZwa1ESSWvlvA4jz9EZDw3TjRzuElPQx7jKGWIpp96lrISf7pDBLS3Rw7B5BTbeHgo1DbF+HXYZX8Gbbb90Qtkui+fJ7L+8U8o9rO2SWSV9cSDiKXO12PfxqaIYoM4h6MDMt+LGXoATp2ih+Ngf1ttYEy9WlbGhHLOLcPA0Lcxn/Nigt+6TS2FBekdrKxwHK5fZ58GIhgMogiSbkLsGZrgJ54yPialQWBM98MjotqikHIo0SCL11YkYmOBcYWYE86CzYdeX8I88JCRx6gndv3mHtFm2eMxpso81+HBde0s3QMJWdUPud3Zi/Tu1I+IoJ96miJIDyv+7ctT1ZcSY156Egf1XbSk5Njr8fXylZ8AAL7+NZVPUSbNV7/2rwEAGuJWSOYAv/kbfwUAsL3N7OYbQsI53Q/nV8l/CRTPzYqkstfkAJ0/x/n4zFOX8OJ3/wgAMDm+CgA4Ja/VK28zQvmlr/xbAID1je8DAG7dZoaFZYSYEFOSi+4pY0C3n4klzc4s6NwXdD7eG/lsHl1lmTTqGhfzbo3Jk7Yqj0LG13jQM9A+MF6A+DHKbliZ4tw2lcdSmQP3xpvkGLx7g1kbhWpOfSmi0edci31NGmWAeEKlQcixDBOOkomljTThgTZ0MKTRvzgIsX8fLcJo5H1aeMg8ZCYqEQSjz2YToTPRI+N0JCJ06ayvY16Q5KNoiOS5bVrHYFTnYEjqio+/HMtSED8iNA2blAbDMOXi2DFHB8CcmlFCZFDWhv0eBP6HRjtwngNnzpw5c+bM2Yg5z0HK7rcK/qDcgzCKHrhtwrJNewyQ4hqkdQ+MdG+wXvv3QsssUE6y0EwYegniTZTYhDqkVItwYHnYRNIDve8obpnJEtnEAyLHbF767ijrAIpVTyk3u0aGeEcClblegL0NMeDPErmcXmTM9OVXKEXRPCIiOtgnMrx5nUjw1Bl6Cq7dpKdhYKglx3jwN774VwEAbwpxvvYmWe2lgJ6HYjCmV7ax1+jjSPoDk6cZhy4o59s0A/LKSqgKjVuMuN8lirOc86LQ1qGknDsNfn9P0sbzkzx+bYJt6Qi11woFRHa9TCNCmhIWl84rl77e4Ln9qpCfaWtoGd+3gKWOMzVGVDoryeZmhzH9oK14uOpKFHIZQHLB/dBkrr2RdgaSJo4HnJPdRl1trWocOD7VGvv35qsc+0D8gd19ci4WF9imslj+Fruu1aooC8lubjOuPznFbQ6OqJBoPIauvA4FcQeWpPjYlXLmD79LNG9qhvPSBxjTuCEy3Qf2P9NlG8+fI6chm8lCwoeJVsbCMrMxHn6cHrDzTzFz4tYttvn6HV5nU2c0bJXPSV5XH0/LazVe5X00O0OvV1Yqjubmqbc76ImD0uuZx4DeG/O6bO8yu6PT5704LhXHcoXHqo5z3niay8WSMjD0vKnUpBwpfkW+pOdFltekHw+QL+T0t8W+bWCMhZ/KoRda95IMgfd+QKbD/1F68yBIUOpQHDCRXdW5EoLC6EFTPAZraySpcz/lrRgyC+waGvo//rw90cD79ivNOUjktG2DRM/APAXKaklD+yjtJTjWrtTvRWQypPY7oV1C4zPE0ftmvn1Qc54DZ86cOXPmzNmIOc9B2o7xCrzUatMYobYui+7DIwgspqydrCRC4Aej+1rcLs2eTbTD7ThaORuCNA3xJPZkMWXtHZxcqcMTEghsdUmk8PB5xogXZhgL3d4k8t/ZJlrZ3+drX5UEC1kiqlBx/ZvvECnme0R1vqBYOVvG1BgRi63gL11gMZvXXiWtfmdrU+NApLO3TcQ7Pc3tD3eUn14ksiwq+6AhnYQvf+5fAQDMTBDt3bzOtlbyZNSXckS7nUYblaJVDSSKtCp7gRj9OXkGLHvBPAh7Xfa7NyAKtVpSlnPvSSlvfZvoNe6Rq1Eo8dw9XfxuP0JWcWmrRmlx+ZyQvb22e8p8UZsGscWxiXxNvbApzfzlBSLmx59gLP3yT74DAOgPePxMnm3p9prodBral/0piGORFUrtDRTPVuEdS3/fb1mNAb7f2GRMvmOp45pfxSLPNT9Lz0FBHIe2cu0jr4/lU2zvfv0mAGBNNTDWNvharlCHoFYT+hYXIy9SwfXbzF65dZ37W7XL+RmeO6fqYPVDeiJMMXNxmXwCFcxEkAUKRX538wZ5MIdNKiU+9ASLd6luFpbPPAsAWFqhp2R9jV6ubMby2XnOqlj/Z5aY/bE4S4/Bzi7vk3aHbZqbY5863S6KRWOjsP198VRyykI5t8RxyIjv0pLOhSFl0zXoi0fSaonnoWyFo7oyjpSJkJHHYKC8fy/rDwu0qWJmfzDqOUhr9ac5WYbOH+Q/sEJUiXqhPj9ehC5VMHV4rkRp1j4wb4U+99LF4nQOU3lMHAeG/hWjhykrWsw+IRogTNpgnAi+DovbpeH8AzIjTI0xeU31MR7Z7Njxjn2ZckMkv05euk2pY3wI5jwHzpw5c+bMmbMRc56D97LUCjlOlWj2rW79UCR7uGi0lV6im5AIEeg1gf6jp7SVbopFG8ZWH8Fy8sUxsMNo9Rp4fsLU9a2mvbwQGeVUNw65bX2fKOPJC4zDnl1gLLmmWGlLNQlu3CZieum1fwYAkKw/wqbyoqX8NlDlwFYIHMSG4Pg6p5hwJpAaYZ39yReUr71Lz8Gnp8ktOL26CgC48i6zEh5+kp6HjJD37Wv0PDx6jnHhiTzR7NGelBgPFGPN5jE2QTQ60PWyUsPG6LcStVkde2baVBu5wWGDiK+vPhWUrdDvWjVHjnOzqzjvOM8XxvSexP0+YulSQNfNIGyuQPSeU2y8ILze74gPoNh5sSZPgND4obgah5NEhsvnVMOiQQR+tM82R13OhYOjPTSkBOgPxLWQ+p6hMcvXr7ekJGmZBQN6XrYV3y9tEAmvrqyqbfLIyNNS0HH70lPoibXfbB+gVOW5tzbZvj/+4z8FAHz5K18HADzxGPcNxTXpyRvTEw+k01HmiSllRtx+fpptuX2d86XfI6fh4kUqJRZ1Y87keG3QOAAG7F9XZX03djiHFs9RM6MrPsBpaSc8cpaetvVrNwAA5XF6vWoVeSekPri6zKwVXzdvTsqLhubvrbEPO3sH6KryYVeZIfkCjzWuGgiHTdOm4PdteYzaPb7GVnpVipHmQShVeM1iPXd2G5aBZJoMKmmMEJH2MWXHXEbz1lLnT+gajKoKJllRSENjvfOyqc9NzTV5wA49Bw/ibCUllWXG+0jg7WibkudulOJ02fFTz117fvqef0LX4WQx6mGrjlt8wgNgWgSmf+Cl9hrNfrhPmYdE1yQpd41RT0pw37y2D0iSex9zi4OURYiGghKepQCODnaq5PholqJ54vSrHZlAUrKtyYDqvZ035T6Kk8WEfSFXnz3IfXNH8sbr6UdgZmoRkxX+wK7pQTlQKlpfqYhVpTJm+0on3KaQyvdepkt6YZ5uz0cuMtzw1OMUjplTcZyXv/0iAGDjGvfr68FVElFt0C+hXufD/M5N/niVJCG7eIrHelllfSem2e6CyHCZAt9feoIP2JcuU+Tm9j0uUB55+CH27TYf5JsRFwl5jw+0glzcXfm8q6Ua/AwfsD394ERtS0ETQU+hj6bCDeXS2EibN/YYsgiK3L8kAldL6Ya2KBooxTMrwmNGi6Yg7iWphlmVg/az9gBW+CBSUR8JFUVq6/4OF02+xzEuF+mqzulHcV8iPyUtZFBSyd41/vBNl3lNWhkfGyoI5cVaqEFyypqcJZHXjqxYU1MlnRWWiT1LByT5sa8fvf0jtrFc1rm1eoy7Rn5T4R548CV3HaqU9+oKF31PP8m0WCPSRQrD1Os8dthSW7L8kQs9Ky/MH+RqhSmM2ZgLm9tbz/P1Bu+B0l0ugM9MfYWnyeWxefsdAMDeHueSLar7WvQaqRNlzuWHlriweFcL3elZhgJmZzlfTi1JFGqfx6sfcTFmxZFu3qKAV0MLnSBbQLnCOTOje84WPUdHXECsGQlSC66crlWcMyKyxT5FwNPjohHy3KEeSBmJIQ0GJl9uz5MQgXYysJMQ5BJhHXs/mj4Hf/QZZc+s5NV+9BJ9ZiPZmfiPvh9+lYRhzUwmPSHmGfiyX9SU7zvhCIp8m8gupwjfQ9nk0RBAFHvJumO44LB+pn8H9DwZ1n8e2W5Ywpn9PxHtTX4somMt1ec6VpikOaZiEe8VPnCpjM6cOXPmzJmzj8Kc5yBlo/LJ6bVeipCSssAPkv3T6YRDd1jKZZCsxvWSfD5a1Mm3sqlG7kk8egoziOA2OzGP5x6j5GxrlSjrO99n2teGSFpFufKXF+g+nVI6WTck4nn1LRKubm4w7fCppz8FALj48K8CAL78KxSsebdGJJTPTGl/HtcPQ2R9otC9bSLe9TG2ZeUUEdzLL5OYeLhPRDg1Q8JYQ2h8ZolI6jOffg4A8MKLFD/aqBClZTRsm2tEhrUywxWDvomeEGmVckHi0jcBHiO3mZxpXumEW+tEaVmh+dOLqwCASaWP7RzSU5IrGpmQ/c0KYRXlUSiqXLQJr/R7bTSbRItNpTN5Vi5bF9IEk7IlSVwr7NBr8pz7R0TEsUev0Oy0Qhdyjfe76m+R6BU+vQSxZHYDP5cIqGSUuunJtWxlpJNSuoJvFrJqqRDT/Omi2kpvxYHIbhlLhZPE88IcvRW7G9yv2ZT3qFpM0kRPnyLSX1ymBPX8LMV7BpLmjvR6dMD+eWKJxT7RerMhwt4p7u8Fxhbl5wcNSwXkNX3oDMfl7XcoZNTstJHXJLqwwvlbyytM1pU8tkjEd25wnrc7vAbf+NozGh/2xTxQ7Tr7u7ura7bH+227Ts9TSYWeFs/J+5MvwLO5KVGoZsixqsxzzhnAP2zwPkqKIQnNeoHJAAcaP+5g19ILDCnz84xvIYBAnJX/AAAgAElEQVThs8zSai3lLvnOpHv9lFvdTz0HExK3ia8ZUdG2H909hYGVfof7W5pdbe71FMkx/WROpIxTTU6SUI3YbWTKpPx2jOjk0UY6Yh6B6EFui6RN703UTNLY70PotL8zKadEoqr/4fEOH2jOc+DMmTNnzpw5GzHnOThunoefRiL55O7H1n4WMzIPgu+nth1djZswRrIwTFaGo2VRkwJMoaXkaLUuJNrc76G1x3POVUlS+40vEIX/4z+hXGxGBKHVRaZcHap8bijUUhrjuToeEc+3n/8DAMDWDs/xuUc/DwAYrxHd9NpEu7UyUW271UEQElVlVcRpb4foa3aOyH9Joj1r6yTQ7e7uqt/sV0NodXWViPKtN0kSPNqR1LHkYQPJBxcUc23qvYU5s36EoMg3R62G2iTkn7HiVexvucS47KZEjaaUTler8PN7m+xDWZ4BK2rTF79hqIkitCayWDaXx3yR/ZgdJ/KdUoni+pHaa2lkQm8ZcQcCoXJfRX2abXpgmpLRrYjk1utw/1qVSLpQuTUyHnNLp+EFvD6NjngeBkusDLhixZEho4GVIubc7agMtBEbY/E8euJsnFqe13jy/b5kqysVjmMYxsm5pqe5raWR9jqGcHnOg12eoyeJb0tH3dqWaFCX12Bqgp6ovng1zY4KU03RE7W2pvLTN8gvePsqUyFnZqewpLLH0yISVgviMeip2GrRkxB1KbxUECnYCuUcNXkNjOgbKWZfq1paJdtYXWB6bV8pjyZ41Oi3kzLOLREMBzaPxXfw8prnSg0e8p24X7stoarIhK00PqGlPI7GzW1OJuWH4zhBwsn8DVIFhFKiSCdtNOUxSTNMhfXN0h7ZwDsmC5QQuvU2dZBkT9/2HSVLJiJIxs1K6AJ6XiaHS/dFHA4vSgY5DG0beflSxIc4TTBME8ne18xjoPGSh8YL/WF568TjkarnHL3XST4cQqLzHDhz5syZM2fORsx5Do6Zh/vxDD64hcfKLCelNk1sw4Q0YNkGx06KYYxwuB70R17jRIDJUhn1rW+pSeIk9CLMjBM99g650dIk47v/9l9iBsCmiiCVAyKmIxM9kSBRT2I5hTFlEIwTGV29+jo3O+D2jyxTHObokPHQIE+0Uy6WEeTEWFbqlY1DT5LEM5KY3dpmWlxfCjsWg99TvLZQYR8uXWCWw6G2rylzoFDmFPYinScvzoHS8gpZIMiPFqKylb8vRDBQ//PKIDgaEG3W60Sv43ki7jkhzF1lEIzV6AUx1LaxQ4RpHIZSiWg3Cx8ZxeO7XXpI+h32d2mRHpQwINrcb2neKIRelnciIUwPOD6NJo9TLhjDXDLTA0uRVMwaRMO+l0Os/pbEkDeBpYyY74Yquz3Fp5VeaRk3JWUjTM8SCd+8x3Gw0sxW5OeuMgRyORP+Ypv3Dw8wo32zKhfdk2ejouJMO9sc88bhgfrHsfcVQx6rkWvx6EPkooyN0QPRVMZMdYzH3drhOLZaHPfzD60CAFZWON7FUhYVSQ0XzFUQE4X3mkr5lAekVuariWdlhCwr07pfJD/ek/BUNuD1PwT7tqGy5UdtvlYkfewFUVI2fWyMPA1IBr0tb0yjL2+X5nWtxnnSFn9mv76rtut+s0JDOVN7Yv9DzzhQVoDIWPDeMWn30Zi6Bbi9lNjbMDthNBZ/oliQgfogldqYgtYjz1xLvhg91bAks22mfiZicinSgp94Zm2PUfl580gkPJukzf5Qclk2sMSHZOfhtjx3KqURKW9HypMy7L55ha1vx7kHo14Y8yCYByRdq+m9PQk/mznPgTNnzpw5c+ZsxJzn4GewtGTlcGUYDVNjjYGaWpVHocSMbKWvOGSUlH3lJUkkScW+TgQ5TD40EVEiMvAVRz9oHuHGTcrBXlikHOyNG2RPhyFRR620yvdKeZ6uUs/g618i6rpyizoG91QWtyGWtrUh1mp9aoooMJa88I6EhzJBF5NFtr/d2h3pt7ReUBUCmlGp5p1DxtIPdonaK5Nj2p7nnJ6U5Kxy6Pe3Gf8vBabhayJR9BIsrrJthQLQFas8I45BXxK0fmhjObpyLxSI7Bp19rs6TgRdKdMTUD/g5/2eUG+Vn1v8OEE7wwBnol/Ql2fgylXGwA+OeBGWVukZmZ4lEja9gk7UVL/Zz2zOyCz0rFRKRNaRsjT6HZV0LrP/rZYJYRUQamyyQpWlokpwK9Z5KJnfICsdDKHLpkSRZmeJ2o9U4vrOHfJFfuXrv8rxkkxyV94hQ07rG/RUVcbG8e477+pYvO4PXSQv5vZtehtefOGHAIALF8iHGR/jvG5qnAqK4z+nMtEN6QGEKjucy0urYECUfmqFXI/zlyizvTCvbI44wpGKPd26ek3t5/t8zkTDhMKzPGZe3Iuivi+ojnROEtUl8QM8k40Wb6BW5TWdnOb2C7PkmwRBiLZ4HPsqcrWnzI6svHjVvLxbMbfb3eD91JDug6FU3/gzyXOCL36ih8LtwtCyeZRZlMmin2SrmKaA7gcrqSw3ZZhCvnGCVrVfOhMruQ9GMWhSXO5YipaB7xApM02EJDFCSNrk5JNn8aiegR3QS7QILDtBn9swpZwBo6cefQYP+5vK0khnZZz4DbDOhakNRzkMI5S1RNPJxogvmZSEf/JMHvE3fDjmPAfOnDlz5syZsxFznoO/IAvj1PLSgsipQiEmfWlxrMjQrYmVpdjKdjhfMf5m4wBvXH2T+/aJaMImkW1JMfWsEE6nruIrQiflEhneTzz0qwCAS+cpTfz6Wy8DAPZV+vgzz/L7TMTjmhejWlHBof4B+vIU7OzdAACsb3DfM2fJLp+ckkRxmaj8QOWP223uV5OSnkA+mg0xx4VmQ0m+Hin2DnEOjiSNnKvx+GMz04gle1xShsO+ZHLzipFbHNY4BxlDSoqHN4XqKuM8Zkmx6qaU74qepI+lUdCUVO0gGsZ/7WqbApyvMc+p8E5fJXn395kpUVZmwfQEx7TeE4v/4CaP02MmiSelxLby+sslegwW5sg72eBmiONcMgfj0AoF0TtTkzRz1CHC31OmwGSO17dgpZe1/3XJB1sBoUGPvduTMqAhpnKZba9UWZhrfnkZd++w/a+9ypLbvQ7P9eabrwAANqXi+OhjbH+ppNLLysVfW2MbvZK0OhZn1WYi640NegHG5HG4KA/E9DQ9FVtSQ7z81hXcvU3Ph8lgB1mL4CpTQJ6fingtc1Mcr4p4Hhl5/woFKSUu0AtSlqfA9AMGPXmexB9ZnpOnIRuhJ32De1v07hVU9nzvkPfD3Xscj0af42RFwbLiN0A6CaG0J3wpKYbqg/EGsp5pcpj2BtveC2N48iJkEy+DSQ5LMyGluTKMqSP1en9uAhKtF3kMvFE0HHvD2kVpBG+cgDCtGZDoHdix/eMfHzuOcbZsN0PpozH9EY2B0eY9mPxv42I7mFxy6lxDs+3NY5DyPBxzTAyHNvW7YVw2O4Qdwy5RHD2wuT+tOc+BM2fOnDlz5mzEnOfgIzetJq1spykeKogWBJbNoO8tFpbIliueZ7FEf1QzHNIQtzzvoJRHQ6V3t8Vkrqps7UFd2vo5oqhyhSizoZK8kWKkY8okyGeIcJ55VAqIatx4mdkPOzeJqFt19qU8TrSb8fto1Ml72NziOUviINy5cx0AUCwyBry4QPS5uUME1WkSrYQ9xdB7hgxUsljlhQdi//faKvYjz0lL79+9xloMQWUMZy4SyfWUARGaRoRQQ9gfLYpVkGclVq74QNyClko6Wx57t9NRG6W1oJoKLbHSE/U2DzBmRFZx/py2tUI7BXkSukJKGZi3QxkD4glE4iLsdxlrPzxQjL1NbwaECPshj3v2NGtRHHXa2D9iK3IqHNWTt6KrgjuLy4zPP/0Ms1C2bzD7ohXSE2I1KMbHOR+eeo5KnJv7RL2bW5xvl87y2pY1f4o1zot6p4lKle187HG268c/ovLl/gHP9Y1vUkOjVOY8yKlM+ECKlxkrUa7sjF1pT9y8zUyarW0qID71FAsurZzmtd9USfCr18l5uH1nHfuH8vyoSFFGWS0DcVQqFdXByChbQfdYQXUvTCZiTB4ze9/XvKgU6WkoiKuRVVZIr8FrVyhEKOhGn8rxGnT0RJ6a5xhfukhvnqlzZuVpmpjjvbuxR0/Ti6+/qDby3Ka8GFndD2VUZAKO46SuSbVaSzxrewd0MzWUrWEllbPiVpikysB4U8rmSCoGJcqJxuUZzn+aUHsqdB9j6BGNRjcdIucU4z/Nj0ii+PrePApR8r0/sn26jSOeg+TVyqtL9+BEw1PYWp2wZ/ew2yfPMdKW+2g1eCncPiw8NUpsONEf+Pc5089mznPgzJkzZ86cORsx5zk4ZjHem+2ZXo+lV6shjq+STTfbNtayOxyN+yb6Bpavq6N2TWM+tFK+3D4f2IpY+cta9Qf6PPRjdBUrH9g6XKzrQlVtkGzYIFLedoZI4O49MsY3d/j9ypllNV1a/OIYNA75fVbIMFamQEu6+bmcl9QZ8LWMbqiEcCFLr8WR8thPrZzRPsoNVw2BFbGvc4qVJmJlWp0XFc/u1PlFSznoWek9HKmOxK1r7+D0aWZtdFpEwOaFSarwKZE5sMwSncMqO+Yiix2zn4NAaoRjRIaNpinrSUfAvANS/xv0o+SaFIWc88p88NReT7AzkIcpm7WyyoZe6I0wyYb1u/TAHGwSKeekWbG0oPkz4Hmyqiw5Nj2D2JOHY5ztDsFj9qVrcXub1//hS6yUGEm/Yv8e+7ewyGvVVnXPRp37WY719ATbEJjao8a3e8Br0eq2k3neUF2GM2eovTE5yXneEmqdmiQyRiguwdpNAMA7V69wO/FAWh0i6p09cg2sauPKabbl3jqPu7Ur78fAvAB9ZAv8bmyCGQyVMV6TsjwGjSbP0anzHBDqblgpa+kYjFsivOZXaDU7ytI0EZfFihgO6ttq0x7ah1Z1k2O2t0nPV6fD63juyacBABeXzqgNPGZf99WgrnkhfoN5jAxZFwL2cXqafZxfoCdiYVFKmoUcOh22+0iexq0temN2VY10T5+36soIMW0N1Z4YRPYM4sehPAuJ0oD6lmQppCoiHn+upksp+HZ/JFysNApP10HAyPsYo6j8BCkhYf8Pn/wxUh6PhBtwjCRxv2OmFSFNpdE8lCnPg59o39h5jmWJiGtmZb+HbI5RXod5DuLjh/6QSAfOc+DMmTNnzpw5GzHnOfgpLE7l0gZJ9TGhPviIlDPeV/xtoDz8YKAYM7iS96V0NxDa8FXFsCg9/7OPfhEAsL5LFLP2zms8boMx/KxU2xAcqnWWi53FoKdjyzvR7IhTIPZ5LEXAXJEIKJfjMQ4azwMAbq4Rle40iFZWVpi1UCo+DgBo+9yvlCcCnVkgi//eDnkGg94BJtgdLC6Sqb5xjefoKuPh7dfJCViYZ/bCymmea09ZCz1VG4xUTS4vNG6B3dDGs0YktLdB1Gs56j2hvYO7N7B1m3HmrM92tqVj3+1Lz14jWBIPIIAQf9c8C2xDUbUXDlRJckZ8iZ4W822x3vOKLWdieXf6DeQzqplgjPAMB6gr9nis+g+RlBOt/kWloPoN0zxn6w7PEQu9d1p9HYcIdKfIa1CskTm/vs/xjnPzmBR6bPeE5BvUNZie5By7vUVE+/atmwCApy9R/6Kd5XW+tyXuRZtI8tzFSxoPXquiFBXrqiCYF88kVAbJoDNAR/yGnW2OzcQk27Q4x7l5+bXvAAA8KUkWdB+98gIzZja2mSnR7YuLIDTe6Rirnce9/DY9DF3pA7TrhnI5f0rFAso1eifGpjhHTWWxqetur7mAbROdA11pShyKWzI1xy/WxKfJZ7n92XPSi5CWQVmyl4dtcYLu3UDet+vN9q1McKyP9vhcaN0mig8P5aWYrqiffF+TuOmcz89nlK0yOTunfvL9eI197MvLFyq75d76Dlpqj5xUWKjRq3BmhvfkkZRC7967CQBYV52UnjxP+SLnTzeSiElgPyu6Jqksh0Q/4T6eg7RFeoYlwNiQcioDIjHvxB96a5wFi93LrNN2vmMVIq3yq58UnYiTbQDAH5bGPXEM7mdePzXBSCmDdEpFPLIdwiFfyUu8D7alPAnWjzhNcPjwzHkOnDlz5syZM2cj5jwHx8zD/XJTh5bU79YmphgWH1OxGiSfaVWseDX6R3rP1fbiFJnhD4sZfu2dmwCAzS1+/+gc4+TPnmX8d/f8pwAAN+8S3V++9iMedqA4YEkchX4P2TxXkwd1IsOVh8kMn6oR6e6pAmJXbPxYanKh+r5yhqjTshjeEgp75kkywCcnyXTOx9JPEPP59HlWudvdvYaqx3bV14kyAmnG96XouCeVwRvXGStePsN+7ogxnRChFdcsiLVfEgPc6kNMTxAZHe7So9KVBGO7yz6Nj1cxMUFU5edZb6DfF6IPxeyGxTUV71d2Ry6nAL9nTG9+bnUsNlS9cVxqjn3Fbi3HvNvl+8CLMT4hJUPF4SfGyJnIKwshUD+tHoGpOXZVwS8U2gjE2k/Xlu91iQg70onIl/l5p0GEvZfbwsysxsE3VT0TyYhH+nXlCq/36Xmizaee/jQA4O42EfDU1JzOpeqCDc6TyWmy8n1xMnZ25aE4sjoJRRwc1fU3txH5HpEyPjLiRbz9BttQVI2MTF78j4JqJvTFHxEPIMhYtVKO/dYusx96V3i+vrQ+jKsyPjGDgngxbXELjlQJNBTiHUi11HgKLc2XWF6tgs827YtPs6/+Tk7KC6SsmFKFbTw8onfnjcv0Ak7UAhSTug68Xjl5kHKqwhgNhL7FsdiQRywSjygQN2VKNSiCgjIvpH9Ryaj+g+bRplQw28pq2DvcRS7PNkyoLkXL6pSI6FMt8bo+9ghfl+t8Prx65SUAQL0rZUnpYXQkvWo6Ed4JDQJv5DVdF+G4+UNhl/t+//61cEZj8unth7oHQx6AtceymfykvcqUSe69VKXEJFNilLsUpzwPw4QDb6SPyXgEMYLk9yM1Nsk5+JpSljjW45/fnOfAmTNnzpw5czZiznNwzGIAcXS/tZgsMxrvMYsScYKhYpUXWbxJiFCxRV+54kXFnAseV9tPX2SVucMZHvv6i4ytfumLnwUAZIV4Vr/AOPD0DOOC3/nx7wMAjg6lX18OkpKPu4f0EHQGXMmPTxNlzytW3mmpCp3U9vyC0JvAaU9ukNdev8k2i6VcFLpBhyvp3V3GqsuqQTA3v4yxjCrS3WA/3njp+xwXqaiVpSb4rtjni8tkrc9OE62a58DY/NFA5y6QN9AfWMW/rNrMcxvzulbj+6PGHi6/QYTz1HNfBgA88yl6KfalQrd7oLh0W8UmdHIDGaaLYDJkpvy3pdi8VdjMCr1mhZjGEo7CDnodotKJSWZrmPdl0Oe2uUA6BhZcFDRoGgNeWS6h3FWtplT9VNeircyKYpWv0wvSXFB8vN44xI7Y5zOzUuhTPNrqXwSim88sUBvg7ia3L87xXCsrvEaGrHZ22Cere2Gk/T193hD3IMgo2yUTYEwaETl5LTLKwtje4bkmzANWN4U/9icOpHxZ4JwrW9K98UOkEFitcH5YrYWNDc5N2zovNUPP81GXp6Ch6943XQud0/L5o6bUB6UYWFR9i1KNc3jznlQtpZxpfbT5E2m/HfUx1vxYPnUaXelyRF3FjuUxinUtSvJi+ZZ4JFVLT564vSbHb0L1QCJxWg532SclxyCSdkNHWSIDZTuUcyVUVRtkvMqxi/vKyukort1Vm/QMW1zkM6g2wXv1pdfpxby1IW5PmW0x1c840T8wpIyUPRjreqkKiWkvw/t6DlKZBYkH4YHn9nAi7SB5NY+AiS3Ig6CLYx6GJNshXRhymMYw8jrs4jHvhWWxpfprx45S6pMfhTnPgTNnzpw5c+ZsxJzn4Jh5wIkKYsctrbUdmXqhUREiwIst9s/PBqJT+z6RLJSHfO0a4497dy8DAB45R+Z3tchsheUFxnXDttBbXmz+Na7eHzn7NQBARgji+z/+fwEAvV4XXmwxcLb4ppTu+k2i9LzqzT/+KDkEc0tEAAWxjncOheImiCQef4zIMLbKim3F0kNuf7DPmPKNdXoJTp+aRnaCaGR5SWp5qkvQkL5BXvH8gTwpOxuMhU4uEtX3VNmvkDEVQ7HMhZwMATaErJdPKw76E/Y10ZrHAJffpHrc1i7H/Bvf/FcBANVxZjrkZjnmh3WhbeVzd9umb6Dccl3T6pjy41VZ0jwHbVUvNA/KpjIodnc3ktoZY2P0EJUUc28qH904BgOhEavw2OoQGZqnaSA1x6by27NirXfkOeh3OZ65HK9Npmva8hE2t+hdCjLs7+IiORiBRw9HTzoOUzP0HJTk3TkSOh2ftep0bENR88X0LfpqW6AMjIxeC0VTt2whZ1X1lMkRqP1He2xb2OX8ONghh6Sv74tj9HKYimEBqpBZ57UpKOZ+/gJR7d4R58GtW6x+aTkpLakXZg4P0dUFbXd0vRWHjyDWvcxESfO6hkXTR6hxLh7s8n4JzSt4geOW0zXdWidPYHyMXqP5KXoDo249ya4ZKCvn8Iiv+wcc88yEeXnYBiWxJMp/hu+K4hrMLjL7pyXuSUEeNL/E83hWDVZeUD+bQUdzLCnHYGqr4ku1WtJYKdMrsXWP4zWt+fOpJ9mfvjwkG3vMmPGld5FWTkwQc5Kjf9xbm+YEjGYT2DHiOL7v9idtNJ6f7J8UduBLdCy2bxwB+yQa2fM4fyHFLUifOaXrkDgxUmIOxu0YcSgYD8E8SYk05GhmQxif9HS/l1bPT2POc+DMmTNnzpw5GzHnOUiZn2aHHrPwRG6tYk2mrBf7iJX0fmqOSH9SugVr60SVvnQOBi3u01E8c1tqdL2QzF+LFR41eYnGckK5IY/X3uVq//zCFwAAM7++CgDY29tFPOCK/XCXxwx7imf3eNDNDbYlD6K1hUWi+uoYjz0/pQyAI6nNLTALYdAxtjbblpcuQFXV5t5do+cgG4QohjzGVIXoqlgmsmvUFUMXyux1iDY2VX2uNknkk5fWfMaqVVrlOOX9F+U5aMlzMD41q1eis/quFCgHITJSldvbYhW+t996FQCwtCplt6xlDhB9VRS3tlW6VYoc5hhb7NQq4ikXW+6iPTHl79x8m9sFEfriBuxKfS6nzAnfcqeT6ps8tmkr9JRZYep6fYsHy4vjB6NIKFFiVAXKunghfm5Y+XNX2SpLC7xGJY2pVRdcXFrlMeQ5KI7Rc2RV6DJiyCdtVKbEzAyvgSGqq/tW/0E8iU4DUzWOcTbPz3qqA9Kqc95HYsrXG/QgtNSfuYod29QLORcP9vj9mVV6DErFWbWN4zg9xfEb8mva2t9LuELdLuPwkbwZUcxjhuKelMT4nxZnZ1wwvn7ItrfVliVxeQxqrq3xWkfehPrGzzsNerBqpWyC5NvSWDDuSKBz1qWR0I44zzN9XivI++cb10Zz8OqNd9UEeRSOeI8+9gQ9k1blc22TPImjZjNBzZbPb0C/WuE9W1ZGTVbZOj2Ny8YaPSZjC2zDpYfo9dt6gfdy7I1WEIxSgf/oGL8rnTVgligiplC69x4ZDiOWeB5G90vH8qNjMX57ntt1TDQFLHthtLxB4hlIhBLtfUpY8aQXw06Okb5xWo5yj4biiqnfoPD9PCc/uznPgTNnzpw5c+ZsxD4Wz4HneVMA/nUAvwngcQBLYOG61wH8fQB/Pz4WiPI8bxXAjfc45P8Vx/G/86G07T2+S2th27a2Ng3DCAUhmycvUE3w2ceYI77f4Nb7+1x1l/Ncld+7RTT7o+//MQBg6tJpAMD6PSEAqdmtekTUE2K5H7a0Ou0I7WIVANCJy2h3iXxOqW58p2V6BkQARY+f99tCdAeq7CglxXyF22UC9iXs2EpasWQxorM+349Lq9/QaqFYSCq61ZVnPyclxDu3GI/0FFMPtN3eNpGML7dEUTH5jmomlMWotkHPCb01VMYuVHz77DlqOryyv6U+5JO8flgOvLQXTq+Qc9FTv3tdq+0uhOzzHAVVMewr57yhPgVCUsUiXz3VMbh3m9e01yOyLOYDNJTjfvsmr+tDD5N7YJUcMxnLulC/WkSMw/imsZTZh6xi76bC2FEOdlfjFUVWu4OfR6GHmmLlfdUGaNaJVqeEJk2l05dnAFm2pap4f5IRIX2AWOccm9Bxpblx4yaVAu/evQkACKUMODk1h3ySU89z3b7ObY8aHKv9fXqz+mpDqUDUjdgK1nP/ujgX5aq0K3RTHh6yb7OqIbB/xHnV7dMTkRUK7vfa8Iwsoju6Iy6NEmQSPkA2p8yRprRKpKXRFTdlepxtmFGmjWlXTOleLZbpzWg1VMuiKu5G2IOnOTknj1ezYzoduj+kWTKQN8PqGuQ0T1ryVO6rMmZOeiCnTvN+2z/g5+t3qCeSLfE+6raYJRGEMYrip+RUQ2Wsyvt5rMZ+NVumicAxbGr+RHkpiPaGqpMAUJR4RVter9gzvsOol+v+RPs0H8HgeArHfmDPwQfTSRi2JT7+5ciuySYP8F4k773R1yS7IdX/YS0F9S204wOIUtoHyVl0zON1GB7Qp5/XPq6wwm8D+J8BrAP4NoDbAOYA/BsA/lcAv+F53m/HJ9UxXgXwj+9zvDc+wrY6c+bMmTNn/1LZx7U4uArgLwP4pykPwX8G4AUA/ya4UPiHqf1eieP4dz+yVsXH40PHTWpkD1iseopX5eIsshrSK68wM6AWEj088RgVDjtS1btxmesZW6U/skLEe1d5/9PSWN+6Thb/7to/BQA890W2pVYjGhmEUlTLki+wMDGOtTZZ8nubRKsFqbCVClqhyjNwtKdKhup0t0nkdHDImPn8IrkGFjv0hQBNAa9xJM34KSKMvBBlhBBBlue6fZ0o2irfTYxLXU8ZEQVVLrQMiKMDxsOXLxABHXbZ38HAkBORdqlCBLR/YNXo2LUFsbXXponQd1bCePYAACAASURBVNZvwxMNuyBEt7XOMd1X7L2k+gw7et9UDDknCJkXSiuokmJ9nwgy9qVvX5XyoNBtTzHsjpBmv9NHS8h4Z5vH+PRz7F9DGRHDc7F/hqRNO92yEY6kNhhoMpqSWmAa7FnjRajP8sB4hQJy8gRkhD4SFn2FngOA566Ni4ugfpnMQ05t2xNKrap6YSiewN4ex3Vmhggyq6yIepPjMjk5hyiUsqHae2+D8enDOvu7pQqOS6tUEDXtgL5qSJhnJb/J+ZVVHYtuVxkHfV7jt67wHljfFA8m39fxLAOjMYy1azzy0hSwqoyWnXOoOdnQcyAvD8H8HLM6qkLrlnnTbplnidt3O2xDT7yCuiqGNo8OUNGcKpbEHVCWTk/PlOjI0DnnQTjG9/MLvDYVee+mlTnSF++lJI9SU/oGWxv02Fk9jLlpeSDrLVh0uSzkPzXG+9k4NJmM+A4Ztr8gj0FeWTuRPAT3djjmPWV/eBmDwmLcf4BaCidKIrzXth/I3ttzMPRUjHqRgGMVHa0WxLDMJF+S96Mcg+ExRhUUH1QPYljUcZhRkXhO0m0ZTbpAHJ3s1yc6WyGO4z+N4/gP49EcFsRxvAHgf9HbX/0Lb5gzZ86cOXPm7BcyW0HZ5EmxvOO26HnefwhgCsAugB/Gcfzah9+E1NrLM01t1UpPqozpa736HjBQnnl7wNX2xh16CqYKZK5fWGY+/pUXXgcAtLaISs6eI9egI4b32nWuwpdmiKA2Nq4CAH74vf8TAPC1b/xVAECQI7pvKgugXJ3AwixZ0/vbit+qvftiSed8eiWmJktqvyFgIsP2rlCq4pVTs0TWgUdkEUs5MSMkbkvfWo0sf9/vY6BYd1M51IHez6ht62Kjx4KlVs/gluLVl54mSqlViD4bbXlnpOtQElrLZNlmQ7dTYsx/6lOM6X/rjzYRKF5rK3irN7+zw/5dmD6j9hNl91Thr6GYfLMp1Dmw667KdkLM19+lp+X0Mvu/vMg2rN+id2jQ6yQcgMN9Xu++UGa/Z3FIq2gn74tQrcXFez2i0bYUIH2hlVx2FPGEA167SpXjE2ic+l4Am6mVEtt5V2Nt3orxcca9A6ntDTRvrEZAbJoDJW5/7x7R6OyMzSei2UaT1/bFF7/D42U5Hp///AoCxZ8bitdbXYKmKhw2hLrzxVUAQE18iCa2tZ1QaaBaEl16HLrKsT9o8H7bP6AXw89znE8rm+XMWd5nd+7cw942z21ZHBmh8ClxLLJZi5Urq0Xj11YMfr3N6/62PE6TE5yrq2d4jrGxMY0fx2N/l20biBfSOqqjqLG26zxQ1kpFtTiCPudkLO2BQ3l7Nm7y3s4pw8RP7kW+FPXM6nrSKKjIEyevT1OZFp1WDzV5Cgq6B3eUyTBQLYlClde/qCqbA8/4RDzWzes3AQBbqhjrmYvVoHWajf8efAEvVb9myDVIewA+LHx8sgXJX5YhYW2yWhGG1u29NSV5b3wAjmegz0ONR5L9YCcyB8vxH5Io/etiWRapjz+6ZIVfrMWB53kZAP+e3v7RfTb5hv4d3+fPAPy1OI5vf8BzvPSAry59wGY6c+bMmTNnv9T2C7U4APDfAngMwP8Xx/E/P/Z5C8B/DZIRr+uzJwD8LoCvAPiW53lPxXHc/LnO7gEDzwekVgZViIvtvSqdJXW5PWMSa/8wTpBAU5XeDptE61evKTYsRvivfJ36BK+9Ro7BvhDQvuJ8+6r4trX7FgDgs6tUGty5xjXQC88zu+G5b/4Vnk/cg3ub23j0LHO+Z8aJZG69S5U4XyhzdZVx/74U4bo6ZxwSfVSqRE5dVcprSYO+EFhlPDGepVjfUXy8JhQTBB6aUtWLckRPPfEZ4hz7H2b1arHxPN8fqE7D+m22+fwlCT740uTXWFfEug7E8s8W+X1XbPbzDzNb5PVXX8HmHY5ZIB1+T/oEa4rDLp27qPHhucana+qHFOJUfXBvjwjw1KkZnZvj+eYb9BAsqN6FL23+UAix3++g1zUuAMfaaiPEUieMxVi2mHM/tDilMiGEDGcXiIDXrksnoEPeR1YDEwfyIKhtXauIF0SAvC49y8ao8Tqv7ara4jSvVVZeHlM2rPd1LZVTPSG+x65BJvFBTEPgW9/5QwDA5euvAAAqVbb5kdajODOreXyTXJRYcfggZBuKFv/v8Xr2DsURUNmLjrJTKlV6oHZVr+DgiJ6CRP9eT7YxaVbkPCLnxTleo3q9hXv3iL6zQqfjqhVQUfx+YZbvl6WEaTHlmzf4CGo32eYLF+kNnJ7i/TY7Sw+M8Wk2t+T10TwKxElZna0ltRO60vuAlDAXl+nNgrQkQsX1j1QHYveAGTcb+/JCaPfJWfYvX+Y17shDVWrx2rbkFRwM5AXtA11dv/4RxxI+D1ZV5dDdLd676zpnO8PnwVabY960x66ydiw7IRqYUqb0QMwbpvEONOfDKBoy7FNiirFnsDptidyg3qcj5KOaCua+iE/oHKShdzzUVoCpEcb33TSpb5A473SPm8ckEWHUeMhzMrDvjSeUsSqP6mt4TM9BHiMkbbK39v4+2QonPvnZ7BdmceB53u8A+JsArgD4d49/F8fxFoD/IrXLdz3P+yaA7wP4DID/AMD/8H7nieP4mQec/yXE/qcQ55J0KXhWHleSo8FoCd++SpNahY04yKKY4z4Dyf3eEkmrLHGW5194EwDw2OPcbnphFQBwcMQf2IZSmApK0dqRaM7tLbrwzp/ng+jqXUmU/pAlnGeWKECSC0rw5Fre3lFBJLk3cwWVbx2YOImKumj+WUninsodlwqWssi+tPQw7ClvLKfCQnaPGCHRQ4yDPS6OqipS1NSP+4weIHWl9m3euaGxU7qgClZdu87+rZx/kufSj+NAIkDDssrcr6C+NVtse2GWbtnpmXm89RrH/Nw5LooWVllAaGKWIZmqfuwOjyTZLGGZ2jK33xSx07O6TPrxNDdzTgueWE+JtkSB9g+1qMpn0FfqZrcbq518oE7N8RzNtty/SiuzsEJfMtCVisSwTjHE84ZSAm2eBXJhmivT17U0qexepz18iIkoNytCXV+LwJ4Wi3mFDYwQFOpH31Ldwj4HYkqlqusq8HX7KtPl1tZFNpXU9aNPcKFWqxXQVXpnRqS2Xo9zqqNwQV4EShN3uqN5vnPAMNviIvufzY4u9Cz9NNaiKmcyyzldSy14jdi3ubWLXtdSWNnPjMd+5K0csrnPt9kfmyfjSl0siURYUyrvIOSxX32NIcPNzQ2Nn8Y1w+ON67WOEO3YiKZaoEm6utfa07569ugZkxMwqZR5fQ8anGvjEiI7t8JFU6CFSXOT472g0BmUav2DH73MPhfK+PTFzwMAIulEzyywfxsKg1x7h5HbuqStmyrH3supQFnO5ouk482tbmWQPZMEH40U+8ek6tPF7D6oeek1wAfe7wGpjccOmv7htWsQ2vMzHr330mWhkwJM6TDC+1qM4eLnAWmQI9umO/Dh2C+ECJLneX8d/GG/DOArcRzvfZD94jgegKmPAPArH1HznDlz5syZs3+p7GP3HHie9zcA/G1Qq+Br8hL8NLat1/KH0yIfiaxR4k0SocSKKkm4JJORyJCV+kUGuxI6KWeIJozsFAXctqICRG++LeniJabeDWKikIcf/xwA4J3rdFVPaf12Z4+r+GyB66aZOSKo21cYdqhleb6nn/kSNiXburkpopzCDGNjdJMeiJSUV5jBhIYKebatpHRBS8nLK90qkuOkKYGeyjjReajx2T8gUo6jEPNzMxpDrrJL2rms1LOqxmHnFMlbG3c5HvuShb52k22ffoPhhXPnHmMblXYXK3cxFsIuZK3YjdooyePy2CQef5rOoovnGT4Q3xB1yUO3eyRSVTU+odyspoZTVNGawKRqNS4m9DQm93xLvt2y0Kovb0in24YvomFPMLXR4BgurxDJrW2wvxWhEStq1G8QWWZz7G82pcCVEWoz4mdZAlU5uafb8lREnRAZlQEu5i2kI4lqofDaBNGnldU2AZ28UtKma/LuSHgnJ2GqyMIoazz+rlzdZx+il+vzn/8S23LYwvo6vQs5ucubbZICDaYUNcamF21FkTy1tVqWt0opfoHu1bzCdVYFq6KywUXJEFvBrj15tHZ3DnH+Ir1th4e8p7ryjPmByWLLzStiYqD7wsilOSs8JRLykeb/xiYfSYYks7pYWaRKniNKvDa1Co/d7RCdr90mgbla5T3WVpiu2ZXMusajo7LYExX1XyTZgx2lvMqTMjPGtq5v8fMtFUnLVifQUhroI08+CgB4+7rIzy//GABw55DbluSdGGTlpdJrqBy/MCUTbA9Qk/xOF7Wzz4MgSEIMaRskLoEH4e7REMXQLIxn4YRUyxJZ5pR34NjGXsqDYLl1YZICq2NGo2GEQfLewijxyPfW1CQVMi3Z78fJMX21IRSpMZF5TsdfLN3e8z8078HH6jnwPO8/ARcGr4Aeg592YQAAn9Xr9ffcypkzZ86cOXP2gexj8xx4nve3APxXAF4C8M33CiV4nvcZAC/HsQJ0w8+/CuA/1tt/8PM3Kobv9xCdLNIJAAgkSGMILFY8cE7I8fPPfhmhCFPP/xmTIvIZrrZrNca3vYGlHokoVGGMcExSq15GIien6FH44Z9/DwCwrXPe2iWaWxR58OIq0XBrgwSvrWtXkK2SGNUX8mkLZdcUf24L+RlCGihVzeLcRsiyWPNA6KZSJto/kIxqTrKytrqfUNpZ4HlJPL4uLsWeBIFeu8013NIskdzZR4lWHn2S6H5/m6jz3XfpKdnbI7qPQMS5uMxxHFNxKOM0GNkrJ7TeEnejWJ3E3BLH+votkbi2GVuuTZA4NjHF/o8phW2g62ypipmsrnvOCFQSwxFqz2SJoDc2efyFaX6el5zy7u4RKmUT1hHnQATN0Mh/4kz4SUqb0ufE96ipEtfuPckB98RR8HmuOCFNCd3Go1LQeT+T5HvqlDhUOuGRUg/Hdf2U2YgjIerzy/So5CJDgGzT9gGv6UDzZnaeZLilRXI6nnmGHoPJCfJtrq69jJs36emqau5AJNdAc9FK9HYUpy+qTHA+zzkdiv0bS8p7epIetLJKNhtnwYS/fB1veprz5rY4DBfOP4Kctr0hfsvqKZUml/fGiKgl8RVC30SuRJrMGz9C6aYqt9034uakiKs9CTTVOc49kYc7vRCFrElRS1ZdfI8gENlZhZcs/bata9XuiYsiPtGs0kj7bX5vhboWlNrbbXDOX79K/k2nxe0avQ7+5F/8MwBAbpxzbKD+79h9PsX57YsPYwi6b0hZMXhro2WhWxlyzzfexChCtmvu+/57pjf+fJZKfUwLMaVIC+8lPWyeD9Gdknv5mHQRgKEXw0qbn+xbGvWfcGsM31h7Exnp49sce/VS/fwQ7OOqrfDXwIVBCOB7AH7nPhflZhzHv6e//zsAjypt8a4+ewLAV/X334rj+PmPss3OnDlz5szZvyz2cXkORJ1FAOBvPGCb7wD4Pf39f4CFmp4D8BsAsgA2AfzfAP7HOI6/9+E0K4LntxBLcjSTMdEOsdO1EvRDrni7La6YK0Wh2DCDqjwBX3n6KwCA6+8S0a/dZBxyZkboOsPYqpVPnpmlp2BSLPtgn4jiN36NqYo//jFTF99+nXHADcWoz0iWOKuY/gvf/xc4+/hnAAC5nGSOVShobExpckJfhj6LQrhZse4HVrQnNvlXIoKcEHRBTPlOW22fJ8P68IgIqd1sIxJirUh8ZXmCCK8lBPPuu5Q3vnWdnAKLDZ8/S27B408yS8FTietGIu1MNNNRzDqrUs6lvKU28rxNxf+joIAXXyFamp4gC3txicJS09NEVaH6WVBKUU0CQpvb9NKYJ2lSqWrdnkq3KiPA4tmtOpG2ZYPkNK69foiMrkVWcVoTATLORFVSxTZuHROPMi+VYo1HEruKTcpayDMrz0O+yLb0+6Per1w2h2qF52gKdQ6URmrFvCpC6QNlEFSFYkvmYVKBKsss+clLP+F4rpBbUBmjJ+arX/1LAIblswvi5gy6fdy+y+s9bedSZo0V+fI1TsbvCTKjolDrGxzjjrx2C3Ni5+scubzGS05GKyPdVXGgTFblqct5vPo6GfvlsjxtPRU10lhmlSYbmfhZZPFfeZA8SZfL1ZIrq4S1oqP3lOUyXRHHICOvlgB2vz9AWVySvGUh6HpmxAfqduQhUvZBWR6krMqylzVXB8aD0dwbU1pmSeOxJc9i/YjPoUzA4w7iPm7coFfu7h1yby4+yuySMV3PnZD96XZ5zq68NpGl2cqTVBAhplA075hEpjxL8WO/k4wjpX0D74HY06g7KZQ0GhF/cLbDqEfgBIq/z35JW6J02qO+t1d/VCQpTnEHknREfR6lUiTN22fcn+Py/PEJroW814mQlOag8WIskyLyfurMjQfZx7I4UH2E3/0ptv+7AP7uR9UeZ86cOXPmzNnQPvZshV848zx4QqO2AjMUk4kldarY4piVTd0ionrpz17Gw2e5U01lWi+qEFCrK2a/VnrJ6lMLv1f+/FUAwGe/SH5lOUuUO5AX49e/+psAgJkikcDL3/sBAGB7SwVVTlNcJtxp4Oo7RMrlaWYCdE1YR0IqVia4o6yDMWkqVMSMrte54s/kibKsgEwsj8LMDBFFLAZts8HtDRXnx8vY2SJqCnwi+rzikaclEDOoE41YIZwrl4kot7fpjZidWuXrNMevqswIk5m1jBFjElscvSeuwUAM+nyphtkFjkNbYk7mKclItyIjpFBSqdmSmN13N5Tfn/e1n7YTszwK+ZoVi7+gEr93blL8Z2BM6mw2yfH25dnoKsfebGA54Oqf5YBnNccGisGHfUn8TrFPOcXBMxmO79QcP7fYfU8lgMNuH/2Q59xVkaNIgkl+hteoqQyKfpPjNG4FiORh6ivIPFAMOZcjWm9Yrv0035dKU+oUXw532YZbN+8gI+RjGSGR9B9yWfJZBHyxtkYPky80GglltaQHsbbO7wchkfO8vFdlCRaNj7NPk/KKrN8mVyOvOf3qK68jV6CX5fHHyHs52FEhLnkvTLNk84DeKpur5p05klbHmsSUfI3LzMKy2rim/eklGnTp9amID1HL+2hqTJc0dnWxqnKC2aUC29uRWFRRYl8VpeV0dG1aknSemeXYGx9mT3Ld+3u8ptuSVE+yII46iHrKstG5mkfKoCjS+zCIeaxTpykiWxmnt8aT91OJMRif4pw7qtNL8YMf0NvZkFcjm7MsDdoD0fzxbVJZCIlmgAkqWTnkj1JH+P3sQRkVSZJClPrYvBmj3oDkNyHC0I0wGD12+liBnhfmffA87wGlsH96+4XQOXDmzJkzZ86c/eKY8xyMWACEE4gVU1aVXERSTGyEyqFWLnak90WV6l1fayIXUcntqcflKRhIEU7KZKfmGZ+9c4ecgYyyGUwZ7/JPiPrPX1wFAGSlOtjYJNJ++iLjgbPiB2zeJfv/zgZzkaNsEeMqpWrFiPKKnbbqRA9ZxTczirG3FEtuK44bCApEpmwmlF4q2ed8340seUQeA1Mx7EXIaEVbVwneksq+XvnJjwAAzQ7HZf4RopHPPPcUAOB732WWx7V3yGqP+zzOpBBRT5kXPXlD/JT8rEmVGqV4amYOn/uVXwUAvPDd7wIADqVGN6HSxFaq9t13KGU9NUfvRr8vpDfGa7mzu67+1nQKnbvNNo2N01u0V+H2WV3T6vgEwp4hZeMOjBYe6gzY7rK8EMYX6YkfEFpuuWd5+/LAKMd+Zo5tevhRcjWamryWcl1v7qMrtUUrPW2libPyjOQE9bNSCGztUuHvxhbbOCM1z44m1mOPMcMkkqfNPG7NQ0khK3a/vU7k7UVZnF4m32NPpZT7A4tXs01720TjRSH/nlRI9xucu/UDvl85w3nz3LNU9ytL/8A0F1bOEN3uSY57a4vzyTQ55uZP49LD1DmwQmWH4+xnW7wOG7zOOq/dxQv0MBRLvBavvvYCAODOPXq9un3Oabv/5hfIs2koM8CknndMWr0ToqLpqsuICZVTH5NOQ0e6Bg15vfJFzo+KNAesVHlNHhPT01hfZ78PVB56X96PrrwEhQL71my18NRTn9Y56UG8e43ehYJHD8mTK0+wP0v0TvYlKZMoI2boYVu7RWXIm3cuAxh6Gs2jaIDW1E0/iOcg4Ss8gPF/gqz/F2nxaBuGr6No30sKLo18nDgHEt2DxNMQJ56RRGUx8UpEx/4fZkYkmgmIcMKD8TOa8xw4c+bMmTNnzkbMeQ6OWRwFGHRq8GIiv1qJSHB2imineopJFgvTKtCi9Zvf4qq+f7CNl19gmdrXrzDufOYsUcmdK0QXAhE4vcJc8Nt3yIgvlsROVm71rlb+s4vcv3vA1fnbbzNbYWyCqGx5hejkQHH/rbUDlCeJDmpChgMVSOqKY5BT0SKFutBVXLreUNnnshjQSV48EYDFr2MteUVax/4B45rTVkAkDjAuBcQ3bpATMZ3jubduEzFuH7J/PWntf+nLX2N/VM+g0+LUvHCRY268h0jejXbTCsgos0IoLxLHwUKRu4dHmJcW/qc/Q4T06k94bZpC7zMqjzs5ye3aqntQEAehPzC9Bynj5RSjbyqW6htq5TnPXXgIALCzy4yM3Z0bKIhrUCwpx11jacV/lle5j636Tae/rVizP7B8Z+kaRGybodPFxVNqg9T85LnxdO06/Q7mFhmXn1ninDKlx1j9G7MYuzwGG7pWzba4NX0VwZJy5JtX6bVaOUOtjYV5agn0xAvIiGfSUUbCM5/6LI726J3ZUtbC7Ayv9+E+27u0wPvic195FgDww1d4P61f5hw7fZ4eg7/8m7/N8RRvoCDme2/APhXLbONt1Tm4cZN9+fo3fx0Ar1FGKLvVpGdgbp7Hqqzw+m7e4zhcuUlvxvIKzz0m706lSrReG+P2P/zht9i3bc5tKy++dJYchKwUJXfX6YGKum0MVIhrU5oRxi2wMuGlwLRH2J98iecs6B4eK6g0t7I69nWcnW0+kw4TXQRe45k5zpO6tBqmJiZx5jTvsVDlw7c3Ndaak8vTfN24y/si0Dk7MY95a5PX9NYGeVPtATkH5ar0QZTdZJynoajfaA2G+1nCxjezfRIuwsfHNTiJz0ddCObt8FNejzjl9UBsnC59HsbDzAZ5pc2ilHfiRCGpOP7QshWc58CZM2fOnDlzNmLOc3DMYg/oBiEuXSJ6+cLTRLNTyjwIIiIvU10zVBYJaY6d8TFXIVv8//kHfw8AkFF8e3KWK/vba2TwdgaM341PMI7Z76viXUQUeneN+x20uRq/cIao7M4mEcWumNLTk2zD7LSU1uIC6nWypCf+f/beLEaSLLsSu+b7vkR4LB77kntmVWdl1ppZXVvv3ezhjMQZEhABQRQ0kAB9ST8CJAEjQJ8CJEiCVkAzwEgczoDDoWbYC9lU19JV1d1V7NpyqVxiX32J8H13NzN9nHMtwj2rWGR3NYoY2vvxcHdzs2fPnlm8c++555Dpr3W1oox4WlDreQhR7YCREG8Q20fVH1mjGg5Kx+tYFIi7zwhDMQfE5JWAZMaBCDUXXD4GolGOQMADhNegquDWrS0RETm/AMRYowGCQT6AViFMpBC1Cc3QDpf+EaaF/Q2Yaw8J7bXbAyk2gAz99LdIsIqj2aP9LYdljCi8zZpwZesb9BYo9jHmAQPHaGi1R4raBGSYawRi+TFEKjYKJWnQornrwzF7jDqUiPRWWX+v6nRCtD1G1bpkApGY4zKrQIggx2eW8D6kuhlAfSvLmMPbOzgXv+GVpRkgWI0qtKle6SMCjJMj8LCIiMf+DiIsHaou9rw432dv/IaIiJQ5rjZZ+pU2rv+Alr9t5st9JvpULVal0cRgx9Pg3jTpDVC3gHSvXsP1HwjuudUl3IMiiHZcvUI0SyfEPisAEiEv+4RjbzzAvHr1z38qIiJfor/Ic9fgXSJen1Q49kLdknaXPiDkZOwWEVmK0XMjSTVGP6tW0rxvnuA8UZ/oD98lr6aM8ckEwW3JzpHbEF8SEZHcYV48vOeMNKNTbVzfvp/VGRbep8hB8FMrwU87ZC91ELrkx6jNuuVlFJBdS0YwJ21GETXykMgmpSUY+/ub4PtsrvP5MYY5Ztp0tOQ9mU5iHtktzOEYlUMvXsB9tXuEKGaliaiYTc6Wzm11fz2dm/c4WfRhNr6Pvx0JNjh/2E4OfiRHb2tVmFYCMJLm8BxUFdYa+twwDOc7VRf1ynBFgMc5hro0Dvu8aBe96smjphPKj9BgiL5XHQRHD8FyvnMiok6VxrD1tDWi8Ph5Kk26kQO3uc1tbnOb29w21NzIwelmi8hAZJdo680G8p1+onqrQyZxAohZdf0TYeb/wl7JjmGp/txNRATe/PEPRUQk08LqO5MFIlpfR1XCygoQ0PUnoGqYL2JZWSf3QN37CswhZiaxOt/ehFq0lzTVVgNM6ImpJYmTNb+3vyUiItMzQFvRGNCnqvApp8A0h1fAmtgKsm5fOQftLlBZdoaqjKyxj5MpXTkGYtje2HHyuZkJVBnslNC/eBznWynbQ/tYvwcnuFQa+etgFONVb1C/n+p16oQ4nwAKiyVUzQ7IuUkm+D49HLIz05KMIeLTYUVDJoP+DwxViVP0xRwh+27w9rDJ8q/VmUseUzVCrNorVeSmx8aoFFll3X8K6P3lV35bPDZQlleIMphLDXkxHqp4NuA18PrVx0E1Kvg7rufHx4Fmg3RYrHOeaFRnd2cL+6MaXXZ6QhIcq2qFNibU0FB2vZeIv1YHD6ZBHkuXaLW0Bsb/2ARQ/4ULnLOspe8xetMll2FARL4wgXnXrVWlrW6ZMcyLgxyuU5rcg+My5vnOLl4jhL5nyWtYYPSjcgR0OyBnpXCIKiHVDfjFR8iDL8whevbNb3yX50TlSV9AWi3lreA3EUZjymXMoY0t8GUWVxDl4g2bEQAAIABJREFUq1NpdDKJvqdZMXJ4AD7D6llEJ2xGM26/ByReOsK8SZL7Mk71QrPvkQCZ/B1yAwZd1SAhV6CG16MKq3HIDyG1RgzOTUWWPVU3ZTQsThfTHud+lRGr1Czmqh0Oyq27UIpsN/EcaNfRp9u3EbWcWcX1TiUROYlQJ6TVx0EuXbokIiI1qrRu5HHeXqo9qjKiKs7qc0f9V2yxHeRvjGbyPZpzVzVBRelE916l+g9tdqKg+BlA2vgk3oODxvFiyfD7R/Y5qnMwygtQMpIOhD5vnf0Ma7XYtu08g1Wl9tMiAqORBEQz3GoFt7nNbW5zm9vc9mtobuTgVPPYhkT7IYkJ0Eq3xlU6af2OcxzfK9IQ1cPviWzvA0XOrSyJiMhqAejx4w/Azg4FEXWYmwbyvf0h8pOZMUQErl3/BrZ/COTU7gN11Zi/HGNU4D66JiWqzyVZs//wwZZkF9Cv1WWs6Es1IJkw0VqG1RZ15sGPy0AnLaKqFnOIcfpAtPv0kFdtAa7KNd9XIRJVH4XF5Xk52MM4ZMbR3wAZyx4P849k3zeIZIJBHDuX2xIRkdll7KvXITeBDPhGC6jOR15EhDoQ4QjQzNHRAccBtdal4r6cOQsNhUQSfVEg4GNf9LyBvUX8XupEUGPBVFW/vqI0jEeAug5bm+hzhHncVBDo1uqyomRyWixB5MRmJGDAfHynifOocxx6jNL4wnSGNLGdUQeiTFDZTlOzTfJd+sw1p9LkeJRKPGey20O21GuICDxcw9gUC1TLu4p5kmOkqVhEX5VlXldvDbp1bmwCKSfJaRGvIits12L1zuIikHTlGMfp1toyNQXujKoKeskNmSaLXiMoWm1QyCNCMDON+8jPYx0fo4+b9xGBU0TZpKdEtYxx+fKX4c0WYdSsSSXBbrMtzSajN0TCtOuQtTWcX8CP81U3Us1bx3mdq9VDnj6OubeH8csXwHcw6JtQLGG7IJU1B1QgzUxNSLuJubfxEAqOS/PU2NDoi42+dckxEKpZdggzfUSJloqasFrFR++FAU5XEuOIWqRCuPd3y4i4FPP7UqGGRKfNKGQV5zkxgWvSrquCKL0m1JWU86Fv4vnxPiMNDVY9+cJU+1RVWKXTqHujon6P7UQER4sPbI9qqYy4E/JaeEZ+YNkjIQTdeqQiwhzJ1Z8WSjA+KzIw2lSLwYkQDFctaGWFsxvlPXB7dbV0jmudcA5sa7jfoxEES50fT1M13GoFt7nNbW5zm9vc9utobuTgVPOIIVHbI3PjQOEvfBlM6RAL+r2CvGiPHIT8AVbIZpdOauKVXgeITR0K5xeR6+zVwBFYvw8G+LlLQELTU0B2b735r0REJMma6anMkoiIrG0xEcU+KGv9yuNgXb/9Bn5nWtS1j43LxgaQT2oMKC2VRJRiwJVqiKz0MN0EVZ2xz1roJCMAAbKKvXRZ6xCdFgtH3C9dB4mC64ReiXhSYnHkwm3p87zQb833P/gYCIdpSfF6gJjzeeSgwzzPUALXIhhW33uspJttohPO4B77rqpsSebXI2FDHjwAorlwCUz4Llfqx+UG+0A3yh7HhYqBQqXAMKsyIiGMo6pdio852i6Q08YGcvKXL6LPqQQiFY1GS/LHQIYd+hbsUUMgQW7F9WtQ+vPRc6BjYZ+K3jt1dcbksYmUO8zhC7kMHq+qWZIPEucAe3pSKgGF7+6C32GSc1AjX2VjE58fVZAjj5H34GXet2cq54ROiER+6tnQ6TBCRS2HZaoUHtH34fbBtszMoqZ+cwN56eVVcHPSdHA8or9BkAqRc/PYx+Y6KihaZaDwcmELfa/iftP50Cbn4Oo1eJTEWXmwtoFzd/LglsepgPHwPIo89hHZ9ilyBCKsuNE8dp8VMWFGjna3cS3f+Tnu8UEX19jn5b3rCXJcqGqax7Utl7uyuIB8vi3YV7ujEFCjNrzOvMyhKI7dI/cgRJ6IovM4HSZVg6HHShQv+1pjhUGRao2VbkdajFJ0qXOQYHXGtWtQRrTId6n30W/Li7lcofrrwQ6iN/lj8D58fF4MLFar2Iw42OqjQS6Thr+ME6U/GVFNpAHkSU7diZBwmBj9U9TtMBTsYdnBRwMFxtDxtBnGI6yHUxoCzgdDn48qLZzWHBj6foSDYJnD/AmPfcKTMEaO9WlNI0a6lcf4/PC+Gzlwm9vc5ja3uc1tQ82NHJxqqXhMfuOVF+V1+tT/i9+HVkEqAYQdiQLFXDwPBDo2hpxqqwmk3SiZ0uhQPa8KNBX0IS87NQ9kc1QC6r7zMdDGlx7HPrpEXa+9+ociIvLVr/2OiIj4uERu1rG6DxHlzs2BvT2/BOS1sQ50vLg0LyRAy+0PEaW49gzQRKuBlf/uNvzbV8/gt2NUCKxXsf4Mh3AO/S45F4wgBAI4T2WjH7M6QfXsNR9cLpWcFWyPaGSMOU+PjYjJ7RiQojXQagTss28BGRaL2P7SFFjV8Qj6qNrwASJArS1WNn9f85laTOyzHE+Egxw5FxPgBDQaiO54fUDbQT9dN0kjtol4gwH8LiDghQgrCkyp83s/x2OPfaFa5RH2GwqmJMMa+TpReMGHPvV7DkUZY0gfjJ09oDM/VSjHI+izKkI2mScWxw8B78IR/CDKnL3yZZqNuhSofJjPg4U/M4NrUKvTua+Kual6/gEiXvGzEqSOzyencB8oWuly+x6dIycyuF88rALRCEMymZb7D9b5W4z18gr8DY55X4yNY6z91C2YYrXL/hrRaFdRN8Y4pN4jrFKJhNHX2SxVIBntKhzzWlOLwDS94vXob8lTqGLfEfJXYjG8hlkxkc9j/OIxVpb0sP2dD3Cfdcn/0GiNci/CRPMD5o9b1CbotFpy8wb9CmiuUD3GtamWgezr6q0hOI84qxB6FiMH1CyJkg8VsLk976cuI1FVRndy5CgdU1/CHw+Jl4g1xnvq8cv0kCDHYGf7voiIWB5c13l6S5Q7iDBt7OPZY4cRiRvY9NJQwX9G2gwnf66OqsrINx2ugMfB/tQY4C60ikejN/ZpTQAR8apmizL/RzUJZLg5ng0OH0BRve1wqRx+g1YtOKqFI+qEuk++jmg6OhECU7kFToWBDO3H4SzY4vAWjNGdfUpzmBZD5INfrbmRA7e5zW1uc5vb3DbU3MjBqWaIIUHxyZVz0AW48wA52Nw+VvNGELm1zV24+42PY9U/M4Pc3NzMY5KdRJ65XgL6Luawila/+qdf/LaIiLz9+p/jGLeRY3/8KnKxVer9v/cL6LQvLiJK4aVDWqWK79XX/dIV5FYPD4E0dvfLcukC+n/3Dljp2+s4j5svQdlu7wDbFhRBzi6JiIiP8PMgB9QqltbrM39JUN5RF8IEVdsYqrBIjTZN00FbOzvIQ06lpngMZacDhd+/A68IX4iIhwhgsIe+nGF0YyID5Nz2Keog0iAC0CqILuv6UxPI5TebxxKIYhX+wYfICT/59EsiInLhAqI2axtA8W1q7GeXMR7VEpDiwR6Z/+QQhLxk5ZMZrxyEg30gLK24CIUQ7ThobEk4lObYYV8zrFYZZ363Q9Z6MAL0lqCGRm+A663RGYedbKuDpmC8GDHpMdoTiai7I8az1GnKnVtAuPkcIhypFI7VbOE6at5etRTq1AGoMw8+NQ9H0Bh5IMVjbm9oNQ9V6IheGvUaX4GgQ5GwbG5jrCcmEUlRjYFMBmN7VMGYtxghqNbw/eNXnxARkTVydtqcjANWkHT7Gv1h9Irqj6lx8G5mFhGBOtjF/qFlgfPvkafQ7lJd0FRtCcznMjkYEUYz2k3se/3BR+gzIwp+cjRazOuPk7s0lsG1rtTom3KE7xOJWVnbQNVGNIz7u+7DXKoT2feIsn0h8n9iqouBCEmBVRvKD+mwkibIOeogbZuRNuU/0N0xEA2JlyqkmTQiSek05uqDj/H82N3HHLzy5JdxPpPo4+YDPCcGVGP0+dFXRZzq92BSu0HYpxN0S86H4RUPUbphaVUTfU1aLMvS3PoIR8BHLoWSEEYjBA41Qf5qzbatU5yB4cqHUS6Bvh+wwsjRJlANBmt4uxOeAyNPGuV0eBSniBGmRin+8v6OVmGc9PZXb27kwG1uc5vb3OY2tw01N3Jwqtm2IWY/IF7WFl8lKl/fALovVsFF6BtYzRbLXFkXocb24YPXZDyFCMDqApCOJ0k1PR+Q4NwknN1eJKr88ff/uYiIrK0DYZ87A0RVY065Wsbn3uAye0nkwNWnxTrxJ558XkRE/vzPvid37yCv++LzL4qISIpIoHYEnsPyHFD7DqMahweIIMSp/BZlpUCnw/MsMbfOyEKEfVflRF28KifBHJjSI7Jrk9ldreJ8JqjHkCGa2qYngCnMgTJ3Xq+yjn0d+hDTWURDvER5XubmfcyTqsthkGqVVer8N/odRwvfsnEet++AKR8kml9cQD13s4Z91NjXBhXxNE/t9xO9M4eolQbnVhE5KhSAKO9/jPly/Sl4KzTrJclR98HPqowJcjAqBB2pJDka5HMYjBAkyTpXy8cIEZ/Pr1wL9rmCfG/NVgY+a/N5bZqNhuSoLXCSFcVrrYbzrVTJ/2Cf/F46SPL91DTGSah3b5lkljNvGw5SF4CqfE1GDpT3UK5W5EtXr/KYmB+lEubg/DLm/e5tzNHFVURUZueB+CPknBTIc+kxf9smz8H2KLsf16hMbY9QUiNNONcDovzVpUvS66jzJa8zS19MsuzLVXAx7u3gPo+zYsa4hghKjcqQFnkBagWaTKKvYTpFtlv4vFIimue1mc6uSr6AOZmMISpRoRdLu48ohi+Ea9Cm14YEgO4XF3A/3GshepE/wnnZ4zhmIoAx77XJteB9Y1LFUKt+en2RWGJYr+XBfdxzpSLu/0QKvKkMVTlVUXVxBZUWG2VEVAcD/D4UwX3RpS6KpdwVx98A7xQVW4O+BBgp8BmscqIOSpgRj6UV9CGWwv19++5tERFp9nCdPayAMDVJf0L3xzE+BU4/Gg048Wdwqg0+RTthtILiEe6AExEgX4LcDmd7RxdBt9fIwSmdg8/iHHi9n7HBL9/cyIHb3OY2t7nNbW4bam7k4FTrdU3Z2SjLOJFkrU0P9AxQu0EEWSwjZyt02PNFtBa5KTs51GM/3EQ+bn4KK/zJCax8bQ+iEmeXr4iIyCtfxTHe+NE/EZGTfHCWbnv1CtBeggz7ceoEmIoko4gkeD14f/PmC5Jijf+Fs1jZ/+ztn4iIyN378Lb/1m/8A3x/EXyG+xvo6/4hasFDRN8hKqD5QipthpdD+tybJlbtc/NAwbrCDgZDUic3Ikhdfs3DChUep3g+M9TK3+U+fU5lBFbEx9Slr5eAqDTf7Q9gvzYrJPrkR6j+fZs5aG8kLAbRtUV/gyo9A2p1oNbMOK6NP0ld+yaOpWqEsTj6FCMK9RIJeenBoAp7L94EInz7p1C9zNNZMxRMSGSckQ7qEMTIBG9TTa7nR9+mskDK96hVYRBhJ5gP7gBQOpr8mjvuNJhzZgSl06YrJSNM5eOSw2jWyIdWPjSY1zVVUoO8EIuVFD5qbKScPmCuBUNAnK0eIg+KjEKMIDSrRMF0rwwEvRJlBUA6jXn7gGqEm1RdVCn9K1dQ1aI6/u/97NZQX3WOHtOTIBSNcDzQJ4u4p8xoyHENc9wX8Dmv9ToGs8e50m0zCqEVICHs4+A+vFbU56Bawj0aI5U+HML4MFAgYebwFZQeH+Pa5ot4XV5C9OTy5Sdlb3uXY3XAbTGWXfqY+Mjr6Xb04iC6N5n9EsYxDk7O1hrQ++4WOBmNLrgtlLuQEH1ETNEcvUaqetKnmmSP1QcsdJBEGHNxKk1+CFPkZd6LkxfB58iSs7S2i6qFgUYETMzxnk89W1STA9cwwEqLgOEVs8d7i5M0TJfS81TZvHAe1VlF8j/SUTwvOoxOKI/BNtSDZBj9f2pzKg5OIg2j0YRHdqURglFVx9FDOZoNeGtqSM5RShx5Pfmhs5HxCZyCoe5/Wkjkc2hu5MBtbnOb29zmNrcNNTdycKq1ux15/8FDuRYhK90H5NiukcVOD/mpDLToTS5zLbqNdQcD6ZAt7+HQKiqpFZGf3K5gZWsRVS3OArXeePnfERGRt37yb0RExF/G8j07RS31Ppjw/iBW1KEQUFzQj756LPT1icvnZW8H6OGf/B//u4iIxBI4ZpAVAW+8+n2cxzS4B6tzQO/314GIijmsykNUdEulgcYabeZYuTpPJBnFGFAXgTlX8TQlkkI/c2XwGTQPV2qDrS4hoLTxLM4jd0y/ebLyE1TZ67TAudjefgfnd/1lEREZkNXcNzmFmR9vkknutU9yzb0O1sBTGSCdx64gYhIgytzNAbVmmceNxhGdKFDF8L0PceyFRSLnNs5zkn4A8TjQnMdAH77yCvpYPEbtfrfbkS59GgJk9A+YhwwmWU3QBMciyAjAlcuYYwcHOP9OE9GOADkamnPvdYliWDHh+H8wyqWl5pV2x/FIUIQ/YH4+QL5HNIQ+qZp9h2PsJ88l5I/y91QIZPSifASU6mPevM8cfiCguVjWuUtATPovePx4HZsA6t7cwtxbWV3lbzHW3/sTVO2UGYX5zndeEhGRH/0J5uj+HlBvMIxjR2OYk0FGEpokTPTr+P7MMq6x1Tekx0iBcmcUPU7NAClfuMDoRRT3d51clMIuImxdRhaXl3Ct2lRH7dBrQKiQ2KzreCGy9PglRA1tsydhQvs251SHFT9KXO8qW1/r/j2M0nlx32eyuM+WOG7voiBHDnfBk6hWMAebZL97GHHrMEzU7/rF5LNKtQbUI8QTpgeLH/dDqUVV0yPsK7hPrYo4qhjMOPrGKerwYoJBReca3cJ4lI7Qt3azIh4L13F2EmO0tICoxUwac+f+HVSI3X5IzQVV72R1ysDWvD51DxTdy1+ekz/RN9CIg+FUKZxECoZ9HRy0rgKYyiVwqhR48UaoB06gQeUftJrB8WKwnPd6Ho+oMjrRhhHPhVNv7c+pXsGNHLjNbW5zm9vc5rah5kYOTrX0eEZ+5/f+QxkQZTRLdEKk4pnFet4iEUT1CN/bzKsHI1GJko2eiOMzjxer5DgRcoKsa13RV6l8uELnwC4V3d56A+g+FscqfnYBSKHTQG6yR3RmDtCnRJgVCPkDaTewD4MJ3EYDaDrOPG+R2vFvvPpjERH51nd+W0RE5qmYN9ilV0ILvwtOAmGXOjjvaBhIOZEAUhgQFTepExCOxcQfxMo3OUZtfKoyxlNY1UajzGuTIa6OkV3mpw1D83o45mEevgUXOqgM0KoEu28Pbd+ia2PXqZM/kpX5JRER+erzX0Vf1tGX1978Ho49AdSVmEYEJcg+KRot0L3Q62M+n/nfXSLIhSX8vk1k/uR1VClcuwb1v3yxKA/Xt0TkhCuikYOIMuCpZFeoMIJAvYMBGcy7W+jzFCNNHrrzqdtls0mVSkaxQoRv9+4iV7+xsyNeVYAkB0OV8Zpk5Rs257Oo6yb6EI1hzvoYnTHoyWBSpa9Jt8coqz9U+c7rw+vBPvLEHk9UEikgw0oN56kOl+rFEYvj+48+QgXQnY/A4fnuN/6eiIgszC2hL6xWCfBaBYJku1OtUlhBUa5gDq9kcX+FOG65o5z4uI2fKosUHz0193CNnnv6KRERadAvZTu9hfdV3EetFqt+OE/8AXVppa8BfU8y44hIxFnNYRm2zC/Qf+LoIY/JyAqv6yTz/eEYkHQ6gVePTa8VViLtbKCSam8Pkbkwq6MS9GrJV9B3g1UAfvJKqo2aI5YR5JwpU2NB6FY6f573exzPoHAIkQSpsXpJEGF46XH4yATIwer2qW/BeROJ4XcDOkf2GVUtHe1Jt4lIUDSIY0cCGIePbyNi8Opbr+H8GdWJRfnsIT9E9Q8c1Kz6J4TU1qOJfTaNbilOtj9dKGBEMVEDpTJSdDCK9jVS52U0wBrhMjhaLfyZadiOFoIMhisexDPsSmkPBylGOvCrNTdy4Da3uc1tbnOb24aaGzk41brdgaytF2WOCHJ6BStdH7kFjTzye2aPqJU1tnUi9V67JwarBpoN5tuInqpBrNyZnne8B2yilF1q6S+QnTu4AZR77wH4A7EU+qCVCGpiliQS93qBxOJ2V8IxbPPMTXjZf/Deu+h/hXm9KSDdzU2g0bsf4/srX0IuPhbVnBumx4AUeT8rLVJJrNqP6VkQJqNc3ftkEJRmBR2cHgOrut7C+xyrDzJx9DGZQd4+nEf/e31FpczThlQxrs5XoLR0BpUYJmvIDbLQa6wTL7EGfSKTkblZRFUqJXwWUEo0FcpyO1s49uNAOhF6aYxR70H9DnIFXKOJceS1S6x2ODgAN6HFXOphHgz0b30LapihUESirFd3mM9ktJum1p8z30vk3Cd/oUTlxK1dcA/ypTLHE0ji6aehZdFlrb1GNWwbfcxM0EHxvkf63CbsI5LxMULGqIPp+M9TpZLJ0hiRdSweGToHk/T1YhHjkmR+WJXfbKLgQhGocG5u2fHlGGhphKFIFsco8/ze/wBIeGIKaPXceeiDKJxRvkiL1PiEh1ERKgxWiJTVxTLJiEW9jvnRN00nbRuhmmedY90f0OeDzofhCH67u4VrMJ5hbp219T/7OfLg42lycMjhyB3R9yCE3wfoWXL3/hrP6bx4eC3usm5fdS5SaWwbZ8RgdQXRqIU58BvmZ3Esm31992cgGzRqrNZxSk9wzRYWobsyR36RIunDfFGq1IRoqlYIfztPPZTVafTBJtKfnUUkoVTF+LR4H0yN06W1gs+Vad8wcY75HCJtUfJBLM6TVDguMd5rB9vQCHntp2+JiMgHW9BxmJjHczFDpdQjKo3a5B5YPvU7UX6Dco7+au20a6NGH1QqwXA4A8McAeuRqoZHNRNETnQNnMKCUR6BFnOcRvyOBsLIrpWv4B3Z56+huYuDU822Del3g7K2CXKUP8hQLYlV2RDkkiemEdoKxfCPTG+SSrkipkqwtllzRvvfPsNDRzVM6jhtkZW0o7bBNkVALn0JFr5CYaGjffzzDPCfZiaLh4eG3cfwvJJowpbCIW7y1AT6+cLLCMl+9O5fiIhIuY59RfgPam0dD6bpLMOHJAMaJPvlKR8dZwjTH6B0bwDnnT/CImFuBv+wvd6IDHr4rT0gwegMHk6H+1siItKtYxwMLp4S47jp1UpWQ/ta0tiilG+JhjTZOZbfMa4WYOhS5XgNiyYyV56VOsuffvLu6yIicnYZD725aZzv7odYJJWLCAuPMZXjYwgvS6njD29j/OJRnJPQLrfexKLDw0VEiSZCt+5gYXfx/CXp92mcxX8QPqai9CEdoNmPCi/VmKLYzR3xc/xT61CyuUazoEYTD3aL4WIfCYk1PvBVGvvmzS/L9//k/8W2fZUJHg1vekY+xz6TSSyWNHRvUpCnnCfhkuemC7egH6mPHqWNKxVc64XFRemTcKfSuo7XDJ96Pv5zV/Ovx65cxz5DGB8xsM8BUx5ekvxsEjJ7A5yDpm8uX8KiolHFeJyszizn6R9iWWnxGGM8M4cFa4aLgBxLfOtMK8xM4p/lDssv1VDnqachRLazh8VhjjLJ5y8+wb7h0CoItru7J8Eiflum6JeHZX6tFjau8PvZCYzD4ixItVGWF7/7C8zJDsnCek4DjgM5l/IYDdquUoQqT4L03IpfxjJICxQpSFVlGbL+81ZLbo9n+L9bj8+6AVN79TJLFMMksvLZZ/iQ2ql0cH999ACLo34Hx4mHQ9Iq4++P3sNioMNFTnSZAkwTuCY2Cb1xlh1XWH45MDQlNlwf6FQNfto/Ua4KjFNW0fpP3zPyj/mkDd83jzT9jz36n3t0EaH3mWPEdIqQ6PixDZ/HyYJkRNr5E7r3qzY3reA2t7nNbW5zm9uGmhs5ONW8Xp+kUxnJFxE+LOaAAI5YjjcRw8p3bpaGS7MIzycjQPeJybhUjoGS6gxrN9tAI9Km/S/DnAOWPLa4tA9HVdQHm3cGQDOJMaBcqwOkFCE61fKoKGNet25BeMfrN8RrIB2iNqYzEyjfuk7DoQ+4bdeiGBBNah4+BOnv/AWQ/hg1FUbuxPACGRyXMD69PtBYqYxxqjMisTB7xZGRPiZCqTPMG4mkOWYguTUrCEmH40At8RRQmV9YDkczlwTlcZsUDerSYMikZKs/QMEmRhwmJ4E0IqEJWb+L8xpQ1OeQpC0lx63MZdkX9LXfRRSjz2jE/DzO5dYdoJouZaUHJq6dj4jbzxBugqjm4BDjtLq8LH4ieo/awTrxQiCAY5YDNhlxov6SY+oST3G8mpg301OzHE+WmdY5HtxtsYhr62XfFhZW5LErQLDvMQTdZZmfz4cI0kBVbjgJB0TE6RSIqkpI1HPI5dXECOdwVMT1b9PCuc0yvDpllEUsCTL6oCH8OEmtHVoWdymwtLp6geeJa1EoYn5EmZYzaflscswtEg37LL9cJEk0EMT3AwN96g9OzH8MIuF2B3PNz9RUMokx7VKaeZ1CTeMsZda0yVGZqJWIL8hUx0WWypaZWhyn4FebYXuTmKzWqEl5D1EJdRz2Evb1NbrD/lpUJgozandUQJ+2NiA8FGIZqqaC2iSwLZ/HvXzxMUg+HzFqsXOAe+DM+XNSKGHu7fKz+QVEAMt6fgzZ9ymJnqMYVJuh+wbTL22WD5uMONZYrj2RIXG1jnMt5pCGibAM8cF2UXbW8YxdmMF1e/E3YRInTIsFUrjevij6snOEaF/lHua5FuAajnUz0b9aM5vD77WZI2EBpA7UzA2febiNykZbI/LHhjUcAXAiBiPEQxnZTs3jHDOpEU0lfGQPfeYZyZMoEdHZ1+dmu+RGDtzmNre5zW1uc9tIcyMHp9qg15XCzkPxsgwvRjvQGtHdwTHKq44aWAF3PFgZLy1hVd7tiCSzQKMR2uEOiAAGJVrLNoEeNE+rcp9NRhZ6RD7tNklgzPcuLAGVbNNGOk7r1l4L+8vvYQXxoP6xAAAgAElEQVTdGRQlHKGBUpjI0IttJygC9MQzz4iIyOYWEHXxmOdDQZ1yCUhPbZU7bfS9NWBpEsl1Pea71SypxpK4WrwgXRLm1LZ4dgYEKkWVUSLIMaK0MEu3akTvlSOg7gATf5alfSOxk6jWx0iM5j+np3GOqTjQrt+blOlpIKGjQ6Ct42NaUpMJtLSMksMm1+EtNeLxA3VOTGCfMUY9KiyPi9AsqdVDn/xhD/sU4ngAYRULBZklybVLCVWVbq4yjx2mFPFjlyAT6yMHZYXGQz4LaDTPiEDxCGPfJ8fCH+Qxy0CBR8z/x6IY5/hgTJ566qaIiBRoAjVg5GdsDDnnZpPnTXJfhLn4sTFcuwDHY40Ezju3IdmbHlejLvTlzi0I8ChwUoMmr9cjXaJPn1fvD0V0jASwpFOjFf0eZX7JVeiZKhbE6AYjCAMakM0tgbiWpEW4Y3HOEs/cHvhE7VZbpkh2rHDMDC/HkhN6fQ3otHSMsZzLAsXmcxopw7XQe3g/h8jijZsgE199An2s8z5JpinMRNJh1OeXPBGwNhWxUjdfLfUMhdC3SkUNyfC7Fjkq3S760OL4phlZevzJayIiUqPM9BGFh/osW93d35EOiYZ9RbQUbxrPcl6wvLjG6E2fCsytFvbR4b6afKZ1+LysVUkaJP3KZ2K8Ly5DNGmfImOHWwV57LFviIjIl78MATHlpDQDJHeyTFSfvYeVLexbaFDlHRYJMvRfmyOG9FkORrq57SBmReMOWB/lEqiIEQmcNp9J+t6JBDgW1fzYGo4GnJQ8Dr39xPapEQItafxLKjH/us2NHLjNbW5zm9vc5rah9oVFDgzD2BKRxU/5Om/b9vQn/OaGiPxXIvKsiIREZE1E/i8R+Z9s+zPNLT+z2VZfzOa+hD1AcVFKjYanlkRE5Li7JSIiR+QTfHz75yIiEiGTenLqjPQYAfA4gjFkozNXGk/SxrVDi1kiyP5A7Y8pZcpVfFvFbWj+M0+Z1Nw2Vum9NrZLxYCY1rfzUqsCHYXDlMslEkxOjvEVkYVlP2RcPTQ5UTnYWg19mZ9jPldLd7gArtJEqV4nHyAMlJaOUZglkZJ9B50ijxlB8EJStGzWle+gx0oQGk1FKGLz5us/EBGRZhUo3+9BX2wLx2g0cG6Xv4Tf1VtV9hnvrT7G67hQl/Q48/MJnPcRLarFoMmNF++7lMueXUC+u8q8+OwUpVxnwD346M5PRUQkEEFf2h0gq2hUETdLXi2Mz/bOjmRoWuTTMAtNaM6SjT05CVTVJy9CDaeabaDOgWMLi98rez9XwFxUYZ14Ep/fv49ctIpwpTLPip+GUc+zxPXN1yG01eR1nGRZaS6HyEiSwlRZykR32uhbvaaGZOjzNMWz/JRT9njQxwOaafV4jQ2PT5oU1un2FAmrQBLGLptFtErNragJ5qCtPu+HxVVEe+ZXcE2SY5hg4TAtwC0y5fmI81DAy+fXEsqeU+6WmUD/2+QHxWOIEL1/gDEcSwFBhxjNUYtnlREPRXCMvX1EFEqMGCXTlB2mJXYxx0ocRt6mpjOyu69lfRgjD0s6TUZM1GAsO4uoRbtJ6+k97FMs9FWNmTKTGL9nb+Aax9j3ffIJ4kmWVZIf0R+Y4mdliGJmNX2yWF6htutBnn+QZKRwCK8BVoxEKRoWDPL8xjBvohbOcfwcx5ECTC1Gqr7ySsWJZOQrtJ7mw6ZYhjjU5h6inCaFyMSH+8LnVxEkLV3UqgNW3oyg9k9rWq3g9XrFVMEhp9RwGOl7Hc9p5QywQsYzEgEYDiA8EhLQ6oQRd2nKMjt1FkNfOdUK+t+OFItfhwHTF51WqIrI//AJnzdGPzAM4zdF5F+KSEdE/rmIlETkuyLy34vITRH5+7++brrNbW5zm9vc9renfdGLg4pt2//oszYyDCMhIv+nYL30km3bf8HP/2sR+bGI/JZhGL9j2/Yf/CqdCQY8sjofl2AAq/G1h0AC8SgQZWoSCCNLHkDhGKu1B+9Dojb59IzEo0BT6s6ptbLb+S2892CFHGKOPUGxE7XRbdawMvYzbx32KjpF/i4YxPbNOlbn3RqQ4kwWkYOFqbzcXX9TRE4kljtcVXoy6P8Tl8FaT/qgg3AmAISzdg98BgYQJJ9jxQVlkQ0yv03apJYLQC+xeZxzhJoMjWpXTObC93bAHSgcAgFcpbTwzAIiIGKoeBGOMTEJlP/ii18XEZFbH8D0yCdqQQzEU2FN+uEB0JhJK+R+n/bZ1AGIBsal00Fu2CKfY2ICkY56AyjliOg1nAECajNvqzoPXXIxZmhUdesuRaWYS1bBpjarGGIxrPajlHguFo/loIBjpROYSxPjQFHKhN64j7Ev5IDw7t7BnMrl0beWiX2trOI6zy8BMXuol6B6D0vL+FyrPH78Y0RgZmcWZZks9FQC82CM0YxwkB69tNBVK+rz51EbHwwQZTIKtrwMXsTyKqIenTYiDQFGfbysqMlO8fteheeWk2oFx4onlROCbWcpCz1OvYsadQmaTZxHgJocTQqOqVV5lBbgXp/mh4HiguRHpFOIfsQ96EN2Btv/4Ac/kh6rEZ599mmeN35bYa5cDYLmJ9En1aCoamQgGeH2uA8s5r97plYloE9lRgdNQslpRlzEY0skAs6MIkI/pYxNIt+xcdybcc6bQp48H0EkIR7BOEbiSyIicvlJiI7FeIzjIuaPDDiXKffQorCZKR5hoEe8jGr1e6wAokhWwou552X0krIvkiLPJRrHM8iw1bwI12xArkLFpCV8DnPcMCmVzedqfCwmPYMcmgjG8v4WtFeax+BWeHwMITESZgTI4bLVblxdjsj7IYdFddk+Uw1JJYw9HudaaDDaUU6wh7dVsbCT4AT+0KiVY6TkSGso6v8UZSPlHpy2jXaqK1TPQDkUaB49lh7yb2G1wm+JyISI/IEuDEREbNvuCNIMIiL/yRfRMbe5zW1uc5vb/m1rX3TkIGgYxu+KyIKINEXkIxF54xP4A6/w9YefsI83RKQlIjcMwwjatnJj//qt22rKgw/ekV6Pq0jWTtfLYMpGFRmyNntxCsi71gJ6O9zZksgZqucREevKdWaGKmRF5Le3toCkVZ1NrWrTtCwtHoFl3SMinMoCUe9uoi99rupN1jenZ9GXqZUXZTePY9RoiNOhNPH6e6hvP5OhiUsaKDNFy+GLjCisrYNtnieCapFBHja40qel8fg4zW78lLIlGqnWyhJPAVUtBdGvHk1oPMxHNppaW47tIswVb++hr5fOQyb2mJLPWw8QgRijeZQuwlWzIEhW/oDKcj6O/3FxWypUj5tegj5FaAFI8O3XYDy1swNkczYA9Gqz5t7LuvcqtRVizMF7RPPC+NxDxNlq4b1WZPQY7Rifyko6rsZSQEa3dzDGfaLuyUnMjwCPWa7gvFrcly8MhDk5AURo0+wqTmnj0hGiXG9vQ3b4pRdeEBGR557G60Gu6OTzp4gqn30BDPF7d9/HeVAz4+WvcF4kEGGxWMe+v4t59ROa4ERoLmZpjlY1OijTHCPaffoZIPPl2aviJaLz0RjI52O0iQZkmp9XVxsv6/p9tppF4dr0mA9vlHB/pKneGdI8uMqWVzAu75EflM9hTudyJZmnrHaLFUSHh4fcN/o/Ts2NNCuDatUi+xzieWJcfLSyjpHT4mO0r1ljrp48AvXS2d7GtU+lIhKLhYf2SfkT8dDmemoCc7bHyNE+JbzDScwXk9GNlVWcyySrYh5uoxJAoyBejmeSvIAI7ZUHA9PhiKi6YJx8BD8FTnqM/AQZpfKQk+BlpKR+gAqCAp9tqmuRy2G8jo/JD6AU+jPPQv21ZSKysFnqyfx5PN/ub9/jeaL/sTTG2KbJl0eNqXjePlaDxak1EyKnosrIU4OVGEI+jD44HmEinM77O1UDitZN/oaRANUqcZQNKd1MjpFGiBT8q7DkcAxAxFAJfacTJ72yR0Md1nDlhFNR4bg14cXrsC5+9fZFLw6mReSfjny2aRjGf2Db9uunPjvP1wejO7Bte2AYxqaIXBaRFRH5+NfSU7e5zW1uc5vb/pa0L3Jx8I9F5CcickdE6oJ/7P+piPxDEfmBYRjP2bb9Ibcl112qn7Iv/Tz1WQc1DOMXn/LVBcu0pFurSa5ABrWyiheAfqPM7ynKsepA5rHUkoigBrvWIHucTOUuUVeUev2pJNY58QTel5nvtpjQihEZJ1mn3GXu3moSrRJBSBinHIgSSYWxko5EJ2RxGRazf/FzrK8CVA8rraEu/f0QjvHK1/4B94EVfYcmMKlJoIq+gZV9OothtRvoQzINhBQj+lhfh1Z6ow2EYXi6kiWXYvUi6/YZXVAzpw4Rfp35WlXTS7OaoVjCyj+aBnobmyKSZChG88MeSoZ1yYsQ1tRrDXq71ZTJWbKkidIaVCN85vlviYjIlSqQjqnsYSrZ2RwP/TxKZBhPoI9tcg4Meiy02YdSGec0tYBzP3v+skiLWhm7WyIi0qrh1SM4dtWPPlVpJNUjUkpN6LXA6YUYefGSD+Ejyh00gHr3qJj3L1mL/+wz38QPPSFpMuHsj2JuSYOaHElETFaWwUnodVghQbW5oJc+Dxt32HfqAgiNdhg58BO9TRORZ2nyk8zg/glGJ6XXoTogOSEDE/1XDXmDKLvWxL3loUKghzX0DUbDhHoAKZodVQsYx5rB6F4Ur6+98a9FRCRHLoci9HRqQu7SzlqrS9pUp1QfC41mNYlCW7y+sRieA6pNMjGJ/H8oSBXLOpFjH30cS2K+7OwDt+SOEQXr9mNy9Qp0CPp17Ovu+/DjOHcBkcTsrNp+k6tBv4ceuTUhcjEiKdxfO9RxOKYZlpeRpRD1RHwRbO+l4mg6Gne0Euo0LbPIKbIIS31RVl4xWlWmd0iXnJ1um8qHxU1+X+Ir9jM3B+2Cr3z7RRERiU7g2dAgMWvg9Uubz8l4BPdqKob7t+LDM8XPezDAao0xVlipFkuafKoO75M9Qd9ajPaY6htiaAWCov5Tjksi8DsY8fuwVPnRsXdWhK+vvN6Gci6Uq6DiA8PHOMH2o6/kMIgttjFcyeBwCeyRCMInFWN8TrSDL2xxYNv2fzPy0W0R+Y8Nw2iIyH8uIv9IRP7eX3F3oxEbt7nNbW5zm9vc9ku2Lzqt8EntfxMsDl449ZlGBpKPbi4iIomR7T612bZ9/ZM+NwzjF+LxXLPDEZldRp7vgIpnx0fYrW1pjoi5N+Ya21QfS46nZX8bq+p0C6vAqRmgNMOj7GAghPll5NRXA9hno0EEydV7KEAnNDK/e6ylt4goO6xEmJsDcvJwXdRq1+XyY6jT39sGUjmiV4SfLPp334cdanwMiOfp577O88NYTI4DIbcHRCVEG0F6BmxtAZUWWWNvOfbKivoqEglj2y5R6N4GrFhVl0Hr9FPsQ6VM1UILqD1CW9c+c+6LdFL0Uzmtz+SsorwuFRKjQexXGeJLq2fETz5Co0nEa2GsbTpaxpOaW8Q1y4zTGZDciibtpgPMW8ZjmG6lY6KYCYxXnYiq08T255bhgGf2fDIgb6NFRcsWVSd17tSI3sQXY99wrfrMracm6Dnh1zw/Nh9w7At0xhTq4JdKQJA/+tEfi4jIK9/8lhgc2wq3PaaV8jitlsXCtVp/iJz4+QuIfPTp83GYx7j5gzh/D30NLp7H/TJNx8AU8/9aYZAIkVdi9yTI+R5lrfwe89UVovMkqwv6Sk7v49g+svgVtUZUaz8IRFyuYS6Oj6FvDzeQu97l/qensJ1WS3T7DelQVbBEfofqNvgc/xOMLW0rpKuDzgqLWBKRggav6eQM5osibotRri4rkXZoyy7kJMxkL8rEOKI1hQw4RsEwuEjZFYxlMETbdCJdrW4wqfPh8WBuHx9hHjWpQRKlSmpyHOdtsMTAQy6O8iA8cuKZoK6casVdJ1fAHyavgzoeQjtxVRDt1HGeFUa9Gn2c3xM3oMh5TZ8vrDTI1XjNGXkrVRsyzSqS5cUJni/mb6dIhU8KxZxfQZTLy8iJPh92txFp2CpQV4W+KZZm5x37T5GhPxx1wlPuhiOeCHovek5pJ55uJ/4M1tB2J5yFEX0Dff/r9Fv+HNrfxGqFAl+jpz67z9dzoxsbUA1aFpGBiGz8ervmNre5zW1uc9u//e1vYuTgOb6e/kf/YxH590TkmyLyz0a2f0FEIoIqh1+6UkFEpDcYyE6xLF9/CcURCeax3nr7DRERqR5jdZ+gbn+Mdc6RGNBds1yWmSVwCiJ00TOJcENUrlMHO2W81unK2O1hNa55yxB9HTTn1OgB5ZZKQHsRchgyzEkHA9jvoNuXNDkBN194SURE/tUf/WMREQkE0M9QBNv+/N3/T0REJqeBSlfPoUa61lKWNdE79e+bLeaBOWsIoCQRiekIioiIZYRkfR3ruYlJBHs8PSD8NvP7m2tY6asG/sVLOPZgAORjsl65yvz2xgaiH4uLSziHkKL74VeNKIxTBXI3tysf3YKbYpkeElYXKDMSxHTxqrsca+izc4jqvPjit0VEJBpD7jxAtHv9CXA6DAPnu3OwxT4DpV2+BDZ2KgaFuIP9Q5kl0k1xXhwXHvA3ZDqrPgN199VFrtHEeM0t43deuk5arKgIqOZ+DYipa+LcPEGMR70BtGr26jJFb40O1QIbNeRjDaor5qmM6Ce6bzGaxSIUMRg5madi6LnziFCtnoH2QqWO+yPEqFEsQRfDJq51obAnW3tgtJeq+Gx6FmMUZh7fZO7ZT8VEk2xzdYy0GIGJU40znmRlCdF+nfPlZ++iMidI7QWtQFB2d76QlynqF5Qq+M10FtwIk1E5VcrjVJSeuvJxJzS1dCJMAcqAthiRsOhu2eGcXFpBhCVCZc1QIC13byMKZwnutegYxiHPCMm5M6gc8fmx7w4Pmkjgnuub9JjgPAowSqPcngqrfXomrqWXlQnhEMbX7/PJgHNPa8SaTVxHNTj0WHgWFfLoU4vXOUZlyFIN41WhJsXNl8BzuXARkbPdEuZko4PXIqu/DvJUP/WGZGICSP+ggPFI85kSm0CkgMUn4mNEtk2VzgYrhPZLVBSlKUUwjmvk5fN2oBU1oxnoUT8D2z6paFB9GM3zO9IDo/4Gyg/wjHyuu1QXx9GDfV51Bb+e9oVEDgzDuGwY9BUe/nxRRP5nvv2/T331hyJyJCK/YxjGk6e2D4nIf8u3/+uvqbtuc5vb3OY2t/2tal9U5ODvi8h/YRjGqyKyKahWWBWR7wg8E74vIv+dbmzbds0wjP9IsEh4zTCMPxDIJ/8dQZnjHwoklX+lZloi5bYtfdZiT0wD1WTIti4XseJtEgmV6BC4tIxhfPbq4xKMYZX9YBd5246pvupwbkxSlU5X9moarit/m+ztgToDah6Li8w5uvRNTtEpj+6Gts3fWZY8WEPQZSINtKkRhJ/+7HsiIhJidUL5CCv3t9/6UxE5UWOLpXG+dVYUcEEsfROorW/RCc2vq3N8nyQqXljKyK1bUDbcWkcONUM0GqIKW4w50Ht3oDZYLADVv/Cy8h9wjMw49tliNOPoGAghyXrmCBnyHo5jnWg3THR26fIFSTLK8uMf4fxzZWwTJwt7jBEgizXUlSM6wB0CxYQW0Idq3+I44Rp+/evfFRGRgzyiOWXyRRZYpVAtISqUiKQkSD2KQX/YC17r9dVbw8OqDm0hIrxpamooylOveYvX3TSBoCyh9gJRyoDIstuuiY/UZuWB+KkqqNoK0Sj5DoRIBaIxDRVd+BKQ77PP3uQx8XWrifP2enC+BweI8my/g9cS9RFq+ZyUWdHiC6Bf3537LRERmZkCOz9f4DxmVQMJ4NLrM2rH+yvIKFi3i/21Gd74+c+hZ1Cvo0/hDK5dqQykqcqlS0uX5OaNl0TkJF+fz5MZrzXx9HdQ1Olh5EirGvqsjPEZ5NqwiilN3kOfkYYUK5ems+QkaLSo55FAnJr+vM/Pn4ffycbOz0RE5M59cCfMPubiAiNnGXIJvEH2kdfZslWzwD/UB+X4qMNqk+Pj83nFSz6H5t3DrIhJMm/fUd0OPpNirOJoUT+EU1q+8s3fEBGRRBLPqJ1DjGeZ0R7lX/WpZlqg2+XK0hkxyUVqHtGtlveL3USUq0B9hzQrpBSNV1uYF489jqqOfXqxlNr4nfFp8FejANanoXpoBmBchr96xD1RKwacn2pFgT388WgXHG7DiPvj35D2RS0OXhX8U39CkEaIikhFRN4U6B78U9sedqmwbfuPDcN4UUT+SxH5d+XEeOk/E5H/cXR7t7nNbW5zm9vc9su1L2RxQIGj1z9zw0d/95aIfPvz7xFaJJqQJ5/9mrRNrMY7VayMhQz4yWnmA+k2d+UiFAVffvlZERGp1o7kT/74j0REJMy8f3YRec16GezbIFGJQcZyIMT6f/IA6sx/6upUqxACVERcXqKRJev8D1i/3eYKOpWMOohmcwcIeH4BOeHjEvL69++AD5CdRh8PdoDuP3wPVQwvfAWIWKsXDDKiQ2RKK0LqqmUe+RGbm5vs45RcuYy8/Z/+KerMGy1EW8bGgJ78dHjLjAOFrLGG3uNH35+7gZporUtPsY5bqznadCtUB7hKBeeva0QH/Rm2XKTWwuoKKiM+eP8nIiLyU0ZMStRUiEeAMmsV5v8ZhfCRk+Bj9GNrewvjuAbewMtf+aqIiJy5gGhOg86B6jkQCnhlbw/b3rt3n58xYsRIgJdRmCCrMUxGBFKcR6kkKyLKVKt0cumMFPhxsfo0xvAynGMSQZbKZYffoIqOPnXZoweEl+/7RDI289PNLsb8whVwDKJpbLexhut97y508A/2MS6bW6iS8fpYm06tDm/fEha+iIfnW69hXpSL4CF7hYjY0OuHcRBWlly6SBXLMMahSdXS27eAsO9/jD6cPYf5N0fl0Fg0w3Hx8/NFMci6z2Z5r2Z1whNBh3iPetCHHrkDtTrz3MyZl0q8znQ39BCJ9xnNCIdYocGqGZvhC2/YKwEvni2K5MP0v4im0IdiDud97zbGepyVMbPzVO/k77SCamBy34zmGQwxdTuUXmTNfTSCvg4GfelSY0S9FLQiok/viTwVV1W3Ia7nwQjK8hIqibSKp1jAMywUpWYBo3ybG9BDWWBFwjPXwaPoN/oiVF1MMXK2ee8WxxAR2OwUqhmOjrS6Bff7EzeYZaaXSI18ooGXioq8Fqp/4sB95RU4egesWrBsp7LB0UJQuoJKISj3xBxxSByePk5EQKOETlPOgmPbqGFAPcyj4gXKc9D/BxroMIxH4w2fVwTib2K1gtvc5ja3uc1tbvsC29/EaoUvsHlEJCGGjyxr5lDzJazOl6bx+cIya/RTeP+Ld4C479z5WEjsl94AiCgSxgp2nFyDZom18lT+298BA9jrJUJOYOXcrbMOns5m/QHet6jeF45i5R+NsI7ZozroPYmzmsIgW/rBQ0QtFubBezg6oFtaCcgnFgcS+PgudPkXVoC0l84iMlKhMlyHDPkwmcQWV+NhRg7aZDm/+cZb8uUXsaKfnwFv4+3XgC61VjzJsVP+QioFtLK18YD7xqr6ymVEO5KZJRERScToSkl9gw4jCDZ1zQdkt+8dIV8eDAVlJouIQZB57mvXkDOfo5Lf7Q8hmnmwTY5BiIqS5Df0+oxSEBlqFOPOXaDVOBnm1+k4aRD1zmR5zetVeecd+IUdHCCas7KIfQwG9A5gpOOkDBtjO0bNANV3MERdCTFfCkX6X3AcNGLQd/Tvyfq3PHJEroVBGnqPiD4Uo7AoP4/QtdGr+vXkbCTGgN7ufgwEqMhidx/z65CRA5+P8yRMBMRr0hn0ZKD6BZw7A/UxocaE1tirb0WCXgD9Hs7z4BDXpFABQrz0+DMiIvL0dUZvllDsND0FhO3nNfcYiFB1ieabzbZ0yL3o9hAJm84C0Wo0ps5oXJCRoyArQGZmcO+eOXuO40jlwCrm5N4+IosaIVDkeLh3wHOrOd8fHeLvMVaSTE0r2sZ9Ew0iGhUNYR7MLyJy0mY0p0+OUphovlVDnzsNVhQ49wueG/Pz2K9GIovFvHT5TBmbxrF8nEMF6mDUGxjzVIycCYvKqbxnDXIIuuSe9Fi1MDXOqEgf+7/3Pu6zVBi8iskxnNNhqSBdjt3OQ0SdwjgdmWWk9M7HdGlsY9836B0yYBTs9seINNgRovGQKnDirVc5XgyHmo7z4ojmgC2PKBnq9XPcGq2R35z+rYhQ3NDZ3hz5/vNsn5RN/7wO40YO3OY2t7nNbW5z21BzIwen2qBvSf6wJhYR1ZlzqDE+yxr87ftY+S6yUuDoGPnA3QdAUoZtSiJB9Thace1vIJ/fot76lavPi4jIOp0SGz3kCiOO4x9+l98F0zvEnGuKufouqcFNOsnFeDzNSVtmT4RVBdkZfNellsLGBvKWs3PgIAyYn+52gTIGzHN/8AEY3yn1sWfa96iCaEiQNeVe8ibqDewnMw5kWa3k5Yf/BgaaL78ClL6wimNu0y3O9mvemx4BmnMP4vz2drBdh+6NK2fRiXnmZNNx1VZA61AhMcXaepN8iNdfe0OWzi6JiMiVx3AdPR6MZSKBz599BpGFn/ZfRf9ZxdEmO7tUAq9jZRL560oN6GV2Hr9bOQOmfZsISWn8BtULfX6PfO2rXxMRke9/D5Giag3XP0AFTPWMMFRf3QKCTlCFb8D3HiI+P6s+jhgh6bSBvGIJchmUgc4a9WarJ7v71DwgsslMYB4rLyEYBMqcYITMYn7aS37ExhbyvT/9CfT/v/oy0Ns3v/53RUTk9/+f/wXHYjXPgMp7HaLcgW2K0I9BiOTaLUVf6pqHsY1Sla/XQZ8PDoAc+4zKaE395ATmXnYGlRSLX8I5ffzxBzxv/D4a57wglIxEIvLhLdzPNu8x0wBKZYDA8ecwK5hLAXIyUmnM8wn6n0zwPsks43mhqeRdRgr2dpCzX7uPCp4bz4G7MTkZk60H4C48u7AAACAASURBVNpMZnD/mo7yHyshqGS4vIJ9qz7EPpUftQKg3cWzKJHEecbT5AWQJxAOYK5mpxD1OGYlSqvZlCAjfyFyLIr0ZaiRD5KZwjXzcT6EI+QesCLI69MKGg4cI4wGI0aGjf186xVEeWhyKRsPgfZ313elU8EcmWKFRIjRp/c+hEaJSRR/9Snso069h1KFipl8/jVtanOwusVQW1w2RfHKJ9DowEnq3haDpWG25vmNYb6CYxms+3J0DDRkwEjDiGujYnHHW0FLKRyvhr8GVh+NSgx/+Vffz1/S3MiB29zmNre5zW1uG2pu5OBU6/X6srtbcJDBwESe8rnnkc/MEH3c42o2y7z5lavIc26t3Zden2xxauVHgli5VovIyz68i9zz1NxlERHx6/qMucMqqxUUKbToQqcM+YlpOur1sDo8osNgJIxVezQWEYqCiZ+oY2kZSKVwALSa20dUIs4cYoooXBXgaszn7m0j6hGgel3AR996spmrZSCCKtFMl+h/bnZB8jmgpbfeRr32E09BVTDP/hZZW56mW5yupj1O3/FHqYrzN9eQ328zP3rpCvKWCUYKag26O3aAGMJEu7GQR95/Dwix0QICfPI6qkuiVLTzMy+/QL+LjQ5W+tEgUVyHbHvqX+jvztCDIx2jPgA7P6BK2yGVE2cmszI1DsT2e//+74mIyA9/8PsiInJApz6TKNv0q5If9hUjvyPg4TGo6qiRqXqdFRX0+RiQUd9pqrIgxqvRNmV6FnNK+RqT1E5Q8GGSfd23tIICEQU/zztMT4XlJexnYx3RnZdfwHg++/SXRUTkz370L9AHDx1DNfFreJ0L7Atin2Uy/3uMiGm+20sPkY1NsNVbdURv6l0qZ7bw6ErS8bDP3+/uYLtEghr95DCoFoOqEx4crsthbl1ERGapHeJj7lzowmfbuIeD1MOYpGKqxaiHoxjYxrgtr4Y5PohA1Oqqp4HnycVzUF71eejyWCvJyio4AElyjeIJ5OE7plZzAOHX6C5YLOMejqfUQ4T+JmS8ryxTrZHhD4tOipkxnGOX0cLSEe5ZMfHMEDlxGdXnx4VziIglxnB+uX0cWzUmTEsjZfhBPEYNgjGMV47R0eULiH4Z5Af8xS+gzLqzBX5RMjwm6QzOv8JI2EcbVMwfw3nMLSFi+HAD3z//CsZynBycW3QjNan7Ylqcu4ygaW5eowCq5WHyXnUCB9aJ5ojBSIntaNBQ+bKnfB40Y4RrYJvDGh3K/XLaiF6Cg9HtR7c5we+jFQwa8RiuTcB5fj71Cm7kwG1uc5vb3OY2tw01N3JwqsXiSXn+pW+K1wsU1mJpcIQKaE8+/Q0REUlSM//j28iDNkp0SLzwpLQbWC1vryOXmOAIR6k3X6P7YIoqhH0uN6NRrK7jXMWnyOSNp9CXMhW/GtTF9/voKRAAgqjSObLf7kuMTPYOnRzHqMP+4vNfERGR/OGWiIjsbACVVdmnaJD12HGsuhtlOkx66CERR9RiYRYIKsda4mpF2d04V683LrMLSyIi8s478KXw3cV5PPYYcoav/hBqhXHu2+vDsT2WKrphvPrM15XrGNfKGtBYbBrj9eXLYIw36euwcQ/XxKbm+ljClmIRy/BbH+G7Mmukn30eOfNxVhsk6TERoY7FBJXghO6DDx+iD3NzQKXnl4FmPD1yLjJAbT95D6qPH32ouflvSYqqiVHWfH/3N+FG/kf/Gv3c3AKKzfhw3skEXieJ+EIGzjeSwLF6Jq5NqQEEaNGYtMKLoLyQJ54Az+Lspa9JIonqjFgUxzScfCXVGxlliCaobE5NAJtRqhn6eEgPr6/9+Z+JiMj+IpDxk08igvDhPURqtvbe53FwLkFPVAYGbio7gGPWO7ieffYlRN2KEiNtx8d4HTCXnDsix2AOlTemgT4HfDinDjUmKuUmz2lYR6JOPsTSakZ6fUTUSs69w3FgPttHHkSAnq9F+ld4vchvd9p4Ltwiv6Fax7lNz2A+ZTKIMJVKiMCVjvH7w319zcnNm7gn/SEcpEW0mqKnQIzPhbu3wQO6/KVrIiKym4MKqqLYOqsTqjy/S/SsqNFSsieYFw1WP7UZ2fRZHjFZwRGNA72PTeCYqs8woN5Hm9GLHKsX0nxGHbGaq9XAeU5T7TIcwvkXDlAFdO8e/C5qJcz1iRTvfcuWnU3qF9TRlxsvgceyx/NZ20K088w5KCFOzyPyurEPvleX3AovOUwhRqYsp2AG80K5PAaRuI8ROOWiiGmIn+67fX6mtgyOdggtfJRj4LM1UkBvBVavmNSc0H+zWuVgPuIQqe2kquHEfkE1EUZwvDEaSeDHn/jpL9fcyIHb3OY2t7nNbW4bam7k4FQLBAOyvLooYgMR+Fjv7vFTW5zs26UzQIETrFo42NkSEZG9rQcyRR+GBS67dnawso1Q0c4XoBcAdQ3C9ClXzkCAddnFI6DXGOuXM2Txbqxh1T25BPQ6liI/ghUWvV7fWSX7yEIusYY4ROZudhGINzsLVFomG19Z1YcFoNIAneDUrbDWRYRhYjrMz4FKJibAhBZHx7/jOJSN04fgPhXPpm+ieuHMuSURESnsA1Uszqt3APbZpzuhohmbanblGhBhm9UafaLaOGvzF5aBLN59CxGLYqUtJqf5DJnasSjGcp/16NEoEFCUHA2T41Rj7jEew/vWADyJvSL6cO48cu8d8hwebiFa9BFRXq0FRPrGW38uiQSuU5J6FClq488tAGWtbWEcBgMywqmcqT4YfYvVDUTAlRpyzbVmm32gh8cyEPVLz6M6YmUZc7XSCEiT2hmJKOagaWIM/RohsPT6CY6pantEWfYA561KgBcuAL3pPEjQIfES/QG2du9wvziu12OLUM+hyXz8IE7dhkiA543vi0TZtTrGvNtTtUleK+p7vPo61C7Pn7suIiJB8iKU96G15j16CkRi5AvkjmV1BQ6qmRTuj9Ix2flE/PUm9vHxXUQGUgnMn+kpIOuHrDTweTAe6tK59hARKoNeFvmDNfYd17ZSpudGbEKy07gXbXJKHm7gum5vI6o3M4XzOcux9oSwjwTv+41b0CZRDsHCLKIhNd4nx3SSzUzQtZKKinVGnCJ+j8R5jyVZ6dLv0T2xiAjBIb0yVG0wwcjS5gbmJEUqZWkZ42k5jqq4Zh/dAh/AstGXZBL3ao3cl9zhnhgenOdXv4vo7Mw8KkCy5BglxhhptVVzgJU09LvwBdVCklwb8iEGDhhX+UK8qDulaakOBj43bctB7Rpl8PjJxeGN4SMXR6vALPXecNwcyVHQKgbts1Pd4Egoyic1w/Cc4hJ8EqdAxDNiGmHZnxxJ+FWaGzlwm9vc5ja3uc1tQ82NHJxqpjmQUuXIyef7B6yF9dKFkCz9ID3Tk2QEqyf98rlzDsM/Qic2gyj1mGg8yDxcl4jX71GNbzKAmb8OaL6vTx+DJlbh6RgiDvduIZ8bZcXB+YtAFtm5OWmSkaxOjw0DKKJJZ0OLudGIuq9lkIuOxIGM2gNUYzQa+H06g3OoMje5vo7oRSyG39drQMgR5k3DoZjE4syRh4GI1I3xvV8AVT//HNQES0XmGlkhMU49hyb13vtU/vMz0qK5wcMDRDHEQD673SMqHse1OHMZCo2p8Wk5T/Q8lka0JZygUx+Z8rzMEmAfL19DZUWnrr72WL2bzI/X6qi4UJN5ihfKrdtAcVV+H4uxqqNZlh/8GBoKv/07sAZpMSqhiCgaQ98SKUSjVpdxPVWNsk+uiYdcjALVGwfMb964gYqaF16Aq2U4gHPc28d2oVBSYuSz9KhroREPRTohztV6gTwAsvLD5KJUK6jbP9wDEtaIwqCLcUiQaR8N4xp2Whg3vfbmYCBe6jowQOJwbJIJjFWLkYJKGcfqkQfByytRbre+iUjL1AwiRVppUSpjHk1mMJ4KA+/cRlWI4cP9tHdwT+ZngE6ffgrRrDq5KKqyee8u0Ls3Qk0FepHsMlK4TZ7I8zfAXTEEczbox/2Vy6OPbSJkCWGiaKXOlUuPS4baGXt7+GxuDlyDfh/bViqIbu0eYE5Fk+SizGC71C7GaWaGlQWs3rhH7ZXMOHhCtSrOW3Ux/PTiCIVsCYfR324Xx1pbx3mXKogMRBKIjPhtzI87d3DevS7uyceuIGozO7OEY1GlsUzO0tIy+mYLrsnWFiIrmzu4h+fnz8uFy7znqJ2yU8Y+xqnKeeY8uDP5I1aIMFKWSOF8g6xS6GiEgFEbFfXQSgkZUB2UOhIDVr946WbZbrSlT6dUD+9vBmDFZrRCI2p9rWJw9Av0PZtTxTAaMdBmDG/4l7RP8lA4vU+NJFif4MvwyzZ3cTDUbBG7J15OpAGFdPwsi9MwmFrThkN4UHUpXBJLT8ozlDfVB+8KhVQqRUzq+5SeLR7jARxUIxqGdltNEmqieNVSp6CBG2uT5YPpJG7Y23cRrt+nvfD88hl55jkILflpOdvng9MakGhIeViTk7pKEleU53P2IkhPtz+k7XSHpEmW7PW5YFFJ2gAXU/UaQ8ThoPPP3EPRGi1R03FZpwnLhYsIRT7gg1gneziAvveYPmj0MfZxWs9WypSALqMvA5MmQZR6npnHguCJ68+o7I5DNCPvTJJcwAx406upUzSFfwIxChD1GaIODygzbE7xXLCjCh/21Sr+Oahd7jGJmpFoRtb2kbJ59W2Qsl56CcTM6SzCyr/7u/9QREQmmaLptUjYI8HQ69fQNZ5UdS7cbjyPxcC3voVFx1GxzN/hwRtJ4Do0a0eyRivvfI5hYoOCQ/wHTcVlWVrBwmSWhl0HJGi2KEh1+zbC6YVDLOwu0Y58IpPlfjEfnryOf5q3aOhl+Qbi1XAw597UFOa1lq7mcpjHxyX80+uooRjLiys1zlXaAl+5dFVERNpdDTfT4pxPNq8X82mHIkqlY1yHZDogRyWc//0HGNsrF3Eer70KouXuDv4JPvYUxmFnG+N2sMOQPBfwWZJju7QwbtOWusxj9SgClaOJUog24/VmRX7+Fz8VEZGzZ3Ee4xzDXo/7nsW+13i/HJMUaPsxLlefQBl1pYTFw3ERx05QaUhL+fZI6OvqeEax/9lsTMrHuxwHAA6VC09nsNjTf/LbO5g/c9NIG125BAKqPgcadYxnhNbfKVpXG3xeBoL4/vEnMM4Padwl3rjEx7FI2qcAmd7nnT7uJUdoahLP16MatgtHcZ5etdfms4q3iWM0pYsCoSiYYZIkSJBmMM0wPzMvSwt45u7sA+itrd/meWJfFgGKE9ofUUe2VTOJtYqezzAMNrgf25F0Nk9959e9fspvlbD4+Wszu2kFt7nNbW5zm9vcNtTcyMGpZlum9Ds1R3BFQ1UmZVNVtSLgxyrVosCKSnQOzL5jjOQjEgqTKDfJla8i2ocPsGp+eA/oRAU2em3ss8fQ1sMHNEyhKUqSaNasAoW89BJCoh/dQdi0mN+T73/vj0VE5JkbN0REJM1QdcirCBmr6wrlUdWitUsSYTKFPi+fBaqvVBHl8HM8VKCnQxvYFMlRXdoyV8tNCYcxtSwKgAQozathr/UNlKhln0d6ITu3JCIixyRBpYl8wiwj9ITxfi9Po5oY+tpg6VOKyMMy8X2dKYFWc1caBQroMOqSIArt9NCXNiM/84sgGA4oUawRJBXYURvhOAl9QrnkuWmETb/9NZQnrtO6+h7Jo7nisfhIJFPnWB+JqPE4S9hqQHy338d1bJBEeu48hJkSEYSHj4+BEM8uwxRLjXryNCTyeBnaNHD+tz+GZO/hzr6DysVCBCAzjj70TFz/7V2WR1La2RfEfG80KOWcUOMp/q4NIluA86LFdJYvgP3deBZCNQl+/8ZrP5SkH/eSIls1llLZ8EIB0Yg2S3e1pNUiSThMguaNmy/h2ESY9RbnxTjCzOEYfufxqPQxU0Q+bOfxhRwBrc1NEOayU9T1NXAe8RRQ28Eu5k9XUakd5vYkuJJMadCQaHMNKL9eY8RF01C89jFG4AqlA7m/gTmytglk/+IL3xQRkcVFCGzFaAJ3jhbUv/gQZbJtRvuCAbw2GLVS4R6D0cI2BcpsppLiIXw+lsS5He4/kIf3kUYcsBw4mcacvMdnU5URgWtXXxQRkaUFRBY9BraLhPFMCpAU2DfRl2IO6H53FwjcS5GpV772koiIvPDyd0RE5MFGXtZ3MVY5lkUWSFh9bIWy8W2MfbfP6+mjpDNL+tJxRFwO8ohuJNKaCsF4dKnX1O+gjyE/5t3KDJ4bszP4/eJCVmySGR/eR8RAc2BqA992BLs0RGCdfnFMnUakj2QU/dsOiXB4SzVG+6KbGzlwm9vc5ja3uc1tQ82NHJxqltWXVr0gyaRKs1JgqKRcA6CyYBAr5RaFREJEL81eVyJEBcJcUZUkp3IJSMjHZOjyCnLNeZrhdFstHhNozGLJW5s5570+0Ms4iY6NQ7xXbYwnrz8uIiL31x5KiQj57dd/JCIizzxFsZ8kVskhtQcmag0yctBnJKSksq9jKrxDFRiufBWdKoGv3VTjFUpHewZimi3uk+VcLKmKRYHoOlyd37m/JSIij11AlKLBcrvBAH2MMn85OYG+GwFciwXmxQ0K1RTzyPf2CBFsE9t1O1XpVPGdCuzkmSu/ew8Iz+ePcHwwtjFeA41KmJS29hJZ9asYh4iPfeQ1OcfSuDPnkFO9+TKQUr50JPsF5J9XlpZE5IS/0mngAu5vI5JSJTclSOKevvckgU4TFMWZpByz2g0HaX7zcB0o+NU3vi8iIs0mzn12Oiv+AMam0waStWlF3GeOOcCS3WJxC/vuYrvVVaBWlXC1RU2gSEgkiTZInkiO0Z933wPy/M43MP+8A1PefudNERHxs78hijUp0bTB+8XWMWcUp0dr5+duQqJ5fBxIr1hSAR8gbCWHKorVXCy75tgLh8IeabLUtMnIyP17kOg+dw4cg8o7NCei7LZBLkmP9+qFZ85zWLDPGqW+C3lcy06HBlQc3wSjJGoz3ht4JUS+x2ER9/PP33mb54+xzbI0cYpclLOriDz+5M3XcWxGHCOMZjZojhaL4Z6t0ZY9HsA1It1BNtfAL9javiepNEnSXYzZz97FOGRoI/3yC4gYjKWzHFNEf8bGwM3xejHoO7TsZkWw1GnhfpBHH0oVvIYoFf3dSUTcvJ649HsYux6jM3FGiEI8L1NNnFh6KCTi9ukKd2Yez78uDch2DkhA5fMh6MMxz1NKfj6LyEyEZbkBzuV0OCBr64ikHOcoVc2y4gHvNT/5CQ4hV43WGBjwKTdB+S9q/SzayHNwyhE/iS8wSkD8ZLlk/e2nlTj+Ks2NHLjNbW5zm9vc5rah5kYOTrVIJCxPP3lFohGs+DoUQfH2sVorFpAX7HnxvUmmayiC1Wd3YEmDOT5psIyL5UtxlugplbWj4h5cRdfLQOsqyakWvpF4mvvBar3dxSp19SzQzWuMDowdYfX/xPXr8vA+EHGMaGqCueIIc+jUKJEWWfgNmvSoEsiAZXY9fq+1flZfS3XwfYxCNL0OftdmpYBheMRiXu6p6yhReuwa2NhbW8gJ3n+AfN72AdBZNgsWsjLlS4yojBHNV8lv+Pa3kaesEHHrcWzmWhXVCSMXxqAjk5MYw/19RAx+/CoEkuIR7PvCRbCTu0Tzyk0QVlj4WMpqWOAF2LwGPZaarN8FWq/TNnr+LNBJeAx8gEAkLOcvACVVSrjO+8wxB7k+D/B1Ig2+h937/9l7syDJzvNK7Lu575mVWfteXV3d1Vs1uhuNHc0GCIACJWqhKM5oLNnjCNvz6HDYT46wYxx+mkeHxzFeRqMZj0ZjyUNRpEiKFLHvIBpA71291L5X7vty897rh3O+RFcTpDgkaCKk+0cgCpWVmfff7u3/O9/5zsH+yO2CtR9lyWtmAt/jpxhSOkHbZUq61mjUdWwWJX43bqK8sl6pSpjUGZXs7lJoyqCxEoN0qVXwusr8njmLyD+XR19Mh6o3RFICIXyw2aIkLyPJRe7DQSIxz154QZbJ+FehrtFRzP0u89M7uzROijFaY5nlMZamTlLAK1tAH1Si1+HebnWwRnVKh8fJTYmGEUl7yV0IeCJi0i66WkZfVtq49uw0EIEgRcCqTaI3DA01iu/PUEaZUt27m9hfWn5rONiz/eS4KLel0cL12k6gx8GZoPXyDK+9toK53t3GOI8eJ5JAm+1pljzmiQwE4oAEBlKsqDEp4Mb7IEbDrsVbV/g59HVkqE9ytEseHse1R6bAKehLYW0SAaB2ftb0KSrRpsmXmqN1uqxiInRQp+V5LI21nJoD72qPZd03bsB4SYykxCPo92PnMQ+BGJ+DfDYF1IKcEFCNqK1HiHq28PdHFyBHbbf51UQajs+j3DJMrkGtRIMz7v0Iy3W315ZkkaJNXqJZFp9/HZbzhMLKOdP7QJGBg1LMvSheHZr1fQ/UOjqfKmDE8sgHgIIfN1r68dcN13jJbW5zm9vc5ja3/TKaixzc16yuKaX9XdltI9cUpaiP2aCMboT5KyIHwhrqHMVOIrGUDI7g5OthXv/OHZyO766CwT4yjFP4MKPK8Qm8/3ZFBWnw3ZrXCtCIJ8J6XouRVImM8hMnkN9uUz+g1ajJNKWIR8nArVAwp9ZG1JocwLWHBxH51IgUqPAQ6Q4SIVrRYjRuaPE4+/aJKQjnz7ov/2UclDUeTaP/07Q5fuICa+CvIve5fAcWreko+haLo2+qHXD6SSAQFWoRbO0gOjv1ECLpKlGLADvvJx/AFm8v4uvvx3emUohkdimk9HQaOVWfDlyrFCh2UmAdeDSIeQgzMmo1MZ9lRuuvvYXKgH6y1S+++BsYe2y0Z8U9zkh5YgDR5FuvAMVQyebpEaxZnQhUkAjB0Bj2Yq0GVneRkfPw0ATH1MfvR0SZIV/kyGGgGK+/+TdSKID30NfH6FKATjRUghlTKoaNaGx7k1U7NLNR22Nb879eNeoCMmUx995k1B6gZPjHH2GNn370YVk4hSqLjU3MaTymxkI3OV7MrXJNMrxPDnMcHWpVBIKIlENRXPvaLRqdxYkMkF8SIgkhFsHaexgpdloiDd7XfiIENnkupSLloOO49lYW+6RLZOTxhxFhx6LYR7cofLa7jzHZDqJS1RhQSWzbPsjRsf1+mZ0Dn2OBIkAqQa6aPXUaKl3+GHtrmPe0w+fAPrlHI2nMT5TaCxVyD7xElG5cgXW6Sjr3ZzDm9dVNsf2Y65lZ6BfMzGGNblznfiGCEKWU+34O11Q9BLWpt221E8c4wxHM9fFpoIED3JO7rKypsiLH4/PJQD8QEYfGXB3utbh+V5CIAYXcwqwgs4hivv8W9tjJBSBLX3gMVR/FHLk9VaJE5JkMU+beQ3Tn7dfA4bi79L50LTxbM4OYoxA5WTVq1uQLuxynVjFhzRQFUl2UAKWdFSiwfwaxo5/UFBnweA6iAvrM/WU0Fzlwm9vc5ja3uc1tB5qLHNzXHMuRVrklV66AMRyhUUqSNdkB5r/bLZxmI7T0TfGE3Khty84KoskJmpBMjECaOLizKiIipQ3k3EvbyPmlybqWEKWIybbvMi8cCOoSoS8BtXamfkA6gc8HyMLOZVelrOp4HuRfC0VErfdWEeF2bfT30DyilVAUUZWp1qSsytghIhLWWnNTKd9UDOT4Wy2yb5XT0DHEFpr7dBFd+ZgDrLUpTUpU5qHTkP09OgdNhgIrCQotRC1HDjG/ywj5b15DBDQxCcQk0w9kom0BmdnbQU47wT77rYAUtxEJHDqCnOfCAqIsx0Ob5AmskZDZnAhg7gsl/H3tEvgRmTAip8Fp5ikpZdtkDb1wnxw5Ae2GyWmgJFtbt+X6h2DpawQ8f5TR1CD2lE1dC1VV65m2EEkKMLe6ncM4cwVEX+998BL6lgEScfoM1jRAA6LBEVzv8af98tab3xcRkVKD6xrmtYggWIyENBqrVMC6L+3hmn7mmNuse/fYpL4zcjJpq2zofHD/tWxElrdXbsihaUSnqRhz5jvYm9Ui1mhsFBGkyt4OZ8DOT4WmRURkt0wGeRr3y/ouWOkfffyyiIg8+9RFEREJtbn/WOUQ9GOfdDpYw91iQ+o0zvFxv3sFm3R1D3tohHLJ+5cwrtlxRNSHD0GBtF5HBJktog/1Nn76afkejyKKXSNqVOP1RsiUf+ihJ2RyDOPrkgiUy+G9Aea14wn0f2cXa9FY4d89Ac4P9o8+q+pUDmyyIqWUxR5O0+irQuXN5RX0fezQYzJ/CnyOJhVU93JABOaO0Q6dlVaqpNqmAmSN+ic1ci7C5Il4WKmVol5KIo692yR/IEl0METVz1Aw3tO5EJvVAwa/y4/PtLqKGFE3hRycIp9tMwNYq8oaTaNM3MseIUpG/e2RDCXN97FW77wLNUw/Ja/PnZyRdApSzaPT+M4oK4U2NrAGf/ntb4nIJ7wZ8fT8lUVExEtdD63UMnp2y59upvTTdA2MnmYCqxXUP4oIQo/HoPLJn6FSooscuM1tbnOb29zmtgPNRQ7ua8FQUI4ePyKOgajsjddeERGRnT3krQZHcbqss36328Hvx+cRDR07viBt1t+WGQn5qYEwPsFcch0n2Tq14CPUGsiwiqFQINuaCn/RKN4XJpvX8fIUzvzeGmuLh/upRd7qygeXLomIyD01aRli/T6NkvayOG2vrSAiHmb0ojbSAdLWbZ5815cRSWWo+9Bgrt1LPwhVG/Myt+oRby/vapPnYDlUwiOHwtZzKU/C9CaRJI1UxskPGEnjc5doTatVCQNkbXfJDI6yYuSjDz8UEZH+OPr62JkneozkWg3r2p/Ge7/84kWMqy/E8TIqoSnND34ABCmfR8RQx9RLjaqNwSJ+rm8iMtYa/CefgOZ8iXXdb7z6kly7jH7t7yPKmiQzfGoKnIkO+R4+5pKjZIbfuY0IJ0fNec17GtQaaNbx+8uXkZNeW0Ok+Nzz4DsEaBHenxmUCxfA5H7zYUX+LAAAIABJREFU7W+zf6v4Lo/qF6B5aCDTauK7v/nNf83X0ZoN5JxPnkIFytGj0FzI5RG1WRa9O2yaRTGaWVlZlfPnoJo4Mox1vErFv/EJaubvY6495H/MzCLKrjM6jbO6Z2MXke9f//UP+H5ydFhBU2dFibLch4awx8+eI5M80JUAvUQ8RLna5CBEaBs9PUVtgSPo0wIrJrxkzK+uYz8VyFEIhbB3Q+Qw5LPgKLS6eP+TTwMle2gByJLfG5c8c+IV2hur5kaLFQ3ZLdx7Bea5j8wCcYpwXcdGMPcNWjBrJUSTKIVDz4E8OQhF+n088jit0+cXpE5tgY5W/LDaok3U0k/Yb5c8kUZV9Uww54ePYm4jrI5a20alRZIGZ7EE7sUmrb1tVnnFYri3fb5QT63U8CiaRavtCvkZDsbD9L90vPjda2D+Zg8DpYhFFLHEPLDoR0olalncwf1ULGMsh4+Ae3Du4WO8bktyVFRtUHVzZQP33t27d/keND/5MV1qcnwCCKgmgVYc/PzVA4op6Fc8KGPgeiu4zW1uc5vb3Oa2/9+aixzc1zqdjiytrcqheaht+UM42f7wb8Aov0E3uukpVBioMtr7778pIiKrK0syOQP9gQTtgbuMogo8XHZtnMeqTbywzFpyEZxCPcw/zbBWPko+Q5ufDzHvnWce0GJuVvW8Q5GgjE0it76/h7x9aRmKZ3F+Nk6lsypPz0Wy0cfHEaWZzNP20bWwXcXpfG8HLPy+FNCOZh19UAe0aBjRfrPREZtM5g/fBzpxbwuRT5os/dGZaRERGRgCAtCXpAojmfB+6jvYjE6KJZzi+9P97AOiNHUK1BN1gjX1S/dQJXJ0ek4SCUQNG2SVdxidR+j0aDNvOzqMPr3/HvgBFln3XS/Gkm0D1almgTyYW+jbkVlEgo+cx88O0ZI3Xv0rERFZX12UoQy++8UXoNOgteL7rO+PM8fsVzdBnts9fmrkN6v8yXxvQ30xsP4MzmRlGTXa3/sr9OGLXwRrOxAekXgU41w4iX6+/hYiX4vzYGlxOPULVEth+R5QCd3vh48CKXvmInKz/oDm99G3/T2y2anO2NeHNbYdS2o19Gt9DeO2GWWl+rB3NuleGaVCnlbIeHzU0iAnZ4/z9tTTqDSZVASmqUqLiFItsv/jMdyzC6dwnXDCJyGiDGab16Bjn4+8D68X++Z3/wFdBuOIMrsNfOfwOLw4drPgFpRLjBS7+J6JaUT1v/0sHDNTZOSrL0K7bff6EGUU3WrRI4HIydY27t2hQTxPBjW3TkvjOrU5yiXMPSkq4tAHpEaOQa2Dvfrksy/i++gLkc+XxEckZIKVVBVqCBT4/BhIY329Hrw+NYXPjk1g/GozvroJtLTRwTXnqF0SpA6G0PfEH1b1SiIVpiU+VhfVWRGidsgJ+nSoj0EppxUh2P+hMN43SO5OgJ42FTrEdsg98NIRMkSazFgC85jO4O/5EtAhs1uTAlHf/btAWLdZXVEsYD8bvC+8qr3gUctmtE+0apQX8PPH4AZ5YIbn09GHHvdA+WLGj2sj/LzNRQ7c5ja3uc1tbnPbgeYiB/e1Zqstt+7elZ0cToonjiMy+u2vIyr5zl/8byIisriImvyZabDc+xl53rx5VTaYIzz1EBS5JqamRUQkEMR76mVEPmNjiO4jVfy+vYuT8ABP7z4ecXezOK1GwmTrEkLwBRDdtLp0IWwx6nOqMjBC7wcTJ+ANqvE1eZouMv+oToblAvNWXfx9mozyJuvfDxENuUp29k3W8WttsvGA7oPpiHhYLaDKkBPU0DcYGpfLiHQazCWXGPoOZxAhaSTRIe/BYyj7GFFHjvr9HubmE334mU7he/YoxfDx5R/J+YcR4dxZRFQdCGuuEO/pUMnt6kfv4zMfo2b6xAmsu6eACOLmOuaxUsJajAwA3TlzBpUWQh/2D4gkLd0GT8LjdGThFN47exh7pkxOSbONtWjRjdOh02M6DsQoFMfa5HKY+zrRmmoN+6JURn7XYO6VAIRsbyHifOsNfO9jT3y9FyEODSGimz+KHPq1Gxi341Apk8iBzb0VCXENiOL0JVg5sbEqIiJ36I8xPjmNsdSZD+bjxcef/QOZnnNjkOqSQeb3q9wHmvf2kbuzX8R4I3Tl1IjyyadRMdBm9NlsUf+jiIqcFvkvXaZiTbqYdoVcHjMo3gr74sP94tdQicx45U6E+7HnVGMkRH2D8RjVKgPPi4jIj94DR+nQJBC4x84D1SizEqFALZMYeUb9AyEJM4keI0JoU1tjk2qehkAHIcX7o0iFzVoN46mwEiJGpMXmfDhUBoylcI8f5x4NK/JIjYF4X1wseqqsreK5VqG/hcH9MDeFPnjGcW86rEYolDDXeXIQciU8P5R7UOXzo9mkCqgX+8+k0qDHVm+PTm9fdHkPWczst/J4hnVNjLuvH+Ps71elRDxHPvoQPKtcFuPSZ1b/AOZ6gJoutmDeTG6MbB4o1x79RPK5bSkWcE2Kr0qQyFgojGtrdt9iX38cGThIEPhFIvmfhBh8yjt/wv///M1FDtzmNre5zW1uc9uB5iIHB5ohlgTEH6JmuoUTsuPDWfH5L31FRESufoS8+ccfIhcbYk5tYnJMSoxQ3nnnVRERmc3hBHvh4m+JiEhwhKqEDZzOh4aQ/x9h/lIZvDdvIPIr8YRvUEGv3sJJ2Uddg3oLEaSZw2k8GOhIo4HXAjFECZlhnPjLO3RHY3RVYp1yXxrRhVZKsCRYxkap876JqHWC+uSrOfT9vWtAEJ5+ChFULInrZAYikmb1hI91yg5P2YoIBBnBaF4u4KNGApERg1yKLtnXh2eR122ZrOdlhNVhxO3vuc7h+1MpRGK53XXZ2cY6xpMpjgfcAx+vfesmPtug1n6LFOe1DUaKjBw99FrocF88tICqhEgYY81SF+LGNUTiXXIPAl6fTE1jz9gClMJ2yOg3lDNBZIhRerHBen760tcIDFWIONTIPXDoc2CQUW7SsyNFTsb2DnQ13n//dXn8SUSyDqsy5uehob/BKHVzAyqF0bAq+vE7GUGp3ofmzFfukbNC19J4XP0g0EevoO9+qhT29SUkEsNrIyNUtmTkV61jT2YGsRfDdMJLUCExzMqCgSiiuHyVGgpddQqlex/hINWJ0Fp0v7fDeQnye8O9ihndezb9CLrCvYSuCm89abKvFXJRyvRDuXkDLn5zc0BiFh5CFcc+qxgs6vYnU/hCH58nQ8MxadFF8OPL2DM5qjH6ibClyfivsZphcxPoVVhz8VQx1eqOPJEFdSCdmMZzJUoFzSL9MYTKicWNPSnlcU2L4x/ox149NAWEKbuPv5vkS9ncqw6rXJr8XLGC9S/zZ7GEZ+HszDQ+T96AEKmwiZJ1O82eymKni9faXDenBe5QmHNYKmBcq6u4f9Y3cJ+Uinj/xWfAqZicwLOrwsoyH1GQPlY/La/QZ+Vl8MlULTQY8vaqThL0xVHEyOSDUZUQ5QGvBIevq26Bag5oBP6guuGDBQb3Vxzo//+sPgke72cf57vIgdvc5ja3uc1tbjvQXOTgvhYIhmRq+oRM0PlNWasafXUriMgnqBU+TB37HxElWN/ckiQdyFLUEV9aRXS992f/TkREvvyVr4mISDKFiKhaRs7QYkS5xSg9yPzw3GGcgGt1RC2KINhUnSuU0KelpWsiIhKNGDI+AS5AIkk3xhjYxUYfow0/8txV1kbvU30t2Uddg3VyCoamRUQk3kduAp0mz5y/KCIih48iSpmaRJ1zLEK1wnanF311qTMe9rJ+P4yTfzSKc6nDvOPOJpjR1y5f5rzQKW4YyEqUkaNtY168VEoT6pc3iCD4fPiZoKZDM2jKFer2nzwNFMfrgeJfq4nIpkmNgUgMqA5l26VMBMasUse9jT7MzyAynJkAj8Akw1p1I6olRCWpGPOidVOuM7o8egx9SKUQhW+ydnx7G2ugWhIWveNbTczPxhb6WigjYjLpCGeTphxgZNXk+1smvef96Pv62nVJMHI9fpo6/tS1OHMGNe8V7iWjmzvQhxBzrj4fUYwq5niXapZicF/5tEafbp5C5E2UF9CUUgXjiCewJz3qfZBERHeIbpKmGoUyQt6kh0CZ1Q6Dw9jjSUbEtRoiv7DKZxA56JjKWsd+2l/C91Rv5KROVMrqaE4c89HH+2ZuFqqc/WmsSTqDPgdYrROmd0Q0jHz+APdqmRUCFpGmeJSVKOTB+IkcXPrgDXnjNSg7FnN41pyje2mEXJ0KUb4PL2H/JMhXmDyJiiqDHJwuuTl9afqHKOLA6of1Teyv7S3oYDg2ImqrXZE00akMPUcC5DOtba6KiMgG6/z7yDHyESkrVjG3Q8NT7AtakBUDA/RvCAeZ36fDaIxIq93GXm40ilKuYpy6r03yn1oN3FPqwthpo6+5HP1SBoBAvUi31vGJaRER2cvh2fbm23CtrTcxv3OH8ffj5BM996UXRETk+lXokNi21eNE1FilpRVnPZdFn1YnEEHQagUG/h7jILIgP8FTQbkIDzorOo7zmTkr/iLNRQ7c5ja3uc1tbnPbgfYrQQ4Mw/jHIvLHf8vbbMeBgYBhGNMisvJT3vtnjuP8w1+0X4FAWCanjkuep859MmUDIUQC8SAiiQZri60OTsBnH4UyXrm0K7dvI4IvMcJJZRBNl/fxnX/2J/9KRESeegb15xMzQCG6NqsQWNetLGRVSvRSSz1MVnKMuduTVG3LMGJYWb0rd+7gpB+OoJ9pagYYLZz4te5YFbxqPvS1zbyf48Mp3aIK3/Qs8pa1OhXTgtRWsHC6bzao1scx+3xe8TDHG4sjXGK5vuT2gRC8dw/R/D0qAOb3MddFzr1GvBPjdDEkJ2NgEFGK7VUnOHyv+Jhbpi9CPIXrGt2E3LyN797axlz205FtY6PMz2iOkOEqQYmuge/c38c4/SZ1AuYfx3cz4my2sVZL94B6WF18r2Ph/eFIXK58DCZ4JPKaiIg88SRcKbe2gAi9+zb2zeFD0xjvCPK+ZpsukxGs4bFT+M5cAbyJ1VV83hT1RSCDmoiNjzBINNaVzS30IZrCXpmaRfQ5OAik7De/8vsiIvLNP/8X+CyVJcWj1R1Urese1LvPpClbR4+COnPyXkaQIUbOhtfTq8tvkRthkiOgevQ0W5Tlm4hwa9SxqDUwx2MjWLsAuSsWI+Pb1xBZ+6kIGKNGh8UctkbtG8tAAVe2bwpT6OIn8qHRdtQPBCAZR0VRglU4nRKZ8+S3hLyIjGvcMM023ucjOuYj/0XdPiusk//rv4Y2/80bH0sogL8tHAcKlYrgO3dWEWXfuo15UERggo6r1SoRGNUi6WCP2vRc8fiwdgPqLJjAvHRN3F8ba0BQDG9bOlq1Y7FypID3XL+KuTp+/CmOD+u5sb4qIiJDY7g3FR3UXPvcDF63CP+UC0AtAnwm2FSWXb6DNfN629KgGme+BOTU5Lr5/HzWdjEevw/3wRefRcR/5uwz6DP3k0FVx/VdzNvVxbdFRCSZQt9q1/D8aZnoUyyGDVenjki1WpVYBM/JIWqweIn0dLnfswWgHE6Pe3BQYVSfq9JDBOyDr7MpL+bTEIQe1uD89PhdaQy/DG/GX1Va4bKI/E8/4W9Pi8izIvLXn/K3KyLyl5/y+vXPqF9uc5vb3OY2t/29b7+Sw4HjOJcFB4Qfa4ZhvMv//T8/5c+XHcf5p7+sftm2I82GLVubdC8kozyVJtPeg2g9QV5B0IfTfINOaB2zKU88fVFERDboeXDnHqoOMmnkCutk8q4uIfIbGScLX/UL/PhuPyMjPU6ajErqjKT2dtE39Rqfn4fq3dzcaekwilihvsHuBqKQRBKn0FOnEYV/+AHycS0iBkLFrwoRgFWOYf4kdf9NjL/LfLZDF7uAnm7JmPUalrTJ1H/nQyznyjJ4DLksIoNKCToFDiOERJR5T6qx1ViDvr2NMXQ4P9E45jwRprqdrVELTuF71Obv0HPA57clyjzt2iauefYMcsejjHw072/reIjK2NRW6JTQx/E01qo/ztwzpSGLjOJ2dzBfgRDmoUUugmUFentlg86YV2OIbGIxRCe/81v/qYh84lsfIpciReXIIJUfg2HMw5tv45q3buN3L9ntQeVmdJWbwmg20O5VStxahNJn/zD4D8EA93UcKNfYyLSIiGxtQBdCCCC0bMxDgN4SrQ6iukiUEST171smorBQmFoNGkH7fNKgpkSH0WOI626RPe+nu2CC1RZJKmLGEtAO6LaZiyZisEztiffefF1ERM6fw30Q57W9DhEUrlWISErIHxQ/NRZ89CsJE0EaHEC0rXu0kMda5YtAaaJJoDrx9CznBe/3hBilU8PB5n1180OgY6/+EA6AeVYMpJNhCfM+z+5hv27TLbGQxe9pVhodPoy9F+X9rnX6Og89uIvR+/Y2nkmZQSALk3Q3tSx8z927qLTyGE3xJIB0bO0iqt5YxT00wHz+9CGgm1t7eD0YxjWTfWn+jj4lWN7hEFGsEf00/KxmoD9IhdoCJtECx65JoQj+SoRcpACrnLx+7H+fB/Nw+iQQ16Pz8AmptahBQSdRD5HDuolrDY7gfhrox5potc/1W/D0UN7AoUPYX0cPPyX9aayvn8qxQXJLNrcw/pdeBU9E597jezC6VwiAyIB8ensQSeghEM59n7HlpzfyWh7wefxbPvSztc8V58AwjJMi8piIbInId3/F3XGb29zmNre57e9l+7xVK/wT/vwjRwvjD7ZRwzD+iYhkRCQvIu86jnP1s7q4IZZ4JC/pBE66+Ry60MxSC7wfr2u9aogVBZlh5CY9QZ+sraMuN0Fm71HmW7fv4mScJEv92BHkGO0qEIBN1ozHEjghe4OM0ql4Fowg8tQIKEhHsBZV11appOj1+yRK57p58hEWFog6FHANky5igSTz96xCaDRx4j92HJHCxWdwOo+y9t4IUVOA+cxGHa9X8/i+Fovxa5WcZPOYhw/eQnao1kG+Nsx8bFK/09G6dHy2beK7w1Q2q7CSYJVOgMMOdR58iCiVaR6xEb2s0+/erOOUP9xvSCRB9bwGPSIonzgzCWZ8do/Rl42oNsYTva+FOW7S4W9qGvneYAx9b3Tx/l2y91sC/f5qHdfpoyvm7OHjMj2PioB4FONSpUefTQ38CvUPmIBMJDG+MKPQ5TVEOm+9i8qYLLkbzRbWNp5ALjbE6K1EZUF+vYT8cfHSbbNawV5cW4Sq3LmHkLf1tPDmR86iVvy7O4jsuuRihImcdUyMy8eoZXIae3mXVS+qDBehSmY2h715b31VQn4gSqaDvy3QobBM971WB/eDj7njnnfAMqLtgQG6ntIX5M234MqYo9tgyzqFLrDOv8U690iEESZr9NvttvgD5E5QpbIvinvMsNHHe7eBSnTJoTAt7LFDwxivBPF7KKDKoFSrbAJZKRa0GgZ79tnnwE2KxtQvpdnjueTyOf7EfTLJiqO+IaB8ZQ/RmjLvQRM/Y4xqvaTKb66zsoo8h0SCKOFbQFYufwjVTmHUmxkckO1l9HOP+iXDU6iYOHHmUcxZCHsy3A8UIq05eDooxtMHtRg6DTooUidgew3ISZnOksofUW0PEUs8YTz3cmVVesX6j9HvJdGH++a19xG1v3oJ1QVffvEP8HfyaJQ3NX8SSqTLW7iPCnXsj6E05nX8GCqspseAEiSon+H3B2WP6ObKOt1Yqd5YpOtoi8iql3wRD5ECRTFVOVEdQT3qd+EchAF+DDnQPztOTyPB5odVhNZw1K8BjXQYsXvcg88u3v/cHA4MwwiLyB8Ipuhf/oS3Pc//7v/cayLynzmOs/4zXufDn/Cn+Z+tp25zm9vc5ja3/d1un5vDgYh8XURSIvJdx3E2HvhbQ0T+ZwEZcZmvLYjIPxWRZ0TkZcMwHnIckgR+zmZZltSqZRkbQ045zTxvdp+Kgk0q3pFZLVW6q/GEmEqOizOBqOCDjxCVtanx3tePXF8lj1PzqrrSWYgU+tPICX5SOktteLo31uhrYJCNrYphynYOsIqh69hSoXdCg/nZIPPRPrLNtYb8/MPPiojIieOIWqvMxx2eRS7asBGV5PYx7lZbfc7pNJlFRFQv46Q8Sl2EVDIhu3kyvJnzDrBCwmSeWgfqUZY9FRG9YXVqQ58CRBo67LNtUBmRddBdOkjadMIzW4zE9pEvDnoCElCfghD+trQM1n6c+dtj84hObt1EHtamAmKCuVRjCFHJ+MQ4e05Qi9FZNk+nxCbG+tAClCSfvfgo3xeUloUIxmzTdY5ciwbVGJNJXCuTwlrt7qF64ebryPvfWkXE12IUG6WOg+boG4yQVRGQW1J8vTu822PN+3zo/xZr3k8cAcLkJ99lchrzMX8KCorXbgC1OHYc0dboKDgGXvVaoNbA9RvglfjpVdBR3gPz482GJcNTiBBj9CdYW8Ot3jHRp7byWbjOBqt4MhlEdsurONu/8/b38H6ut5cKiQ2yzo1eCl73IebZ4dr5Q17pUqEvSk5ElCjf/h4QAJN6DQWie0lGp8Ojs5xRKugZeF+cuhbxKNjuIxlEpamzZ/B+qnp+UllgS5sIgJ9ISZvcGosVAA1TXTnx+946YqAqkcIgvUXy5EdcvwlutoeVIjvb2EdeKnHaLE1I0BV05d6mlPgcO30Oeg1HTqC/NSJmUeqXzB4GKtNkHytEddbZpza1CObpKBvgM2x/AygiaSZi0jfDQ80W0xIZGsS9deoh7LGH2ZfFu9j/f/6NP+E8YY6Hh7EWyyvYw6NjmKe+AfqH9AEVvfAkqhry+0SeqJxqUWm21SRXaRtjyOYKPc2MKvdSuYLnqU1fjwAREY3fFVnT8fi0dMA58OM+SUTqGcinVzEcbD+pDuEggvDLaJ+nw8F/xZ//x4N/cBxnX0T+xwdefsMwjBdE5C0ReVRE/gsR+V/+tos4jnPu014nonD2P6bDbnOb29zmNrf9XWyfi8OBYRjHReQJEdkUke/9rJ9zHKdrGMa/FBwOLsjPcDj4ac2ybalUm72cut+LyCgzgJOzFka3Ge1FyZiP+Mlu74gkyNx++nH83N4BMpAvIX85FidCYOHMZxIZKNGdMUY/hJg/yDHydMoIqtXCaVZ66TqcVtWjoGW2e3rryr5uNfDZTgfLHY4gCquW6B1Ax7uRIUQ6tQpOtNks+n75MqLW/SwqLOaPITI4chQ5+xBzkv4oruuLRWVgEif35AjGu0f2tObOSMaXDqM3bSbRGYP5ubDm0lkJEWBO3mB+T5NtPjKGoxxbTv3sax0xLLLsOS8jI2BZb1IBrr8f0crQENa5VERUloxrdQrGEGH9s8dQhjCuWa8iYrp4ARyNLzyNqKfVQC63XG5Ih9GFn/2M09nQw5zi1hZ0H95+D0U8m4zqu0QaQsyJer1Yf8dWbwrm6luKyKhfAH3sGdWKVZcuteED3NdFRpvrrEo5dgwIQpER4dlHoOcwNoPxT4zTSZT7pcKKkgZdGPMFjNF2cF9Mz2CfzM0BNZucnJZ6De9pUEWwW6c2BoUIwlyjLte3QQ+SH776fRERWVlFJOlTTwpRzQ6ttEFEKEQeVNNDhTYaJtXupCs+H/kdRJC6rKQoMbr20n2wQe7J2cPIxRusbugSzjJ8WMNyAfNpcc08vDfz++QJ0WnV6+nBGlIjpyYYIseIKIuXapMBP/oSTuH34X74eXTa9DcgwrC1jnvTT/0QP3U/ImHMS7elfcWll5fVzTMoz33xyyIiMkal0yVqLIyykmo4gXu5VSRaRyJLzI/7ZX6K+X6OJcz5iUfomBrDc+V2GaCvPwjUYob6KadOPyTzx+CAG2LFx4cfgkp2bwNo1PHT4EHV6hjv5Cg+6yP3ankJMjhDdT7LxvHzKB0l3+NzeGcDa5RO4nNV8pAWb+PzjUZLAkHc55UK9kqEqKzG6YrO9aoULHVfVA4CmmMrr4q/Ow/UFPT0DR7kIhg9hUStplBwweDzznB+mZgB2uelWuFvIyL+tJblz+hn2B+3uc1tbnOb2/7etl85cmAYRkhE/lCQhP6jn+MrHuPP5Z/6rp+lOY50TUt2dtRDnKp7jMLMOE/1ZGm3mbw3yUb2e3wS9JHBzNzYceazu95pfKZDzQBqAziqFnYXJ+Q6WbXqsR4k69rwqBcBc8qEDrzMSeUY5XctW0r0UY+wamFijDlS5v/1hOulrn29p1vO7/ayJpxM+bk5cBDCQbyvzSi1Sme8dBooic3T7n6lLBHWQD//FbhRvvpdIgJk+P/j/wQeE0t3kBN9/c3XRERkj/l75VLYrKyIBhAJRMjOVi94h5yOLtfCokJciEpzltGQLvUGdLfH4piXKh0t93YR4R+mrv+dRWhTWCbdHAcQGTk8tfuJ6hQrmAf1vzh58hTnE2vYZhFEKBCTeBTfZRIpWd8A72FxETyH9bUb7D8i5UwG0YttExFwNBIkQtRCny3OQ5Br6WcFTYuqlQ6jY7PTlg6d5xyHwgWMutc3kG89chwZN4PrnyQ7va+fteYkMjQbnOsuxlQqaZ+xD774RbiXjhFpMLlf8vslaTRUyRL3iaIxihzUiCR8EmUhVljfvMXfMLdeD6JYx2L+l2vbpMuh0HNCy/8dz8E8r2WZ0hcP8hLU0icrPUVn1Cy1BpIj2Bej09P4aj/2ZoGs9uUVoBmbXNMm/SNUrTEUJfpFV0svK448vrDMH8GemZziPUY3ykgU7221wXdSjo0RRgzkCSU4Txjn/AJ4AodmwOl45/Vvi4jI6j30KUwkYp+uj8qbeOLxC2KzcmR/F3OfiNKVMIz1r9Nd0VKXQT7bfIT/FJELUkkzu4s+l1ntFUugQiDTDwTi3KPYZ4cOow/BcFT26Cp7/fo7IiKysYV+jo7j3gqHVQ+CLousnDH5/PTSpTZLboHXj7UcHUHVwpEZoCBra5iPbA7vu3YNqGiX91E8nlRQtzeuFhER5YV0O9hDQR+VMOm0BmAQAAAgAElEQVQ2qZySHuXgQe5BTwFRX//JsXlPVfFBbgH3scf+lA99xu1XfjgQkd8TkT4R+c6nEBFFRMQwjEdF5GPH4RPyk9efFZH/hr/+yS/akW7Xknyh2IODAnzQUuFVKjTkiJJ41BXcNEEvXp8Y6Re/Dw+nUhEP3I7JUsQkSVyUBe5QzMgmISnDB7HPrw8xBVAon8vXIxH+4yhaLoYbcmMD111aXZMkiVCjJNA1Sazxk0BWpNmTaeOBMUroXzev3nAqAjLoi/OaKNXL06Anm9vl+/Cg0roaXygoOUqwxpK4xsUvoDyuSyKQmtg0R/H7PFMUjas4LFR5wNFyoUYDD64G5y0eVWlTXFpLAE3+A56rqMStLYZf/zFkaSLhQq+BcV27hgdFfwbjO3QI8Hp2F+P0+fCgzmbx0IunAKfO0A53coqys4Tj6fAqYT7Aq9Ws3FmDJe+tW4BL97NIM1ldPux8TDswFaSwsYcQbcvC+D18cnl8tCju6O94WIaCGJMeIuuE/A2nIyblXy1LhXMwL2sbuO0qNJoZm8S+UeOxIBlW/X34h3z5Hv6h9vuxtvEY9u7FL4DgGokcLOXr8CATDnlkeAj/UDpcr00SwSo8aA0O0SSMkP7UFPpy8jT+EX3//VdwbZZlBlhOaJHkVmJpb5dQ7SBTZSrYFOIhxCciMf4jp6kbP9NFdRLS2h2M+/wC4HZWF8ulS2+JiMi9u4Dw80VA0n6v2objGiHeD9U27pNiTe2SefgOJeXCU0hBHZ7FOFssTf3oI5YcGi2OI8Nxos+BKOavv3+AY8A9HY9jr/76b+CA9q1v4F5+500QpA/NIlh56CxKSIcn5mR5Cesf1cML/5G/egV9MJu4X+aOHeM80HqaaZIYRcZs7s12B3u1VESf+njQfeHLX8V14vi9rPdhsykt/oMbokz48RN4Jvm8KiSGm2qgHz8bNaxz3cTzwxtQYi/m57XXIJOzsoR5e+ppmI298cZrIiKyz7LuBC28IyQfi7fbM2+LBPjcoxmaCndpUNVioKf/cvesmi1NS/HhxH/oPQ8cErR9IqOsuYNPUpbGAypIekj4JFjkd/QUm235rMSUPw+HAyUifpoiorZ/JiInWLbIYmpZEMgsi4j8D47jvPPL6Z7b3OY2t7nNbX+/2q/0cGAYxjEReUr+diLivxWR3xGR8yLyosALdk9E/lxE/rnjOG9+Fv2xHVuaraYYjtqg0nqUUX2cp7VuG6fWIKU+Y2rxW1wSq4tTc5PEQS8ZeD4LJ+BgEFFngKdEhQsVPg0Gcc06hUTUSKcH3YUZ/VKIw+YSTh1CFLu5v9eDzQNhnOzbFDwJ+HHyXbyJ6HV1DaS3GZr9HGZUMT0NCC5JwyaFaNWIxKYhU1XhNkb3fqYhOl1HhHNYKWHcSR9NiOLo0ze+AXGkkI+ErABO5+MjgB5vkzBlmTTYITzco8kYKpuK1mDkYRE+nZxBpDl/ZFr6BzCOaLSfw2E5EyPDfJZ2tttI7QRCNF4ZxXjVDlqdWDfX0bdjC4hKlfyX8DBqpxDRjWtIT7z+2vdkMwfkIJNGX8IhCsmo+4+qFWkkwD46jAIcQpedrsKMJBxSHMdkRFmp4vUASV+mBQTHMCISIUEsSWniaARR+sDAEfYNUWibYlg2bYATfYi+ChTJaTQolsWUWYXiNzblkwsspY1yrVO0ira7DVleBeHy7l0Q6NZo1W1xXC986TdEROTIYRDQGhSUOnoEJlFXLn8sIiIeCuh0Oe4uS1mPHsW6j41hH+l2CTTwP2E/jcuCkZ6IWUvTh0RCNncRjZ48Cfh7/hjuhx99gPjj0geIqC2mafxBIoqEvj2K0JBcGFAYnuXHrTrmL5EMysws0CovSY0vvQRRp8sfI830ay+C5JpkdK4lqytLuHeLCezV+Xnc/0qe01ToM89hPg0v1jxOa+w2y5TLLUuiNHW68hHmtpjH+g0P4TOT0/hpWpiXZhk/nQbmvNEG4hBkqsgyML44LeITRDeCFABrMQI3iFC0mqbUG3hOpDVKZ5qwXse+qFV5vxA77po0mOJ9keC1anWgFYeOImWR28a9+q/++N/j/bQfn2aqtNnE+6VHgC1LtYw5jhPF0HRiglLmAxmiNUxFFDkfdZIbPR61KidiwGeV3sufpBUUFXggveDIz1yjqNbkvefG3xURJMdxbsnPMA2O4/yR/Hx8BLe5zW1uc5vb3PYf2T4PaYXPTXMcR8xuRxxLBUkQGfT343Q/OoIT9i6tfzcYeQc9zK0296SYpzkJc8cjNE6xg4iQWyr3y1P2yAAIM5EITqUqcWtRPnSXYiddHOYlngSK4aexTJPlaWFGq/PHT0qSEWCZEZ5+Z6vDMkiSGYeHEUnv7iH/tngbAiohlmaeWkB50cQ4+jjECGB0DPnArR0aqDD3pmS5QCgsISIHJklrNoVf6iQ92haiqc2dTY6fKAwlbDMELYolfHeX5UJ1RrX1Fr+Hdrt9A4iCv/r1P8Q8RWlxHfRIg9GEYxN+INdCy0HTA4iMBscwPpVD3d2mNStLzzyOireotC/mM5Wh7C6RpTLL78Yn0adf+7UX5Ecf4Gi/vApCVCjKnDlJax2bFtQUg7JYeudhCactLINTrgEj5lpDIwXMw9gw1mp2FkSugQGgH+lkWvrIGUjROEwJhVYXn81luY9Jmsz0URa3iNzw2jKi/DStjT0kw3loWJVKankm+lanLPGtReyrxcXrsrNDpIBy2T2jKDIHf3QJnIIU+zo4iHtvaBDjmadg06VLsOJNMf/94pdAfH30sYsiIhKiedbmFq9HIqSW2Q1lBsVuY7xaBlmi2NHoBJCCs49D7vjKx4iof/Qu0B8PBZd6pYkkfVok2+rzgy7C0qYAk0mhp3qNfQkPSZuo1PIeOCgxPgd+72twoNeIuJBDUVaLeXw/+S27JEHe/gDyyOMsD3zkafT90ByIip4A9vhHV7AWmUHszdTQsKyvrYqIyA6lm2fIORkjz8FLREjLqT1ECE2uf5WcBPMBrlaKKIWXMtol3i89u20iNu1mUwwSj1vknjSJdjrknniF0TifK00SwVosU25Z6EOQZakDI+B4zZE/VMhBMvzmPaA+O/uYtyCRBHGIrnr9MjWMfpMOJntEUpoNzE+Oz+RAiFLwlI9Osuy6RCRBievK/9H2IFFRnxufNPs+/2f5lbXPSymj29zmNre5zW1u+5w0Fzm4rxmGIYFAUNqUwW23aAbEfHYyjmg0MIYTtbRw6izsqk1wVRoFnHwL/GxxB78H0ogMgpRobXgRIRR3caJ1HEQ6/gBOoV6KgfiYI62TvV/fx+l1egonY4OlLVp+E4rGxMeTvZ+RskXRJhVxarY0csE16xR/SSYxrvmjEA45dRLIwcgwDIdsSv6qeE6KJlI2c3LVIhn1nq4EmX8Nk03eYU6YVXISiyFK31xCXr7H8yBak46TZc7qhl2OW3P0E9PIKcaSQDHCkRTnEd+vaEaja4vJkgY1nGoxj22b5INQTjhNEaQWqzuCZaxVm/MTYMSoDHnNk27vgY0+PYM8t5Yh1ev53vz91pf/cxERef8DRMY/+vgl9JcleQYrXtQ22uvXKhVyCWr2gb6MMTJaWEAufvYQ1mpyDDwArZTwcOxO15AWBabyeVavEJUos/rEJjqj5mDtBl5fW97k72Rxhyhg1Ea0FifqUy0jv3v7Hkr7btxCxF0ooizNYzgSSVDmWvPOWrLlIApbp9Tuyy+Dk/L8C7+LOWTp3YWnYNmb20c0d/oERE2feBzmUbE49tUeBYlUCjdFNGNsEHs52y1Jm6G9bR+sDHrkiadERGRjF+v6wTtg+vsNfIfXr4JFlMAmKtFgzlmIDga9tHCmEFM6BcTm9Ems0fDQtGytoZ+KsA0NYg+ZNMG6e4+IAqW/uxWgWQGWbCZZwFXI43vWiDz5yK+ZnMPf0xn05dA8Kw5YQtpstyVFhODYaXBPElE11iJ61VYJcxUe4zVof20xp14lUukhJOensJNf5duJwPV4Vszzb22uSIwy6X6PcguICNBy27Epyd3Bd3o9KvLFclR+rmPi3ixtY00rAYx/cgKCXE+PAlm7u4w1VVGxFJG8wtaGLF1HNY5Q5OjoPD47O8PqpGncezdughdy7SYqrFTKWoWZtMzUIOrxSVPI4OCvn/yPt8dPeLBmsUdT4E+fIos9hMErnxXc4CIHbnOb29zmNre57UBzkYP7mtewJOGvSEkJoBFGc0kyWSmB61BeMzmGCHuXNqqRxJRkgjjBNyvIDVYK+FnbY+7TwN9DPFUnmb+1yVbvMIIIEDkIUUMgQKMUq2fawZw7c7UBRjOpVKRn7GIy951MqJ0xIkG1wa2U8R3j5BC8+CVEZek+RB0ba4gYr9AedWsfEaCa/ageRD/z2uNjFPrpNGVzU+1qydvoAxIwOIh+jo5Ni4jIzg5qxLNFRJ2ZGOa23sZ3N1kz/OjjqFN+mtLE4yOIAC0Tp/R2UzUGWNdPfsWdpeuyvQ50orCX5fhp3lTHd6f6Md7xSUQV46zemDmBiKHbxPvG0hjDx5chXFTaB6rRpYjOjcuI6qamEYH5wliznXxFIoyaHn4EEW4/bb5feR2ywOU65tYxKHVNNnab5jcxP95/4VFEtQunYAHdl8LrBiOoYgEIS72JvnTVyMgb6kmuhoK0/6UUrZoXJch0t1tABCo57F0q90pkEFG5SUOleAL7ZnMH0e13/upvREQkm0XkFQ5hLEm1KO62pEXhrKBaKHO9GCBKlGjW5gaism/9B/Tl4rO/IyIiZ88hh/613/svRUTEQ0GhDjk6WzuI9re3gcjFIweNylQsyuMNSTBMuewq9sXZs1gbr4F8/Buv/hDzRNQrFkPkb9IMKRmlrHY/UI0Ehbf6qTPSl8R8RRKYwDD5EWqqVi5XeroM2trUY4jzPuhL4J7a3lA7aPw9pZUPNIc6eg5VGsE+XHO/irXb2MKatrvYJ/E4peBJme90TAmTr7Jw9GHOESWpPSoYRW4AZaU9RDNVRlpRv7bKtDd5D7Yp2MWUe4z7oENUIEHzrUwyI9tb4AA4FP3KZjHeIMfvo8hEqYJnWzgODkVmAGvQblFUy4e1GxrFeP0UFfNb+FxfDJ87fAHmvl4vBboKeD5veQ0ZGcIcjvG5OHsISI+fyEBX0Rn+83mZnJQ6q7eUi6DVOsJ/N2oUm4vSmKtKXZFAhByOttrWt8WjUsxazKY28hSe6rKCTA3rVJirY5mfoA6/YHORA7e5zW1uc5vb3HagGc6Dck1/T5thGB/2942f/d0X/jtpsVZ+u0oWNnPuc1OIJC2yjpVlensRkVKjWpI4T/TDfTjpdhi9370Dlqza5KolcZcs2X6VqmUNelVPmcwNdsjK94Xw93QSJ+TJcfSpVKaioNcvmpBS+1u17VWp0I11KE2fYmT8m1+B8coSJZw/vIR8XHaHMqhkcXupIhYjE3yCCowW6+EblJ+NRZM9Q5wieQiREJi886yNzwwgasjlUfHw3ntQnVOWcqIP7184DbObhx8FYhDomVwxf8k8eJuM6UuXXhMRkR9dehnzUtoUp4toNUC50yAVH72Cnw3mVP1RrMF//d/+9yIiEh+m5S4V/0rbRFI+AnLQNckDIYehThOtNtnq00dOiohIOByTThVIijK5YwmgCiqn/f0ffEdERBbvIX+ZoNLb8ZNAp86dBvt8jFLYJk206jQw0vtYZWQpiyEeD+an2LB61RpaIVHOUfabUWSYFRLFPKJuH5URBweRkx4h2tNmJN1kZKj2wIu33hMRke/+1b/mtRG9GjSHajQb4g9irzhC5TvWims6W8i9EYNoQ4v6HiHkeb/yld8WEZEjx7AvSmWse4LKgNcvQ8ODBQTyCO2Sd1Zxj+azGJvVrfai01iS9fwz0FZ453281/bg2lPHMP5+GrCFGcWGqYcRoGS62cLYtCrBZGVOldoEXUbgDjkOVrclDEYlwDn0+1QeG3vqzh1WP5F7MpTGvtlbX0WfJzEvA8OIcmtk8QepWplgpVWni/0Spzlai9yVRqXSq87RhLaPHAJVHzWpKSFEaWxHJd3JweFPTY8b7IPBPenQ4l4tjbsdXNtL9DMUNKVWxVpsbEB10sd9PMAKsZFxjEMrSt77APfJ3FFoUcTCRBBq1FfJ89mdxu/0LROvF9c0LezNUhnz6yM3IRrzytg4nq0WIY+lRTwXVV777l08wzX975BjobbZbY7v+AkgiPUa7n1VAQ0EVA9GVR+xrxrkMHW6HfFyDWp5PD/VIMpL+XiVR+kSvVWZ8HbXkp3VZTHbrY9+kgPxz9pc5MBtbnOb29zmNrcdaC7n4L7WbrXl3p1lSQ0h9xxjZJDhzxiP0hbzPwbrWE+RAew4pviZC9qiBoLBE//wCFjV0RiUuRxRq1BE6TvUDGhTUz+TZnQSZjRaRp4uu89cfhQ/x/qBamRYU9xsd6XNyCXB17a2gBTcXkRUdfEi8tbPfRHR6Le//f+IiMjlq0AWYkQI+vh5H/PDXdamq6751ib6NMraej/VIAuFdYnG8B3hGF5Tr4Srt3ESXvAjohscQiQ8NAyU4vZt8AOefZZKebT7NeiD0KzwlM667yJ/BmhRu7KMiCK3D9Z7KumVrkdRFbLTqb6mrGIvI+dDvNbEFBjjRebkVUlvndFnoYi1UjOYTlcjA0TiW3vgduwXEJWceegRGRkAyrK/j/42mNdPJBDxvvACvCeGx7Gehw4hIjx+DPX9GjkqEznQhzVpkNORy6mWA961voLrZPcxr1UzIEfpX1Fpop/qOBuNI5LZpXXzzhYipYEBmlftc77C2A8R5m01arGJmDx0DhUT0QRq9P/yW/+3iIjssZqnL5mUFrUPAiFWUZCvoV4iBqs1dCBBRukecioIUvVU6YQqe6rKeJR24iFGWFUamTVqrAJhuUytakqGXJmkKkCWsW7nHkH+fnBkWkRE6kRQTGqKaJVKuYC93G7vcyxa/UImPZ8XsTBep5iflGlUZdsdsVgJlS8SXSCEcvc29trAIO6tc2cfFRGRMBctxooZL9EwWmiIj+hXIIZotNpU/QysYSRMtUOiioGQIZGQ5rypZ0D9AUvVOcmHarM6Q7kIyh3Q/LgiBlpxpN+nhl9JGsENsHIiQETJMisSpjfCxAiQkRCVYsP0jomRp2ETpWnnqL1h4nlx6BD6FKFuQd3G/i8X6G9RJSLTxD7x+rEfQqy8qZKjUch25OY1qHjarKjZ2QLaVGc1RoSaMlq9EWAfHSpjhggHJcgx6SOnQOgb4iHinOS9r5wtrerw+ny9vdbkwu5nMZ4bRKl39tWMWBs5NX6/eAy3WsFtbnOb29zmNrf9EpqLHNzXgsGgzM7MSiQFtmq8Dyc9h9GJl6dvTTapZnaXJ7VW2xKDJ/sMld0KdC6cmkXueIh11n6elI+fRJ36++9DU31tBdF9kJ4DXiIRg2Q+J2kb2mR+8y5rbM8/epF9CvaUHbUeeX11VURE5mYRjZ47i9zqX3zj34mIyJXrH4iISH8/TrKqN55ldJYgc9rHs2SaTosl5tjuMWIeIMvXa7SlXMRpW1i/b3rw3bs7zDGzb+cfhnfWkWNIj50597iIiMwfRcTkYY7w2hWM8/pVRAozjO6DDMcaTUTvDVaJxOgo6bOsnpIbjfvEz5M+pe+lRL7C7FGgOm1GBDYtrrsmIoYmrbnb9NYIMyLYz69ybKg4CIYxX5UCKjFefWVHzp/7goiITEyg32XyWfKsZglHEFVdeAIs6gA9NArUJHBMzLVNj469PaBB6jEwNgZkYnML3/e977yGPjcxP08997vSbmh9OX7GqGiYzaOfG1uoEKiVWUsfZtUCUY4a3RwPzyKyDoWph0CVv1wWfZubw1p+9bcxP3/xTeyzUnFLQmGMs2tjLjU6tRy1IKfzHdeqwbU5dx73yeQU0J2WeTCa9zGC9nLd1dpWo7pUCqjH+kaBY4tLIo11iiZpk2xopRB+r9WojEdVSo2Qo/QscYLosx3lXqMuQIf3X56ulrtbqObIER2sqlKg3ydJ6vXrPaoIyuOPwDUxwWfQxhrWKE0r9DMP4z5psoIgSzTC9BJJIIdDOR2pGF5XtcrdHdyfoYBH4lQVjLFaJcZ97WdVQpvW5dJT60TTAFWREn8A4/fTw0O9JWzyBzwGEZcic/N0Wi0VdiUaYiVNgEgjNRA6fOTm8tDOmJ0DAqsOqm+8CZ7LvUUghV/4AhCWUyenRURkcQnztr4FFViTVUytFj1HWA4QZAVWpVySRkNtwakhwz2W4dxHWbVSpTV7mc+/Qh73zTBVcWsljG+GVQ9hzm8kjP2USafZB1Z/qbSB4ZFmR+2xMeez07i/j8xBa+HuyqqIiFy/jXFv7eLZY9ufnSujixy4zW1uc5vb3Oa2A81FDu5roXBYjp88KTmqHG6v4cTfpfzgIGtnA8zJU2BPaqxP3c/tS6VMV7AZRL75Ak6o95Zwsptm5JNM4HQ+ShfCf/T7qNu+fg367e+9+6qIiOxs4jTaTuJ0epTOieJB1NPqaL6Yed2B0V4OsUGVRoOR8/PPI0p//z3o0r9/6V0REenvRyRUreFalqNa4Dz5Uxch5FUfeuQ1R8bA5i/T/6BAXwmP3xIxiHxQfbBkYl5sIghrO3Dly72M9339d/9AREROn0COvVoBe/mNl2HWef0KGeSMJI7O4toJetBXKz7+nbr2HVZ3iFcszTPXqQ1ha607a4eDiConpoEcGHzd62fulTXS23R4WyafJFXFPJeoWtfoYK1NRvcRVppUa3W5xWoVi9UpmksOkc9Sq+H1DdazR1kDvryMeXr3rb8SEZFmC1FXjFyU06exH8ZH8P6+ONCsIVa/DAxhTLNTh6RADYRMv1YCoL9XLmM/lEu7B8brIYM7nMJ4NlcQhd1ZAsLw8FmgIbPTqMpo1OlSl8f8TY6D0/L1r2GN/vTP/lcpVRA9h6hn4PBaQn8D9TnQfO7wCCLnR88jIvQyX9tUXQsGSYeoTaEMeQ85CxZZ+Zofb1Mwv9ZqSIwGHmFyKHxk1SeS6K+XipgtRnEVImmqzVAuYT739hGV5nJYO/WPKJfIAyEHSJGHMKtfWi1H9vfxjAmT13KS1SnRKKL1ZgOImGVTx6KE36/dQMR4aA4oIMFNKar3AvPiAY6pmMfrt27e5PcQiTI7UqKaZJSaEJk+qrfmca3paXBJnrp4AXPHyLptHlQx9BCRqhO9U80R8eD9eao4qvphlH0LeT0ivG9tIj0rS6wQsDCOE6ew/qlB3qM7WJOZeVStnF7AfbDwEJ6v25tAGO+Sg7S7i7Ux29SJoGdFNIbrZZnTN9udnidCnq8FiNa2uHcSrEJJs8qgTO2OMLVrmnzubq7jeThCZUyfqj+yuqFJp0lDn7MWK47EJyb5G17qGtjKQeDtMkU0YpA8hvc+xPPl9p2lzwo4cJEDt7nNbW5zm9vcdrC5yMF9rVqtycuvvy6bW4jy0ymwSIeHkavvUHkwoOxenuZCzHOOjQ7JQD9OiRoRhZl/u7eCCHBzByf+yTHkzLY2EeHFmY8aH8XJ92tfw89r15hr/xiua4u38T1TjNZCVGXrqv95tSrpQfS7sIq8tOYvs3uI2q5eucrxqfsY8nCW0yNTYAyMwhSBED/Z6YJcmsWwLUVVNpOqfru7m+L3q4e5OiGSyRvG79kSTtuZDOZ2aoa1xXRXW6d74ZVLyClG6UIZZ1S3uoII6NA0GPhRzsMYVSvDEZysM31JaTE3ahMR4KFcalRy89OLIp7CZ1pcVz+dNVvU4F9ZR2SdKyP6aAud45gvtw16chA5ECowBv1haXXAhH/jDSgijk0gAnricXAMEvSxL5ZYz8wc+okTiAwdC1HMG699F/NIRrRqFLz75hsYUwufS2cwlrkj5FE0q6Lp+Ci9EC5dgrLbGv0MohE/34tx7WK7SGMH+8ignn2X19hcQTT2m78O1OfEceyzfB6fpwCnTE2DL/DVr/2h/PmfoYKh1kDOO+BHlNqh74OXeX8f9ejPn3kMfWOetk7EoNvGHIeJsCRjiMbtLi/KNbl8DYhTlf4XE/Qk8YWC0qWvg0OEQPfDXg7j3dwAItAq4/5oUrNkYwsISrOGCLnTpaeC+mL4uNeZL7b82F8ePm47mkgXR1J92LfjI0AlI/Q1KJeB6rR5T/kDeJ8iA5eyiKyf8WD8Qc6DQZF9gzn7OvVPfOQiHDmC+yWVguJoLBzoqWrevI68/r27iLoH+vAcefg0OCZdeo40iI6Gwsp/Ql/Xlm9xnvB34TNQuRvBIMY2PQ20VJGUarkmK6v4zP4+fs4QYX2SyphjU0QUif7NnkS10+TRec4PxvvyW++IiMjHH0M3Rag4qXs7TNXCNjUnytRyKfF5FA2HlKrVq4BRV9tEAgiTY+AZVaTmgrYYq7t2qSTbIOK6toz9NDXDNQ5yLYnMmPx3xce9H/JHeiqKQT5HPXweVFgZpDoVPqqdnjqOfw/q9bbs7qx9wjv7BZqLHLjNbW5zm9vc5rYDzUUO7mvBUFAOHZuXRAZRbIss7L0cToJV5prGyZT3MnpzWA/bNpuSJAPc4PEzyjzUwklEcIpKjI4iZ75Hvf+PPkLFQIg5t7FRRONT5C588cVfFxGR26zBbbA+OpLAadxixFDIF6RLPwLVCB8aAjrx6itADProvmg5OH1WyWj3Mh+u9cxq7uWhfoFFbX6TubEW2fsNKgUGeYpN9A1IjWz8bkuZ3IgQ63miDUnk6557DpFzk1HJd76ByHiUSnBPnIWHwJUryKkFmCMMU9c9l8XpPnkYVSCnzoLF7fDcGwiFRJinjiVZA858rMPcouahUxkiIIxKAwy1q9UOvwvz1rURhRapeMaScxGNEInAqGaF2a2Lh1UbfQMY1x0qITbIV3mOug5RsspbbWon0AfizMPQve/w9RsfgydQKmikjB+7Wfz99MOIJFRRrRvuVxcAACAASURBVFYsSCZDZvwaUJnbtxEpWswV72epmCh0H+QcevwpzgNVDenF4KNWx1/8v3+K8X4ZY3zo7BP8XsxfNovI9MiRM/I7X8Vn/+2f/At8pkUFzUD/gWucPoFc8qnjYKfnGN36GX0Ws+RH0OEvSkTK78FivPxDVP+8//abIiJyjJyEMCPzeN+AtCiakEwj4vvwQ2iO/Omf/hsR+QTd+yoVRAt53LtXr0IhM8IqhRCjOkcNIrTMvIdM4HWLv4dY/eD3BSUWR3+DEVWdxL1Uo+6+emxo9F2g8t/CAu6LVAp7skKVTr+Gey16NvBetak8mU4DUerQUdP0GjIxDq0RfVbVqc56/Aii9RgRkHIVfYiS32Db+I69TSBPtQrQoCA1R9TXYyCNSFn4/FhfBc9iZxdRe7Npy8gI+jA8gefdwsMY38gokMAclQI71MUoEr2oKt+nBmTu9q2r7AsVD+lz8MwXX0Bf99HHcglrGY+D/V+pYGwba+uiMXM8w+ekakRQlyDPvnj4/IjQ9yaewPubnPN2FX3b2AT3IM17PxZTxATPftW/6KNfhOH4RWzyndTPwqFSKKvhDKpNNolyRsmDe/rJp2Rx8YrUaujjL9Jc5MBtbnOb29zmNrcdaC5ycF9zDEMcr0f6R5Bra9JlzEMnN0foAEikQN3LbFE2siU+6hLEqTqX3UfEE2Jec2p0hu/FcTGZUNU55JiUzZ6r4mR7921EdynqcR+bOc6+4vcmEQTNQXu9thRYOz8zi1N4qYBTdV8K0ZmPp89tsqy9rFOuMYozLdaMc3zKPVAWu3oK+P1k3VIHPkjVu3hyRHZ3MO4uWcixgNbE47PpNOa4mEf0sbmCXGG1qDX1+NxR5oitGfSlxHy/z8EpvFLEWmxs4RSe4Gm/Tka0aTYlwn5JS9nAWFcv67hVda9S09wfc8Um5jjgxxq9+Ou/JyIix3fB3r63DhRnZQW14/US+q43lY9udZaY0mFeNhVHvwcHE/wsovhXXsWnnqZbnEa4FUYfDnXtH3nscX435n7tHvkCzFFq1Nph9KLRajQS6HFLPriEfGyJ0VNmABHL+DHwGw6TzzJFXkQohgg6y3zw7ZvYk5c/QARdrGJ//fl/+L/wvhwiw6eeuSgiImOT07herSonF5Dr/oe/j7n61jehzlljrXg6hT372PkviYhIo0qCCPe5zfvm9i1UTMzOoY/KfN+nGuP7bwExSPA+DBFxWrwHrsrcsYckTpdNi3olJxaAVvwOFRDPLJziNbFf7q6DaxAiV0fdHB0qcMaY1w6qe5/6RpC172MtvRFQRMYrNXIoTLpI+lhZU1fJQypDFvYxX5PTWKOF08i5F/OYN5PoVyxGz5FOmX3nHg5hrBOsMLp1C8jVGy+91KuMePgsuCFf+AL2YJdoRIkqpOr8ZxgY1/IS9n2FiEE8SMVAqg+2Heo97GI+K0RDLN4hc0cwv4ePnpV0P9bR68PcWqwounUDc942iaTY1CnoYC+OjmLvBsmTCvH5mxkk52gUzwOtSBkj8hSNAyUpl/X+whx0HZEmtTUi1B6pt9B/VSX0EiE8dhzzNTWDZ3qEvLE33sb9ZRGBVH2UBv0RyhX0scyKEVVWjJLLFo8ketoq+u9Ek6qVQoVIi88W08Sa+Ok5g+YqJLrNbW5zm9vc5rZfQnORg/ua44g0TZFQkE5eCURjYxOInIr0N9A6VlvrVXkiTCWjsspacKeL02e6D9/RpiiCx4O8fK2OU6VJ1qw3QMY7me4GddmTZLEv3QUzfPE2TpsnTyF6HVbXtToiBbGdnjdCgnr8eervax4+Sge7YY+6iVEJjOp0wnpcPYBqVYaXL6jQnuXBadtDF8scdcy7tldOHEdN9OQInMkiMUQE8SQ9IyJEGRLoayiojon4nEbhJbo6Dk+iz5491pazZrpOVm6caEYihe/zm+irL+iTMPPuqrcfYNK0TcSga5HHQHTGUVc5/FmqZKUHqOJ2jgz6E6cQOXx0GVHqqy9/C30uIB+eCPGUbxk97YNsDv2PMk+ZyeDaSysf4r02xvP88+CYJJNaE48+tVtYw6OHsf7FHSASKq8WYh406GXEyDUyfO2eZkJpn/4GrBSYHMcafenXwHvI9GFP2eSx1Brow9QcVdrmce2z5+HR8fIPoUVxk4jCq6zIuLMEZOX8eeSPTy88KgFyT1586rdERCRFh8x//r//MxERefI8vvvZC4ji1zYwlzvkQ6yuMpJsYAwOa+3rjABv38Q1my38PjEOJKJB7Xyzjflb/PiGPP0suENtohNpok5PPgl9hlyBXCOiXSfOoBpjfHpaRESW7gC1uXeP80rdgy65GCHus54rhq0IHO6zlmlJl8+FQoeqlD0PDeX1YD1jUazJhScv4hq8JyvMucfJdcpTi0G5HPMngTSFEhir2cU+fPg8Xt/e2pLsHhDEOt0jfeRtqDqrQeRkfw/zYdqKHKKPYSpGdtpUa6Tbp1YFGT5E7VOslDh2AvdNnEq0Pl9cSny21upAIQiESIjPqBgrI2yit8kRVDPY5HnE0ujDYAZ9LBNhjLGKY28X35slWrq+usj52+f3Yh1aLbPnoaD6Bh1G9i0+9+fnMJfJPnz31auo+ikSsa0ScXG6nE/yB4rkcoT47NMxNvlvgfJMYrGWGHxWt/geSmWI7aGfBT0kbN7ntmqTOCJGT8PyF2sucuA2t7nNbW5zm9sONBc5uK/5fAHpH5wQh7XSGTLmCzmNVvEzSHp6nAp4HTJHA76AdHnEW7yFqMLLKLx/FGz6gUFqJnRVMwCn0jirDvwhnLJLRURGnSY+/9AZRDOH6DmvugjqHNaizrfZaEo/c6JBsqJDfpwyNVptNA7W746MIA8ZieKsuLOL03WTOTM/Xdi61LP3EynokEFbKeHvw6NgNz/7zG/LqVlEgLEgrml6MS/hMFGKLiKbbgc/bao4lirIX3eYa21SOa5LBUEvo7FuAfOmDOC+PvaFng7Kbl/f2pAq2cU9LfgYteCDOPkfnkce/JGHnxEREcemFwNrxaO4hDjM79mcB4echAuPw1HR4L559ZVvi4hIi5FY0B8US6hKSHa9VaNCHQ/5sQT6tLaGXPrrr+Bazz//FRERicdQMdDhmniIawSJhii6Y3UxTynW/Stbu1TJy8oS6q0bTeovkJ1+9RoU/Rbv/THnhd4BNI2v4it7ngP91Jg/exrR/VPPgR8weXhaRETefeclERFZ2kB+f506CpffeVuOzSP6PnYUvAYfUZujE8jbjg6iT9ldzEOEHhO2keX8ABloUzdicx157+9/D31dYq29RS2OSh2RZJe59yI5KvdWijIzBf7OsQV4QZRZ654lCnGdefkQ+RzH5hGt9vfjfgl7MR9z08j/q/7BrbtQOd3OgU8SogdDkDobrSr6FvD7xKaTY0Sjb3JlfMzv+4hmPfss5jgSUY8S1RrAPvD4cP9fp8vr/i72/wArEQ4PIdotlVS5FJv6S7/2gtxbBOJTpdtok1UJfj672sy5+4mojg3hGba2ifHu7GIt2uSFJIhSDA+i6itJn5n+ASAF+ozc3m/w+8sS5DgDvN/DXHeNurc2oEq6RK+EWVZSzM0B9SpVca8lqO/x8tvfERGRkQncNykicDvrqyIiskcHUjEUDaaCpiXiZV4/VwQaS4kI8RHN3djGft7dR19KBewbQ1QPAWuka6nQUZUoZ6iM9xn8NyDThz6HyHFwPEYPrSCwLB3ukw4ryYIxrHuXarYOnzUeX7DnwPmLNhc5cJvb3OY2t7nNbQeaixzc1xzHka5pSYpOaU1G45epW13lyThAturxeUQeIeaWmy1TpqZwUtcoZJ06/D4DJ9cu5fpMlZRnDX4uSz93utWFQjhunn8Y+e0jR1DvrXoBVep51yr4XIjR3uiJYWk3EB2YVNeyGLGYVGaLEUEwLarNsc49zLx/gipiWmtbZz7fq2psjMJazH8fOwGU4IXnEOUOpgZ61RM+VjQIVcUqnJdiARyKYpFVGXeh+Fap4Zr9g4g+QmGgIINx5IOTVEh8YhK19B0T37tCRcUdrcCgQ163VRLLwhzlClRDWyFqwa5l6Xx4jo6QSjbQGuIqXeTeeuUVERE5exYIw9AIIih12btwAXyJUhGR+Nuvv4yvCwdFLM0DMnnIi6hXgLCeOU4lyJV7iIA/IGzx5LOotfdTe8HoMLIMKQJFNIDoTyBMh0AiNNu5kqSHkX+fIys/kcJ3awWAkLHtYd7bYIVEjez9JnPv5SLW8OYtRpwVRIgnjkHffnLqH4mIyKUPoMWwtQk05+JTz8nLL4HJ/c3XENlNZbCepxbQtyKrFr7/g78REZE6tUW6rCDZ2ELU5qGZQI7Odz94FTnkOFXq1J3xHiPFFn1DRIh+jMyJTVW9LD0ltrYQObN4QVrUmHjp1W+IiEghD4Rh4Thy5/UKWfkNzPWwMuQHwPZf3UDEfOUaNSlqiESTnPdupyEqIFqlOmMwgP61GljP46dwzaHJGc4lGe7sZII6CTcWoSS6s4X7yCHq9cPv/3uMN4PvHaV7Z7mMqo7B/n7JU/v/3g2sZ38KSInJAnzN3588eZTXxrzcvYOqlCj5RMcmcc8OUKE1QDSg0UFfKzmMP0xOVIzIVdBr9tQTW0yyL94A6nRzEXOXzyufA3N9YwWozgsOULuZGaA6UXrWHD+G6gcfUc5uF9+/p89ZVkOpumuzjT0gYvYcQrUay0duhcHX67wPVI0yENTqLuzRNrVIWAQmYf77oFQAk2hvgm6YQd7zDvd4o9HqVcSpKmmL94FNrQhPh9VpAVWOVYdHb88b4hdtLnLgNre5zW1uc5vbDjQXObivGR6PhEJhCTFyeu89uBZuriES9JL52iITuj+NaHZ4CBFCo16XeBSvTU4hF+Zl3j/VhzylKncFAjg1V1nHvk+1sEAIp9MvXEB0Oj6K0/gH7wO9yOZw8h0Zxul89jCitWQC0cjm3r6U6dx2nqp6m2QZF6km2CXb2OzyhBukXjdV1To8GQfpLeAnq73eUJdBzNf0OHTNn7vwmyIiMpjCPCQifmkyUruziIj+1iLY+Eus66+zNr7dQuTv8asHPNm3XjDAf/O3/oGIiMzMInJSVn4yhfe98TqU8Pb3sUYOvRkMRtKJsC0WWcaxME7jISIjxarJ+SAnwYv3meQURFgbv7mG/O4rryGa9XiQxzyjSoKMMLY2ECHfuY0o1s9Iwul2hOlKcchY1zpm1VQweCsadABNkCeyehfzlaHnxqPnEPV7mMdMM4+7T++AIN37gkSelJswNj0r8wvodziqkQodDKnw56PuQ4sohm1pJETtiRqi+qHBQY4L74uR/+LjfRPk3n7mWVRcVFlJEwpF5XGiK9538N0DadXSwFpc/hjM7yCjMaHHQqMXSSH8CoapQslqBY3OumRt75JnEqJvxiTdC+ePUpN//LhYjGiXlrDXtK59cAjjG+Y9tlME+vfmW0CCijmgU49SvTNKxc2dbez5ZAbzfHgG91+mH99z5Rqi+62tuxyjiEGEKxBA/2tl7KXpSTw/zj8OJ9UyVSlpENlTUK1W0ZelZUT9YuMe7+9DH4ZGsCaLN8ADScbBXRoZBILQ7VRlegKIx504xl9RvQ4ijuPkg8QTuOblq3gWzR1B1cH0DP0qiBZ2WJNfJQvftrGGkQgRWT5f2nRIdBxHPETQQkQQhkegyWL7jnDOcD/UaUvocG8uraxivIPgdGX6gWKNTGCv+sgfaDWwf1RRVJUlp1iJVqvTOTK7IUHeBz5yLCwqQeo1Pcox437389nV5X3jM7TCBN/Tl8L+sIgeqgLlzCQ1OsivMMnF+P/Ye89gy67zSmydm3N49+Xc4XVOABpAAyACQVAkGIZiGEnUiJZm7PF4yvNjZHv8w9aP+eFy1VTZZdfox0zVeKw8o0AxiFFiAEiCIFJHdDc698v53Xdzvvf4x1rfRTdNiaIaLqrKZ1ehLvq9e8/dZ5+999vf+ta3VqNaR0Pz3TxWmlJSNZXJoDgqQa3hlsbS5w/Cdb1qBa95zWte85rXvPb/QfOQg3uaz3EQCgbQkF+55eBPHiW3oCSP+ZKY86USI6IxIQeBQAg1uWbFYmLJZnTiU37KL7/6sHgLa6KCT00w5/r4k3LXqjHy+fM/+zzfJ4U0Uw6bnuH7hxXdBJTg+uKX/wKZDPO4+yo8dUfEMTg+zhP+/CKj0dd+REZ4U2pjgaB82VVZEIsqolRE0FbUbqfZp55gjn5uzyyvI8bvaz96CVcus/Z/V2p5DTGem+IvGA3XVYTvVwRdl8PdI6d47TNPkHNR2ObPU1KSvDs/DwC4dZcM/ERMapWi/29tM5J20EFDKnRQzbSdiB2H9xsMmQul+qRrBAOmVsdozCe1QdM/CCjvbZUCLQknlITcNPrKkT70HFPRtFp3q4jgqylousox9jp6n3KwWxtSl5N6ZVdzMZFklOuoNr1U5DhXpcJmkYYTDqKhz1Ty5h1hHAO+tlqMtnyCJRryhmhq/ASEoKP8Z1BzziKmakVIjMYzqqqeYFg5W7+DQ4eZrz96gEjIrZtUWXz55S8AAPy6/2rDtCZUtdKURoVY9hUx/tvKA4elQWHqdaeOkaMzd4CIwfAQI8patam++tFSNJYbZBSZUZWP0UDiqvh46gnyWzZWiCC8c0X+JuJHHDvAuTolJG0rr+cvb5ZwglHw42fIRbh5jXvD5WtvIKI5BleVRaaR/zSrE/oaIlIcHVBueXiYfT1/nhoTba3h0VG+f0jR6tgwr9fqCaFcE6olv5RYbAjZLPt3SByq+dvz/OwoxywpDsLKGhHIqWmilaYDkC8SBaxJe6Tr2npQkb57P3u+pv3VxpnIAf+/q4qfeIL9Py2PhQ99iH00v5J8nihnQS6mu3leM6J5MD7BZ9ESQtmVvsORw+RwOODnHfFthoSkBBNxuFqrxZK0McwfRpU/WsKIC0kOq5yhEzItEs6rmtZDJFy1m+P7pc44NMS92xCGkvhjpXIVrrgV5vxYlcNjWpUQVSEdbdsHenxGoXD4PUMOvMPBPc11e3B7ddy6wQVUlrlHMmZGKXz4GQmOdLWBl8vcDMKRRN8AyQhTJn/aFfwZ0obaUlnLsSOcxLlhHgreucHN8q03X9d3crMLBjkRU0luCnMHSXw0gppBefndLRS0WDfXeTgws5qOBEQOH+MCSQ/yWj/8AeHy+bu876gER6olWRqzC9go8j4/8XHKCJ88wY2+rT8q3/0OSWY/eOWrGBvlNXwRGetoE0wLLm/UBQurVMdKifwSxXn4UZa8mXiU0HhEReJ58xzh5/kFQvm5rERBJD9dE5msUilCFZt9G2mE9YdEWH9PcF5PqiR2ePCZIdGaUhauSZqyT23ZZNuBMJli3+Nx3aNIZd1Ooy9LElRn3iUNyUZaZYMdEQ1dHQI+/CGKBZ08TeJVIKA51+BG3Gibba5kVMP8w1Ov8R4zIr+FklEElCYy4mEw6GjM2M+2rt3RRuro4BLSodBSFLGQ/UHjz8OagwbhO4JVAzrw+PqnsTYa2uQ6Eum5dpnEsrb+kPgTvIaVzboQnFyTxKw21oTkcIdH+Udjbo5zMZ0mRB7SeqlUOPLri5xfMT2bUrmI69dJ+jz1EFM1YcHIAbsfweGH5ki4feRhkiF/+ArNwdZXWcpW1B+mh0/yHsaUAjLZ9aLSKj79rTxx/CkNiB9XL/OgIc0uvP/ZZwEAKZWubsn+Ny5DtorEnKo1pVEkkzygNNuQ1kFMB7SQ7VkJjkezzrW6ujyvcZjHwYO8//EpC3JkbpXnofjGLR7Abc5ui5C6o3JhK6czg7ZQ1FJFOvjrIGyy0ik9Y2sdiUKxfxzLsoyQllf5DEaGFTQ8wn0hIvv4oRzniVk937nDtZqULH06znmyscLrDQ8xQLLUsM/PeTE7w304ng5jp7SlPkjaWnPPeLtm4W4r2MSjIio/Hc4pldHkz3cL8/wuvf/QGd5DKGzvk8y2Non1zW00tSdFleoxAbaevjUcMdK4zN10IIlFIu+ReLKXVvCa17zmNa95zWs/1jzk4L7WhdupYHSEp86MoOpSQbCyonMrOTHi1voGy4LGx2ZQlQjNQJZQ5fAII5m1ZZYYGbw+JJjTLJ5v3abV6MULtG4em+CJ1y/52xt32YdEjlBUTKfvVktRnqK4VDyCW7f4XWbvfPI0ZW4LFckfy9xoZJzow6d/6R8DAP7qL78CAHjnCoVlLFKsVHifL3yA8rpnzjwHANjcZOnXzetMT5x969v63G4/krVSxqYIeDVBrV1BXwFB2BGRuiIJwnvj04y+mh1JWcuwqKTIs6po/ahKveIy2OlIZGhX6MnO9iaqioB2JW9roiQmdlIRMbGoUqtsmqf1tmRQN9dI+nLBse4b6+h0b+iOT/LTZvGK3rskOp/B+zr5+zSH/Ioe2i1B+V3+/tOf+nUAwPPvZwljnV+Nosoqg+pDdpCRs6uwRl+JmAS6fIri85tLfTJos6WyUon9lGUMExSSUqubUI7KIn0m0ap0S1CIi+ZcS+vAr9RGT2ViPiFVR44R2j925CiyUT7H6yL5ri1w7WS1XupK6TiKXnM5Rnr7D5MMNzExpvczsvbrvg3KzW/u6L55j1a2G/FzvrxzmcTYC5cvoqK1OLuXqZkBWVr3GhyzSETCUxK/OvPYcwCA2zd4jfwO76EhFOcNzf+5ORL19uwj/B6LEAru6tkWdzi+xw88ibX5kvrJsZvbw3LBwg7vI6Ro1MTSCgU+s06dkWM0JNls8Tf9hlHppS4Dp7ZVFCu6LwiB2Cl0MDVL1GVSQm2vv0lUztJjR44QgUxqDS6t8JmFhGbcXeB+Y3tRTPPIEcLmU/qmXDJzKK71ptCiZqOJjuaWo3VhJM9MlvvklmTCL57j3nRSxlN9/E3IYn+vNuKeK8hfRmQtzZMZkSwh5OCWTKRCsSi6mr9DA0RSnJRSniJPV5y8vouvQ0pL9YSAVJXycsHvaqhMNac5a4TEGzdITM2oPNtI2Y1WF0tKI80d4N+BoSGu84sX+WwMtTbiqZUyd5vtd2HWB2wecuA1r3nNa17zmtfuax5ycE9rt1pYXbyLEYl4RLM80aVTPMVWXSOMyII0pJIdRdaNVh0hSfIuLDPazA6oJEf56pFRohIRnboXF3l6vHWH0XdRVs0dKE+pE3BbIh5B5fP8ihiaim6DKq8J+oHRAZ4mF1UGNyRBocF9lAnuSKRjS/KgSdkDf/wTnwMATE+xVOm732bp1mOPPw4A+NCLLCu8foWn15ZIUNeuMm/cEHEvM5BAucT7sNS6X6fipuQ/m31SG++jLjLfEydk1JTiuG1uW7ShkjbxIJ56SqWe04wsmy0J0qi8rqPoveP20Nhhv+7e4hjfXiC3YmWNQkwWyS3e5TObPkM0YmOVBLT1hXkA95Qw9Yl4RoYTmVCneeMwtESuSkRC6HR0Drfx0LUqVZW2Kkr99Gf/Ee/vSQpKlRvmfsVopNnm3NvZZd+tLPXQESItEZURhhTF37jGfPHZS68A4NitbvB+dncl/CJRG0fIh5GhoGjVbxpJKm3rUwj076bq61zl6AMOUYugzGHQJnk21HawtcOoc1WktwHl1utNlR4m+e8nHvswACAthK2quWYiYts7ZrgkaV+Na0oRp1/k05vvsBz51u3vA3iXLIhACClJEQdlMRwXMWx5hWvKpL4VMCIoAt7kFOfc+hrnfTphJDH28dJlCvdM72VEmUwQ9WjVxUfSHtFt+/D+p8gpSZiktwiZyYTJCHNM37nCtWxGWjXZ/a5KZM1VOW54kNdOqNStsM2f11XimC+KIC3p532HHsLNO+ROrG+J5GmmT+IKFIscACvJnJ7ifhKIEBk5/QTJn9duEKn80ZvfAwCURehLiH/VEFKwsSk+hEoGXdcHWxjZAe6PRrD2CWEcH+F+UJSQ2fxtjsdAjmN7R2vbuBfj47zOhYsSsJMh1Z4ZogHDkrG3EuhQiKiIzxeDX2hCUaZvIW1iCxrrZIz34xMquixhrprIj2bRHRd6ZyRbI4obd6Oj/aGlPUsgEdLZHDZVTnrxbd7ncI4IwvoGx7TZEM/phNZaxIzrQn2S5YO29wQ5cBznM47j/LbjOD9wHKfkOI7rOM4f/pTPPOk4ztcdx8k7jlNzHOeS4zj/0jE200/+zMccx3nZcZyi4zgVx3Fedxzn19+Le/Ca17zmNa95zWts7xVy8FsATgKoAFgGcOhverPjOJ8A8OdgKPMnAPIAPg7g/wDwFIB/+BM+8y8A/DaAHQB/CKAF4DMAftdxnOOu6/4PD3oTrWYN87cvYOEOz0y5LE+fQxKaSSknmR3nCbo7wuG7M8/80ObmJjJZidiIHWzyxrkBXsNYxzs7ioSUIzcugpm61PXvlkpVTHTXbHT77HYhCzHl7lulGiqKjkxc47vf+RYA4GSHJ/WjBw+oL2KCS4q55PLEe+okEYZ9s3yMWQk4vfEqTV3KxQ11hvdWlIRtUHnifH4XgYhVSIhNq0oAk+S1UqWOK/vSKt83Pk7OgeXpzOzEKgRa4nS0ZW28ub2i6/HZJBOWa+fnisUKgorsTpykKM2+g7yvzS1GIW+8zhxypcRrxxR9FguMBIydnZKEc1QiSlWJRiGoagdHIkpmsBJQzrVbB5R/h0SKKvJkicSYQ//sr/4zAMDp088BANbW+Z1rq4zuz71Ghny9xajWrGoHxTk4+dBxjqfEciwXWa1yXDZ2M3jiSSJA3/g6raVff4sRYygkC17lo40P4hc5o2uzT8f2XteQBc7BqCoA3I4QFbO89mlcxKguFIsoywbZDGSC4n20haycPMI+plUmVthWVYaed1cS5vEwn9HwEJ93p81ncVPVPjduksNTLq2oD+THRCKaH4EISjVjeItlPsg1urXB/paLZr3L+yhL/nh2mjn6C+eJEBRVVhZRJAwf16RxVaQdhU6Lo0fxvwAAIABJREFU0d2xw6wO6Pl9SMjEKhZjHyoVPm+fa+ZELAVel9nPvn1cu8Ui32fy27Ek96SVNY5DpWgiY+IkSIBocoa59rEZIk1uII68jIMqKvN0tee8ffVV3uellwEAn/7kLwEA9uyleE9RpdxpoRAPP8KSz6zy49/8JjlMeXGThgd5r1b6lxKHIeALoqf9rKn52xZPodiRXboqSEYneO1yjT/fFBIVlLnV8DC/Y3IqpT4StbpxTcJDe4gc3JmnPPPqGteAmc69c/VtbIjX0e1bNJObFVflwMYWv7OltTg8ktYrf9/qGDdJnCaZXR07Ri6KcZqsyq0iHlU9z320Uqsho7ERMIyITM/m9nHuzd/mfNjalDDZET6TfKHU5288aHuvOAe/CeAAgBSAf/43vdFxnBSA/wD+vXvOdd3/0nXdfwXgFIAfAfiM4zi/8mOfmQXwv4GHiNOu6/63ruv+JoATAG4D+O8dx3niPboXr3nNa17zmtf+f93eE+TAdd2X7P//FvmOzwAYAvD7ruu+dc81Go7j/BaA74AHjD++5zP/BOSY/xvXdefv+cyu4zj/K4D/COC/AQ8Xf+fmc1ykIq3+iW5HQjprq5QmjUeIJOQGeErPDpLdu1fRbjoaRVnCF34JaVjteyLFiCW/xcgprHr3G2L+ZiS7jABPvtUoI6XdCk/IwTZP29WyKg4UhfiUg4yEeP1kIIOVKiOWriRlh8YZRW7I3rZb4Ql1akyyqKp8cIRibG0y2pqe0O91ivU7PMYOqMKiWlbdvxCJnss+BMJ+NDo80bZcq5Xneyxr1BADvKFIIRJj1DY1wYimpdO0o3r/jhjyX/7KnwAALl/l1LEof3iYEcXUKJ/FAclX75+ZQ1TGMrslnqh3txnpZVPMO77//XyOfr9EfET1Xtvi2FeaHPPZSeZa/TGx+hvM48bEFK+r5rzV4fXDYsi77RpciffUGxyHuPK1n/3svwQAPPwIa9/n75L5XW8y8nvzjW8AAC6eJ/ozNcv7q6haw6xc23oGEeWau8obpwdV19/cxNL6on53fz0//Ix0unoNgM/RbUkuXFoTDSEAjhjgfsdkk/maSRAFsejGJGpzOUZvxVYDOzVVE8h6O+LXc8vJ1jfJa3QbHPushJpcl+8LptmHrW3ZTC8w739nkTnn7Z15vl8CV9Ekv8etSvIZHLdmp9Ovrgj6NWbS3JiQhXlezPdKk2vW2PWxKJ/B1CRRjpUVs3bm51MyIiqVzJKY9zIzzQh0Z4dowFBuCF0Zh22ucO7EwtIzUDS/rsg4O8SL50bY17feYi59W2hXa0dCXuJ9DA1yHdl82SN2fjxLNGhL0fHq0hqqQu3OnCGyBhjayTl04y55US+98kX2Mf0rGichCAVVRIijMDFGDsInP8H19aNznLvFHe6nAyneY1ClNbGQDz7pwVQlyFUWFyfgM8txjk9baJQJErWl4xCRFs3VG9yr1zfnAQCH5ljVMDnO+bOxTm2Lq9fJi6hWOQ4Vic65TghDo1znyUnuxWlVI+SCnKNjM/x9JsNn0RaCsLbG55qUxoRpEIyNcH89IJGpxSW+T/IGCMtczfHLbj2XQSEv3osk3bckzT08xLl5+BDvKxzmPnpngehMbjCF96ZW4edTrfC8Xr/5E373fQA1AE86jmbLT//MN37sPV7zmte85jWvee0B2s+jWuGgXm/8+C9c1+04jnMXwFEAewG887f4zJrjOFUAk47jxFzXrf1NX+44ztm/5leHarUG3jx/BQnVzA+K9Z9VXtBMXVa2maeaVyQ2OMjIKJEcRjTGE2pbeae4kIOSpFaN2b6yzIigWOSJ1eQ9G3r1iy9gKnNm8hH2S9/ApEkVOXYj/Hl6MIlAyAx1WnqL+AtS39vJ83VLuUCfUI6I7H9nZxRt7OF9LUsJbnKUUV1blQZxRYz791Pd8fI7ijC71f6YROM84eelMmjyXXGx1IO6xugoI5t0it9h2gp9O2yx0iEp05EMr1+R4tvyPK+/eIOR9xs+yjdPjU7g2ClGRIeOMqIZHSNKUdiVHbCqDCKyP90VE76QVzWCj5H0lMxdQuIz1KV6GdczXVxjfrwlensoYHbKvr6hVFd5+RdfpGbEo6fJ71jfZGSwK77I5jafzcoio9ZEmN9dLUh+Wzn54RzHLZ/nfBgfZhRSUz49npjVuO5BpSLdDuUxqzXOsViM87telwaDuAZNjUsqwohpROjMgDgo47KsHhnhq9Xzh1Wl0GhYNQ9fC8Vd9IQ6tM3uVmMHRVt1Mb1TkuytSklxc5Os7bsLfF2QBPhOgVUbVlMeUUUBVA1iWhRmnwsxx9ELAD2paqoSqF6TKY/4GvNLNzWWnHtWrdIVB2HPLMd+fZ3VL3Gpd87OMmofkkZDwC8kxpXJligcrXYDO2LE+xXv+cRXqInJHgjy2UxM8PlvbRiqyfs1Zb+0ZJVHNEcjgjFa4u40arJGv8R1sqL5trFZRSbL9d7tmZ6xOAEJIqS5jHLjRfbp7UvM1+eyXIMxVXm0hDB1JKqQTHI+nDpFjsWlc2+oT7znATHwQz5fn4sUUCSczsiq2JRUdU2TaDfJ71SaUX1LlUMqJOtzcuqq7mk0eA/v3GTfG5I8T2U4pw/Kdn5mzyH4Axy7hgzHskIIoqZSKTS322Wkv7JCNMyMqnomja598sjDrH6qi4tkeiGZDOdZQQjV8grn8mBuAD3xfnyyi16WXHwwJJ6P+Ax79koHZN8sAGBraw14jzQSfx7IQVqvxb/m9/bzzN/hM+m/5vde85rXvOY1r3ntb9n+Puoc2LHnZ0md/K0/47ruIz/xAo5zNhyNPDx3+BgW5lnPevP2wn0XHxxVlDvG03k6x9xiV8nKdq8Bn3KIfkULjkyMejIfcXQ6j8d5Op3bz7ydmfRsKGKstKQHIGXBQUVrj54m77JSNGZ9xG4AAJBIxVCVjoFf19hZZtTgSHe/KzU+41CY90utzMh3J8/oYmOL3IPVJf58Iseo3nTfbfoMi3tx6pTYvLs7mJlj9JTKStNdugemBmZRVFPqetkMo5R6TZyEmjHmeV/lbVaE7NHYHzk4q76rmkPoyK3bzD1fl/bC6vJZrKwT+TgnHfszZ6iRkJbFdF3Jv4Byz29fImCVy/G7HjrC6H5U6pRt5fsDmhh+2QhvrHG8TK3SzJXg8/c5FofmiLI88wxNeMolPl+zRx4Y4HPeFu+jUuQzzEaIdjz/Avs+Os2+RcVSj0VlLCQdgI6+Lyg/hYdPvdDXhL+V4POMxUwjgpFPLism+/gsAGBylDnysRHO0YyiU1NnNGZ5ocActSTmURLCZrGH3XvH9feNkWJpzqGUKkkiUopsKuL71veI/CwtEyysVmWgI2TBJ35IIGj/Ni8GNhOpDAgpcMUjMVOpsC+FsI9RI3riTCgKrTaIRt28Tj2PsSnpNGhNN/T8IyF5achkLamqjapKUVaWmP82O+C9sxzPwwdkrlYuoq41avoGa6qgEYCAZIZrbmSEHJVgiM/uwy+yT+GIqnIK7HNeaqDXr3PcNtbn+fsy51NZ9HdHkWenl8awdF3MktgQhFSGczEppcSwKkTu3uX+MJDlGnvsMfJluuIXGWIUEZppSNPE5CwA4OVvMxN85xbXZTwU6Ct5OqrqMSTEp74Eda3xWV4joEqrvKACR34hpx97Rt8pXYRd8q/uzMugLU1kLSo0LBzl9WtCWM6eewulmimc6j7kQWK260HNtX37pnQtjqU/Z5o2QvFkimcGS8sr7EtPe3VXaqDxOOfV+IQ0GIYG8fYljm0wzDGdnOb63tgiuhAUF2NzS1wDoTBHjpxE9Dv0ynnQ9vNADn5alJ/6sff9LJ8pPUC/vOY1r3nNa17zGn4+yMF1AKfB0sf78v+O4wQA7AGl2e782GcG9Zkf/dhnxgDEASz/NL7BT2vp9AA++vFfRkFuY+UyT+Hrqii4vcyIcmmVp/REgmerwUHm7DqlNkJBRvSHj5CxXa0zijJHwIo4Bla3O9BXBONrdognwLUtRfFF9uH4IebERnVCzIvNn5WKY105tGwui8wAT6JtKTr6AzwJW3QdUqVEXWx7vxzwQqr13S2QVbwklceIbGPrO4w+ItLHTyUYEcTkfPbomad5TxOTKKlGeFOKZo1djkt+W3lJRdUtcx9TrtisiNvmxhhh32plPpNIUCx9aQxsyyZ2O8++rq9z2rhgXjCa6KEh9bhylfd16QqnkD/IiM8c/KJh1esrvzk1yej84CFSXsylsKvIKCatBgtTNzdUoy59+IBfde9w0HMZ+UxMMno0V8HdgvKTHdlJS7fiwH5+Z/RTrC1/82XW1L99kfX762J+h+K8h6kZ6hwMDc7yOhZ6quQ5Eh5Ep8Nx+MhHPgUAeOQ03eHMmtb8ChxtC67LeWKqlFtbsrlVbb0rDfe+bpl+7reQQ/di1sY+n9O3+x6emNJY8bMDWemAqLrglqyFC1eJGETDWkcRjlOrw764HXPz5HXN18Evrk5AvheOnlEwJKdIRIEen19U2gdJOT6ev0Qm+7nzVFV8buCjvEZcmhyyk47HufYMOVgSC93UT4NaN2NS9zswt0d95fCMjo9icZ5ram2d8zih6puxMUaKA8NcYyub/H2hQASuJJRveYXzvaoKpLLy142W7KK19kMR7Q+qdoAjpn0ngalp7l89xYohVT71VCnUVrXOgOrz/arCuS5PlUHpwOyXM2ajYTwPrWmX4zE4SBRkVNUA71whsuIfyCDi53sy4imUtb+JtoN9ExyPou6v1hbaNcpoO5fj783Nc13jWdzR3INQHnlYXF3guK2tkaOUkLKiG3hX+TOufaGpvyptaazEhNZks+bOq2oN2dGn0lItlCrs0jKfsa0X41HZXtcUemQIwuLSMhpCjAdyGY0Z0YdKme9tNTnGCakwvvEG/5Rev34dheJfl33/2drPAzn4rl4//BN+9wyAGIBXXfPH/emfefHH3uM1r3nNa17zmtceoP08kIPPA/g3AH7FcZzfNq0Dx3EiAP4Xveff/dhnfgfA/wjgXziO8zumdeA4ThbA/6T3/PsH7VilUsP3fngOfqn6hXSCtAgzm2XuNRpVFYDy5ptbqqkOd7BvP0/H4UhK1+TJtV5XnW5XDNi0KbtZLpR9aMj50er3J5RjO7qPkeTZs4wc26pmmNkrRUEhB9FEHJEYo4KQcuEBx06o8mVQfq6lnLFfSEKlwr41dVSOCxEw5Tefy+hka5tR+u4uT/FJ8QWcc5xOT2U+gJl95ByMTjKPW5T+QFmKkevrUspT1YUpHO7uMopNKiqvVhghzC/xvtdWyCDfknphsW565jy1wzFlRd57rdNAU+p7lRbzczX5MCSSjHjMfS+kaNOnXGBNDO+pEfY9JhZzPMsoI6yadEMvjDEdS/CeXY1vMBBBTy6VBZUK+DS3SnLHm787z74IUUol+Ywy0sc49TAZ3z86+zIA4NL3GCl0FXk/8hj78MLz1Orvds31ksOCpgtXdddNWE5YPgR+vrYVdVn+uqP3a6ohlgred21Dd+o1zptymfcW0/xrG8NcvvbdXgP5Mp9BOMEc+rTq74NhU2Nk+9jHfpGfVf7/0vnvanxUMdAzHwipUqqCwO0KMVBVj9tl1BtWztpQjma9jnCAc2VoWF4HQlbevkxWfbPN767VOc/T4iR0nPsRE3OfNHZSShH2+JiiWuXPi1La7HQ5Hs88fRzprHgs5zm/c8pbp8Vk76quf01KoG+dpWphXvoHPqel+2MP/OI4pTVHA1IjNO5FUJUFde0F0UQSGaGRpqvX6ls4yuchRVRzS2qVrR7H3J77175OdPCTn6L+wYw0RipCM6Jp9UXr55gUWLfkeeJHr8/LmJjgPjCqyqie9rUb11mdEpHy7LFHHlGfeR87GxwfU2vtew9oD4umbV5w7Oe0n8bi4oIFVSUW6qItpVNHXJlAl2uw2+FzTkghFeIWFRWpd8W12d7gHD/7JrVYMlLaPSwEcsAcRbUH2Ny/Izfd+Tt3sWf/LAAgJyTZkZJsRu6lG2scc7/m4GNnHtU4XXvPvBXek8OB4zi/COAX9c9RvT7hOM7v6v+3Td7Ydd2S4zj/FDwkvOw4zh+Dyof/ACxZ/DwoqdxvruvedRznXwH4twDechznT/CufPIkgP/ddd0HEkDymte85jWvec1rbO8VcnAKwI8bIO3VfwCwAKDvfeC67pccx3kWwP8M4NMAIgBuAfjvAPxb13X/X1UHruv+tuM487rOfwGmRK4C+C3XdX/vvbgJ13XQ7YT6XvJ3Fnka3VpjfrfaZHTqKkKYUZ3zQw+bWlUMOTFzQ2J0t4UENBQ9RaIWyrX1bynAmY+9jMn9ssKzSMKV+972pnLqKXnEu1LhU5QXiadQqyqqEqO757dryu9AEgkHD5I1feLEUQDAipjNBeWIuz3ew/Ii2ckd5XOTaZ6ETUs/2I+CGcVvri/ACbE/o/KIH5a2gF9Kh/EkT+OVspwu+7lSfndOeb2lZSIFV2+d130y2qsov2fEYldqfY6re1QOPxJJIZvheTUV57PJyl3OHBEXlhXNBqy+m32rbwvtkeb87ASRo7Tq/S0aLdYZ/Vv+s6366IAY+LuFfJ9zUqubq6L8KRTphaN8Rt/9FpncM9McrxPH+GwyqhR57Ckyw0uvaKw3eR2fnAUnp7LqA++/p3G4ffUWLlx4HQCwZz/7OTQkNUJpMPQ6un/NrZqqXra3OecKu4xWigUiBDt6ZgVpM+zdw+W+dy9RgaJQIj1K5HfuYn2LqJPlwMeniMpkNR+qJsKgPPWHXiASsiMHzVsLrDix2nrz2LAto79ziC/hyBGwq18E5NHhD7cQCbMP/hCjzUuXWSFx947cFoXe7OxyH5gU2/7dMnJeM2F9bzAyHsjKM0A16rUq+xgTmtjt8AI3btzBBz74EQCAL8jPbu2IoyN+y/AwI8VnJ1ilcugYOStf/crnAQCL8ggIGETkGodFco9dIS3KIFfbHN9CmZvA4SOH4RM3oNHgmkrIdTAiyGhsRLwHoXPmjxGRH0S9QT7Qy9+j/8cnPpHUeLGvJd2/PYtkhnN7eg8j6dXleRw5xrU1OsBIeY94ELUyn83dBfI5Wi2te/HBbt7i/mAVA8NywU1oXQW0LkwNtCp0KypdjeEBzvVSTbn8bhPtLteoJbbDQtiqDaO0yb8kx/t0NCHW17iPdMQhMGfYFVUJrYuTlJFHw4nj3H+t0qBY4Xpptlu4e5uVHI5ca636wnRtTCOiUuJeYw6wTz/7NM7ffBvFyoNz898r+eR/DeBf/4yf+SGAj/yMn/kKgK/8LJ/xmte85jWvec1rP1v7+6hz8HNroVAYM9MH+pHToYPMa11XviuvWn2rRBgfY+RlgcT29ib8IZ5YB6Rpv7ou/4EAT+rGJF1S1OUXq9yYvRWdMtviM/iUP7qrCKHR5Cl9d4OfL1X4OjnIaLBWryMt1a/8rpzs5KJXl9PZ8aNEOp5+5kP6bkYX01J2m5wmk7xU4mn08iV6MmwskUG+sc7opi7mbL0qlm7GNPcdrC7O834L7O/0Xn6nL6h8tU7hAY2XSLeoSUWs1WZ+852bzLE6qjUOync9DEYKUSnpZZS7HR4hUjE1wchjIJtCWsp9MOc3oSzlKvsQOcf8/ZLy/kHlRmPSyG9IU2JtQxr7ikqGxaCe2csIaUbKkl/5Ak/za/M8/UciOfiFDNSkZzG/wIjHH2D/o1HeX7XOsf3Ra4xe987yuUZjnHMxH8fn6HGO5+a3vw4A2FVVSE95T0NBglJ9HEiHcPE8WfhLy/xO83PYM8N5vi3VPPMlCMf5/BfF87ik2utw6H5FwVyOkeXe/QIKFb2HlAgP+c0p8C7Q4/1fu8YxDyoq+8iLZLBn07xWQ6IJ46rvf/GDvwoA+L3/xHlRbxLN8un+TOXTUf13QIp7fr95kKhrflNSBAoVXuMLX/6PAIByQShfw9RMxRORA2JTUXeny2s7DvseVs64Ua/q/VxPFlnHQ1yPlbJxf7gGgqECbt2ZBwAsrhIZSav6aEt56ze+ScRsRvPgwH6uzV/73D8BAHzpi/8JAHDzmvwdxLAPSEnPJ+0Cv/aXgCLR6QzX0b59c2grry/aBooV0wzhvjeo6Hpyms/GifDZRHV/Ufl5mELim2eJwNjGODVDN0JHFQk3b3EfOXaSiqUHDx7EmDRjoD1qXZoA61INNNXJqtbP2xeYz69q/4up2qlT5OesOsWXUAWSCmrWl+cBAD0p0ZZLRODaQnITqQQcOYW2OuLUFNmHqjQiMtpztjbl+6I+Q/us6YkIDEZPKLDxaVZqnE8FVa4l1cew7qHRbKMiVc7ieVZ0jI7wb82UODrjw+QtZKY5biEhsrvF7T5i8aDt51Gt4DWvec1rXvOa1/4eNw85uKfVajW8+cZbcHTKnpYy2tAwI8TpfTy9BZQ/3t6W73fXlOLyGJWjm3kKbG7y1JmXRkBTrNxgUFGsdBB6yolafq6rGvGWmPV371DxbG11nj9X/vKN11iLPf7iZwAAsXgSI6OMLrbyPKE2dI3jx8hoffrp5/Wd/A6LFOLyurp4gfXL+bxyb4o+sqqhh6P67hlRpKUDvrjIvODy4jLGpxnJz9+i2uSFy2Tivv+5F/QR0zlQ3le8hckpjvGli+SXWoQdC5qnApGBuaPUlE9lGVFZ5YGx1E1xrut2sZMX+1heAT1p5EdjfFYzE8x9BuUpUK8S3bF8vSnnGTN4QzXnMak/hpTvHBB68Wu//l8BAD7/BzQWvXbjAhIZRk3FIvkJL33vOwCA9z3F8Qgp0jent8VlIi4//CFZ+u9/gflJn9/0+4kkjEwyCtuWg2RDSm9JeRa0G9JxT4WRyrD/C8tEofJ53sepE4yIjh57EgCwKzfBnR324eAcx7qqny+vci6PiVH+vvdRlQ5CuzY2uC7GJmYBAHeucT7t7C7DtWoDhVEXzpMHMT3B73jmqV8AANQUpW1vcb0cPUpNhueeYTXzV7/5OwAAx8/r9Yz5rTnsmsaC+CKRFMfN7Sp67zRg8gzXbjIK9Xc59rGY6tvlkeFr8eeGToTD+iCs2off5TMtkxoj68VFjldPueRohHlic+cbHZvo1+Pncpy/Q2NSChUxaOuHrJyoyFtElCQ8dIrj9clP/RoA4E//8+8DANZXiYZkklIx1Zw3jkZZlUgzYusnkhmUxfOwvPbCXa7jsrhHcTkgZpXnnp6wiqyerk0EJSjUIhbjfrkjVVOfn/NlfJJr1fQh6tIqabV6uCj9DqfF/pk2Rq1iXC1pJeT42VSSY765zj60miWNE/dbR9yLgNZ6UNaplYq0W4T2jI1yD+j19Ez9IbRV4aIpg6T0DNIpc1bleBlStHcPn6chh7dvc88qlNQnva+vOWJrU/tyQdVBESFtHbfbh7qiqlprS0m2JZSnVOZnVld5P8ZpSqXi6Bip7AGbhxx4zWte85rXvOa1+5qHHNzTet0u6tUiMoM8raUy5pnA0/jZH/BEuLzE3HM4YhEGT+ejIxN45BSj8rVlnoDPn5sHAMTDqvXuiI2tY5lpo4ejOp0qcnT1aLpNRVCbPIV32mY7xuu9/QpP5QcnGHk8eebDGJkl8/fl15ivP3GK+emHnmHfNmvM00X0neN7xAwWgvDNL/8FACAghbTTp5kb7Er9cWiKJ+iBDPNdVy8z37mcZ47dDTaQE5N3epjRwtvfodv216T9/gsfYOVr2GUkYG6ESdXSJ6PMQbsdqT2CPx+bYATt+Pm5Sk0IjPQjAgGOVyLKk3Q86kfQar5dqWw3ec3VRdaK+1XXvUc11tW6VNY2eU2nx8+3xZSOK0e4Z88sgHcrU0zDIJdiBPYrv/7PAAB/9If/AXcXz3EMpeNfLUkDQVUWrtjGYUnCRVVp8va1lwAAo9N8pseO0mGyXOY9nNx/BgDw6uvkExTFPUiOM8prq+4/FAohpsqYgF+VDD4+i9fPfhUAUJMv/eFDRJiaVdV1OxyXg5PUWhhMcL7sP0BkzRdmpLW2zqhteEyRYZt9uSXOQr1dQ0L6/Enl83d3uba++5csOJoYkyLcOJGRQoHPYEUM+ac/QOTg1iIRk+vXz2q8uF58PYveeY9Hj1BZdO44894vfYeM+lpjE7GwXDfFaA+peqGnyqKA5ly3Io6A3ApNPCIYFpenXwEg9dM6+xIK8V6nxIM5fYrox/gYx83t+vp5+gGpjVZ22JeRAeaWP/IsNd7eeI0Kme9cJAJXVsXI08/wmo8++iwA4IufJwdhZ4vPNiU+wG6F8ykmFGxkgFyObsuPmNZKT3uL5fst0u3WVfnjcs4tSNUx6Jc2QFAsfSGMQT//DYfPMjcphKDGZxDQM3LlA1Iv1LC1ys8k9Uxc7ZORMOeQgFasLRD1coRWRlWFENGzCMdVeWNhr/Qw2kJMDhzgvjI6SnQjInVM4xl1WoF+1U5TqKYZefrUiZrmRy8rD4Up457x31lpVKxIYTYvfpmRcVpSVKyposB4MsUir9uoun1filCMa6+nzxZ3N/VKVLhS4r4Zj6d07dF+pdaDNg858JrXvOY1r3nNa/c1Dzm4p8UTCTz55PswOsnI751rzIPNLzIiNleymVnVce9alMphPHxoDm+/TXaxuWUlpcyVkS774gJzjBXl0oJCDoI6AXfEPQhLE35wRI5pyqH57VURZlUn4q994wsAgIOHTmF0nCfZo8cYZZ44yYhvc5WnzlBUznjqd08s27feZBS2OM9o7pMfZ3Q/PExUYrvMSHtqklHOlSusOf/hj/6SA6g8rx9t7JnhCT0UYuRyQE503/4rRsIBMb0ff5x+DJDS27JY25PS3n/2aeagz77xGq+t6o24olVXXgu5wZTGhZeL6+TdazVRVTWFI637SkHPQLoMaeXir6tmGtKFOHCYiIsrbfmIeA8+Rb0dOQSGNY5x8QF2jYUsF8yPfvzT+IM/YLTyrbc/AAAgAElEQVR1d5En/olxzoumFCKjit5iUl/zSd0yrPu9cO4VAMDhA9KvFzdlSFUqs0IWtrYYSYwxuEdNLqEhXw8+6S50zcEzI0fEIFGGmzcZjQ8P88OZASFjinDSKT6zoRFGn3XNvS1VcaQH+AxCYY7PW4p2y2XVxfs7cDVmDTG8Y0Kv8nmul6999UsAgM9+lnMsrOi7LKTFOCof+eg/BADsSFFzV/wJKHqdUo395z73TwEABelLfOfbRLDcjh9NcQZM4bAHzpmIOAc+cVDaDhEynxCUYFA6BiIt1Ip8VoMZjttDQur2TLMPuTTnckvaEzVxWtZX17CyxjV52nkf71eKfjVVGuWkbzE1yfU0rxzz0hLH6+WXWRlw4hhVCZ97juvl0jlyOQrbHB9T2BubUuWE+CP58hZyA1zfC6rD3xTqENHeNCgeRFflByvSfWk0pNInr4WgkFQtPeyXemsuyfEzd1hfMKj3yR02N4j6Dse0WeF77A+T0/dcURWOPtNQtVNL+fVQ8H4lSJ/US1NxfYfteTHOt6T4A7Eo+5xO5fTvAXTaqoyS9kR+l3v1letESKt186vgXFtb39F3sA/b0kepSyE1JH5DWXu+VawFxVVx+1o4xjfroCNkZFu8jWiY166Xuf8n5cY7JZ2QtFQYM5kcgueFcD1g85ADr3nNa17zmte8dl/zkIN7mt/vRzKdwde//m0AwMY6oz07dWZU75sUgzQe5qnTdMDTqRi25egYVg4skVD96S4jm66KiU2xy1X1a7nG6Nb0DkxJr61IKyG2cauiiNPHU6iMvFCp8sT9+S/+MU4//EEAwKmHyD7P7/Bk6wuIba1ofk1Igk/KZW+9wbz48eN0+JuZYcRjNfTmLlcu8XPfe+nL7FNLznnK323v1Pv552iEJ9qRIZ5wDx8lgvD22/yu2b2mRyA/Aun+3749DwA4MEfUQz9Gq6Zac41vQ8zwtVUiNqatXlClRaVQxews886njjA/v7utOvYQr7G9zSjsslzmTp7i/Q+PM6LqiPE/NzMLADj79psAgM9/nlHugSOM2p5/nroRMSEGW3mxveNZvPCBfwAA+L0/ojJ4qWQqauyDebuPTzBKa5legZQmd3aYa758iez1k8eomLe0xshw3z722RHi1BXC1JQTZzieQjzLPGtP6oPmOREOKZITutUUzyWdUR2/5nBJUfrmAn/fFas7kuB3Li1JUbRAtnuhzH9nsor+qi4aDYtkTcpQXAv5O9y5LjTq+0SjzjzFMXVUhbKrqGtIKpXPPf9pAMDnP/+nHL9x3uNv/AYrRqZm+WwufZ3aaX4hVrnMOJot5WujXFNh5Z2zKT4DiyC74L/94seko5wXzRZRmVNHqBMxNsHnHpW3REvuhNubjMQT2kduXONc/eFrL8HtqapC2gof/DD9Cdy2UAypLU4LrVzb4lpMyWOgWubzvXmdY/7QycfZlyEiSufe4FzdWuMaLZflC6N/D4+Po1rh3nNbqnzxOK99+DC/M5nm3rOh/aInz4W09C2SaXFTxLUZGiaKlU2TWxEUMuNTVL8pX5WYot/h4SSC0gLYKllULS0S7ZtVRd0dsfWDQvF6qnqqqIKgK92YkBAGvxQxw6qSiauyIpXkuParRAbNk2Wn70cRCpnnBPuZypI74o9adYaqn+TW6HfkrRLjnmcVOWtSnl1f5z7TkNKu49ga0DyTroLP8aEtlcW69Biada7VhBw/c+Km2TVML8cUdt+L5iEHXvOa17zmNa957b7mIQf3tEajgavvXEW1LMW/OKPZrPI5fkVlFhGEVf8bFgpQa5T77mjLK+bTzgi6o5pp6IRszlnGiA3o5x1FfK7YqdvSWo8LrViSlnY3Jn0EqdlZvffNG9exf+/j6qdY9OJGzO1jVHXjNrUHwrpmRFwK8wp47HEyoGt16ZDHeZ2A8uAvv0T9/61dau6HFN1WGvIRbyVx+Qqjo+lJRm6u6vgPHmB9tSm1meNdS4zvdGrovj5vbjCimtvLuu7vf5+KgK+8ygi6A/7eOBjmlKkUJQ7sfxyPnWRkl99h1NrtEl2IK+K9fZWIgSsHvBMPMWccUf7fH+ez6YkXcefuOwCAYpm51x+9yjzwmljen/rU5wAAiSjHe2FxFUNDRGFOn2Ju+dZtRnpmgNds8Tmm0ow+BwY455pN9jmg3OqtG+zroQNUNwyLR9FSmLKT5721pALZVTTTcbOYmj2l/+d3umJyd+u8v3FxS6JSlKxLI6Cr57ogLkqpopysX5Ukchss1zke5lWgtC+qUjsM+3tw2uYUyt91FBkFVfHRka79pQvkWOQGicpN7+UzDAudWtvgOhibYI35Rz76jwAAkxOM7iZnOF92i7yH/I6Y4HUhd9EwEklee2JsVP0zjwmpCfpUCz9JVGZQPicJ9aFUYF9nxxlBR2TWt6No13LW5lVwQQqVt25z7g4OtVGTSufCMvk+21tcezPT5Au1VcUyMcPqhcR1zr31Nc6fvVJMtJz7pjgnjp7NQ49Qg6KhfaOpedSUNsvm1hYqWufHjtPHI5fjHKxZpZQ4On7V0g/LLyUtxCAc588bcvWsa4KF9KxNfbAt7YqS6v6DQqpa6CAkPosjNKHrY/9mxon6GdeoVNAeI6StLd0Kc6ItCVnczMvdNW5cBH7elAe3tzkfrl3n+yKRZV3W6buKjo5RlTEl1U5TDl3d4DqoVLl3zU4RWRodkrtrSOuiLbRG39kWMtDraQFKN6PXtT2fe1fP78Dt3o8ANJqcB3EpX1Y1b3ZNI0HcnVgicY/ByIM1Dznwmte85jWvec1r9zUPObinua6LTqeDI4eZF+9IA73ekGd8W7XCyv/7/Px9MsF/37h5GxcuUm2tZ5ZeKhZ2TPtdQlzGRu+f8fSLjjgJDaETa2s8tR+b2ac+8DznKLppuDxhN3VKf+r5pxAM8ES/tcuT7ZBUxQqqjb14nn08doL6BeUYT+NHDpMJH1W+bmeLucFMiifplSXmJO/eZq2xVWnAJxRDddG+SBelKvOTN++w4mO/aucDqhV++GFGsefOMSc6P8+o+6knn2MfwuxzXhFAqMc+HJOvxdaOVMhUWy4htH59++GD/L5nn/0Qdrf4nrycEEdGea3lFbKP55fJ0s8NGXdEOcO2KeJxPPM7/PziwnX9nuOWSur5X+e4fuHPGaV85EVGs+FIECW5we2fYz7WFBB3C4xghuTFEQrqPu3ZSPHtxju836KU49bWxIdJyPe+d39UYkpqAeVmHTeBYdW293RfITnTBeRk2azxGo06kTOL0qrqQ1cRTiIqvQipEdaUJz5wgNH64AgfxvnLjJQra8yf+qP+PuO9Ky6N3/QJfOIeCIUrVzhXX/0huQdB8TiG5HzZavE+8wVe56FHGSFH+u6XXKtVqdRl04z6z5wmcnPh4psIq+qg0w7rs8y1HzhEdCuTZs55aJiRcr3Eeb6zyag9LC0Kn1vXz/lMS1JBbbZUx19RVYsQlWee4RzO5kJoaE+5c4fPtV5jBBvwcyxdv1j1iqyn5bFw/SY19zfXGRnnBtnXcpmRd1SeFSK9oywH0m6Pr+bxkUnF+j4w0BpalArrrnxRMln+vtuwzYsvbc05n1wmje/iaP9p6csrLaFZ2kcLdc6X8TQRm7rbRl258o44AT3XHDMZtcfkdzAyLMdURc62X+7VutoSL+a8tFf2znB9lEvcC9dWuYaHdc8WZDvaQPx+Hxztyh3tydfn+bzX14UYqP9Tqmrza38o67lvqeqjULCqBfOuMH6R+YDo3zBHUZEUeo4VfsFRHwRSo9Mx/wbtuWaIAee+978XzTsc3NNcF+h0u5hRGd7qMh9yfocPOSTils2odpsPqCRJ3GazgliMQxoTU7AtuLgHmXHoj7mrheOzzVukwKCULyOC3esiotQafN0zR5jt1tJ19ZqL6dgR/jGZGj2I7U32N2yHlxgnzhXB5xB02xWRxsg6A1mSA7ckC21kF1d9Pv8GRZU6siT2Bc1ySiIqmuSOv4MO2IcLV1hqNTo1CwCICnstCJKdnuYfrCWVeF5+m3+oDx8ixGklnlVJrdpBZ0JCMmbsZPKhj5zk5x4/80HdSx3bEiFJDEjCuMaDyNVbLPdqd7XYJ3igiEuael1EzuQo4fb1DW7cxR3Oi7DDe2hU+PzNdvj2DaZUXolxw37f0x9Etc4NMhDiJjchqVUrZQxo87Myt5Qg74sXL6qPnHtmD9sRnNqSWExAqZ3tLY7Hzib/iGRlYesH0Fb54+6WETK1ITqSnPZLPjjK+2joD4hJUsdjKiNrGuDI5z03R/h13yFC3HvnCLPuP8gD7Te+8WcAgGtvv9ZPj7Uk1OIaa8ux9JoMkwRFr6xRNvzVHzCd9PyHSOxMJHhfXVfjVpFgmYlIqQTy1R/+QN/NPxa/+El+PpfL9Y2FrIztgMpErbwtmZTQlp7JnVskhaZM5rYt8us2/+CUZV1s5OJGi+NkgjZDgxzXkUGJj01mkZN9+JlH+V1LyzYuvLYrclxNf2APHGJ64c5tPl9LDW2rdDqoPSqj5+6otHP7Ku/V9qem5uNuqYQOFPxonScHeBAbliBVQHB621HKTn0Kijxtdtlm4FQB94d6WwGMDpvDg+xTPMH1VCzp4B8O9IObngyzqir7XF7lXHWVXrMSXiv7mxFJOBTj/ZQb7Gs8pkOzaxB/Q+MzqFf7uQ5NWk/1Rq0vi9xT7iuiw/+ZAzxYDo8yeDDhpa6kmzeWmWZtan9tKrfZkvRxU6mBjsbZ79h+qZJGrSed53hfSm1FQvcTEi1VZRL47baRGQOA4+C9aF5awWte85rXvOY1r93XPOTgnhYMBTE2Po6M5C9bErvY3uCpta4TpYkftWQ/OzrKKCUQcCDeSz8iMoGhriIh+C3NoFO3jokGPXUVIbq9+6HO7R2efPftZWScHp9lX0pm/sFUSGmnB/uqUclAb24y+trNM/LN5mQwJDLg4KDuV6dPM/EZFUFtVSWdZoKUkL+ynfa7iigCgoY7vTbkpItqld9pQkm/8AIjt1DIolX25YUPfBwAcPsOyZJrKvuZmmYEEJUsakfn6oceZlni5AQRBLONnZwhErG4yqg/v9tAdojRQrvHa567QHGeSoP/jgjKz8qqu65yLxM/6krMZGWB8GKlwggxHZcAi09RvIR94mFGohfPM2pNJuM4eIhR6Xae/UoJJm61eO2GJLhV5YTRIUbjA2miWHeL/O5chtc2mdhGi5FVSJbP83cZIeYU/WUfUjlmbwdo873jQyZWw7nWU1rB0IuOyijb2h4iAUK7LUH1fsFbVi42u3dC98nrrq8x0h4d47P42Md+TffYwvwdoldRlQH7FZVa5AZXUL2MZ8w2eXmR6amzb/AZnThNw6qoSKNtEe2sdC2v8lRLgS0ucw7vSL57dnZPP/USVGRfUkmfX0TCnAy1bl0lmtXU842m2YeF+WVdk+urJgJaQ2kbv+4xoLW+tc4+bqywz/N3Ev0xH5Xx1Haez3Egy/kwPEf0qdJgv9MyEBodI7qVF2HZ7LEtbVBXpDwmESUzhKtU+X4ILchlo6grtbGu0tt17Xd+GUxFFJ02RVw1caioSHCdPulVyIKeacAvSXPNp4aMvOoV7pszEvAZHx9DJML5Ghvh2G8pnZjRs1lfZmorJHJ0V9F3SSWODaG4ZjK3W1ZKrMFnEpQxVyQukTERpEMBs7TmPcEJ90sY/ULKdsqSS1Yq2C8BtlqT39GoyPa5y/ljJY4+vyWNzdSJr07HoH8REV2TO1Zf/A4sTeA3RDnIviQSHJ9M0sjk/H0ywfHrdpx7ctUP1jzkwGte85rXvOY1r93XPOTgnuY4LNdJKBrpNHmCDCiP1yryNK5AAG0RjZqtev/zZspjyEBbFqQKrlFv8L1Niy4cOxEyIjyssruxEUaOJqjhqgymVuXpftBvBEZ1RoS9YqWITEJEqyajhJsSlnECpiTEU6nlKZsKV03u006elku8InIPdMLt9sSrUG6+q8gZKgWstet9wlksLhOjdUa+33+F8smnH6KIT7OqU7aVjY0ymiiWmNdf0+eqOiknhBD4XVmUJo1EyGe1uiyb1Cr7Mjo2g0qLOeHzEi8qqAQxYDlDkfhiEjepyNSmJb5IXUIzS0vkKhhhCV1De2TQJKOenk+cDuV7L1x4HXEJyUQjRDF6ihraikZrNY4XJBhjRMxHHqa8tE/lhW7XxLNEHmzJDlh5Udflde4qP37mNMcZzTzefP0vNTaKpiTrGokx6mgrooknGa2dPsMSvkyAxLFinvPEJz5MR1H+isp1w4pqx8aJ5pQKnC/ROKPWZ597ERsSwGkrP9/zGe/FUAx2tyYToIgIrHFZ9s7Pizw6SlRiZh/XR68rsRsRHG3emPhYRlLR21v898jwMOKyNb5+nZH/I6fJOZlWHttktyNhzvNVEVJ7ZV47KjnqrMpPU9pOez4r0eM9tYW4FAsc9+V5vq4HiujKhOh7LxGViyZJfnzxw+yDX/ffa7MvXZWo+hWd3rh5RePHuTswxM8PjhPNqapMcXGZfa7V+d1+cHzvLK3AHxYJuse5U1DZtV+58JgMp9yu4ECZeVmOvCu0JijxJH9ERFcR7gZ1nUaF192Q5ffRaaJimWAULT34/XtJLLxQu8xryAwrEOHvlxc41yIhi/RlLFXiXmf8IuM/JWzfENLm95ult+awUBNDqHrwoS5juqq4I1XxG8qyQ2/3xNcQEhsQChNW+WWnJzJ6n1MgRAB9liFf/cYNsD/Der8P8BmPS+vBL56H2cdPjBERjKvsclhGUvFEGiEbmwdsHnLgNa95zWte85rX7msecnBPazVaWLy2gOMHWRGgIA6Dk4xOojGewt2uRUw8QSaUgxwYHUFXZTxtnfDduCyWJduaUNWCpVj3TpMrcGAfqw3SGZ4ATQymWJMdqvgOHdmF1mULWy076jvPeQMD2X5Z38aGIh8JC3VDjJp8DfZ3z/Bh3bhshPNWusRrL0uYZWmZoi3+gEk682OdH8ttdYx53uv10Qdj12cS5CkEFPHvSoTEL9OfYpEn/1qV91utz7PP4Cm+UmZUErLyM5VVBXy8l5kpsrizMv8ZHdZz6K7i9uW/4jVXGSFGeoqEWjphd/leV7nThsa+Ks6BOaCa/G3Yx9N6QxKnXUXx/qDe6CjXKtRkp/QOLl1kPx977GP8rJV1lXl/PpXkjQ5zrhUKsn+N8dkdnuKzypuRjhkvqcQv2NE9VPns8ho3J8rv2dy4heUN3n9B1RWO5TjFEDfTr4gEdHpCvZ5+5hMAgIzcnMz0JpPgM7h0i1LYP/hzVhQ89wwrRY4df4LjI7OY8dg0ZkdYwXBnmf3rKtJvCYVAT3NW0ZWKD+BX/t9KvHoGcmnO1cXmN/SmUOG9xCXhu67qHiv1DIYSqFV9uh9VD0wQKWmIZS/CPIam2Oe7y5ybNS3euBCDmf3kC+SGOJeDyv8HwzL60jh+6684Dy++RROxSKiMYFhIlxCgrrgnNZVNbt+pqQ8SahKaNZWjuJi/STRMwAlqRe5RfvuBRJSyGStn5rPPDbKyJNkMoVjm2nNdfvbgGH9n1UyFDUb6PZVs+gMmK83xa3U5D04cIB9qVoJl5bLEjqLsy8U3WcXj35ZpnEoC290Weqp8iGT4LDITHMvrN4gUDUkWe0t9qRbY55zQn5aMpBoS3IoP8BnU67zfSoF9D4lHERZvoCXUt9OxcvUOHPHESkJSGlrfmRS/qyMuWrsmnotKgtsmcKfnH05ybqYr3PtrZaK+hhd0ulZubD8Rmux7t9zRuDhW4VAUp2JAolfJtGzmxbkJu50+ovOgzUMOvOY1r3nNa17z2n3NQw7uaw4cx4+iLHctJ5TNMc+DOk9+pm8wpRp9R7XWsdgARobJFZCfCgYlUtHuMFJqiHVckijHxjbz3xsb3wEAVCq8dlA5tkaH0X5bDN+obGN9DiPpXls5eNWoB0NN+IPsTzzJx3tsnFHneoE/L+/w9Dwxzgiho2jEojAzf1qep+iRaTOI5vCu4E7LWLYm6KQ6XbfXF/ToKoIJCDHxOXy9dYs8iErdasElxKJcaEAmUY7VVqtWuKGa8wHZ45rEb36XudS5g4wUzYjq6tXzKBU5hlFJszaaqr9uWAVJWHchAR3VIycl0tIUdHBUplHbO+QezC9J2li5e/Rz8SZ6onsPJbC2Mg8AWF3mmCZS7GexzD5cvcLIdmyYssi5LKOUiuxiHV0ro2jV9DOCYjP3ZIJ09BhRr4hMk4q7HK9eKI0Pf/Jzeq89N9Wnm/BWjf3OC9XJS5q1oDGe3kN+x/IKc61mYjO3j1HsG6+/DAD4+jf+QtfhnP3AUx/U94YxM8v1cX2eaINP+diOIvqAFk7A8veK4kz2NpPhWI8MUx9gV2x9Y9Y3JR62Kb2HbJYR6MoSf5+QsFGr46Kr73r4UcqNJ6RrUChKB0JohenKpLP8vckA+5TbdYJijGd4bbPb7SoSjMa4f3z2s/81AGDfNNfjF7/yf6OuSD8UFuogbklASNvaJnPsrnQsZiaJJB04wL3nxEmiHRcvs5rD5oVf8KELu0fyKbKD/LyZsY2NjWFjbR4AcP0G1+T2Gsc0KNjGD7sW9CpUQjbQBvqMyOypXpZpkObNjoSoCkUiCUnlzU3qPDc0Ar+4RBV9JpbgOFTFg0oKxjl6jOhEcVMVFdp7q+IzdK1qRdocVYmGXbnC8UHPuD0SWTJoyqJ2p88MQMss6FVRkthPPkRGFtTzqogKZLkXDwyLF6Tv6IgnYhUGSZk9lYQWRoLGE+I9u5rzjuNCxTp9C+qGOEk3b5JLtCuNiIR0QwzeDLjArsTvHrR5yIHXvOY1r3nNa167r3nIwT2t3elgc2sbKyvMLWYHeUK03GwgyNP89ZuU0TTWqc/H01unV4WoAShXZBksdTAocg5J6SqivJRZtXalmRCI2DV5Tg8HxQSWIlZapi9+5b13pX8QCKiG1l9Fuc7Ir6U8Zlyypm3l6Sti31v+OhoR01vR19oyI8N5Ge2YtGhHugam7tgX4urbhAph6Llw9f8mEep2eJ/bW4yQgyFTGWMkDJcD15JiIIReBAPypFZ0n5AKYV1Rbl1M8Pgk37+0xLy6IRNb2wtoupJaVfTdNVKGvqMjNrYvLAU75VyjUnLbWOBpfWKE0f7UNPkNC8tULzTSsSuJbHQNQeEYhHwRNMSA3lwnKz2tXKlfedzdTSEdl8g+PzjHCClgNdNCUGriGihdiU6PP4/qnvbvp/RvUJUDjZpyqb4MYln2uytVPTP18QkJcqLs/3CC35kRuWRL6EVedskJRU4WoeyZIXKwdw+/+84dKsWdf4tclelhstL37Z1FRLK+YelcmJmNIUQ+Md87fVBKyIKmWFLISTzGqKsg6+GIqn4aqnKI6f67bY7LoFj8MdWDr2/lMSD0YW6O/e4qBI4meK2W1POaMvMJSsQkPcjId0gW7ufOUmnz0hVydE4+cgIAMD5J5CkW5jwqiVdy5rHn+PvhCfzxn/1fHLNV6ntMzuoZRcw+m2O+IqXAUJB9OXmcfX7oYc6Tl37wXQDAiCooErJ03tjg+GCIFSOHFHmfe5NchY2tNYyNj+i9HJsdaUT4YlLQVH47omjcleV3S9Uto6O8tk96GWb+1FMMvl3g2o5GOW4ZKVA2FMQvLm0ias9ViJlJmcelZLiyRIR1SqqNba1lq7RqqpqrJR5QWEhMfISvt+8Yf0iIrD5n+5S2AnThottfXEIz1P/GAPvvk1V1XRVFrlRu/dqbbA/rVlStI4O3bNaqgmzPtg2U42YGZT2319eB8Wn+GgplBlLr+htllVNhIXBuq4NWXzfhwZqHHHjNa17zmte85rX7mocc3Ntc2iY0dKSt1VWvrvx5Is2TZEKRxZJOb9V3eLKsNdsI6sTXkOJhQ568EeUMgzr5t1zmwZtiCPsdRXpSIXPEADYrZ8c0tFPSnncscla0N8R81uT0OJSmwuVLZAfPLzJHbl4BIaEO4yNSAuxKjSwjFr6sWkdHGPGYvrlFdaZe11f26lk9r4bR30HPPJPVggGOaUu+DO0OT8lQ3XVLbPtDh6jzMDvBaLQiy91Sg3lLMzBqiy/w6GO0V45G2adzZ78PAKg1GIk3OztoitqeSvN+qnUxwsVjSGYYOY1PM6eYzvHfO3lFDKZJEWDUm85QqyAcNkVBwUWGnOiZ+aVz0O3UEfbx+W4JORhV7tcnlCGpSoi7stMeUG58MMf3VaTet7nF8aqLKZ1RX4J1Rbm616FR0+gQozwQhavnZjwQSyJ3dH+mGGg67aa+CantWf57JMfcckWohFlfP3b6SQDA0l3Ot6rq5V9/nQhCOjuAtO5rbq+qL8pEqVp6vlXxfToau4CU7MxGeWqSkXWzzu/uSCcimOT8ub3A8TPzsXFVWGQynFddraN8fheH5N9hRmo9ISphoXRX3+L6efssPUU++AJVGevSP7CqhD37Wc3wu39IFODNSz8CABw7wfn06MkPAwAO7KXZmJlhzR08jl//x78JAPiTL/5nAEBU3iFVh+uj6XI8UkICvvQXfwwAWJhn3wcVzbZViz8gjoUZ8hhXIxc0jwaO154D5H68+darqKkSaEa6AzH5mWjo+4YvcelhdMwzQXopw0NE1EyDwypJmtoDnR7HKS3NAVfaAlX9vt5sYzBhXCpDvMxQSDwgaQ4US/x3XmqOQUXdrs/0P9gc19A7zWntO7tl7ruhkHg2ZgDWeRftM0M9n9azxeELq9d13+I7+LXH+XiN/K50Y9TXphQTu2HeU1SKi0NSbDVuS1fIXTRmZlmdPrIcUcncdoHfaaVicUPeVNVgmovhWATNehm9no3f3715yIHXvOY1r3nNa167r3nIwT0tEgnjwIE5hHRy3txknisilrsvzjPkvgOMnHarPIVub5MZ3XWBkNjGQ9KvT8r+d0e59o0tKpU1VHptDRAAACAASURBVIfu6pTabUl9rMf3P3qCrPVMgv8uFqXaJQ7D7k5B38Nc6uEjZNIvLK3hwEEymR9/gpHOSy8zH+nfYhQxoPxjwCS/hUIYE3ZlhTnjhx5hdDcoe9O781RKLFcYzfT6UorKh5lWePfdU2uf2aw8m185M1ffWVK9//gYa6Ofe/Y5jluU+dpVVQSU5XxWV4390AAjpEce5n2ffYuIwY6ploWkNeDUEJA+e0NIUF215G0xnQ8fPw0AiCcH1GeemTfW+fyjcgqMKnLKDTIf6kjVsU/+1237/e/avwJEffzijrQaW3pzUeOi87lVNuiaExN8rlY7f1u2yCnlLTvSUthWpN2Srn9vmfPj2QFqDMwoh92Dg56ek+VdLfdpvI16SAiQordqlK87RY7bxoYqLcQsD4jnsDhPRGFcfh/79x/W+Em7QkzzYqWGoCLYfJ4IUCTGdRITczuoKpym7NKtSiXQdzbk2mvWzS5Z9eqKkFcW5vmdeta5HKO0rCLsDTkoDmRzSAspC0spM5Vi9PoDqXh+42t/yu82W3Q5gyZU715TZcC0VP1OnCKK9cbr3wIAvPIKa/LPv/UOAODIAVaSnJYvyLGjpzGzh9H6L/3KrwIAbsk+fLPAfSKoOdVo8D4LRT7nP/8inS7NGdGW3JknWXlh3iSmsGcaJC2LkC3XHnqXgzI+wTUHKfxZdZIvbGVKUopVHtys3RNx7lFlVSO0hQiYe+2QnCeD8jEo5DkvGtIV8Uf96Or/u11D3dhfn2MW31KI1X6RlndIQyhgWXM0kVbev2WaAbzuEXEteqpS8AV4z6WqHHUV5bu9Llpa0P2KD91HUAOSiPK+pw4Q1QuKL7MrDlc+L9RS3IOYVBzNB8GqF6zKa0uVNT7zXvAH+ms0rvsx9HqrYFoqehEnx7R3QpEIHCvIeMDmIQde85rXvOY1r3ntvuYhB/e0UDiEPXum8J3vM3IwJ8VTDzNXuKUTYVqs1AMHZwEA+SJPfgGfg62teQDAxAQ/s2cvT5eL87ymP8ATajTEU6RSxQgEeRJ+/1OfBADMjDLnXtwkQpBNMne6U+TpdGKM57r9+5k7rFZ5cr5y5WVMKIILi0195jHq67s6+e/sMCJOpxmNLYjhP79AB7tGg1HqG28ySnn0EUZER44cAQCcO0dWdluUcsfIBmrOvQpdxksQYiACeH/mBZXHf1qqetkBRhlbG+JiKDrxS8Vw3xwj6qTyd47qlMtym2u3GUl3xeVwe1W028Zo5mutzc+mc7zWvn1kfvdU9762yqgrryjz8F7mlJWSRyrFKDQSEeu6xb6Fgoo0DAWQHjocP3zSbegqcsnvqhKky2sVVQnw/AeooPjw44wACyXOralpVlDcvsN8fk/VHT3pt7d13a6qHy69TRW+Gzf4Wi1uotmUz7zp9IsX0lFtuJWfBMyhTlF5RyqGvR6fVVnOkofFD1HKFNvSR3jmuQ8BAOKqDHjjNebub99dxLGjzE8nDaXpinsi2KWnKC0mzfiW0IzhEc7/cEjVBstcFwNS/itWiMiUpM3gKAqriqPiC/D35pw5mJvBzDTH3i/3vK99jfn8r37tC7xvqeeFVSkzP09k7dRDRGXqupYvxL4+fJo/v3qN99vp8rsdh+87e5F7wIXL3wMAzE4dwalTzwIAnnjmeQDAcWlpvHZR7omKjHfEF6oJIYlIg8HQsA9+6EUA7zLiX3qZPImHH2WfamLCR7PcuxbmyX1ZWLmNihxCJyb5TO4s3tZneP9pOYGaZOzAAJGzjNbB5jrnaEX6D2lFu8atsJp9CB2Ip7kuShucw8sbtzC9XxoJDfOp4ZhnxPPKi+flMxdFeXG4hiCJIJFMyFFRe1DAb/og3IdDUfYpN8R50xOysC0PjlanjaYQIUjx1PXx+fVMQ0HVWub0WNnlnNsSn6Elr5meX4icql06Hal3aq1HxW0xR9ma3gcAbaEXO+B+H4oIdZBWQsXK4uw+5dpIeVwH70XzkAOvec1rXvOa17x2X/OQg3ua6/bQatcxMc5T5rXbzP/dnWdkPSN98508T+EDOZ7Sj59gLvHShbNIyh1PwAB+8H3mHws7PAEGdXKtN+10qcj5KUaMszPMjW0tMWptlRkxrGwwkijVeKJ8+hnmLccmGGnfvUuewObOOt65TgTgySfeBwBwxOQ98zj/fekio8lr16gatp1nfrMtLYJ4gmfGfJ4n4Tff5Ptzg+xrMCzHyY4qKeykqkjT8QXgF2XZHMkEwiApH4qyPAAOHqSnxOHDjHAK0pQPibl78TJRiqER5o7TihS7bSmiKT+6pdrsonwDIiEm3txeBY6iioBxAaSQODPNKNZq7mtV5fHl3Ge69OYYWJBWfECVB2HV7PtL8lzXrTa6FmFE1EcXXb/5MPCay6uMQh0hAKkEI+MXfuGjfJ+iWZH2MTZOlGNtg9yTvfuZ5227xnRWlOYw+vjyl36fv29K7c/XhNszdMFU9MQRMfc4IQeuUUbMfNL0IOT8WZLqotvm+6dniazkhhlJzszOAgCqmqtXbzISTyfDGB7hvD04RxTqey/TjyEiTkE6w7WXTPN5BzTGuSzvv9NS3jfCtReRhse2qhcOzZG7MjLO8fQZS1/raEhVIvv2jKAp3f1vfP2LAIBvfvNL/A55a6S0lsuqc795k+vq2HGqDfqD/O7dIqPdWVVgzB2izsHmKtdkRNr7vUHLa/M57O4u4Ft/9RUAwNYm95T3PU8k4dQh8mDyWvffPPcNAEBFOheO1tfECPek9z9H5OHLX6HzZlP1/iERiwrS9W/H+FCXxCsKh4CkEMS2j/1KDTI6HZlkND+Y1Vj65GyoeW1aFNkBcwHkvEoKGbCqnXJLXARpC5gbaiIrn5XKGpZUCWDoRE2+C+bu2pI/RVlKsY7+dEWEuHaktmgKi1VV87iQ1kuCfQrJ78IVCjaQk+utw32l03URCKkKSWspEueCaAoZWbzLvwelstwZpetQLcudUYih8SSKFa7ZsDgHxkWQgSTiUsMMKfpPZ7J9t8WWxqwihMi16jW/cTE0bOZ82W32ORIP2jzkwGte85rXvOY1r93X3hPkwHGczwB4FsApACcBJAH8keu6v/YT3jsH4FMAPgRgDsAIgF0ArwH4P13XfeknfOY3APzO39CFf+667r9/wNtAt9tBsbiNKXNAi/M0tls2PwSLuHhyLhd50p4YJ+O41+lheYW55I7VGYvZP5Bi5OOTKlZYUdr0XiIFAxle4+pl5gI3FhlZ1kuM6qtSN0wPkn0+qJxZs8XTrErukcnGcOUa1QH3S389JN8Fn3Lqhw6Rz/Dq64weqjUpJUoroC2Vubjy+i3Vq6+vqy5XIWVTzOGweQuY97jjICD2uTHaLQvmF3PXJ0+AI0cYSTbacrLTqf1NOdf94FVWIfzyL/8yr6e8fsDcL5U/z++qYqSrPLpF73D7CEBTjpYBP79jUhUBTeWOTUsiv03kYCDOvrZVG2414/EIo5lEjM+gEVf+Ut/timnsKgpy0UNPFOKAKmGs39UGI8Pnn/44ACAl3YL5bT5/U+lcPMt/b2wyAjY/gLpFiCFGKbEoo5ABMfHL8vDotlv9uvW+e7xQBzimL69/hgyF0FNTHbdFa8Uyx3p9fR4A8PSzjFpHJhhhthVz3LhL5G1weEJfU4FP82FkmGss8v+w96YxdqVneth77rn7vtS+sapYZHEnm2yyV/WmdWSNoszInrEdYGIggPNnYBtZgATOZAAjCAwPAiSxgQB2kEHsJLZmMtJoNFpm1Gqql+km2WRza25VrH2vW3ff71ny43ney0XdcktNjYT4fABxWVX3nvOd7/vOud/7vM/7PFSlVGa7TTSqWsM5B5NAxnL9OHbUR9VS+ps0G5jTKCPCk8cRtdfImK9Qc39oALno/B4QufM/+ksp8P/XrmKtMQUsPr+qExJJi+Gzm/SU2N7B+hilR0KJiqM5VpocPnSc70d1R64P66wvpxE27tlW3ZZGGZFvPILrunYZUWl2ANdz4MCkiIicOnmaY4i5mhjt5zHx+XfefkdERK5cgWfFy6+Bw1MhR0kBvBL5Iuo50D+YldwQzs1bUqJZnDvix2u9TsSJ95SfiNPoEOZ1ZBQchLk5ql0yR2/TM8DkveqQc9Bk5VGYz9dYKiH3l6AMqhwk21LRlCDHkIqifj732loFhfd36NGiXAPVqgmQs9RuqnYBrmmPyrLFCuZSq2HC0XivMsRm3r/JSqE2kTCjHeUrxsVpoo++Jm4wVS1VOZEwq35UYVbRVK3qqteUR4I+7OX3pBqkzgV5Ly3V8wgTlcChH1SMmaowajwpysETSyv8Y8GmoCYiayJy6Ke895+IyG+JyC0R+a6IFERkVkS+KiJfNQzjH7iu+798zGf/VESufsTv3/85++01r3nNa17zmtcea09qc/CPBJuCeQGC8BPR/0Pt+yLyT13X/eDhXxqG8bKI/KWI/DPDMP7Idd3Nj/jst1zX/cMn0+WfbI4j0miLFOvY2Y5MIJeayGD3tnAfTPEAo58+5qu21rHLG+qbllQEGgKKGEwPg49gGzjG8BhrfulCGGXNtJ918IUSIsR8BVFHIsZdpoXdpeNjXa6Dnb9DtbJ4RnfYEVldQnRw7Qqm4bmzyGNu76FPPip7nWX0eel99G19E+d2uS81qOpokGnvdtQhkYppYeQmk9RKd5j3S8QzIi7GqMo6fJsOkbUGmf1RjMPgAFCMCPP+2zsY41s3of0ej+NzmTTGusOIQdUaq8wPl8kHUAc1lQyz8WYREelSUyAexRwlw9RKZ/K0kF8SEZHrH4Dp/fLzUPxrkundosaEQ76DSRWzVB+Opzr4Pu7utfrBEUssH/rLgFdsaicIWdnTM0B5yoz0QryAACPpm1fexrjcvikiImNTiKBGx1GtogqKBisLBkfRp81t+D/EYo6IoblQnNplhCNkVWv0bhiKHCAqa1Pls0t0Z2wMfIG/8bXfFBGRdB/64mPOurCBapitBUSDp44iwi4W93rnzg0BOegaqpWB1yadPuPktYSJerXLiPT2SoisbeogaEScyap6H/URqCSXySLC3swjp33hvTd57WUJEhEJcH13e5ocGPMAle0CjM5qrImfW8QcDO7D2IdimMMmHSGnyRu620+0Zx1zsL2G86VYqRE0YjLAiqIsUbsqmew7u3j8WazfP34aHIShQczr7u7aI+979z34O/QTYQmRD5Gn/r+iA2ubQAsrFcxRPGpKhP4nugx8LVYCRYjO+bC2urz/+6g1MTEJfYdGgwqxLfUBwRzusiqqLYogUOeAa7zRoF6K44ifzpYxIl8WlUMDETxj+umDkWblRJz6L0kiS1FyUCL8/C5dGxstILlNInRbm+iTVujEqcyYNoHYdZptUbPWEJ8xTXJs6g08c3l7S5uqlAHyiChyKjU+8+JJrN3+ccTKm+vQA6lxvBJUs1SKQJMVZ61WSyzygiwqO6raZLv76Fe2aarOBe+XeFwMX+UhMsLP354I58B13Tdc151zPwETwnXdP3x8Y8Df/1hEzgsYKc8/iX55zWte85rXvOa1n739qlUrcM/Wk7N+vJ0yDOMfikhYRNZF5A3Xddee1MkNwxBfMNCrV2+qGiF3ugHS0YPcre1xVx5iPe/uTlES9Lj3GcqAx6Ws72GHH+JOdXoGO/wgo8+lJVYb7OBywnRlq7P21WHFQYHn1HP30f9ANeizff2yNL+EYy4gculLMUofxk4/TwTBz/zeUydRxWAzkpy/j8goTs38EMdDWbVpVhzo3jIeQbTeJJO6XmuKrbXCrioiMtfODe0k6/bjzOsbrM//4AqVDvPgWihrV5UUOpwT06QuewvjUKZOubJ2dZfqOE4vzy1kEYfDek4qGDJirJQRXRRLmIMi87OpBKKKFjkHdlAd3dD8LE0JRTAuYUZeLYYgrXZNLE3vcx5NOtglycoPksmsiFOQ7pzzdxDx3rmN6LPJ6GWDTPj9s9BoqNTIZQlhTtVT4LpqFEhd3J6rJqs3Auofz2ibSnmqje8w9274cF1Rciy+8MXfEBGRNKNym9yF7W1ERteog5Ghln6VtOxEMi0h8jNM5ZwcA/M/yrBrH9G6LP0uCrv47NXLiCdC7JOuwTrZ603yYQI8ToTnXiJ358oNoEEOfSJSKb8Io0fbJW+D0atD1Evz1g5Z6yHmr+/PQfHw5NnP4FwRRID6vBiiVscwXTy3N5H1NJkMrpawcnKpuJAyIssL0BZQIEVV9zbXWDGTwLlP0K9hYQl8jr96Dz4OHS6wqWmgGcq1CFLdtWnhGu7ew71dLiPX3qx2JB3HdW/z/i3msc6HxyZFRKRO/lQqAdRiaATIgdXzVMGcZPuwlu/dw1q1e+qMVCUkchUjQcrP54d6eog88Myw+WFLcD9sbbPufw/3qGqNuLIkIiIDg+hThCimRZTQH6SPQwPX1qLCajxGPhD1UGp16iV0A9JWFUn1lIjhM6EIfl+mwuP6Ju5NfT5m++O8TtVeQB8UEQiTm+XnGlYnXYc8kgbvo0w6LS6/CovNEq+TfAVVo1UtEmrMBFjpgDF+MqSDX5nNgWEY+0TksyLSEJE3P+Zt/+Cxn23DMP6ViPxD13U/kWikYRiXP+ZPP40n4TWvec1rXvPafzDtV2JzYEAO6/8SGFv/167rFh97y6KI/K6I/IWA25ASkRdF5H8Ukb8vIkkR+TufuiM+V3xBSyyy2zvM+yQy3PEyL9hgflcVvzpd3e0GeozeOnfus0eQbw2sUCPAzzx9Agzfcg35rNVV7OTTaebD6Uefpgvjbh59KlW5q7Wop2Ai16bp0iNHzsrdm+ArdKiId/NDRE9+v6IV+Ex+B7vm/kFEYU8dh5LixAhyyg6vX73O+zPYlccY7V+5DF5AqYTdfZv5sUq10PMqd006m7GywW6Trc5ddjqJn5WtfOsWHPx8jBgiEVUfpH87lcFCYeygdzbBUWjWSuwrk/pOi8dpiUEUx+m5n+GYfq0/Jyu5yrplHUxVHWs2W4+8+qhBoL7ttRqrIFRRjbt7zRO2Wra4OoisYOh0cYwMURfd7Wv06ZInsUiXwWqT7GW6ra2uQrdf0R6Xt3KNzPJMGjn9oB9z5lqtB6gFnexUl18UWemSVc1j+QTjptHtS5/9rIiIjI0guq9VlMWOvr7+Q3Bc3r+EOZweB48iN4RKnMn+frG76G80hXX+wvPQ91BHRJvRfKWKccgzSuvQ+XJgYITnpjdJz7ueGvt1rIO9us3jYI3rfVUq4PjdVq13z6gypBZnqPKnr/d4JOeG85rfJadiDfnsA7OIYlW9sMt7s38A59RqhVyWVQEO7rexoQOys0nvEKqs5nLkWLBSQjkVN64AIQiYGIeXX4L3yh0iAXtEA3U02uxLhmt9YwFI0/Y2+p6I4dqCfvgriIjcvQc+h0lFyO0PgZwNDoNDceY0XsN0iKxSFyRM9b7BEVzv7XnrkeuNx4k0EN0oEUnK56kCafikQca+opEpIkMNC+foMOJ3yQ9Z4THaLZzr/gLQHHUUVdQiwgqALvP8nQ4rJcJ4XzjCZ4Bf1RAtCRBtCfN+DhOl7K0PHsslZ8UkL0ZRXpf3skX3yQK9E2yuK61KaDbxc5ReC7NUu23Um7K9i0oaR9SdVBEC3sOqiMhOdamdEWR1x5Nov/TNgQHt3X8tIi+IyL8TkT94/D3kI/z4oV81ROSPDMN4T0SuicjfNgzjn7que+3fdz7Xdc98TD8ui8jpn/0KvOY1r3nNa177/1f7pW4OuDH4NyLyN0XkGyLyn3wSUqM213VXDcP4roj8XRF5SbBR+BQdEvGFbKnXsWOu0PhAtcH9ZITWWNeskWOYNdalaknqNVXmw47uJJ3aQnHkZ5VV7zOx+05SnezgAezKpyaw+w5yh5yIskLAojuXg6i/S2XAVvNBxasI2Lt/67f/U7yXqmJN5tMcm/XLjMabjMIVKcnSa2BgcFJERO7dQ04tz52vcFc+eAwIxPg4Pn/lCurE1fXPMEVcoX4/828WI+Uga6enJ0f4M/5+6eIb7Ct2zKqJHg1rbTU+X6pg569qY6tLSzin6p0zbyyssfabYelqJExlwybnSB0CNfeeyTCiG4GWRD9zqNUKxtHwPVr/3O1qnGbyGjWSJvudlRVwWMN7fOQ9uJQ+VMW2ADkjikK4jOYX7gM5sEkE2D+J6KLEHGo+X+S1IfpoEDlIJvs5TkCq6vUticWwhgwiAopWGIxOAmS4i42+tFnvrUjS4VnwAwp7zNsmMT63bkE58MJFIEn9GUSMqmUwTH7J8Mhwjwle3wRiVqb6YJjVCaoD0mOvM0rVR1WD171HxVHNZzsGxjxEbY4kKygGRtCHQz5E83fvIqu4OH9ZQlTMVF3+bld1TEKP9CGgISMj3y4RtRX6Exw8eJTjyDVKtvrEFNbR0goi5z3O1RFqFwRDWbGJiITIsm+z+qbeIXJg01uEc3XtCsZ4iDoHn//cF0RE5K8uQd+g1VVlQDqL7iA6r5aUq0ONFiIvZ07OSpnVOH4VS+FnE7wfnnn+FRERiSYwrxU+w9QTIJHG2ltYXBIRkbUNvBaKmLP+HJ5piQSOl6EKplYYVMo1KYfoscGhzmWAxsSy6MvyKtDQYonupEmimCN4n0GORpfIkyoI+g3qaJBHoFylKrU6Ol1WIvFerrXaUlIEkdF4PKjcHPxafV3CQXBNFC2ulXEsdQoNBxndEzGwyd1Qbks6yUoVOszGyema270nHfJdpOdbw2eJq26l1FThXyNEIFO5lOT3NqSr7L1P0X5pCokG6qX+HxH5bRH5v0Xk77gPMMKfpakHbuynvstrXvOa17zmNa99ovZLQQ4MwwgKkIL/SET+TxH5e25Pru1nbs/wdeHT9qvbbcv6xmKv1lwYvTrc+QWZL45HEY0ZzD0PDGEnnMsZcvMm8naZHHa06g2ezmL3bIZS/D13l3RXS6Wxe9zYROR8/AiijkyS0S71ASo1nFPzmx0yhjvcKjbqdfEzinKICPjJmm236exWIvOV1Ghl8y+vYgjXNsA639zEa5gRZXkPO+NgCLv2ySloFLjcUl+8+CNeS05aPJel3u7ch2od8+AAxmxtDVUJS2Rrh1lbXqPWRJI6ENoUWHK5O6+T3ZyismCEXIQunRINX1tSUUQ8fT51QGS9dRHnGB7D9QywT9bBg7xO7Pxter0HGEEouzpMX/coGfjlsrocoq+q+/Awe9in7GKtoadvg2rhN4g2qOtcsYjILx7FOJx7BrnmC1eRa97axjiPjuDvdeZDKcomESrvtVohCfgVMUDEp2GHVimYopwEMrnJ1Xj66ZdwPYxirS6uocA89/wc5u7kSaBkp45BIdBPhMIi18GybSmxyibGSEfHcJAKhpoDbjUVWcD1J+K4fwp0wAsQEQlxDdep4pnPo08tIjOVBtGuflQQHDoIFESciqwuoALCdpRbw+oVUx1EqZxp6hrG9fjI89iiP0GJbq1atdDm+jAYiYdjWFdTKSAoSboaFvN1EZ6zSP19X5MOfg5dN+nsaBO1U82OO6ximZkFj1qRSs13R8gLSsaxNvdPAHE6OINqh22qN/r9rizdX+Z1Yp6ijGBffQU+H8kU1lCJjpfxGMY+nsB4XP4AyGGxiOfF5DSuc57eNM5jPKxIFK9x3pfBYFQS1DNp0ZWxxefGUAzzrpU2jQpdNjnvRSqj+llJpr4vEfIGfEFG6yRWqMvj+Aju8TRdLJV3U2m0pM75a1TJ89rBWqxUsRYtKq0WiuD9OHQ3TbFCptViH7uqXoqbUXkUqtmSzWG9qKfJyhLmZGdnu1cpQ7BaHI2b+aL8oR7qSSXVTDYppvlkYv6/duSA5MNvCjYG/7t8go2BYRif+YjfGYZh/Dci8pyI5AXiSl7zmte85jWvee1TtiflrfA1Efkafxzi63OGYfwh/593Xfe/5P//NxH5suALfV1Efk93Tg+1867rnn/o5zcNw7gnIpf4mZSAwHhMQE78u67rVh4/yM/aXMeRTqspcSqelcmI1VyzesFvlaFZ0OZu1jSwK332uc/IvXnswscnwdAOcgdfYB1+mKiDxXxWqcL8N3eXb70Jpvf77yEKf+4sorDBISAJsRSGN52h45+hLmYdHscv5RKiSc1HtVrY+Tbb2PkqZ0Lz966t6IPWwePn0VG67E1MiojIzhaOs8voT+t4h4dxrS++hPznh7cuSI3s+jDzivUiUZZRRBUJ5qvP/xj153vMJfrJtbCorZ6MI8qq1DD2OuY7jBB39xCFlCuMIKkroRttvz8klRrrjnvsYuzY5+fBNh8ZneDvcTuk0kmOg9Yd65y1OU5YD4PUmCgU6BDJCEk5HBrF+f3mQ3cac+Qcc/UGqHAuhEzxahV9bVO/PRJSdAPjNzGOCGt3B+sql7X4frxGiHKEY1Sv3DN7omk+5RpQa0C9IPTc4iDiPXQQSMA+Vh2UGUlZfH+H1R+TzK1r9KfVK2Eia2lG7ZVCQYT+Eypp4pIbcv8+ELflZUTj+fw2j4nI8emT8G9oM7Iu5Pc4TlQzJePbZm52jrohy4tY86uLqGrJ0DFQpNtDLWzlLfTyufSS0Dw2o1j1pggwCs1vIXJcX8G5Zg8jemu2VEMfrwfoPGpxLstFKmwGRfYfwb0TiuNvC/NAhPxBPDfUm8QmZ6fAZ9LSAq7n4KGT7CMmd3MLz5/+ISrq8b6p08NigBHm02ewjna312RsVNUnsZYOH8ExY3Hc/5UyxlrdS0n3kZt0TH3rLTjPHj0GVGJoAPf21iZZ/2opQX6Rere0W1r3H33gCKo1/6zaydNLRJ1C0wm9F3WdY6126d7oWlrFhKqMQAhZ5xARu0oB71ddgAjHJUotk3R2WIYH8DxI7cOzx6ALZaUClGJjDVyTcgnPj8X7QKAajU32BWMeo6NoXw7HHqC6pV5rjdUeihJs09MlloxLkIPWevZrTwAAIABJREFU4Xo2Q+i/MvKSSYyDIgb6tG826/Lzg/CPtieVVjglIr/z2O+m+U9EZFlEdHMwxdc+Efm9n3LM8w/9/w9E5JyIvCYiWQE7Y0VE/oWI/E+u637qlILXvOY1r3nNa15DeyKbA9d1f19Efv8TvveVn+P4/9XP+pmfp1mWJcX8bk+lTtmlTeb3223s+KJU2FN2t+raN5pt2Tc1KSIiFbLOx1jqkKTTmWoiFOn0ZZAfEI9iKmZm8Pm33kCW5JvfxC7Vx52jqtIlM9jVKpKQY6VBMpHq5U41smvRuXF3F5FOmXk79RsPcfet/utb5D1Y5EFMH4A3Q7OJHGJT5aaY21JN+VwOrOyZ/Sfl4vu4vj2qDjboKpnpw6683sC52laQ140oNUDtAR8Rkf37QSkJaX4yTM4FOQkT1LGfYHTLcmAJBtG3cNAvYmitMHby/iCOleD1ra8jyqiw1rzO2vhWDUqJM1OIiFQPQtna5Z53PH0umBBUBMEQViYYtjhCdUVWAnR53To3tTrGK5ogV6XzKFcjFEzxuhAxjE+gTx9cn+P76fCmzpGkFYSISLnuA+VDRZQ0N2lQ90AdM23+fPQwqn4VjWiwjlsMrJc6I542I0E/KzFUrz7ixzi79CqolUqSYor3nbe/IyIiy8vXMZaMynysFPDxumcPwFMgnWMOmX3LZMiQv488bYPR/YnTWEdJRmtrG5hDx8F6uXYVHhW16opEAszruqpbohHXo1wRP/PbNpEjw6cun+Rc3EO1xoGDcIRUhcUmkYIE8+Y7NeTk1Z0wPRCWLfqZWAbG8NAxrOedLUSRug5y1AU5fhr3Q5seFJ02+jY9hfW/dwnRfIkaAiUhf4r8l3u36e7HHH0yHu0hSPtnwF8YHpnEsfawrjOsqMpkIhzDi3xlxFwHmhEJKl8E66TLaiktILKIvHZbZPXTDyYiprSog6LonGonbK7Rj4DP2Cz9bOIJuruqIiq9S9SNVdUsSyUgLMoLaRFhta3AI33ZJVI1t3CnV0GUyaEqK53BMzdBRDmdo9Iq3Tq7HTyD5xfwHJmcwDNudBjzrlULOpfrm3gOqxujPq/VcTGeiPVQqxj9F5SjFU9iHaTSKR4L63tuHsibYzg9BOzTtl+6zsGvUnMdV5q1lkRI3FLYfJCCLfwukIFBfDGfOY2HZ76Am6heb8rsIRCe3noHcPm3v/fnIiLy1NN4byJFWEy/LEgk7JRw8GwOkz4zA4BlbREPf9fEzbFVwM9rlFm22lhQAxMg2Bw7eqonRavyv5USFm2D8KAKhCg50McvCYdwcYIwup/knmQa7ztwGFDkvbtLIiKyTsJioQDo+gD7PDo6Ky9QUvjWLTxAbt4FBBfgl5tNctshQq6vvvY5EREJUTa6Vz7o4EZtqLRvr2QND4mjJ/CwjPFh4KpVcw+mdMWx+CXGTUy5hptncw0P0LaDcynJs0nBlWIeX9i3+MXzVJSCVkEtXeTDjoQkJYAKhZ9M0Y1AR2yWqFncHCi0r2mFBl99NI5ySYJzVXeZkL9+Gai1cyqDB3OZ46UiMJqO0IeniNGzQ+59+al8NB9EKve8bwzX2cfN3k6Jm0X2RR+eCl/mSL61Oc4qEpalfLBuvgJhU1YodnX7Dr6kbQdfgtxvS9hPy906ywKLeLiLH1/EJuHhIImn4xMYhzeYnrI+wNifPncOPxssR4v28xrRl8vvz4uIpjisx171sagCU0y3kWDmUGgmTPvgJSWSseQ3yS+VFiXEDVr9xlMsz0tyE759Vy5ffwv/X8Nnnzr1nIiIjPTjXmqSYOowDWmRobZvEn/XdMMR2kTrxn5zC9c5M4s5WFoDuKoiUQ32aXOjLpM8Vv8gxrJMQbF4Ave9w7TL22+h3PjebQQJivX3s+RRZdQ3NzBnNr/wq0aZf8cXna5JNWYaHY72yN35LZZNcy6mx9G3YZbF6mYvwjWY7sdzoMF7NhiIcpwwZ/dpllcu4ws5pNED517F2vwkH7uGKW0Ghcvb/FtQibokEbMk2s/1H+JG6zilrQf68IxbW+fGhMruxSKl7/fwHFbCs4oihZgai8TiEk+wVJMb7cHBIfYP47S0vCQiIusca/ITJRAIyUek6X+u9ksrZfSa17zmNa95zWu/ms1DDh5qPp8h8XhA/DQISdHco0WJTpsyqlqKss7d+Twjh/3TM5LuAjfN0a5zg0Srt78HGPXQ8WMiIjI0hihcbYDbbbymaAgyPQmYML+C6NwyCLcR+nSJ1R15CqZJhw4Bfi1XqrJBolSLJTeRAHakwQTOWW8hClMI2rLwc4c1eA1CJGdZNtfsYLfaT8RkeWVJRETu3UW0ZpAl06jBBOjYsbMyMoxIJhyZxPUZ74iISIBoRY0Q481bQEI2txFVTJHImU7hZ1WgspgKqSm0TSGaKo13HEZQPaWSXs1Ppwcbh8M4N7WfpMbrb3WYAsljPkOMJpIUdzFNzPvuHq67XEF0VigADenSwlkBe9PFbeXail4Y4tD+WsWMNIi32uh/hRBjlKQ+hVc1daMiOEFaPBssp0vHCfE38rx8Igg8t5h6i1tiCYVmGPEFCMWGKafdrOGYMzNAvzpEH7pMK4QJq7Y6LIltIBJaXsW4bZIEdvYsTFXX93BfVC0K14gjt+8BSQrSH9ihfbiPDNIm114khDRZo6Vjj2OMDOH3TRrmBAl5txz8/cJFwPSKnuVYNthlyeuz5z6P81qWXLkC0q9C0K6ieUSpAlwHhqI3JCabhspr49dlwupbqyADDuSmOH74u6a1fPz8Ds2krG5bzjyNsb7QxT24uoKy0KeP474ucF2UKLO+sol5rrPkVQ3MfCy3PXsaZMKF+1gXSzRocpv4nGmpTTXNwlJx6aNIUbuB+Y4mKc3ux7kXljBnt+/c4vjgsjQdOX0ActqFEqL+uXkiC0T5LJKEWyzXZMZAmg0+8+JpSSXxTI2ElWBN22eSq8/sB8JoEM1cX6d8OCNpJZFf/wB9bbIkUgmobZpdBXpkXBynTTTI4jPCHxLJMfKP9yN6D9CY6oGTFF58RHFs3h+hOFCJeYpBaSm4usa1KODVcVQYjschMhFQK3Wf20NSOgY+M7+M75EKCbiVKu7lnpwy59PqWPLJZQR/evOQA695zWte85rXvPZI85CDh1rX6sj29rpYLFXry2Frp2IdQ8x7qQnG0jIiI4PSvvFkROrcHR+kEIiwpO8DypvuLSPa7Kc86A5zbCnm7Uosc+pnyc7sDEhOV28iynEYhSSi2NWSGyW3r2NX32q0pd5FVNWmTavKPBsWy9tIflRhpi5z5SoHPD6Ovh09+jR/j11piQS0Q7OIdnY2EPV/eB2mMB/eQuS4urYsR46+IiIi+2dOiYjIV76KSlcl4bRpCqVlg8vL2GXnt4rsA/K22SyiWpVLTseZx2cOP0y1H8fBq0F52A6jecM0RAKIcBoUxGGFmWQjuM67t5YwluqXyy3zJolDBw4BxRmfRkR49/UbIiLS4twKhahsl4Zd5CI4FAtyfZaqt4rBaN0Xwlg7LMFaYQlfIoE1Fk+FOD4kYlo0a2nTepZ50QjXYs1GRKHER8dmqWuvTDEopkbCmkPnQPhowNTPvGb/AEoPyyTmRmmD22Hu+daHUCmfW8Caa/N6X3ntSyIiEo7h3FtbKO1KZTE386u3ZW0NkXEkzGiajyBDVIqcwkmWRle43s1N3Cd9/cihdx2S2SjEM877Te/Ja1dgk/yZZ8FlCVJMq1rG+Jw4/qoIyY0f3rmAMbNILLUpqcu5MYkI+QO6PjB39RbW6uAA+D65LNZym/yRIAmerSbOmQwCiUpQmCidtuXWbRjQlkqb/AyuO0/ycGYUUXmb971Jq96FeYxjmxHyGE2P1BxOUY/Cth6XRETz0TWQSfdJLKScAfKheO9ceg/Ew42dm7w+oDAJlv0lYhjTFhEmh6ZgkzQQKuyBT2JQulrXotVBHyNRWha7LXFoqhsKECEjd6DDe6pFJG1gGGuzQ25RlGJi9+bAZcnlcA37+dxsUiQpRPSnTv6QitMlKDJnm4qa+CVBNMqhdHuHD1mV+Fbb5C6RAIvPzQ/n0YdqEXOizyy9522/hvQUwCO6lSC5MMbSWtPvkxqJki1K+VusQ1ZgNBrH+DiEcTpdmoM5jvwMDgQ/tXnIgde85jWvec1rXnukecjBQy0Uisj+/UfFICM6wohJc/Bx7uz6aJQxdx+Rc6YPEejQ4IBsblIIgwnH7Ah2umHKdlqiIh/YGar4yzFKzsbJYC1SmnaMbN16ExH4DeZsu8x/zd1H9BaOYBfv8wclRoOTNiPXdAa59hdeeFZEHuzK85QF1TxvRs1Ooohw7lxF306dwi58mAJGdhefe+XlL4qISIschhs3UJZWae3IG29+A9fBcsAjx8AeL5Vw3RNjiC7SKYyxmpZo5NikfO69u0AUzCCir2odx6toWZiKCjlasofPw7pDxHYb0qrh/+MTyMceO4Jyt9tkXavwSrurjHDswtM07wnHMC65AZSZzR5G/vadd/9MRETqlPiNRvA5KmJL2yAXwRbxdTGmvgAFdXjrOWTdlyqIeNdXWa0SQjTan6KkcxNzWWSuscvowPCrKQyjFOYzhSJSPks5C33ikOiggUW3hb/liE7sn8Y5Y4xKtMw2Gsd6XyRDulTEXCQoUPXFF8Cwz2QRUa6QJxNm6WiHrPWhkSl56mn068ZVIGF+lkWq0ZZLToafPA+XxkT37gF5O0Rp6w4NxzohlTTH+lfl2FYXUf3c8lUREdk3jblTY65GpSFHaCRlMJKbn8e9pTLJtSbLAA0VLcLv2xxbYenmoWNA0sJEMTYLuP5UapDnxPpRrofK6a6urcuN60BhDEORJIzt4jLu68zIKPuIeU2xgiDFqqf1NTxvsow+xcF6OHwIazxCIZ6LF1AVoahHl6Wv2b4hCYXwnj0KDt2aw5hVa4i6oxHwPKSDMQ66LFFtE7UZBeI0sx+ozibRigvv4ZxtzmGW5aXaRxZzSDjoF9fQnD9+qWuwQ/7O0jK4JIcPopImTq7NAwQF99W5F8F30Wee1Ue78H2oFqtQwrlOxMUMcC4Dyiuxe9VHNQdIaKEJtFfLIHsy24oA0NXHH1JEDr9XMzWTQlaxJN7oEGkMcS1q2aYQge46XekQObOJxmjZeZBmcR0iiMr/0Ppk23Ie1Cp/yuYhB17zmte85jWvee2R5iEHD7VwKCIHD56QMqWO1ynAsUVeQJKRg1o451mtEOMuVly7Z5Axv4hIcGgY0dWLL2FHe+c2ovEL74Hp3+HO7+5dRLGnjyG61dxitYod7oED+H2IpielCvqoFrXZPkSYzbbdY4+bPvT3c59HLtgXxJZyd4s5UQrrJKmYM8583vw8cupv/fibIiIydweVBkeoKTC9H9eUozDNyVPYld+mxXPXakkyi+iiwPrihUXs/HMZ5EZVHjepLGVyB6K0kw5yR69StNUydu/bexinjoVr7DAqUeEZm9bWwpx7o9WQWBCIR4B1/VffRz5ajWTaFiLEdA5jqQIxlqUIAsZ2fhk51JNnYESUyiISOP/6N3hN4A10WIEQCtHiWUzx2Zi3Lq14/ZyLAHOd3RaOvbWOiDEZpcwrORRh5rM7jKxrjGLUuEtNlZo1FXDC35tVRCDtdlziUYzNOBnux44ArUrRWMdk/fY2BXTa6q9MxniVEs9HjyJSHh5lRMm2sgy2fpJ8mSrFopZpq3322afk+BGgUPvGsYYuvQsdkO1t5GtjEcyjSUSobQMB2N7FfZPPAzkKh8BJKRcQaQ/0I8JO0Mo3v4O+DA0h2q2xoiCTxvrrtH3SaWJt7RsFKqfKzrtFrNVwGMfqtlTIC29g4YMMjwLVy1HSukmNiTjFtfzMhxusAtpipQF9jeTmzZtSrpZ53fhdm1UL27us9KhQ/pdyyg4jyiFK8ZLULnsFHMfNYOzHIri3+wcQOSdzOJ5JSrxWSVVqbSmVcI/qPdklgjZLtCUWw/roknOS4gWMETEol9DHP/6jP8bPFD6jI7aEkrivdnZZPUXJ4hh5U44YYjC69lPszRZdt4iQo3zu6bN3ZXWF44NjDpAPdn8B824yCledFJO8hwi1BEJhoBgGoSY1MBLT7T2LUiGs0XQXz8XtHSAilXqBn6EQlUPpZvJFYnwu2uTi6Jes38SzTbkZLF7pPcPs1gMRLlPtxDm/ASKE+tmezJH74DMiLIx5MjIHHnLgNa95zWte85rXHm0ecvBQ63Yt2dwoSI4SnYEgoryhIewgk0nsxn3cvk7RcCbFSKleqUqEkVyDOa3NXezGB2mUMXMQufb+Eex0r18HE9hkfneNGgI5Rh9CiWaHqn7T05A43d7Bbr/j4DzLK4gMmk1b1jYR6X3uta+g3ynskjepSCa04o3zevppJeoaiFree+//xXUaNMEp4PV730df08xRD40hcqwxD67qf4ePnJRJ5q8314G6zN9DZFgbwnszVPgLckecYY5QGc5NVg4UqPLYqFBlj7tzlwZNPlU4MzHuVhuRwl4RUc7M5Kx84bW/JSIii3OIaOa2cD3jo0AEIokMxxIRwcrqkog8sHTuH8WcDU/g/SussR4bx1z81m//roiIXLkE5vmVi3jt0kbYZwTER1W9vrSa8+A6bSJNkZAaRiEC3NlEZBQO45xDM1T4Y+TYohRrgLbALpETl9yL/A7V2HaBJBw68Ix87nOo8R8ZGeZnsKY2WJWxTkW37R2sWZUwbvSQEBz74D5ct0074VIZfR4eJmLAip17c5dERGSNKm4HD0/JwSnkjM9Rb2B0CFHZn/7pv2S/EbUbfuZYKclbKizhmHeBap06Mcpzs7pnABHh2NgorxvvrzHKU1U+pnvFdcyeAVKM2iJT+6BBEiBjXo3KTGNSRESK5Mu0qanx1EmggakU1QyJKCjvZXWNCB7toweoJLm1hbldXV6WEKV1HVYWhck5yucRAe8QARmZAFqj9fsRajMof0EDyNVVzOUSjacOHMRcDY3iGsKUH48QcXS6plgdrJ19+8AZUAZ/Xz+eC13aQddZY9+g1PeFS1C5XLwPxNDPOVP+iEqPWD4gBP19mOtsFuOgRmftVqtnQlStdB7p3yCfk8pXuH0b59rawNhOTU5z/HD/VMvoo0WUQ5TLQE2GEOXK03y+RqKUDCeEa/hMER+fMeT5+AN4zg3xmRUPYX23bHw/tKgTY1Fptc1nshFQvROcs9GhTDeFElT3ws9Q31ZNE8fpmaQZvSonrl8VTGX1Sk/0tLeuxeMceM1rXvOa17zmtV9M85CDh5rfH5SBgXGJsk770CyiEW7SpExLzVodO8QMc7VB7v7bzbZEqYk9TCW3eeZbC6ximJmcxGeZkz9wALv1VpOKcaSfVqqImDvc8SpLeZVR7eoaoo9mF7tRh7vPVsuSz7wIo6QzZ6AqVq3gPcU8cmMZIgaDA9g9J2P47IX3EPFu5RGdRePYEav1bISmQHtF7NpLN/GaG4Km+Cuf/Q0REUmnBuTmjdsiItKgCpqfzN21dfR//i5yyMZZbHNf/gzy+LduIfy6dRsohZq1qKmRy9DPcXE8i+qNFmvWCwW8f/8UosBf/8pXe5ruTaIv4xOIYFQk4totRkArYI6XK4g21Yvh0oW/EBGRLwywKoUchPw2rWzJD3np+a+LiMjxWYz/tQ/Abbh155q0W4gyvvQFjNH6Jipd3nr7e+gL/RgCfkUQcB0trrVaTSOePo6DsBExoKpnkXX8pos5/Y3f/NsiInLi9Lmeh8LuLk15yK1R1KHF6CkcQTSlUWmAKIWiHKvriO7T5IvEqSC3ugp06OpV8GkcF9Ggn14Ut29dkeefxjzbNpVA96Ni4Eu/hvd+49/+cxERqTcwtskUqzCoILo4B07GxBh4AhYNdJpN2ocPgYswzzx5p63Mca1iYcWGWD2NjGKpwL/hPcep77GxtSQiIusruO+zadzT/f1AXg5MgQfUUstzIixlRq+Oo4qKuLf3CngGpFlpMDYyITu7t3huPmQYGtqsw9+il0AmC0TEYj27PifyrOPvUmsgGsU1FIqY4+4dRdjQx3CE3hUdXHsy0SdmUCt70IeNbdzXdxfB72nrWqShkkmiQyKGeT16Aihhg8iCxfcPDWCc+kZQqWTyGdDtKu8Bz6Pi3qYEaYZ2/BiQjoRWdzl1Xg99Yaj8OUiOia5dRXMnWN11fwFr1KZNu6o1CqtB8rQVj3RwHlVoDAYj4uMxo1QOdVkxYVJzIUbfGNPG90MggGdz1wGyFHJUkZWqnw0a3pWxztQMravqjBqj9/RS/D1SAYFRsXtQAn92eg8A9lFfnxBsIB5y4DWvec1rXvOa1x5rHnLwUDNNv8STWemSZRpg/W+A9r9Fui9a1EEY7EcE6ZLV7lqGCHe2Ybrrba0hf2szqqgyWhtg1D7Qj2hUWbldtTWlqmGN+dtWm9rZ1EYvcic9OQ0/g8FhMKbn7i/L9BR28n6t4RV8RrUEjh/C30MB1fvHbvr6tYs8B7XlyXdQRnSVOfgEmdBHTkL/vW8Au/U2c5fz9zdF1edCzBl32rgOgyGvRhcrS6hTLh5FxDA+jhzjrQ9R196gi1wghF17iap9wbC6FGJcKlV08uQxRO1f/NKX0aduXZapV5/OIDpok6l9/u0fiIjI2hrqun3+GvuI8Qoz0mlWkPf9wbf/UEREnnv2FVz/LCJMk7X6e3mMr99ENPL8i59Fn06flZUFICnNJt47PIDIN5dFbrhQwDnizLU+4CNTn57rwmB0oU5uPeSA0c7MQeSmTx7HeMYZHVca5V70kVXEiMz2jQ1U5bRY+15mlUGQzPFICOu/S737QAz3RYMKce++i2qWUglRrk3uRijMaJZ9XZ6/Jtc/AA/hzGloZOwQxRgeAdJz7nlU1vz4jW+LyAPt+yjdOvN59PX+PJCl2UNAx3Z2EO1mWQ1z7unX8Hnq+qs2QyyqnI+S+MkIT6bwWqngnupSYTSZ5Dip/TWfB1PKueB6VxgnoI5/Ua4b3sP3PgQSV6Qb34svwLMkl+2X6anPiIjIHDUWqkWs9/4co9GeeikjYFctzTEeObq4ztOyt0skJUGFzUYbxytuYJyFfgmJhK6fkARprR2NKceAvBZWLahan8WcuZ9ROMEKSceBlg4MT3K88HMmA5Rrt0zVxw2gHH5WxYSoaTI+vk/S1Glwud7z5GrZjML7+oEIuRYmo1LhGiXi0lZ7aD6zXFefO7RF5vPCIjehQlv2ckWf7crhiEkshrGPhND/gJ/VFXFytVhaEmOFRZe6DW16LbTa+H2Hipvdtv3Iq97DPbtpKkcaPd6ATzRu1+o3bQoYuA9zDB76+Uk2Dznwmte85jWvec1rjzQPOXioOY4rraYjYUpe+egcZ3H3HiHTvM6IYI074Y1lsLFj8Zg8dRqRTII65UdnUSvcVr+DBpi+bfoUbG2AO9DhrlxVtSJUKeyQ6VykXoDJnXWHkffUFJAD18WOenQ4ILnMIH+HbeWN68h9t1hHm0lh2n081r17yH9vk+E+OY6otkwdgE1Ga7OTqIt/+tyrIiLStLGDLtTokEiXQzFNkSB+VyxibPzqWEh1sVmiF8N0ejR8jGoZQTxzDgpv3/lz1MGXm4hKhRrxalpYbWCX/uwzQApeffnX0acydd3NrgxNIJrc2MAYvnn+vIiIrKxSXTIMNMLt0njdwXyHiACEolorj7+f/0v0afEWKkTOnAWCMjyMnDTlMCQYwRhE0gk5MANvidu38ZkKI8RjR5GDv3zl+7w+esSHVbeBSAF5DX5GSk1GPpk0xm/fPrC2EwmuXeaYm0QLMv0J6VBFTvO3c/fQl7JWG4zQCbGB8dC8t+ZU64y6EjGMZzqBcbkfBjJTFep+JDBu9QbQIr+LdRHyGfLe2+B3jA6Da+BS2bFcR9+On4La4u17UNtcXwGqk47ifV2qDC4vYc1OkK2uQXuT6EY4CFRvmxUDfazqCAQwjl2rIV0KG0SpfNplfjvMagOt/FCFR4v0+zs3sW4shmvhRISvzONnqe7XIR+Arp/1Gub8+9/DXEciIl/4PMbB6gB9u1kGyuAj8lYtoU9tIkd+MtrVB8SVNl+pScFoNE5eg0U0KxLluiKq4VJHwh+MiM3nRJGonGqnjE5DIyFFFdMueR9VcjS2yaOqVtGHBjUHfLx/ROjCmMXkDA2CJ6BujsUCzldrdKVJZNXmnKhTZiyG6L1MLhGBAImG6GNBHoQiaFoBkU5jbW7lqWXSInLEypREAse3FSXl88c0Wj2NkGIBa0erU8JcQ0FyDnpVB+QJWQ764vIZ1eEz32AlUoxcHvWucLuKCmilEQkFjoiQ/+FQ6OAnkAG+11GnyCclbvBQ85ADr3nNa17zmte89kjzkIOHmt9vSDYbkBKV4EzVv+ffw3RVS1M3wGYePEQmtGM50mqw6oA7vmGyareo7Gcz+upSTU1l2uOMmAPMY7XJ5O0QYYixgqJCNvqxY1AlPDSLXO3SMnbxGXHFT/ZxjZUCt+8gsjtxBO+1u+hjkK5oqrXgD2A3fvYsovCr7yNPnojgc3/z67+JvtE34jvfRc6+weSjj1rhXafTc6xLUb8gTMbv5BiqM+LMU87PL2EADh3lZ7EDPnYc52zUEKX8+etgH6uefY2VByfJe3j2WeRui/Q5yOSYKDZduUT9gcuX4L5XonZChAqGGhFppUCIWhVdIi2GH9cbIyvfpsPb5hbm9M+/C77AIGv2h4YRWSfTmLNQKCp2h8z+MKJzZesPDQFBmTkApGOe7nKxJI7RYE40oSqcXFdHjh/hdQI5MKkXESZPQJUGi9S2uHzpXbl5E9UYS0tAUEpFRDZnzmLsPkMVzxY5N/fmMP9JG1FWJEqthSbGLTaEnPwrr4A/8M0/AcJkM7xLR3ENNea9QxFTCmUgSeffhC/Fay//DRERadeoId/G9T391CsiIrK3jb42LYxjeibPAAAgAElEQVSPjwp/pSrONcfx2j8FVKvdVoRKfRDoXhlVhrhG4sWetkCS/ezLYq269KO4dwfXb3EtZ/px328X0Cf1t+gPYN4j9MEo05UvSVW/l14CD6ZVx7384U0c9+7d23LtKu7NF57H/Vzcw2dXiIzYrNOvlomAZBHNO91HUQ2HtfQ+ol3RGObMbWPdzd+CPkAyy3WSwGvQcSXMtaKOr8qqL1cx5vq8Ux2E8XGglVP7sAYdVgxViVLUef17u/h8pYJn00YHc98i8qrRcV9/TrpEqQaHMBeKWi2y2qtWZeTP54aqcNrCihoiJorujPC5qxoE23urHMciz63IiY/XSG8Of1hafD46rjph4iONNhCgMudRUQdFQ7WKI0aUKxSmKydVL9W9VKt3tApCeSS9LxpHRHrVWXyLcgxUxKD3e/2Qhxx4zWte85rXvOa1X3DzkIOHmu10pVZfF0dzQJLg77nbZv4/xHroDvN/0Rhe6426zC1QqZA5rk6Leakw2LdV6rQH6aKo+u7Fsupws9aVcmsh5sKq3CH7w9gRHzmCiDkSRbWDL0Dfdp8rYfbn4puIFo4eQV7zyOFZfgYoRaWGaOQ2/R5yVDCzBTvePka1J06ClZ9mpBj2I/r6/KtgbX//z76D35usvHBDUmXN/L4JnHOAHIw+5sQ/uHxZRERadIT84Rvv4n3DiFKOUBEw4tOonlUJNbz/mWfAe/jC576KPjNiiDDAXl1Dzvrtd16XtZU5ji3G5dAU/ebzuP5WFx9yWFRMwz9p+zQaV+c//MHP/H+3jWtsNao8J463vKzOghqRGeK4WEuTYxjL0ydewWdbOOfkOJCSUkG9FjBO7RYd3FghcPwU+CCiWvH0SyBwIOvLQDN+8N4PRURknrn77e15ER/WpKJaoZDqGdChjihWipFimxFhKIzo07bwPpuPjQ6jluEJRJSvvAbVw/M//BbGjcp4LnP6e+2qBPyIJhcX30B/J1GdkohhXRd2EJX1ZZCDn5xEdHpn8XUREYmFcQ0WfR8217B2B1KTIiKS6UPVToUM+8lDXEecO+XAFHfXpVHBvRgij2GAHglbBdyrdWqNxJNUvGOUmRrAnBWb6EuRVR7+Ku7RMd43IQNz06rhmv2s3Dl2AiqRg4OjMncPnKN8Hp/V6ovVTfAamnX0t7CH60iGME6OxZx8WJGCLt+H508ug/efO42KmcYu5mplE6hFuckqoGhFwjH8X11o00G8+ujrYZNlv7UGDkW5iDnSyoBklPd2ju6ME/h8iIuyxQqrSg2R98Y2UJ9yFQhFNB4Rh1ybFtfYbXrN1KhHoNoSkSQRVI59xK9+Nxi/BvkCOerNDA1hvCSIaxgZxLiYjMxVHbRYQt/yxW1RDoAIrkt8uP/9VJcUVWdVSEHw9xZtJltUZ4wzqE+zMsQiItWsA+WJ8L6wFSVQVMDoiiIBLr9z9G8P9E3cRz/zkCyi+4QkEj3kwGte85rXvOY1rz3SPOTgodbt2LK2XJIA3dgyfdgR6q7UpaKeTZb/5g52wFonblmWBALqVU7GKiMcs6uuX4jKGnvUxme4pqpbQUYCfnIMlM/aolrfyVNwRswNz4iISJXKcLEEdu12dVsKu9htF5nz2zeBKGxvB4z/o0eQ9166j4i6RpbygQNAAupN/PzsizjXCFnsloPPX3wfOfzrV8A8r3ex63a4ky7VbJk9jOhoaBgoxUSGXu/LiGzmF5BrPXPuWYwHN7s/Pg8m97X3ceVxAxFgs45o7sRJ5Ga/8mWw/EtUiLt9C9dy7x4ijoUlvBpGW2J0newwH60ukhW6Db7zLrgTmjNstemJwMgnEkCUnghr7Tn62mKFiWb7ovRlVx13AkvSbrfEJsckT1+H5gwi4ngf+Svcpz/9LFCe0l6Xr1gnp4/jejNxVXfEutki+rFB1cLbH4JX8f5FIAcW9d8jIX8vHx2kZkCVjo0OI98A5y9Cxc9+6tlX6Z3howpjhr93eV8UK+QuPIO5nJ8Dt2H+LioN4hkyyMORHgqn4vF3yGs49zTWWIe54N0SxnaWzpFLW7iuNvO84TD1G5pYF7fmUZFzkIPeZR432wfUQ6O6AiPRYqksLvPay4weTc7vZh7rwvKpumKMfabLokIsZNbbZIyXqWLpbuI+GRnEfder4WfNfr3eZN/ScpCIYIs8nr5BjG3/ENCt/B0ggls7QBDiERw7EsB1OX5l+VNZtUZkhVyLJF0qX3gJSKP9V3j/yjrmVHwiNX6mzqg7FEKkb5DvEAiTY0KVVuVBqfdG0FSuAvL5derBJOne6A/zffTmODCDa9sro2/bO5uSy2KM0tTe6LRZyVDBz+qQWSjvcCyxjkJJurfy+uNZILKFJu7hEj0bfD7M4c0beE6kWFkyNob7aYQeDkYwIB2usSp5TaUSxqxIHQxL0WBFBunKaLusHCHPoUQ02CSCpMq7FOkUqwcDKKFA1TuNB7/qIQaPogGqhOj8IgQO2DzkwGte85rXvOY1rz3SPOTgodbtWLK1XhSX0WowjN2szR1dwMROMEi26fgkcpTxlEaUliSY63IoZeUwQrKU+cpzbSkbmczuLOtyO2TrV6l0FqJG/H466fXTs6FLXQOlsQYi6MNI0i8ba4jKy9Ryt+mu5gswgqbWwo1riOwM6pL30yP+1BloDMSomHZrDnnrqx/8CT5H7fwUGdF+Vik021RSc/wyNoad+Bh35JSMkBvXEVV2qGjmpwPezL5JERHZyKPvKwtQ0jNN7MJ9Jnbn1RJytH/2p/9aRESWF5E3zu+REU/kJpskEhP0S4fWZSFef6mMiGiMbov9Q2CArzDP62dViqUa64oYdHGcBvOdD/J8ql+vuvfUTCfr2TRFhP/vdhB1XH4ffg3PvQjuxAR5ED66S4YiONfUTJZ9RR87VK27cBEcjbfeQe5+aAjrZ98E1sdgHypOrl+F6uXO1ooEAphnrVYRqq9FWX8t1FSIBLD2ThwCuvH6j6CAqAqBuQHqHBBBaDWxnjpkXz//yudERGSRTqG1GiKuTDrYQ8JcA/+rN/G3rV3qYRB9KVUwhgmSSIbHgGot3sH66cbU1x735PYeImp3Dvff4RPgdui9qzoi+QLQtEK1JKkEzpVnhcuINYnrPnNCREQW7uOYDWpmVGuIQkOUTIzGEdUqgmIRQShUMB67BVQBuTbW8MAg3j8yxCjVJ2IGNfrEZ5XIHyKXSO+tGnkL23kgRDPT4KjsEDnaZh7famNcBwZwjgb1ERJJrI/JfUAzyuQblaobIiY5E1RUVRVWRdxCRA7WVxc4pvRaoR5MiahG0GRVC5G2cgX3jUJrlvNohUCLz77N7RVZXMSFDwzR+TCOc09NwLdFyP/ZpJ9JiVylOjU5YlRlbFG9MTUMbkHcwjNsjyivYFhlk0jb3XvgZaUzOF9mICW5IbwplwNfYZg8KNvBmJbKQBIKeZy7Qk8JW/AMMnn/aEmBBv2Ww2ooVs6oWmNvgNT3w3mg8Cgfgxj0EAUPOfCa17zmNa95zWt/Xc1DDh5qpumTRCIqhQpyZ+vriO4HuNMvVLAz3N1F3ktdxgb6EEnF49GemqIqV1nMa0ZiiADLzGf6mTNOcIfcadHzm1FuemhSREQOnISjmTDS2qAbY+ogdsbqdthh7a0RaEqphLr7tRXote8bxg4/wnrsb/7xvxMRkRvX8fcwc+QD/fi7ektcuITo9MJ7iBytJiKHwQFEp4ajynH0PWeVQyqckPExRLqDPOatK0AptrbRN4cKbR26Sqp/+6FDiBQ2VpBjNnjdJnfd64xGF+9jHIIm655ZgaH59HBYa48tMcmq7jiIwlyOvcMofZJR2PLaIo9J1IZjaxDF6TKP6+NxfHRSVJ8IzUH7GImZFFLrtlviJ+NZTNV0x1i+/TY+83QXrPJkGmhUIIz1cvAwuRpEVN57F6jNVaI+JisPDEGUVikhGhsexPh/7WvI2V+58rq89e5fiohInIiPqZoRrCFXZ78wOQdhusdFQso6x/u26No3MYlzROMY+3wJ983AGFCQ42fgIXDxne/i8/WOxKm2Z6kvvR/nVF2MqMlcOqOoCnX5B3PQwdiM4H22hShe/Q0yKY7X7GFeIyLlahVRvM/A/TEwgL62W0OSJwfH4ryVqGD4HHPirg/j0NqlHwPV+KpU8yvt4dgmeUKODxeVzSLyTGeA9lVZ5/8hUY9b9Fo4MHlABlhdYZDvUa3RZZUVURoxC/Pa1RqO5Q+hjx2iEo2WVpzwHqRCYoh5/g71Vzp8Hk1N7xcRkbV1W/LUwvBrdUFLeR1UNhzFfXL16h32hdwc8p2q9Hnop+ZGIkktDz8rEKr0m2FfKlTkXKc6rOW0ydAXWV3G9SiKUSIvaGwca21qP8bL4c1V5NpttdXpEXNZrAPFjLGaYXhkUkRE+rJAAdQZc3OLKGsdyMza5qasKRISwN8SUaytDPkMyQSOEaXbq0PNEpsIgMMKK0UODPIjVBfBeoCf4e9Ebh/RNNDCBX3nY4jBX0fzkAOvec1rXvOa17z2SPOQg4eaYYgEwra0drFbrbIKwQhgNzsyMCkiIn5WHNy9i7zVwjwQhkQ8KcPkBCQSjFDaj1Yt7Gyrihx2ti5d8zQfd+wpMOnTrM+NZLB3/PHbb4nIA9Wxp04hIqwx2jH82K3W6pty9x6ibtdCLnVlCZyBYABcgrV17IxNukum4oiMFu8jqr83hx19lXr3uoOMR4BW2Iwgg4zIVSvdsRG1BIIJSdPRTm3EPriByoZaE/0PMCqrcYdvkvmr/gSKPOyu0e+ASzVI9ccwDQz8dL8MMZ+uzGqT+X/X7kib5QVl5ilVhbFLF7UBMsNHxhB1bm4uiYjIIB0zVcfcr7br1EFQtrupI/TYVtsleuQTXy/yU+17H/UranXM0V/8EFH99BSqFb7+W7/DPmLdXPjgRyIicvUW0J7+QYxvh0lq9QfIMlpttlgFY2FuP/+lr0u6D9fzA3pDqEW8RqsGo1SXrnyGT/tP7Xw6hApdHdfWsV4OztLfo0llzjrm/NgpKC5+eAMOm9Ip9KpuQqw2aBMBMAzV48eYNpnfjzLvnY5ijvrSiHJ3laPAiPvEMVTW9OeAVG3lge6JD31fug/uRTZL9nvEEdtt8hxhjgPu8wBzxiOjcALsxrHu83uojBijLv9OAedYWML94rJWf4/uiz4/+j4zg/EZGkTkeeUi7uW7t69LuR9jOjwKhCjmQ1+aVEg1iDhFGMV3yYRfXUMUX6XHBoNPyaUxx7E4eTPkv4SIFt2Zo1IiFRJnZw9L9RIieYO8qIjeS1yrbWuP40KVQq41oT6ETbR0dw/PwXoT45IgbyIaHOFxcDyDN1B/Dn9vtCricJ37uOb8vNlUz2KLPg67RKcSRGcy5FZMEglRnlSpgGtavgM0cGcnz3HE3A4OYrwTyTj7AM2F5c15yZcwzw45OKUqnkEVvgYD1K3wYy2lyD2JsDrDoj6CS8VJVWBVddPH1QwdQgZ2z1vBFJ++h39TxODx6gSTE287jjzp5iEHXvOa17zmNa957ZHmIQcPNcvqSn53Www6nDl0abtPtn6H7mNDg9gJP3MGanVF1vUuLCxLgZF9iDv+ENX1mlQHc6ie5TLiaZARf/Y51CGPkuWvueSF+1ASrO5gx18tU41vGXnLwSHsgFVje2tnV9ZXEdH1ZZHfLRbRpx1GPvvotjY0hPydS4UvQ13oWIedidGNrc7aaUaEym7PsQqiwxr+3V1co99wJBBiXf8u+rK+iUgnTJZ5l+eo16ocQ0REWs4xOQF2+s4C6uADHEe3V++B13BEFQK5zyUDX1n9nXZD2twDuy7Z6XsYj8FBaEWIgevZvx8s9QZVGKOBBI+Bn9W3wGA+XDXiTXIYGECJoedjTx3LkZ5ihU8/g2MEaSdo1/A6PQXOhXrev/UmNCUqVNwcm8J8dxtYmybru9sdRJCBCNEQolzlCsa5VHbk2ee+hOtKAvn69re+jb+Rp1BmtK4ojl85B1QXzN8BUnbgABjv+R3oA6RSWAeZLBCFOiOsTBbo14mjWNu3PjgvrqFaIYyMmO9vUlsjnQJ/J0dtAIvRppBbMEhORjaOc0UjeF+YipH5baJi5DLMLSDPv7czz1eiPYbdWyuKBDWJHLSYv0+rVwKfBzFGbbvb4CoEiVql6E65RwdFRV42V/G+NufqzGkoJz73DHhE1y9dlPwWOTgch7FpoBWi54wA+YkG0VdF2haXcF8wxS5Cvs8Q0Y4wXQ399A/Z4Vwp2jM0hOOeOn1EEklyRnZwX5hEkLRSolxEVO1jDt3PtRwgipemNkO9QTSMPhnlOp4H4QDVHTlO6m+gWgzhQFSE/ASjZzCAsVZNkW6NyBu9JFrkPeSLOMfqEsZ6chL3z8TYpIiInHsGSFyFz+jSHq7FYvVKkE6LoTaeI8FIQkIbSzh2YZV9IbpFToll4ZytLp+LVFf01Tgu1ImIxPD+Toe6ED0PBuG1oqmx4gNMwGD9k4j5MYhBT+dAHmtPsHrBQw685jWvec1rXvPaI81DDh5qPp8p0XBSGtRl13xOinmpniIac0gN5nky1DY4dfSY7DHXZTGa7jYRwcToDZAbR+60zjrWQdb3900gyuq6GhGiD3cv/lhERFpl5MyaDRzvGh0Gv/xVoAA1/j4WTkoqjh16nZURXfbzPuuU24w2+7OIQq0OVRb9uE6DteY+7lrT1E4PJRCtJejsFgjjOPUW+ry0Sq5Ca0+abeSG784j19vqIg8ZoCJcx8b2uUNluDLdJpuqFMcIMZ3C6y5r0QMh5GSDAXU0Yy6WIYa6uVkumcFWt+d8qdFqngzoBlXz1P8ilQRqc/rEc7iee8ihxnjOeBJ9t+l/0OIcarrPoIKg7t57TGMxpMvqDI0q/ZrPZZVKLoOocmocudPLF6H4t7HB6HxsmMfC+03WVGcyjNbIyv/+D78pIiK/9uv/sYiIjLGuvVYyZLeEPhw8Ag2AL1oYwx9897yIiKxtYM727cOYt1iFMdBHl0rmnne3sY6Gx6GDsLGGqC2bRYQYojZ/q4lxODiL81278r64LvqfINdGeQ87W1QpdBABx+ho2CjT0Y45eHWnzKVxv7icf9We8LMa5N4S1t3GNrQronzUBRi9OXZHQj51XcWcNKmmt7uNtZpjpUiRWgS5EUTlN29Bv8CgHkAmk+Z109WRKEaLJRmFPVzDB5eBYgxl0AfD7Yjh4hhxOiM2yeuIxdC3Ln0uXD6T0ml8tmOT99PCz406Pr9vYh/HgdfJ41+5iueFIhLpNMa31WrJwRmgdBW6dDa08onOjw36v0SCdI5V6U9qdtRLhC+oQhhLPOAeiYgEFeWL4pp2dvD8LFObJBqJSMCn9470+iUi0iU3x8/1ElafAnIRakScWk2s3YW7WJthqlqmMujz8CDu7SSRplqFz1kieHG6oPoCETl8GMhwvgh+z9omqrZqDfQ3kaILb+fR+922tKKAXAyiuQ5/NvR5IY82V5FGcg5c90HU/nGIwU80rWZw3SeGHnibg4daOByRI0dPSbuNB6rhJ9mLFpz1EhZssYgbuN3EIi/s4mfHdaTLLxq1Sw4TtjKTgPEMfjkavBnSOTyIFTWbotjRpR/hZt5m6aLOVJimP8skQc7dAry4/wAgcl83Lf05fMEEOrhBxiZwDqFpidUmLK5GIYQBQ2adI0HRJ8KKKm2qUJyK6bRY0qXj0eAmwXUb8sMf4Uvq/iJK7oRfinojmEyrbO8i1THOsaxzM0XKk2T6SAozKGFMsahaXeVVcW6FT3toNW9MwzRFDPZLhXdoqFMpK9kR16n2t0rQTKbxYB4i+a/W4AZNS7DsR+1S9Zr0hiZfi3/18zPsH8sd9SkwewRkyHAU12mr/C0taq0u5i7KsrlGR4WX0OfRSXzu0vvnRUTkT/7k/xARkVc/C0vko7OflzZlobe3AR/vn0EJ57PP4zpWSfoaGye0zQenSvDyO1KWVwDRx5IghUVo9LV4H+SviYlJERHpcH0lSE499+wLcuEyiJc1ltalExjrAL9Q65RqbjeU7MYvHkrT9khi3OA5Nvq4x9TZyhbSbTULZWihKNMY/BINcK7DYVOa9UdJcO0u1vPyEq7jCA3LVNwoHo1yfHB99z68xvFBF4MMALQsMU7iXpKkyptX8SUz38E6SkV8Msb7PRRC/+YpJz24D8TKEEv2ym2F4PHciAaTj5yzjymdHEv14vyCvnHzOl8hKsa3S4jiUvV6RyYnsTHd2ca9tLS4wOumWVWBG1ISLttcs2pI1lbov4uHmMugKsm0ZjROMjEJzPpMrJqY63AwLC7nUcv60ik8u5pMYRi9byqmJVl26zKXp8lGFWZSI7ZdiiYt0Brex7LCBEWTRkiALlVwLYGIKTESDKencE8Go9gs3roNYq3jUk6ckvcuo4NQgEZKHA/dRLkun/l8NpmGfpHzih77Mn+YrqhaSD8hhtT7j/vIz65hiGsY8iTaE0krGIbxdcMw/lfDMN4yDKNiGIZrGMa/+Zj3TvLvH/fv3/6U8/yOYRgXDcOoGYZRNgzjvGEYX3kS1+A1r3nNa17zmtfQnhRy8I9F5KSI1ERkTUQOfYLPXBORb33E729+1JsNw/gDEfkvePx/KQj3fltE/swwjN91Xfef/xz9fqTZtiXF8q74ubtUsZtaETu/MqOYjk2bUDJLAmHKgpqumEl8NtbA3wp5lC6ubwMGjFOCN0Hp2SCFdGIsNcpvAaL94CpgZZNSpAbf53RVDAW7+bffRiQ2yBLKWHBETh3HfsmaRDQeiqMvFUFk4JKsV6GUbKeO3fUKiYxVQrhhWrhOzwBJCfhxDbt7GIcCI4qZGRD5TAHCcH/phly/eYP95y7bJYyp0r0sNax1EUVVqywbdbHz3ythNx5M4boOUur41EmUY87dRWQ4fx+WvYU8xs0m9C2E331mW/w0p4n7dD4RIbdopJKiaEuX++8yIdypkyhBy1G4Z3cd47i8gciyRQKbSahazW9clUqmiZAhIiYh/C5FarokR0ZIDhydxRiX2kgPxNOM1hlRdhyMkymAP/NNrMGBcXw+HMc1xdI4Z3l7SUREzn+DkfrLbXnmBYgSdUmk29gAcjJNw62VJcz/XkHljhHVxzOAqiNpQLNVojXXbwDdmp2F4VI/UZ4QI8QY01EBP87z4qtnxQzQoryI3w324ZiKINy/u8hzYK315yg042BOQkQpVFNqfhHr4N481kFY0T6K3zga1gaU2KXiW34JshxWYyQfI+OtLRDR6lVaOltE3AjvZQj1G36F0YGguBS56TA9IUTS+lj6uK+PQlVE6nJ9SYmlMBfbFJaKRnGu8g7WrNiYiyCJrG4TY+qwjM5mzmzffqR4BgaBRGztYj28cf57PA7JgSH0PRnFa7cdkY6F6zhMa/YiU13VTpGjg9dgAO/j40MyCZxrYmw/f48x1rmLE4FLUeipS7nk0WGka6KEMRrVinRYyqilrmGWZA4NAEGJJrTcFHNSKGC8HBos+Vka7SfaFWJqVL/i3BD/Tlv2hCITRNNMyrgHrYC47IPbwHNh3+BviohIu4L1fXcepajhCOFeWqHbTDv7TRzbZWrZ/0DJCK+UTdYAP0BYxDXVptkRh2vSVsG2x5MR+uFfoHzyk9oc/CPBl/a8iLwsIm98gs9cdV339z/JwQ3DeF6wMbgvImdd1y3y9/9MRC6LyB8YhvEd13WXfvaue81rXvOa17zmtYfbE9kcuK7b2wwYTyjf8Vj7z/n6P+jGgOddMgzjX4jIfycif09E/vtPcxLbcaTeqEiEoj4+zWQ52Bk6hhqH6C6O4hUk5rRaLXEYPQSZr09mEek1djQ/D+JVZog5wwA+G2b+6uq1D/H+BglWLLeq6W48i936qyyj7Kd1c62uNqotCdDYY4tiRwHmaRsmhm5vBzm0JgVFhLt23UVHWAbVaiHa+PAGeANq/byzu/VIH+MJRP3ZHKPA0oDUNncePrSYBkqITLW9NpivY0q5XEaE1JdjeSTz1cEwxmltZZV9Qt7v2BHkyzMZRBhNkoXm74NEdHeeeVLLEaEQkEuRprAfY7i9gesbGQRCUGtS6pqlmskoCHamo+It2M1nGSn6DZbhMcJybbXLxavhqkzqA+ttlapWjsn0PkR8/VlEJVurQCOStJTdJkHt9r1LHB/0NZtD9JWijW4shWtMp/Fzu7TL82Kuzr/xLdneQS75+ZdhjBSn+M8GLYv9zGerWZHLiCZBudgRSnovkFdz7hxKFE8+BeQgQTvpZBKRU4IljlsUslpf25FoBJwRjUJV7KVK2+duF1Fbk9yTBsm/gyOYk+09rDU/5+TEaawDev7I6jLun46a/LBEzrUxd21GbX7zwWeUXxeN0PSphLVbrmAMgyESNClcFicS0GEpm02BqzSJyyWWlRqMYheXML6siO2t2Wg8IDs0BNrjOTWyVb6HShhbjGZN5eHSYEjFjo4cAfqj9uvvvgt+Q4jPITOKcde5DDI/Xq+3ZI2E0jPnIKy2uQWU7r33fvjIGLY7KliFTjQpee0QpUsR7RoaZjk2B/j2HOakxZLOGLkKyR6/JtjLkzd5nQafh300+arVS/w7xjpJ+eMM+VDKj3JIdC4UcS6L8tKROP9OIlCzrVE+3u+ytHpzu96T4t4p4W99QxjjYycwxoEInlXrNGprUETMx4Wk91G7RRE59WH6uKYgAH90fPIRNYqPtce4Bg/94d/zwU/efpmljCOGYfx9wzD+W76e+CnvfY2v3/+Iv33vsfd4zWte85rXvOa1T9F+mdUKn+e/XjMM47yI/I7ruisP/S4mIqMiUnNdd/MjjjPH14Of5KSGYVz+mD8d6nY7srG53pNJVXOOZIKSqwnsdKMxvJaYs1f5UJ/Ph5BERFya2uwxOt9jZHycOfOAj4IZzCW2GfkuLYIJXuduVG2RT59BPnB0CgY0QeZzS2R1N+ua/2UDZo0AACAASURBVGqKy4g1xAinSLOWjQryuU2Wh5lk9Ad6eSva4KqaD/+eSSKC7ssgWt1YW+f14jyLjNaiLDM7ODPbM3y5exeog+1DdGL2tqPYLqsJSUNFotI4Z5NojFr4pojAbG5iHMNBLJEcc9LBEMbj+AlI9o6RMT83f1OK22rWQ8lm0q3rFLVScZfBfkoSd7WKA30IRhBht1maZ1n4fJgiSV1KADf5OR/Lx9Q0yhZLhOuhTTEfv4nrOTANuWzDZrRN4ZR4FJ+9eBFIydYORKTirBA4dOgljBvRnRz5AEPknqzfx23hj7GMzArL7VuQsC4UEa2eewEIwiAtq5cWsU5qDaJQLAtMs4zsqZMvi4jI/v1ArfbPTIqISIQs/r4+XEOd4jcX3gOKc/8u+ACRkCmNutp6Y40p8qGRkoo4hXjO3T1E1FXyfdLM2zeZv94pIgd9/PRJjNMeeBOtCu5hjQwVwfKbGsa50mnzOsmQ92sJZgf3x8YWkJZDhzA+Db5fo/FgCOthfQPnjE1P8VJUdtziNQC96fK+qtOoLBjNyhQFyQbbWHt37iAaVf5Kl5yCaDzxyM9traxJY01vECVcWUNfdlh5ksnQbpiCXcn4AI/P+8+2ZZMlrM0GHqFp5vu1SsNPHofGkiGKgeXzOFeBaGiSSFGa0vEVci9KFaKj5E+ZvPe1dDqd7pNKFWMTDOM6p6aAiBqUeK/XMN9zd7CuTYpC9Q8SMUupKRJ+np4COthoK7rD/D/nf3MLz241zdvLA9l0DEvmlyA41yT3IsbS0wNFIGODQ+jjGr+N9OnpY1+1DNPswTx8wy8AVFfp5Yfbk8IOfhnIQUNE/omInBGRDP8pT+EVEXmdGwJtKb6WP+Z4+vv0E++p17zmNa95zWv/Aba/duTAdd0dEfm9x379pmEYXxCRt0XkGRH5z0Tkf/5ZD/0Jz3/mo35vGMZlf8B/OjuQlVIDu8qmhZ1jmIxRm7v1UhVRSZhRbZZGNNs7u7K2il24Bt9+6hK8+NKrIvJgd7lDoZV+7njv3EF988IdRCvpNHapM1OILNKMnEtFIAr+DqsiUtjlB2jyUWs1pcaa71qFxkubiLIdihbFyCJuqJ0td7hDg3qOCscE17Cf9b45Gvd0ycGot3EedZWt1DVaScm+fdj5d1iPvzqH94qp8rXMqarwkouDRMjWVgTGYj43lcQ4jQ4hN19SRGYP1xgnaqHoh0Hzk8OHn5PQEez097YQteb38NmxUUTZPh/OMXcPEW65zNxoBFEX09QyPorxSdKIZ20D53ZsNVjBG3XHTcdnsS2rZ61tdXDdqRzO3ZeZ5GdpgsVIem8P9elbWyjeSTCitlq0tDXVHAf7aIcR5fgo5uoDP3LObQsRUSyQEq0Gz+eBTr3xI6znk6c/IyIiAwPINVsUlGpSm9fksYcoyezzYf0XKZoTT+A+uHYNgl0/ev3HHAEgCgenwZMIB00pcm0x+JbtbRxL0ZrREaBTwTARghaue34Fc9Nizjjdh/WwlUcfQpyrg7O4vS9ewP1lUV/DpCWwMFfvkweBnMrZ2iq93cHNe/sO5mByCnLHFkWPgvzk8AjWw+ryEq6vJ2SER9HSIn7v+lgpEKfiBe2IN7dXpN7GOt03hbH/tS9/XURErl0HgrC6iusOcv7jfF5QKkDqtJF+/zI4KQHaLocp3FXnWg4wao/ouLIiqdFoikvYxvn/2HvTWMuyNC3v22eehzvfuDHcGDMjI8casqau6u5qWRgscFseMAaE/xhk2cjYxpYs21L/s5AtftkC2yBACMkCy3QDhu6GhqruronKrMqxImO+N+48n3k+Z/vH+3wn4t7MrKwhmiqZvaSqk3GGvddea+191/t97/e+oOsCdf5xFxfwgeJ1hAR8hqiUC3r0+orqrdUVJfSITApr46HLCGMu1UMae3dvZLm8ni2X0WtJwntqIxvuD/f5pSX6r3v4EJO8wwOMldCUWEL06Nw53WfZXJ5LgOuEeFbIc+fCqiourqXT06jN5q6iFI82pGdx577mZE+nsnHonAId4wnfDo4SegbjsxGDM/+Oud/S0zLKU9g+OfN6tn3U+88mdvBzI58cKhb+1/jnV576yCMDZfvo9kmRhahFLWpRi1rUovZjtJ83hUTgpU3TCmEYtoMg2DKzlSAIlj+Cd3Cd17s/7cnDMLTBcGTXrmkX6UigA0u3Ty42g0qdS/V6Tf9kHNoyEqtsku25m2JTv3LrU2Zm9t1vSda1imIiRGDbfLhmZmYXV8SMvnlT3II4rF3P1VfJ706wg93CmnZrVxGLWDxmBVDG/rFQWQzUmssIddQOtfXt1YWm5s5rd33zltjKwcStd4Uci3AuCgU3HkICGHObREad29lW1KOQq9jy8qqZmb36svLTixmh7UePFCHpj1v8VtdRwGCm1RCyzBWwZGZnnEZLwPkBE1Dco3WdszqnPeIcNrAJV6sbx6bRigJ6BTML6ks2q2NubAoR1Nsay4LLZWO8tflY43XjhlD5rZc0p1/7uq7/rbdUrJMAEXmqcQgfIBZL2BjUPibKMFvVmJfy6ku3TSQF2dxHD1hTQyxqy0LUTVQdT6g4mV9WnnvA2izl9b04UrYham6jccuS1P4n4np16d7bKP3VkcFdpiohiTpfD+iTZkxTKc1Zt68+/PZv/T9mZvad78AX5vhzlSv0Rcdrt4/t5ISqk76uq91p0D+hnedv6XpSSc1BvS4EeSHU/bB/iFVzC8nvPHX9O71TfS+XdQ+3moqaxQONg4OqWCywcOIy18gZE31LpfS6S1SjhrGOq/d5lU4ZFL8O4nar5xz3aBvDMktRBUQFSuC192HCujDa79wmf69Aj718U/hoAQ7J99/9tg6F7sXMnCIlrinRrLliKKqDcUUK+iPXcEjyyjONvLjZxOIonrY7VB3AHVg5r2fRAI7OiEqSZvuE8dAR0hgwuWxwJuP6ESBn6v9TKeccuFEZD7/xxC5fxXKZe8+lu4+Ode+tr2Mmx31+/pwiq42mBswrKfpEfWrH6uOJSzTD0XKjuoWF8/SJe53w0UntaGqTfe059ak4o2jtB/Cnuj2sm1FlDeAxuPppgGZC6CGCsxV8H/r3mddYMA0ITFCpDJ/UMuj/+Wc8cG1ItbHLsj6D9nMTOaB9nteHZ97/57z+mx/xmz985jtRi1rUoha1qEXtp2j/yiMHQRB8zsy+H4YkbJ68/1WTmJKZ2Vnp5b9qZn/azP77IAh+/SkRpFUz+8/MrG9mf+On7VsqlbJLFy5P63f3j8TCDTD/yKdcWU7v72LPfO2K8mTzi8t2dKTd99yskPBFjG+GbCtP0ISvovi1/Vh5rZ3HYsheRNe+NxQSODnGgKSjPtX5/Qmo/rCu12svCqFfv3TVjg+E6FLk7ZAWsI0HygWWqLa4cF5989ziw0fYnl4Wa3l+RahsQg4Ofymrou74eEus915NO+ujkaIX7fY71sT2+ML5SxxTeduVC0Lf8TTmKw3t/O+jfb67Qc09IZWRCX0V86itofPfRcVwEur3D+5LKW99Dc+KqhD58tIF62fRHQDZJ1GE29gVAjg6FEI8h7lRBwRVO9JYF6nfPqGCpAf6/+Vf+aNmZjbLXH/329qfNppCt5WCzIFavSObBL7zh6eCBr7n9xOg9AE18g+oDU+DTmKg0z651o1NRWDOXRQS6rAeFub17yrGRMcHFPPEx5bCgrkND6RQ0L9nMQ6qwaovo4yZYN67VF3EyNevLAtRfue7Kvz5zrdVTZzMkx+mNODoeM3MzNbXlHNevbRiyRSa95iCxUHCY/RBatj5XjivCFAeNdLXV1Xp/M++pjnb3BCifO7GEn0Swu4TrVla0D35oAnKDdS3DEp5o0F/CuBG6IAkqL93nYuY+z0gSlHC18PNwlLk8Z1z0qVyyPPYmRSKggn16RhVyDF6GZXq3DRaMcakaQd9kF6X+b2scTh3QQHS9UdaW+kMNtlYXJfRMWgXtX4aGMD1EkQ7ycU7HPQKK7PQWk3Mqu4qgnb9hsZucVHoPBWD601fNzfXdA6suYdjr/rROPo6cSa9Ry0GeLr0h169INR+9drzls65Mqru5yTzNIEzUuLh00APww2TYkSpCkQaL89rvDY21Ecf3xFeCx/cVoD5/n09Zy5RFXEBs7FMLm0HWLqvb+veabQe0pcBfSNSEnN4z1CeiQhM2QDTt89wAQJX7TzzafjkM383sNPfiX3cMZ+hzsEz2RwEQfCrZvar/HOJ1y8EQfA3+e/DMAz/Iv/9l8zsFmWLm7z3sj3RKfgfwzD85tPHD8Pwm0EQ/GUz+6/M7J0gCP5v01P2j5vZjJn9+UgdMWpRi1rUoha1Z9OeVeTgVTP7M2feu8L/zMzWzcw3B3/bzP4dM/usKSWQNLM9M/u7Zva/hmH4ex91gjAM/+sgCN4xs//czP6saWP2PTP7n8Mw/EfP4iLG44k16x07PnHbVO1sj+vaST5al05AEUb5V39B+xlXBNs7PLFNnPsWqPl2K1K3Tk3ntateW1Oe92BLdewbG0K+23tCjG1SRz2X1yLPlySnNEHX/YtfUValuqid7/raI2uRf+yBgLtN/fvTLysiUC4JdfSwuT0hP3fvkXbVB+S1X/r0ZxkY8pRY/n72NdW7r64Kpe7uC3m3mupbpzWyRw+1Mz88FIK5vqLrWEAZst0HAW5pTB11pMn91UBZBerdy/N67baErLb39bt4Usgik+JasXLd3NT3Hq/ftpC84rXr0pgo589x/drblyqK1rgLXR/3SdcmyMDwXrmsSEsdJDlCN+FLv/BHNB4XhUJ+53dkGfJo7Qf8ft7SGVehBKVCTBiN0LNA6e69d8Q1qIOgymW01eE/OKL4wV1pFrz2uhB1lrUacg3ZLLlUd4xM5a2P9n2Oz+Zm0K9fUpSlUtY6diPEFjbZsytCjofHmlOPrFy/ofl/8x1XfdzmnM6TQWcDXsy1y1ctC5puNLX28iH8BSJNm+u67osXKowTOvSG+yQVAu2uIkeNhtZJiQqcOOScG/CGRgOtzQ1UCj1yIIVAxnasuRizzp1rc56ozMmJu43i3Ic9ZZJ7cJH8dQ+FTXdmzeV1n4WMQzajddNnzk+OjixLBUOlgi32UJ91++rv1q5+s3JJFR+Q9217W9fVqevzK+h6VFBAjI+YAyJPA7QXXC+gR45+d2/XKjMaa+cMbO0ov9+FxzIisujVWZew6h5PUG9FlbGNhkUXv4Mxx+uhWeLR0yIKo+7JUJmZtzYutkPw9iERxQw8lyWqFNYfq2+Hh5r3BHyHolcpLGjO1tZchEBrNYsao8VRsTzROLz3Az1/P3ig5/HyxVm7dFnHKBAh3d9HSfaAyCF6F4Hrw5yB9VNZA3dftE9qp6MEoYVP+Arx06UMwdmDna2EeIZWC89KPvnXzOzXfsTv/nUz++s/4Xn+lpn9rZ/kt1GLWtSiFrWoRe1Haz9v1Qo/0zYeje34sGYpWMcP7yvXdALr353jluaUz+13hQZ3tsgTDoYWC4VczlN14IbcIchngA6/s7ZrA+2AM1ntmAdjEKInlWAjl2e1gx5S379yTUgiR63x7ffFpG00etbBh8G5An/oq2I+z1ZxfKvpnE2UEg+PtcuOgdI68B0a8Bzy6OE7a7nX1M45l9Fu/upFjccY3/J0Mm87+xscU2hhHCiCsAYq6XWUc/Y65iRujE62rToCQmXuEhUV790WoorjczEawsYfwEY3R+bqy9ziOVvBNbI0o0BWbd+14vWLAtUYI79uIiBJ/B9WzgtJ7ICAn7+GhgO14pvbGqeFJSGhP/En/pyZmX37W18zM7PvvvF1qzXEmk+nZhgXlAszVIbgoXDvrpQQ50Atk7HQeMw9OBiPvWPlQ99+R+f4xa8oehELhVKLBSGpwDU6RoEl0hrjckXHrhI5cHa6O9r1+vBmqvg0DPXvN78vp9Aedfyffn1Vv0OtbtSiegX0Nxppzj2P/OjBlhl52tkZdB7mFbXIFXBfHAnhnRzpmFX4Hl7Xfn5F39/dV0ayXNX3791XxG2FnHNqTnNXKesa9vES8MiKxRI2Jg/dH/p7epmp6Bw3rgshu15Dl8hAOpPn+lB5xFlz0Ne1xYmcFAq6bzo9/53meiaLM2DhwA54DuzurJmZ2cUr5L7T+LVwQzSaetbceklVT1tFff/RHWlWvP++OEtVNAqWcbt0ZcSNPd13Ne795WXds8/duGqNju4d93mYCzUX168r0ljK6Pq2tnlmEVlNuH9MXtEc983ocWMNKNlqE6EsLFBRVCXzzPOi0ehYgPZDjYhBtqgxrrgyJBoirl+whUrrkDFvERn51rek95DiuVmqaMy9wiLJ+0vn4GjQ1yZuqB/cf9veu6vKkEpF/cumvQIAZ0y4FF5B4PoGwU8K2/14/O0In3JanGogeOnAh2QNzro1/mRd+Kj281atELWoRS1qUYta1H7GLYocPNWGw4Ht7Dy2EfXJfXbUq9TGVme1Q3Z0O2xrh1evUwedSlodd68RLNmB1wKPYLg28VQA1ceTruhH3TFIe4IC4riDiyG5sgxqYyfUYDdPftfMzNo9393mrNPQDvczn/mCmZnNLqpioEZOsAMK23ks9JUcKlpRAnUMqJ2N4XwXEv0YhDhFwvofoL4Wo4Y8SOm8h/WhTeJFxkGvwUBj1O6MOKZ25b0JecmhEE0Yd/a2Pv/UK+I9FM8JvTz63d/RuYc4CE6ERrI5MavncXHzyE25VLWeV4ocEWUgSpHCvTKd0/XWay3Orbk4vyR0lSbR941v/5bGKwNTHmfIcCgUsnOs4+TxTfjyL/6H6sPcOfva7/+2mZnt7+s642PNZzkD8l0X1yCT0XznUWHcO1CfJlM0oe8nqF9/77v63S3Y/C/cFNqdLarvw5H6NhymLZHQ/AbjCudWdUYuSbUCkaRUTii7ixLm3mNVMQQDz7lq7X3j98SpCMndF5LyN8ildbzcotZqKae+VMvnbHZWn72IX0XI2LbQ4T+g0P+4qchSvuz3AUqZVV3DCmqe7bb6bH39rtfW9+uBIgj1Q6FbaBJmrN2ZyjlbwWW0Oqu14xGV5XMalzj57lGg60igHWDogBgVJJUiWhVdjVOjJYS98VDRvGpGx8+ncWht6z5Zml+1EtUGb7+vyo+7DxSdmlvSudI4g45rGqchEbLzF1X1k4L3sP5IEackSPnRkfhDLdwe03G0GHB9PD4Qx2lmbs6ev6pImKsLHhxofrepHBrO6v3LOIj2FhUFPWaupk6HrI8QxdEkiqxLRH/SrHWf6zZ6EePxwDoD90DAj4TqklHC3RZ1/e7P4EqpB4fig3n+f4J2QhxdlPXHW1yb1miljAZDHK8OojnLmVX1tbpkbQhfHfgqrZaifgny/0ncOydEEsahq28ar64t4XaLUy3OM6/02TxyMDn176eP4e+EZ+H85Ey0IoocRC1qUYta1KIWtT+oFkUOnmqJRNIWFuathk73hWUhiPkZzx1qt+l58u097UrL6LxXCnPTPGQK1bEJKooWIz+FytoQwX5nCA9hMMfgO3g+L4+IejJO3hP3xTQIYDBAO56p7PV6NofT2PWrqo3ugbpyOaHVx0fa8Xe5jhurQnZd8m8Pt4TaXFNhcVm79AmofgJb98330e8fUh9fVZ/H8ZRlKqscU9eVY9cdp56/QbQlged7vqzrm58RysokhRBfuCU0OkH34IWXpJM1pA8zMzhmZtF0iHnezjhPw4bs0PPU7zfq+vci+cs8yo/b20Jblxm3Uk7f39sTOqkdar5/8x8JGa6jzvilL0rvYGZOEaYBc7RNXnz5/LL9sV/9983M7Ld/82tmZpbNwnMggnRSFyKcITrlCHcPnkOr4xElhwY4TNbV9++9qb5cuqgIwsp5KQrOzbgiYc2SKGRWUWccw9Lf2lCu+RBdhzny9k3U51otrbHrNzQXIXyPOGg0S6TBeR4xFOZimG6kYrrW8SA2RYZDGOwdmO0JVOUyFOdsrGsugjG6BefE92k09O8L8EDef0+IOYeb3xK59JdeVm7+vXe0rtIp9fn8BfFCFuYvWg5tgJA6fGeIZ0C4AQnfFHwF9xyYDPV+l0hcSPTLq112cHPc3VNFTS+j72FUaknU+k7q+5Yv6b8/9Wn19+4DcSd2t4jqsa4XqdbpnLAOqNZYQmNj9jV5SjSoMJkMdb2tE82h5/+LJUUaHO3Wmkf2vTf1m2U0SW4+r7UTQ4V1H5b+Oh4tPneuEOus/CDmyFfn6vX0u06L60d3xR0Se+hFTCahNRjLBdaee224B0S1ouhNu+33vf6dzcJR4VmVcVSP1kZtQ8fd3ETvgufm7JzGrYh2RT6r8QriGSujqZDGQyJJRGSE185wQsTkiaQh4xWbXo/Zk2hf7GPhvCsoojzL34hYGNpPXnbw7EIHUeQgalGLWtSiFrWonWpR5OCpFlpoo3BiKRzNEvgaHKDP7fnNIYXgIS5uCRwEh4OuJZ1dys7dd5Mjskb9oUcftButoKXvvgeu8V2D+b16Y9XMzF58Qcjg3beFLA6PtVPudXQ8RN5sOA7tktc8syvugnQaLe1861Q8PPecco0zuOq98wPlkGvkewvUtcdiym+GXFwFj4Igrz6u3VGfggOiGsU5690RairPqqri8kWiGOgQjNBvGPbV/8voNDx3TXlN1xbowVI+PtZ43bwpDkKbPo5GQp6Dfpvx0DW6bn58PLZj2PK1phDy8jJ5edDHwzXcGImw3Kgq9+y3R3kG3X/Y2zsHQuOP7qJuufF3zMzsxVvq23N8rzon5NWot6Y18r/8VSmAxwOhqO0dRSWabY2lu2/mcmjnp4UsY3H1NZkU8sukWC8THSdOBGZzU+M0t/C8mZn96r9NJUnQshQ14SMUEu/BdG/grljM61wdNAi6db2mpwgbvkNM8+9clG7b89kMW9yVAuFwULtfyJYtjbpcylG0s9RxEn10TxyKQ/Le6ZjuueqsxjSbqXLdaE9QIXKU0JrudUClbbQYrmndLS/qe+5lMBonrdPVfe658CzKoe6R4FHARkPRm4cPpFq4v6e1NyYqNjur33lFyv0H4hoUClo3g56u7YP7VBqd131Xri5YB05RFj+Gmzd0nfuHur69A/RAHqpSpIwL61yB9bOp63SVwxb39qWLup96RdRLD1WRdMSzLJHWOM0tVi1BZKSGvskbb6jmv0LFQ3lREdRMWn3MgE739xQx3Hise71OVVci4Sx+MzOzXIDmRp1IDOOd4vk6GI6tWNR7samVqUdj9M+QPL67KzqN35+vJZ5JwzEaBEQzrl3TeHZ5PtTRxeihRLqzgzZHoGvJ5guWhteQyunYGSJjmZzOOUThsUelxAhujvclBj/CIwgf4gWcaVO1w6clDVwzYco1mrIOTv02iJ+OFIRPHeenbVHkIGpRi1rUoha1qJ1qUeTgTAtDszG71EP0yT2BnWFnGMfdrtkVqok5W7fdnubXBl3t2LMw4ntDGLwotDkyTlCtMBrB1h05O1XfOz7WDnfvQOe6cFE74XpbaL3TJ59HnjeZSNgq3vBTlzkg3dG6ENAFNANmiq43LqZ0l4qCUkHf39kUsjzcF/qv4gzojm6XrihH+WAdxzhY/91e32aXhNhee+2LZmbWOGlwXdr5uxPcFuqMjze1c3ezuHNUiMRYom0iCHXXyg+FBAK8F3poMtROdI2dmsalXqtbDW7F7KzQ49LLQp+HeCp4tcnFVbHXM0VVQLQa5Dthsy+QHz5qCPmVKvreENfC3lC7++09IchWTwikWqlYjjUz4DoIOlmLvjlPZG5e5whR1JydEwLso8Y4QGExlRBSyuFmmUhQYUAOPwfCmi2oj0FyZEMc65r4F6yu6jp2U4oQ9Zz5j89BDqSYRLe+UNS/E3gOTCZUtXhuPoPGRFLRoERar0Nq7cPx0Po42h3tK5qztSnUub2lOvw4uvzlHFUHdb2/tq5zXUadb4AGxdwMqJZIys6OcvV7ezuMp+bu3n3l1ZMk/mdmZyxFfrpHNO94W306ONIacvXF3kjo8gSujgOzC+dRRj3Q+N394Lt8UuNc8IFgxA95JmztKgJx0ty3fAEX0YbG2B0NC3nNX2GFyEoBjRG0FnKQ7pcWdA9+4/fF/xmxBtOoMibxHiiWdJ5c0f0NdC2bm+tWZe0tzOtYMdOzyeUfNg+oHEEnI5nSsdP0/ZVP6fcba9JaON6DL8Ffl1RC/+HaHhN4JxkiNbFhzBJEEntwI9xV1aO4U/BNOKLNWA55rubyKa5ba3RExVGAKmga9F+i2qWDG2gdfZEe1RIWDKzVa0z7ZWY2qdNf7Cky6B64A6J3bQxPwrkXU42R8BOg/DQ64AqJT+oVPt5DgXZGMvEZFitEkYOoRS1qUYta1KJ2ukWRg6daNpuzl1951Wr4AXQaaIY3hcZadSHNkxPy3bh0Dag8SKUz1ienOaCyIZ0+48cNM3UE6poY1QmJ068F3+HCF9igguDi+VUzM7tyRQjq7h3ly3tA7kplZurx7qpivsvOseMv5si13xfS6XTdrx5NBep33Y/+zgfSH//C5xWR6KL4VoH1ns8LnfXwS0jFsnbrhnwMhqjpuc96g8hKH4R784WX1Afe78BGrpSFBJMg4klNY//135OuQ2D4t/f0/nBIlAfEYK4jEZilY0LPyUBz8hgHTEwW7RwKj3EcA2vwOYol1ZiHQ4/ACCkNYVAjWWFxEHOePHAXHsUG/g672zXLgIzieCpMSKaOBs741rEO92Gjg64SruOP90IJtOYRiHoL3YTYaVTW4fMROdh0NjeNHAx6GrvlBR2rSGRg7QHeGrta92PqrtNxrYdOV9czGupcOSouxhNnvut3/aFQerOruWk3Nbftetv68A/GcHImMMKzVOeE3FOuWhiEVNg8EnrPxvGDWHCNfF2/Y6YhDPjtTX3/PFUNpRlq7NEu2dp7aMMNre923ptGjQAAIABJREFUx/UtiHQQOfE8bzJDNCYPCk16xY0iBnWeC4Hp2txR1MNDQ2e9J72aQ8fv9WvWJFqTxnMindJcTNEmCL8A07/d0Vp88w0h3i9/WRGkZfxdarhdeureEWe+oPGqVuANFHAFtYkd8psWui3nzymCtjyvqEwXjkmMNZxHKbZ+onvOORjFrI557hyOs/jFJBNDfqdzx+FoeSQh6E+mVVgByN/vkwH3yeFR3Z5u/jwtV3BzRFmxgxLi5SuqsErmXClU45klWhQkFO144psj/lCn17S8htrlCixE72U0UR+7rLFE0ufZ9QoItbjkTOAVaT8cz08+5NZoTwoZ+GhKLfgkbwX7kDnkT9yiyEHUoha1qEUtalE71aLIwVMtkUjY7OyiFXF46zSEMlLsYp21fHAkpLCJ1vgQxat0IjV1BfQc+o28kE4SevbCsnLIdeqPixR256lnPsZRce8YJA2IGYOo5ma1W52BUX/zBe3SffefS+etRM7cQkep2vFmQSUPH7zDb3QdcZCO17UP8JYvldSnx2vo1i9LEXBpQZGCGLv8hXnxIO7e1XFvvfCqXYRFfv+uzlGraYfeB1Vfuqid/VxV4/PGA+Wez6E9sLykc3gL4ngnjFBSNCGJYV9zkiS/7f4QY9jOqXjKBjCTRyDadFyIcR4P99KM0IdXadhYe+Z0oHEY+24dhbxySYjK/d3n5vR+f4x7G0giSR683eiZ4Xnf7hCl4ZDuiDkZuRaD+nLtijgbjnhqRHfu3RUPpEU1y8KcojfplPrQ7ela23w/Tv5zafmSddG4PzrU2qzXtM6b1Ii7BoFXpbSphCmgueDa8m++qYhTHDgTJDTW7baOE06cqyMkHcCziceSlnTtA6JYY5RDW0S+EjgAeuQoj27/pUuq1kmSi24TaYqjdFcqojVSEUI+wCn06ABNj4HW35277+k8ydByWdwGqaAIgHwxR3xETmLU7acyaIv0dY92cCMMmVuv4mnh2hng8uj5c9e0mKBNksykLZOG4R4nwsaxvRIkReSnBkfDMnhz4N8wINqxcklrcm5efXh4V5VHvr6uP6/qlSH1/xl4BauXXrReV9/tUc+/ua17sUVF1fySontxnh8x1sOlS7rHD0nGt6hWWFzAY4GKkUebGvNmRxGYhQVcQInmZLIpg2phAT4WE55dLap46uhbOL/Fc/EhUa1YggqCobst6lmUIBro0QqvCnGdg6vXFVlaPq9n5u27b9nOrp7rHjlLONcsPM0pcE8Ev0djofPFTsP7D9khnGkfxSb4WPD/LEkFn9CiyEHUoha1qEUtalE71aLIwVOt3x/Yg0ePbX6WXGxJu8mTYyHOALRz8YpY3nMoKLq/d6vVsrkl1OeIJozJVzmPYWVF+byLRBBCduuuGDi/KPSyQi26Rw5ca6GHQt7RiZBThsiD51Y77e4TpILr3D4+DAcHQtlHh9oZGxroExzJYoFrhPPq2gnouX/vjX9sZma/8it/zMzMCkRFFmZ17scp5XkH7bHdflu10vUTUJcAjZ27pPx+AiXDGCg7pHbYNdKTZxQlizC+k6BXV5TMUXs8IDoyxrUwgCE9GI8sSKDYhifAnbuqGc8UcHikznsEqnLm9IVlzdX156UM2B1T174g1HH7PV1jB32EUpUcdY7KEbb5uZmCdag/T4JWd3fJocMpyJD3b1Bl8cH7QnNN8vXrR5qzAu6Fn//8l83M7OJ58UA68ENc773ZFtJ01nYmm7SDXV3/eAA6NVdhRMkRTwFPWk7ip/Xsl5Z07vU5qRIenmzxuX6WKOjcE3wzhkSgPFc9GJv14atM4JLk8JC4tCqmvN8fc7N6v4C3wO5jrdFW85Bza/yaoPeFeUUYlhYVkXIH1Tjqh7Ozutbr1xWZanfqNhoIyQ5x9oxzzyY8F67Lsn5I1Ket1xQo1J0vW020RoiKpeOK/rgqoSevk/zO4q6cF07XbUD0IQ0vwdEmwo6WRZ1xD0fUKt4CGXguAboFJweKkDzeVg6dS7HdfVV9XLyoZ1e9TkVKrmgXL0jH5N5DaUyMTYi/2dC66IHe8yWNcQFHzSHPrgrPyVdeU2Tx/g++r2sgEnXhvOa029M4b++qkuQARc5ydcZWzmkdF4uKGHpFTK2lcQmcg0BlyZjxGnDPzsA96I/groB7J0Y1FxGak5rWzcGJKooebigq+uJLin6+9MrzBpXG7t3TZ8YzKGBWxkSAfJ2EnxAbiH0CBP8oGYTpTz4p7PAH2KLIQdSiFrWoRS1qUTvVosjBUy0IYpZIZO2DO9p1Ly3ge18S7G12qWPfJ7dqruKlHXI2X7SLl7Uzj4GMjuAQeH5qHR17CLE2R55yPPR9GjrvrkFPJUQMBbwRkYgxbHTP3d67Kz334WBor3/qS2Zm9gC28D2uJ0TT3FnCrgVvaORPYGnHYq4Apl13uaytdKsr9Pot3Am/+pV/18zMVvBe2JgVKmuc1GwIwimC4C5eVX7ywdqamZllqKi4QRSmDJvakU+P/GQaFbUkdmSuF7DP8V21zBnCoW/T8Q2wWNriJpSRTOo3A6oqMnkhHud71E+EvmsoBMZQ27u0KlQzwudi5PneoRDWN/7FP1RfYbXHydkHsSrXtmLFtOb5s58iClHQPPeJOu1uiwcQ4jZJutdGcBFu3ZRnwmuvSYVxflYRGEetC3NoM7R1bRPWTRKdg+3dNVt/pGqE1Sv6bSqtYxcr1MRn0KlA+W8Qo3JiBFJO6Vir5/X7k2OtrziDP9XsoNZ+QPRrDAbJ5au2dEFrZeW8kNrCgsY2X8BTAh2MGhoT9S2Y/fhh5FhP2b7uQefobG4rsuCKckGIdwVBsEPy4a7ImYrHpqzzw32tuTQRtyAk6sf9MUmjqcFSS6JRMjunSEredUSOdRwb4y0x0Ws3HNA3EGjguWyzCZwBo+LD78EgftrZL2AMC9wnn3n9M+rDkiIr65uoMz6ShsIQ/Q+PROzh85HLKdpXKmgOe72ElYoa+wsXFM18+PgNfkvfeDb18PcYEZ07RnOk3sAZNe2VMa4Gi15A3DkrRP+S7oyouTo5ObY663hxXv32CNKFi1ofC0Rkh1S7nJwccr2KsBmRBq+G8SqGUllzNI2GUimyt4ceCs/0N9/8jpmZVRcKRqDLoFjYmMhSjChUzE0Vp+3jNAjOvP4ELfavkGNwtkWbg6faeDSw1vGazVa0Kra2VPK2vYMhC2Qxv0H9b2sXMlWn2bExJViNTs0PamZmF87rxtuh/GeNm3mfP7w5SFspjES6hM/iGIXMzWqR4/Fi2SzpBSSODw51vMtXVq0/1o1zd11h71JV3+1g7tPFQKRHGd3IjVC4f7ws0u+CUeACIfoDt4sBy5tvfcPMzF5/7Rd0jed0jffvPrDzK7qp52awHt7jj+CWbspXP63NQrqsB2d1WWP71ndEhjpCNGmRcLEhNJTjweyxOP/DFIeIOAm8FJA/WLGRGXbXk4AHBhaySy44BAGxTriwUNT3O5j+3LmvB9D1a/oD3R0oRPviq/r9xm6ca0T8ZuQCNDruXr1uV1//JTMzWzmv8dja1TFCCHjpolsrc7mIPLlQ0eu/9IfNzGyAoBAzZHnIlB3IlJ0+m4xAD+59SKdvv/MdOzzSH6/rN0lBca7uWGtueOIhW55IGCmNeO1DJpxbIaT9SH8UxhOMadgUwMezQlkkuIuQKy9cXrW5GW24XexrgNX4MWvTRa2SpHrKVY3tXFXrf3NL62NMiW+estwWZZRb3FcXKPnt9vVH8YP3v6nvkd5JJAYWDyCqjhEu88dhTHORzSBhPTVPY+PJ/dKnzC6HKVB8usnUOHfYPHpZbUgIfIT1eTweM6LlU6Jlj/GY9F2SWmH2Rlf3ya1XZdC0ck5/3Hcglz56KNJfq6X7q4CZ2JANfhbS4PaOnmn5q4hjWd5q3GtLkIEHQ83vI0LuToIOEHUaUTacGEPA7GgNftDQc6dKmWTC1PfxWGt53IfoSqog5+JahaLFYzqG26rvbYtQOLesY958QWZQq5AgfX49fdBDuKiYd8K3+tgHZCSxky+VkB3HPOyoLrDWxTJ+93DbEmk2ZBBTE1PHZQirU0VjN0yC0Or3Dfe0GzP5ZvCJdTOp1HD89D9PbQQC3xTGTn3lKet2/80f3O4hSitELWpRi1rUoha1Uy2KHDzVxuOR1WsHU4TsJTmb29pdHh1pF+tyuzOgoNVLIlP1YwNLk4LwNMLBnn47V9VOvYCMZ4/Q7d07+txNSG7e0g55KszCznBpQb+PI6J0VPM+idxTqmb43bH9xj/4u/RTx7h2WSHc2hHEIiR3b90SEp6WURHS7IJOB1MRJSINI0r1KNFqIwa0i0nOHCVKiVjaSl4OClmvQ5h49cKqmZlNCLWOJkIRs/NCXwkQzjvvivT2S19R5CCBUVGlpDEPtvXvPgIzAeVV8PsIfMpGOIxjFIQBzAzpj4U5EfAe3heKnwpJUebkSjI7oPxMQgj78jWMmUi/fOrTKrP7xu8JpbSbmG4h8Vsp5O3mi5pXL+faQ4p3Qgg7gz10AwJicVZr7/JzpDRA54WirrPV0Fy88V2FgA921/S9ERGENuRTIkvd3sTSWdYQYVMneQWBS3r72kW4ixRWEhlljyzNQEAt5oVed5HLzWT1vWtXdT9cYt1lCgoJx2IlazVAUaDvJOWQKOlOCakdyuC2KSu790CId4i42OXL6kMWUygn/jZrQoBXrq7q+pHTnsVWPWDdnewfWZzy2GTGpc0RICIN5dGbMcTKZAppXqKDPciV1dky16/1VSgU+b7mf3NL15CEJJulrDkeGz8pHw3dgI1oDJGVVk2fz88KzVerusfuYfq1RuqwSalwnJXvplFB3KODRP9At7sQFi9fedHiQ4/i6LqvX1XpYpfcVhuhsRalqgU34tIRp+W3L9yQzPqop+u2iSZ151DnKhAdyxYwtCPqMZk0rVxOnxrDJPLqh9ik/+7v6nm3SBn1rRdEfnyZ+6pGOe591snDe0qzBkRprt3QeulO0xer6ntR0b9aS33ZP96ePmMN0rOLGTlI93TyE2jtAndOsuaf00+DU284AdGjAzELT/371MFP/9Ri/woZilHkIGpRi1rUoha1qJ1qUeTgqTYaDW13b9+2drRbnV+EvEM0oFjQzjeD5WgOfsA8iLnb6djOjpB8HoTXo1yq1xNSzINOStiBZuNCqROUdnJ83gJxVz2fyUy1mkIIm1sSwynknTyl3e3B4b7VIWmtLGu37MIo9+9qd93uYXN6gjnPrJDdEmJGIUSqfg9yJOVxYUoI0fPezQYSxn1Hmtpp19ot26X00lFFDnGaEJLb3oGO9TxLcGlJucIvfknf75GX7JBrnS8LUc3M63vxexq3EcYqHimYNkfFljODazAzq0jBlauKmKQhSnU7Ql9ZEPJsVccegxgOehq377/7dX1/KIT0AsIyV1YlFb2/oz6/9X3lS7uYJL3w0ks2C2nz29+SSdWQ/KOTQ49OMIDp63o//dnXzcysOsOaSwrl7sKD+Ye/8ffNzOz4BCEreCGDASJREyHvNPnTeLJioenYaYiH8aSX7lEuCkHTEUy/63wOeDBYM2eTSPbOS8I7HGhur4DO8iWNtxO7SgX9PggLU4OxAURMl/vd3lR0poa9dpn1kqeEz83OinOOPokETPVl4/xO90sIgffwWPdChvq0mdkE19KcEnTdgn0SuJAW5bJjjWEyTXkcfBa3XU+z6LgUm51BuAtuQT49z3VrvDY2xJeIgQOz5YylITMO4WvU67qH3NJ7aUnPoMsXRdBr1BS1fLghZNwdeE5dp07miW4M3PNXnRxg8OViQMc1/T6xMbEbNxQpGFAm3W+qT6+9+MtmZva1b/0D+g0HZZhmfHSKmzcUKXLr+mPE1HJESWeJdjzAGn31qu7DRfgUh0f700hiSLTGbaRLrKEuEvCP10S4XH+o+6BY1Nhm4HvkMhqIpQWtg6M9jcP99xR5KM5qbR7sam4XVvS9CwuKgs1VrtsPbotjlMk7swey68R5APCbnHTm3IKpcZI3L8c+zQtwDaUnEYTTDMeneQS+vMMz0QmvcQw+At9H8slRi1rUoha1qEXtD6RFkYOnWjwWt3KxbP2xdtk7O9ptWqAcdS4D2qfGxYV8vo+c7GQ8nu7allf0m2pZ3/Wc8BDb3xhovIt4jSEc41a7z83r916qNUCIqFZTVCOZcLMn/Xyf8sp2u2Zl2PYZhIPyBe0y589rp/voofpy+4HybIk19alaFbq9ckn5vEpZ/2631MfWgV5dLCiddXcX7Wo3txUN2N05nJb/JfPkceEnePnfEcJShwihXLwoFN5sCUEa5XNb27reYCzuwflLYr5/nrxfHznlvX3NVRtDpw7503BiFoLC3LJ5eUkVALffkejLADnbhXlxCcqgkQ68kICxNtjtb78ti+vdLV3D669/mdc/ZGZmva6u+dGa0NmVGy/ZUU1jt4VJTQB/YW5hgetUxKmS11xUEOJya+uNh+IW/PY//SdmZtZoKIIEKJ8aTwUpkFfCpYA1N8NwZBa4PTjlfFlkvzN5fgN7PKc+cPlThvQEHk2jod8vL2gck0Rm6Ko16pjgDBUN2di8zft1qzc0hi7l3CdSMob5PyTPPTcUqvzMRaHXmy/+UTMzazY1390OaxEzqb09zcWNG1p3NXhBbdbBuTmh1wkS15nCrNWmlQtIOWOT7XLJDp1czMnJGvEEHAwiZkeHGvNUgrK5sUdiNIe3bmldpdKKzDy4D3/iaGwVDNZKea25ebgmKeSwCzxrvLR3Y0P3Q4vqjkxe50rw4HH0PmHNDxlXD3O41HMspWs6On5kj9aFti+t6L6vU2gVC9SH115WNdJbb+t+aTP/z93QvZjLqu8uUNSFL5XOat3MzOr69w50jx4fatxLPBuTqZTlcDtyhv8YLhGPsKk09dKixtj5VBO4GWlKClqtOsfR9a6c0zOseaLxa8BJmVB50Grpvtva0IkuXF6yF5/7nJmZHTbElTiGLzVBqC1Oeej4Q5UDeg0+VOrI+/7HwSH5+Ey56lMRBv+ul+aG02iDn/P0b59un2T09KO2KHIQtahFLWpRi1rUTrUocvBUm4Sh9foDu3JdCHN3V7v0/V0xnl95adXMzJotmNQgZZfVTKRiUznjRo3KhgY7VXKDzipuI18aR8L2xk3t2ssVoY09bIMbLgbEzr+NJeniovLiuzvKY/a6SMDGxuaKQDXQeaupfNpnP/NFMzPrdqVP4GhrSI1vb5c8MMivUhHaymP2kksKzWXziABhaLQPo9irGiY2sEIJa1iqD7b2hKL7E51rgEHQ976nqMt55FNzQIXvfOtfmplZKu7sYiGHEUz6ATnVJH27dl28iSeUYpdVfsLuXZjX9RwiZX3vvsaujLBOFbQ+Qaym2x4yfm0OiYUxrP79Q0V1fuu3ZCP91a/qWi9clBxtuarc6sLiFbvzUCgklUHPANGbPrnmNNyMPHwWBwibW1pjv/87yvv2W84Y9ygA5mBJhKswOxqTT/c68NDiU9GrwUCfzXIdacxpJpPYqVcI79YKNV5zM7qePgJUE8b2gGqVjbcUIYhnhOo7VE50u9IeCBJ9CyeEukLnhOh683nkkrGkLsBarxFpyOZr9FVrr1rFqhfRLOcDbSAy1mljPEX5Sgf+xxBxrIWlKzak/r6BXXAcgZwA/k4i5pa7Sc4NdyKlvjVB0C2iGbmMrmFpUeOUZU4PkCufRbhqliqZg8P9aZSqhASxS0036tjEE3Fr4y/uUYwAdDjpu2CZi4Lp+jxnn4Z7kyQqNCAc5MJt8URoOzznwqH6sDgnLkm9RoQQ3ZfFeXELKuiEXL4I1yCuOdnfPV0x8NxNVRKUqcCIx/S9EvyhXF59u//wgR0RQbxyTc+BmRndk4mYm8IREaMqqVLWHPThPznS9ufnEEvwdhOJZ+Sz46z5Y7gtLnTllVfvvfuuXVjVs6SAhkjRdMx6HYOy6di5VPNpuflpNcMU3Xso4XSkwaM8Z1sYhtOIgZ3RO4idiQp8VIzgWSkfRJGDqEUtalGLWtSidqpFkYOnWjabtRdffnW6E8yktHNs1rRr3doQiltBArZa0Q44Cet7MGpbntzZCZEDry8ugqQbx0JCXhNeKQtFlFESdIOlA/Kh+aoQUR2NhRXMnvbddrcu9DohtxizuFXLbusKigi0812sKpf2hc+smpnZ5hYqfXZaVtlzVsfH6suI3JjnhY+JajTbSNKiMOcRi5iNrHGsaMtzn1FeOsQI6M4D6o/RN9h6LAbznR98z8zMVpFL/ebX9f03vvPbGreG0M0ShjNp+B9NqjqaoFnfzZu5eU7cyhUhvsdwADbWHjEuqC7C8L6MlHMGzsYJY3vxmiJJcfQg4ki1tmDv147QcgDFLC4KIZapAqnVh9bAYjkFcqH71nedZKIV1YoQU7etNffu92ViUzum2oUa8bEh1YxOQLut4yTgMiRAu60OOf0wafGEzj3soeCGzG+CagRHrUVqvx+PtN77Q1cS1LHcJjjFepmf94oCrc3tPc1pHivkcFLh9yNLpzW2c7PYZRdXGDON8eI8Jj1tjXWNHPIj2OlegTNTUR7b0Wgac6gj7NSbKEZOeTdcUwXToHE4tAJRmJO28s7x4LTqpps3tToaY698cD2P1ctaq5WKjlkuon9B5dHxie6f9ceKnPT7mrMLPD+WFldsQoSn3oBDQQmAc49SaFNky6izVjWHO9seMdT4dJA29mhGACrN5yClUIHkVshjKlfCccwCxNwPeeakUur3eWzV4zkd6zJqnQVEKdxY6eF93VfvvSuVxiKRAee4uIZLlmsqo1I4QU/i/Mol2z3UHNy7p8qh+Xk9s567oXOurhLNJdrZrHU5pu7dGPyvFpHWfF7nqs5r7nqYYJ1DT2V2SAUJz8A2cxMkuvZoS9yK6oDIGjLKCfQpPKwXIskcnNEkcKvvJ4GCj5NXPoPxww9/byoH7poIZ34TfsRvnlWLIgdRi1rUoha1qEXtVIsiB0+1MDQbDEZTK87Lq6r7Xzmn3NoW+d8hDOmrV4Vy7t+Tml8ml5zmpcwcRWqXvL+t3fgYRbxPf0YovpRXHr+DlvqQHFjVtRMmOleugCUpUYyDA/JfGPO4Rv3F85csjzqhawW4Kt3t94Tms6jxLcypXr8/EGoZjhxl6phLi2LSt1tY26JfPuh6nhtGMWB9auTUH1kf3kKGje5LL3guUd/5Z1+T/fOwIyTw/jviGIR99SWXJm/dFZq5e/dbZmb2iMqKSlnjU6kIrWZQfYyzfXe1w2Q6Zcf76ssBantZ6tbTOaHYdWrsDRbypWua9wCjpXhCKCaX8hyjxief1xx7DjkIqMwAnU3Irx8cNadGUAtzQpnHU5MeVBnJmcfgSrRg26foUwx0F47gAxDNGcEPSMOUp/DC2n2QY0bnm198wWbIeVcrQu2TsY5dLQvxHlNDf4AfQ7ejf2fSeCu4A/EUUwg5dlqsB6I2F1eE9lpdjfvlC/IDKJQWrIIOQRIPb6+tHw7wodiDM8F9ksc4KpPRmDvHoIlledL9H9xQCQSZJ2LQaGvN7nK/3LqlyEMikbTBEA2SvtbYwYGiE25W1OeesonuPTcYu4IuQGUGzY3E6QijG6B4xMUVF5OEizZ39RxJH6esxph77nsGDwk3dUqAtp0Kn8hoHSzCwu+2iAZ5pQDVHx1MpQroO3gFSr7kFQJUNYwnlkrrHOk0yodjfSeW8Dx+lc917kePFCl4vL5mZmb7e5oTj7QUQPPDvmsXaO5mZ3Qfea7dTcWuXH7elpa1Nh89dgM59f/ufY3V6iXNydVr4ma1ml5RhkIs1Qwl1mS9wdrFg2Ye1VPXZqjC/UmV9PndR+9zzRmLwRubDLXg+/A6YgkM6tBksKmvC7weQPyEqOVPg7w9HjB2rQT+HXcOglczfITfc/iMSAdR5CBqUYta1KIWtaidalHk4KkWxGKWzRam9ay9DqxlNPavrCpS0AaNHGD1micH1+k3bEwuPZsVitreUr6xUdeu83O481XImbaaqLFNdI42CKiyrJ1tAwW8Ae9vU+ecRAHOleBiIKvZuUUzjrUBytrYFJs+V5FL4/Xr1+l3xi9c5+p63lNvu2pbEjbyBJSLMOTU12A80Hi42lur352ipo3bQgLZksay0Vak4NoVIdqjuvq/v6PvfX1bOcdgonOV8+TaslQQgPJ2tnnd0vjkYLt7JUGJHHO+XLJubZcLUp8KRB286iSLulqDPH8MJDjhNY0nQxwXthS15cUk1QxEVFzH3jUaGihIHh01p/n5OHn9XlvzOQBdLaCEGGK1PAExpGGdx8zZ7DhHOjJu6fuObgw1vqU5RWouUTkxN3PJRkQ0hihfIvhmxakfiOZ/G80FfzqMh1RQjFElhO8QwvZvwqwfsT7OrSiSks9qnFOg10mQsHaHfG0XPgsoLJ3TWswV6SPVHB3uwfaBxuvkRHPmCoLlglszo3IIS72YzTAu6INQ9fAYV9Arl6/aEhUytZoiSge7yuOHIMFmTcd65VOq8nn5VUX72j1dQyqjcwfcgy551++566nWxdS1krn1uv9cNm+hI10iRQ38C7KssaybTuCQmkEKsURVx6Fbc4P+L1yWPsrUEZBqqHioV/cycZ5RmJjYkPu4j+YKBUZW4EZv43PxL78rW+MmVs09eC6ZtHtzYCsPm7/VdV6M+u73ZINIk/MHiqWCzcxrfV+9qkqJ/X2twS5Q/8Ga7uFj5uT1z0lB9MIVzeGDB+K5HMM5GcCH6DHvXuVUJkpmRLmWLyiSNIxr7T5cf3eqd+H3M8vBBkRW3dLe+T7mrouOtT8Oup82Zfyhber2HDuN36faCn+AXANvUeQgalGLWtSiFrWonWrPJHIQBMG/Z2a/aGavmtkrZlY0s78ThuGf+ojv/k0z+zOfcMh/Hobhrzz1m//YzP5X3WEhAAAgAElEQVTGD/n+fxqG4V/9Mbv9oRaGofWG/SkD1vPXzaZ2nydHQuIpRq0K4jo5ogIhiE+R68M1IWA2/HbrBTn3HR5pd35wLJSyiKZ3Pg0ygAl+sKnPj9AUP34sdFPEGS5BzjaFM6S72OUzMy67Pd35VQq4EZaFNsYwek/QTCBFZjWQbrPlioHKqYZO0s3D5iaXHh7rh8kxTHEUJeerc3bxslBjPCUEMAIhuW79pQtCtFeuqG+7y+pLDV32bRQlu30hqkFXczFyv3s6nUPlLxYHxWTwrphxX4iejZmEJFyLZNqNKoQEhjC3Xcd+zLH2tzSH1RzqeuTFOyOhz5OGUMrertbFtec+b2ZmK4tCP8M2qn+doY0TeERQbz0Zqg+ATIsFQlVjvAe8z6WScs/pPFUNJsQzB19kaVHr6t49jZfzSa5fU96/jGNgIjWyDAiug85+iKd9ErW42YoQ0wFKdkkQ0WCk6+sMiZwERD8gIRTwQTg60MW0cJZcQHHTUugnZCaW4J5Kg4Bj1OHX8Qx5vKlznzQ0xl0iB4OGOz5qbDNJjVeOqES3q77V6zpOAmSYwS9jBKcn7Chisbl+z156VWN4jgqIvU1p6sdGaCQkdH0bm8pHHxwp/z1BETJB3rpcJGoFR6WOCt8uHi3Odi/iPDgZu99KaOfPrZqZWaXY4frX1E+Q7ogo5SjU9eSpRBpQ3XJwos/76KgMYcpnc1QMeH484HNy+WlQfiw2meq0pJmnHjygY5Qfd9cU/Wz3XH1Tc5jhPqqiOeD+Bnvbin7cxDmxBW9oF1Qfgz+RRF+jVt+fRhovX9J4BPhUbO9rDJ1rcYiWwj//rd83M7Nf+MpXdK7ndR98/21FN4621hgnzeXjXemMnKdSpEifK3GigzhzJhJ9G0/cVVXjMvYqLB4bQQCnaAreg9Ov7r7ofAH/3hntgmnz6ofp4Z76/EMKiH/wEQNvzyqt8D+YNgUtM9s0s+d/yHd/3czWPuazP21mV8zsn3zM579hZm99xPtv/Ei9jFrUoha1qEUtap/YntXm4L80bQrumyII/+LjvhiG4a+bNginWhAEFTP7b81sYGZ/82N+/uthGH7cZz91GwwHtrmzZXlUy+JxR0jaSWapf58FKW09wqec+tfDowPb3RPyyaOVfvGKKh3iqKoNgOFlHALT1CFn0MIfgepqnWM6pZfXXnnVzMxau0LiJ+QonQ/gPt/9ntn8nKIJs+Q2F2YUnQjGOB72nZUuhOBOiaHXuWeFoGMxXcNMVbv4flLIYf+RohquJd84UVRjaU7VDdduLNnyqs61ub9mZmbthnb+n//iv6FzUfv+8KGuswjTOVcUijt/WajDIwe1GszvvqNdjUsyIbQTB40E8EPGoNvD45oNmcdKXnMwHKGFD6SDhGyVOV337p6Q0hu/p4qKBLdJDJZ1H+W/aa6RaobLI81Rk3rxYQf9iHFrirrqJ+jyo8jmVQcT2PkBCnDuMpjAHD4g8tCFY3B8KAToEan5WTHo9/GYyBU1/s6U39t/ZCcg2voRrp0XtDZnZqRk51yCrQ1xU1xNL0PeGwl9u7CoqES3qyhQAlW+dAFdA0dcsPZP0LwYpdrWQMej32owDooydDr8m7lxpT+vBMgxd+dWtKbHA1j3cY3nhHO5ImcXHkgePZET6ujLq7rmcWxob39fHhmlEnwQEGEYol5KHvr4SPe5qyuOyeOPLM/vledfIQpgPpfckz1y+SUsBitV1P16wVSnJEulwPVriqht7qpyIkX5STql++MIzo1X47ThroxQxjw4Um6+PNB4BHAzAhLneTQ9EkSLep22TXBuPNxvcL2KvoxRYwzRNymj+JiC71LEfTMgine4r3ku8uxbOadn3LffkhOphzSvXr3CeOjZtbu7N33uPcR34gq6BucW5/iOnlUXzwv57+zoufEbv/H/mpnZ5Wu4un5ZDqmzi4qcvHvnn5mZ2YBz7x4pGnjUJPpxiEZNv8W1DC15Bvl7pUjwRMiAl/D0+8HpyMFZkO+Bg1js7PeDUz871YKzkYIzDo/PyoLxI9oz2RyEYTjdDAQ/eWf/tJllzez/CsPw8Fn0K2pRi1rUoha1qP347eepWuE/4fX/+CHfeTUIgr9gZhkz2zKzfxGG4eaz6sBkPLZW89haoBr3knd2/zwe4d97QzX5Q3b1ezikNRtNy+eFAFavqLIhntAQ15pCfgHa+fmCdtdZ8nYPPpBCYOtEyG/vhJwrTOjz+NiX4A24Q1y3I8TQ6agvt28/sht/VKj7qjbfdv+ekP6wy54rOK0NnvQ8PfXMqaT6NgvnYAQSevxYiKJPfreGAtwCkZR0GtfCH3zTvvGOEI4zk22s6MXjTSGEV1/+RZ2b6EO/CzJGqcy5CUFM7y9SHx8PHJWhiY4DXLsjBNVpCVH1xhqX7jCwAM2JAH2DXh2PgaEzwNH1TwulFFDbc8W7Xltzkkgxh+5jQIHAMghpjjxmgznMEpmIxU9sjLPlnQ9wmSSykWONTUyfJ9EU8Jp49zmIm+Ymm1GfD1DIvHdPCoovvyItgWs3hKz20Sr43rflXVFvPjAjv+/nnsBKWcQZch7viVl4LOtr983MLMT/oN/X70cg6AHo9KjuNeX6nttZpApCqUFT6+773/s9C4kMJEDlcRjhCZjfubRXUrieg973SJznyl2CIM39U4PFHhJBcLQ7gM2foJJmc1OPi9d/4Rfs8ET9OjnWez0mNIvrokO/RIp8tJNzPKI41OexQGuPrlmFe9vQD9nY3uM8Y66FaF8sbRbXYHXhDBD4sqVzVB3A1nfly0JO98HaurQ5xjikJtHgKGZdw0TRviJ8CBft293VutnFxXU8GdoEFn6G+2N5UdEV5yx5VMYBbxqeT4PnZLPmjrAah89+VpUErgfQPMIJM6cB6jSajIMiD6N+z+LMt1cO7e8pGrmISuO167rubSIGr76mZ1yHMX77fa3zv/f3lXW+cElrOlPgGnDedEfRCZyOLgspYP0lYqmpwuHESQUoPU4jAR+D9B3FT91cgjORhTPthwHpqffiJ2DtjzrGx53vx20/F5uDIAi+YGYvmdndp6MQH9H+izP/HgdB8NfM7C+EIfUnn3yuNz/mox/Gk4ha1KIWtahF7V+b9nOxOTCzP8vr//kxnz8ysz9vZr9t4jaUzewXzOx/MrM/Z2YlM/uPftpOJJMJW1qctRZ6/S+9KDZzBUT93Te0O93ZwsVsRD0sObvqzKJVq/puCMrYoq7aMkL81y7jZJbyumMh3CYs6611qS2O2a1m4A/s7mgnPVeSPoCjv2xOr9ee0/Gz6azV6urX4uKqmZndvasc+oSIQWXGOQXqWgEt9CReEu5Xn6Ei4u6DNTMz2wd1xGBbX74oxJwgC3T/vnKzvf62WVqowZHQiOv54IGc+7Z2hB6uXHrFzMxKBdA7OeJeX1GJ7ce47JGbThKJSUE66FHf3kfPPltExz/mUZGSpbLqRK2Nex48jQFOfZV5XPSS+m2lrNdLy4qcvH9bLPZsiRpxELQNdNwSrnN5as37cSGlcknXfPfO+0aBiM2B6NwtsI+zpZNLnNcwnDiaE+JJBFpXAeO4QCRpxJ64Bru/gKJglgjVC7fEg9jYDayBeyBDZkeHQny3f6A1l/2Uxn71kqJennsOA62DMb9zhNhGKXSIMEaFyogxEYUGUaDLRNHa/Rt2/54iZPHA2eHs6YFbHpUY4QWQSCiyEkv6+1rDQczdB/W7Xk/ro02lRCYn9OR+ICkiDG0iWZ1m01aWULZkDLPMYwLujeuFBGOh1eHQoxzG96g4aeuYc9z7RfQPNrq6Z/Og4T7qn8dEBWfnz1kefYd6Q2N4575y4iWcEIsF/TYLs3+mqufB5z/3WXUiprmIO2eJsM2IyhqbuG+GjrMwh7IeUa/9wz3rEtVqm9aiKxim0WrJo87q6+f4ROsix3V5lUK5ousuw6m4ffuDU+MV4COxh47G9RuKyC7Mz9kdVGYr8KLKVc2FuyeevyCewrkVj9pozmYWtGZfSurzDx4K+z1YZ51l8bYpI+MK98IB9xNPGpQ6R09xCYgmuCrhEwXE01UHsTOqhf7F+BkEH5zhGHg7658QPkVW+KQ0/Ud5K4TPqKLhZ745CIKgbGb/gf0QImIYhl83s68/9VbHzP5eEATfNrO3zexPBEHwl8IwfPuTzheG4ac/ph9vmtmnfrzeRy1qUYta1KL2/7/2M98cmNmfMrOc/QRExDAMN4Ig+Mdm9ifN7CumjcJP3IJALm7PoZ2+v6dc4e/81m+amVkSE4EANnau7PoB5I0nocVQtHOVwWSCCodF5c6SRAwG1BsXQTiDsXa4MZy+rlwT2prAvq7VFWF4Z13Ie+WCIgivvSx2bpy6+I31DdvYgpmNt/n1G4qANOo4RZJTc19yd6zb3hSiyeT0/uaGEIJr7WdKQkjX8TsPJso5vv3mu1w/eeR0zoK4+xBoZz4GIab8ekdC1/fua8qKRA4W54WMlpeFwmZmhXxOHinH2qdePUl+1POCHjEolDT+bTwICpWspcmFH+Fgl/Q5Il+bRxvAyO8X4QFcviRW/p0P/qmuAaQ8HsELiOuc2bjGudNEvZDa+1ZdkZaD/Q3pT5jZ7q6UIFfOixCSgwHeoW/ZotZHb+B5bK2fcEQVA/yJKtGfLkIJt2+rFv/KFR3XuSllNOcLpRetBT+j29WcdMi/dqic2N5UJGEeX4+bN7SP3jvQPMeIVjVOcAKkImCqpAiqH5Cjngy0ZqsDjceLNz9nA/Q4tnbe4rrgCkxRllfvMIZdza+7TnoaeISCYg+WeZuoUH+oNRrvay49YrC4pBx0s6Xj1GrHVqT6aABfp4+y5QRHyxh6Bq6+6NoJ/R6aGyO9vvgiFSN4LWytKbIYD3EGrKjTOwdrZmZ2gItnuTpjiYKOMTOr9d7pKZpx547uqQqOogWS57vbQtLucxDAd0ikXTkPbxFkMXyN5jI6fplnVqkkZB6GYzMiHu450h/4WIOqEXZZgiNw/Tl5jySTGmP3dVhbF7dpfUP3qru3Gh4KE54FHY6/uann1LVrl+zwWPfKDpVC/YnmtcSEP1wj6lnVuk5C8DiC31Moa+7mFtGgwLPCI5gW0xyzNKd5eY8OuCBNEJiF46kwgZ1qUxLG6bcnHikA5RMoscAJA+MfDcmHEz9w8HMhT/hz0IUpEfF//wl/j4MNdUVRi1rUoha1qEXtp2o/08hBEASfM4kn3Q3D8Gs/4WE+x+vDn7pDYWjjYdfee1t5q909IempAlie/C876ST6Bh1QTb3RtJmSUNfSgiIF7p2Q8AQ/aDUAvXfb7uSmfz9/U3XO80tiK3/vjhjjtbrOuYpC3Esv6nsegTg5EBLPlbK2R6375q528JWK0OPmDh4A7HDncV08OkYRjVxilR2z57+vXNP3Vq5p1350oF3+W29908zMeuRk0/AAwnFmmtN8Ih4mZOeOl5OQXKnzIEBIKWwcN3fWzMxsZ0fXUKyk+T7DSG41A6KqoLHQRJUwndL3r6xetl2Yz+mE0HeB6oz1jhBeH3e+JCqVjlIvrZITnRVPpN59xHGEtPr4GIxHQlzdJm6NRa0LrxKx0GxE7fzSktbFHJoKe4cgHHLh586pqqNPlMJ37zm4BLUjobEQn4c59DLqDa2Td997T8c5r+hOkahQPDGyEFQZp/pkHv6Dm2n2epqTnQ1FiubmqRABzR8eag57A/wcBupzqeJ5YEW/PDJRJXoxGbsyYMo+/WnpXKTexeHvwXsMUUhfcETECyCRxG0z6REWjcuESoFk3B0whcbTjqCNqhUqEOKw+QsFXUulULAWrPkMXJFL5xUpCliTXSItmbiiMZeurJqZ2f4x7HvUF2dntfa2to75nSsIqu8GXyBLBKvWwhdkd9sKxXOnrv+5W4pa1tHFqKEUWkUHJA0vyOdqb1+VFsmU1leWSGOxgH8DlRGGXkZ/pLXtvgHVmbKNUGWNwa4vUBmUTjtvB+4BDpExnmXuFbG1rfurAxfl/R8oujkzo+Pk83Az+oRTuYePWE9zi3NWmSWydqRjjahSavfhe8ALyRWpeIBb0iLidoALY7un15AqkCDumgRUJSScbOD5f8f5aDpY+MQigU+eUAycY8AvzuT7z3IHnlQ3TL9gP3o74774MeeKxT6M738KOYFT7WcdOXAi4g8rX7QgCL78Ee8FQRD8d2b2BTM7NLPffPbdi1rUoha1qEXtX7/2rLwVftXMfpV/LvH6BXwUzMwOwzD8i2d+UzKzP24iIv6tTzjF7wZBcNfMvmvSNyib2ZfM7EUTOfFPhmHY+GmvYxKOrdtr2e6+kHGefHC5rN140knMMMbrTe1SA5jAiUzSDMW+6qxQ09pDofjGidBCqUKuj+TXGJb6yrIQhFcCeIXBeCS08fkvfsHMzGYq85zbLxf1shn1dW93x46byuU1eooEfPYzYjancvAAiFo0Wtq5rz1eMzOz1YtCyBcuCL0OQK8FlMyOW8prv/e+184LYbom+zg2pfNO8/c2RksAtD5y48K++r1yfpHxmud7GssmufQ+CoIZXl05MM3xzl8QNyNfEPI4Rq2xlAc5JWasjsJdKePcAjQVuooMHdZ0/a/kX9Y5yYPPzapvFy+ppvr77+h6k2mvg0c5EQb0iLk8PNa4Hp4I5ecKRXvpFQW4QsZlDCciGYeDAqoKiYjEyNP6DepRmT6M+cMDIacC7nw3rglxPlhTZcWdu+8xLpq7ciltRXgZaVB4a0huGS0B52/U8fNotbR+LixJtbJK5OwI5Bwjj+tr2Rnf7sLXbKFEeYk1Px5N6/VvvaAIQqep6989UBTnwnnl7fNUCC0s6NzNHrr/LnBApK2HZ4BX/Rg5eI8cTODVtHEIbOJUWsiVLIkXQpvqpJVlrX9H8QnGfAK3YBY9iNkl1Pb2dJ/t7CvyNhlQ/UL1zwB1zxAMNjuD5gD3bL3WsCMiQbMLFfqvGf/FX/5DZmb29X/y981M/hxmZhnW2hJRv0RM0ZrBGA8S3Fu7KKyGAZEDIgsZdFgCuBibu2vWh/mfiLvaKD9Bc6KLwuMEtJ0kAud8Ga9WKZY0ZwM4BV5RUoVHtH+gay0QzSpRkdAfDy2DKm2MyocmXJIEkUTnsbjnyvyinpdZtBO6DX3eHxAxgB8Ssi7GoOknWhVn1A7tib/B1GPRIwbmFQ5nqhImp8kHwVmFREf/Hok4w1WY6iJ4dOCp400jBmcqIDxiMI1anOnD09/5aduzSiu8ah82U7rC/8zM1s3sL575/E+aeAI/ChHxfzGz183sq2Y2Y5q/x2b2v5nZXw7D8KdPKUQtalGLWtSiFjUze3byyb9mZr/2Y/7mr5jZX/kRv/vf/Pi9+vFbOJnYoN+yFvkrAgUWN+1w27gYxrMatrkFvX9Yw598Z8+SSaFK34meXxEKdxWxEfX6A8/ro30/AVLXjnXu/kA7xhsvSG2sWBbqaKFBnysK9UzwYl9/rProjfUH1sPhbIz++vfe1rFT6LOHsMrdAyAHupxfFqqYBEIKeVzkPGf/L7+r2uEOqN5VHkehrmkEk95ioQWhoxA8AtCjH8L0ni1o5z8/u6pzDvX5mJzqiIhJruD+9HAMUMpbIl9eLsCbwBFw0NLvrryg+v5+PWPjtuarjJLjxkMxwS3UdR4erZmZWQMFyQqqcq6AeHFVPI933v8O10lL6L+SOfpWhJX+EAfNqsbvM5/9nPW6ecZS50gThgpCbkEiBi08JByNj6Ysfa2TS7jKxWHz21jrrVDStV28SK52oPO0OoqC9U9adlTTOV0BM0UlTT6PPgGgvIHi4RjiSJL1UsSdsktlwOK52VPj5gOTSCmKc4KHw/ae+nD50iVrwCLPxPWdz33+3zIzs05H7+dKGfqtc+wfdvhc8xqPaZwSOEqGI+c/MG4jV5pkTkC/I/fXAKEOh33rgcZb8BgKRfQ/4NqMWMMuCPIDnC/dtyGVBdV28UOBnV/Ii6sST6tvE48w4avi1TLxUWj30BBJ5PSciGf0m/NXdX98/gtfMjOz9dv3+K36X0d1MEHFQBwe1HCke7FPBCHgfnJk3kA/pDCj+yZbTdrmXT07xiOvylA/p2vUo4A8EatoBgyIYs1QQRADjZfLeC748E00p/NEoGJolfjw1tuHlkCvZX5F93WjpQ/rNUX3coUqfdNvDvHrWLmgSNNyUa/Jmn7nrp4WIwIx5RbAizJv/l+TJ6/umWKuxho78121s7n9JwGD014M04CqF0bYmc85rkcQYk/pIwzH7pFxOmrhHLbJR0QOnlX7WXMOoha1qEUtalGL2s9Z+3nQOfi5acPhyPa2j+05dAGS2HM1m654J/SSYOf/GIS4vu36AFVbRs8AQrdlqUf3WuBjcozpPK5yKZ2jTw66PdKUrOBKNkve2ze2ZZDzzp5ytPceSFnMfdtz2aT1YYs7FNzbFn9hbpaDsKV3bf2lc0Ipubx270PQxQ/eE8K+84G0CDx3mnbJM9Cu73MnII8geOJw523Q09gFrvswJ6SUJAc94LqPyEs2anAqYBtXqkI6zubPU6UwQsWuhUJedQ6HPBwHf/DBQytQnx3ENUYHNY1HkEIZri0E+fDOXTMz+/RndIyTBnX6izrnLIqJOztCwu5WOPIIRA19CXKpty5oHcXjiakj4kxV6LvREKKZALdJ09sxTpnJtFdngAxR3fP1dX5FGbvDQ+WWT6gTB0jac1fFxXj/tmfsEubIZ4wWQA/OQQaUXYCT4Ig6kaQKo6P134RrMBy53j+8DrgcNSpvPKJEKb3dv6tKivnZBavOCAE2GY+4o+m0vrzt6qMx9c29JJJJnbNJhYHnsz3fPXIEldA1DhNEsUi5p3Os+SG/Gw+txhw0iBSWqorClFEh7HS0XnpUDhwf7Z36Xprk/KMtIe8MFTK9PtFBJCVzRBi67dMVKNVyyQ4OdZ2PbuteSz6v/j16T5GCV26K7+JhrHffE++nxTOpUtXazsKx6fc9R43yJJUXLZB0hUqEFpUFN57/lCWSWltruMwmWCdHx7reRdQ4J/CHQqoaMnhnNBBV8OeAq6H6G2k4FnH8DZzr4ZUDtUbXFuEheGQkntA9NXtev6mdEAFjLnze93aJZnhlBJVERiSiiQ/MYKz1FsR5RsU9/ndaH8IsPtUpmGpv+EdPyhTsVDtbHeCH9Ptt+j1+Pv238wg+/PnHsQbOqix+iAcRBM+sWiHaHDzVMtmc3XzxNYvHnXDIw2BGf8g7SJxurK2ZmdkQQZ6Voh7YvXHM+i2mdRbrWML+RSR6Dyj7aSNZmuThV4dotXBRFg8XkAuNuZQrD+SHH+gP2Mau/sBVZnVTFdm4bG48cr0Pq2R1U1cX9Yc0RynV1p7+8BZzSC5ndWM50ejdtyVQc/+2RCnLJcROeBgO+tw+Y0K9LCP/fSwRmoUu0uLjoH87UXBuWX9wuzykBkjLDl3EBmJZqain+8WL2sCksrqWLg9uv7Fmz+sPuo/rOx/IHOvw8NjOLasPm9t6sB53NXYoDFvQUr837umP2HNXJGqTcQMdCIiXroiwuLPPH9WMxnd3Rxuaa1e0gblyWWmIJqJIzXrHVlZ0rBNIim1KsNw4yP/o1Zr6vFLSOCUIhyeZq5O2Hvrj7TXGi5B2SxsTM/WtSMnerRufMTOzRw8+sEZTG4kUBNIsBFX/Y5Di6ZSBYDviD00MoR4yZtbHiroGKbYyiyhWV30NQ527WNXxO5RpfvDuPbv18qquG6JZ7UR/oOP8Fa9WdJ/0+mwSWyrVOzrR6+ZjXcO5ZYWoZ+e02RrF/J7VH4H5guZ0AhEvlaWEmDXa7nStMs99Udb1b++pBG9jS+s7ReqmyPUvzeGsxNr0zWSSjUmG1Jk/ml00aUyZZYrNVg3kUE5nbB4b50MImVt3ONZQm4LavDZNHeyzD0+0dmP8Ye32+INLKifDop6f1zXkuXc3tzV+TRcHmrhwW8Ve/+wf0TECpc0OKB+untcxH2+K3FqhbLZLysIgri6f0/Nva0fk67feoJwW86hZRMVCiK8ZiIy9gW/s+lbqUnp8USmZh2sah8O+nkWleQjNLc3zMRbcPUSt+twXxaLGq5TT/RMLNcftAUZ2gzWuG9E535WTMlEK4bTl9od8jM6mEz6h3PDDe4ezm4uP/zxGWvYsIfFDZZHTTYI9sxalFaIWtahFLWpRi9qpFkUOnmqxWGCZQsLq7K7LZYWo1in1219XaOscqLeMyEurpR3woNaefrc0S8iVXfMIpJvCaKXjErYQzqqc6+Y1haJ7XSRJHwjNdkDE+5jh3LwldLp4Tmj129/+XTMzaze7lsc4aBZ52HzaLXcxZcHcZg5LYiemOdof9fR5PrfMyFAORHlYHPQ1GrK3pFwqDVtoFI7MxvpOyGsipnMsUpoWkg4Y9Lz0zMPH6sOcyyifc8Mh7ZSdLJpOCca6CMgQMageJWuHh/t8L239ocb+3j1FDuIcy/sbI3pzSBnk229/w8zMvvSLv2RmZtsbCs1fWJZJ1Hs5obw65MGvfPmLZmb24osiQR4devTDy1TLNuirP998/23GwY2yQJMjF4UiFIlYTbcnpOzSxBVslXtdofZ9hLr8uosVjctJQ+dOpjT3q1detq1NIcI9UFfMS9Iob7OYohuJtMY0hJjlAkSjIeWDjGfvSNc5Q2QmX0SyujTD8TS+Bd4Px2M7OtH1LCNnXK7qu1y+1THauXtfAlK7ewrZjyDaueT3AFJgq+mhf43DEBGcCdGteJxyxa7u0RxmYpMgtCGytpm81uYFpKa7HUSQuEeHzMVkorXpKUK/Pp8zL4/z8skUqaFBT8dPxRFTS3qfe1ZAYG2ESM/hnq57vK7rOOkIjceRXV+Y11w1EWhKpiGoEWBM+CMdMmmNZ1mClMewSeSJlNK7b79hN65JDvn555SK6hIxddOva2k9aw4R7PLyuk5Na66R0hHDchQAACAASURBVPuv3lRkbQbZ9iPE2Ar5Dn3S7w5JEYwo152Zn7XJUGmSk6P/j703jZEkT8/73rgyI++su7q6+pqea2d2ljskJZG7pEhThiD6kCFLAgQDlgHDBmxYEARLtgGZBgTBNizAhmERsAT4IGX4AwWIgAHJsgWY59C7y91Z7uzcfV/VXXdVZuWdcfnD+3ujKrO7p3t2elYQHO+X7MqMjPjHP/6RHe/zPu/z6Bp7g7Fs95SQef2GojolypArG3rf9E70fB4eaEnEPdQxX7qo33dCnZiwRgbOPI4o/eSlgjwRd88QEp9cLrCYb100guG8GNILTOYfC2dOBOkFdTGKSIEcFFFEEUUUUUQRc1EgB2ciTiI5ONmREvaw126Tvexotv6TSJuuryhJ0Oql3S510I3zskOL0YeQ+d56W40e63XNEBI4CJbNWstavaq1slvUvW9f02NbW9EIJGHj4ibH0gz80+v6RL2/r0/vq8vnZJ06pU/NzGq+PbLuEf7BHtKznmeGUnosn6xcUj6H95BBbkpov/ORnfVNHQoRoGwS5+ZEcaxP8mttJfMtNHXcI2SOm7SPVSH3JamOzfF1X4+2VcKic6LZx/lNzQiqKzpGk6G+f1e3M4GnAAGbsOTJPcyqMixpq8i5TqjjmrRqpar7/Bi+wuqmZmlXLipiMOrqPs9vaKZlwk5vvqEiU/0THbsPkrK5oVn+7s4D+d3f+afMB8ZJdZ2PAWIvTWrkHmhGwnbdE82yDCno83e5RDYaQGxFqncywRyKazcY6Xw0qhXZuPCm/ru9yZweMy+0OIbwHEY6/hBOQuuMsZiIiI/wUglTqCYIVB/hHd/XddFsKSow7OsYLl44J9MpmT2ktWqVfSNFXg71u0urus801lbenUda39872uL89X7Y2jGbcOUohFzbDghEQ/Qa1CCoxaxdrxTIwQmS3hAwFxd0Lo+6+v6ArNRjfUyNwIlQzyLkvq6RZ80UivZKyxwDX9fRZGxcFWrw4kgy1WPUaSe2+yWKdPx37vE56E6jbfckbZLIclewJe9zrx8c6Do5QejLELn2gqKe0dQ4Po7cuAai9qrKR1+9ellERK5fU0Gt9UVdL+lU99EH7RxNdAy7W3qsJhydN1/VdbbFPb27/Y5uj9jUw20dk4+t+sbGomwgMLX1UNGG/rFe3wubyv9ptZRg/MHHem924di0aCe314M9vZ8+uqZchQAL+MVlJKBbOl+uMXetvzDPk52csJ0Z5yAv88/JIz/GRbCXLxMrmDukAR/zJMkXEAVyUEQRRRRRRBFFzESBHJwNJ5PMjeTDT/SJeYBp0rk1fWo9Quzo0SOrZ5O1kSk2mzW58oq2IN7BjvTGdX0qv3JZ97GIPaqHMsbhnqISJjzjJiaOpNlKCbbqAtyCK1e0i+Hap9dEROTufa2Tv3TlFfZfFwd29BTBpQGCMt2B1hLRLhHH1e2Ckglt6PnW67CyYYCbtbFPtvrGa19nXjSLt2w1pnUrmqYynYAuUMcuY39rrYuVspm35I0+Omb2dbSvGUQnF+TRR+SY7K2L4Mwd2kmHZCXr5zXjrNVoEZ3uy/7BLc4T0x5aPAPPWjoZg6eZf7Wm73/vu7+rY6c9aqmtiMHVqzrX7XZzZn/lEgzxBT3Hjz5S9Oj73/t23rpnVtymyZIm2GdjQYzGj0T83ekh5gLCIJkxv0EEMKxKyVba1PBduhyS1FoAOzKBh1Cp6TZr5fbssT3NssZk926k311apcUPLksL06OwotfWJHpNutYkji9d1jW780jXXa93JHXY+VbHj+A9hIGexyJthHadh309r1XQugGZ8NaOIgljuBweSJOxzjMQgghG/Hisn/usC8cvi4d0tdCdVIZFX6/BorfzMZOfvl4D6zpwOFYbSXPL2pPEMk7WWQBnJx4wFt3P8kpD+kO793RBnDt3WUREjlnfUUe/G9OamMEL8gLT9o04hklggxzR2lypGLKk30tALBeY54XWmhwegHa+/wP9jsmsk42eYBd/AsfGRIGWWQ+dntmGK0J3646inr/wS39SRERaNf29eOcdRRD6rMNz50B1wgX56D1F/lxXx1sWHe92qr8pL31F77naN/Tz7/7wn4mISLdPGzko5sKaIgh1JKzNoCoBNZwaucWzdkvrBhD+lpxz8Cy/JMcQhnld5BcZTzm4oRcenIPEjKMKzkERRRRRRBFFFPFlRYEcnInBYCDvvvuHsrGqdbm33lC+QP9Enzb3qIeZXsAqZkHDntbvbt+5LkcnWiu8dBURo0gzvc7xLvvSjGAZydE63QsH+8qIj0b0RJNZu7mlMdK/MM5v3NJseBH2+uam1vIPDx5JpTxrU3pwqChGIlobNfGjIcZMXqBZWUYWElbsmZGnbpCDJKpzLppJTGGIN+ktbjTbnFNZBtgXj4cca2ICPDqGiLqsGS0ND82kRs8/gp1vRkRLy5rtHh7pmEc9vRYGPKwsa3bfrOuSdjCk2d+/JdOpznnFqBST2WVvKE2KmFFAFmtCK9/5Q7Wm/rlvLDIWashTzQRJTmVhQTPp93+oxlR/+J1vsf9Urly+LCIia6vaATKk/uzDGZiQdTrwQBJjTNPPXkf0yaywI8sQ09n5igaG/iCby1qtlFqnCA9zn7AOGnUMmaj7nz+vfAjLHC0TvnPvLttRx12iI4DpXCRbM+leu3Zmk1wJEykhZmQ6WtGE9UCHwEOOceeeZp+10Dg5em12Hun7vb7eTz46BtbNkVlCiAiXXdsxmgzVEhyXekWkbeiV6XfoPpYwTZugweGwcFyxe1LXbKlkr7NdH2NkyyOMyxyP7L7GGLn2cVyRJvyNAcfy6Mtvc03GE713TRQqAVm0Oa6UjasiM69JgggSGXLCNTeExUd8KwxEUJjOdQgGzJVpAJR8Pf8Kwm0dOk4ceEOrWHsf9fR+6LM23/nWH4iIyPllvS+uXn1bx+Dpb1eVeR0OYrl5TbkkxpX5qa/pfdKmm+PD91Ts7dWv67E2L6i2Rue6dg6lLoZTph/i2m+SnpxJWCdinROzugHO2Yw79zqaVSeaFxfKvkTp4qfF/Bji5MsbQ4EcFFFEEUUUUUQRM1EgB2eiWqnIm2/9hFygE8ChvlehVr1iFqNjM0vSp7YKssN+2Mz7ja/feF//wdP3CrK5A2RPbx9q1l2i5hpFml0cdzQzNoORGDvV7fc0U6o2tY57DvUxs4a2emiz2ZBook/229v6VJ2AAARIy5ZD3blZNpugp9Vla1XNOq0O59lJOfoUv/dIvzeZarZrsrFl9ALW1zZkoaVP9tEYhrtjjdiYrpCVDgezMsK5TS612IVFrY16mDpN6O825cg2GfU62UuAcc21G8rJ6Ha3pdVEvyG2vnXzjSZ9ZV4y+tMloJ4P+7rf13mZoqo2nuixa2Q+1ony8UfKVXn3XUUOAsuOo1iWVhSNcqhzD2GpN9EEmFL3rSOPPcbcyFQa7byjqZ5DAxvt4Yj5I8uxv0nuJKTP2/cDaaBnXKspmuWhhGiciREZ7wTlu+HIzhfLXt2leC3NKQ72laW+hqSzB9oxgF+RwRvwYNR/+uH7MgBt8simx0PUGT1kb5HordbIVpEq7vZUGbAPbybBVttDXjunjZgVL0jClH52J9U1PaBDYXX1qizAz3j4CB6LWWwv0q3B/EzF6vqm76GHaNON4aF3YCjYONQMem8P7QXu4cFQx2J8kMk4k9SsuV3uOZRETWNgZQlNAe5pP4jYlx5jxG+RoYQRvJ9pROcMvz9uqq8VYILVZV0LW/du5ZbdFcyZUuNrwFeJzOTK179roHNt+C4nQ0U9W0sgh2VdX10sux/S7VWr6bwur3OvIm0dS0day7qmDJXc2lWk4JW3f1H39VCv5/e//66eX6DrwDgDDvyhAMQ1GaJNYQqIJqfNPMW5zbg/ux/Hecxy+YvGF9mLlys4PjmSwnipiCKKKKKIIor4cUWBHJyJwC/JueUNGfb0qbPEk3KVWmziWAaqT9L9ninh0VMflqQDMmA1U+tbH2HZXEVtzoHhfTLAkpan7Crs4jIZ3+Gx1v/Wz2sNLijpU/lJX2trNVQQF7BgnU5O5B51206Hp2syNxet9xLM3qN9Hf/ujo55ZVH37QoGUyAFQjZiLG2XjoMqyopWY3XIgtJJJBG6DGVU4ayboEs90/NzmxYREbl0SZGG7e37nAdGUnXNcHYeak3SLEqN72G2sWOMlx7t6nY7OzoHi8vlvAf86AimMtr/Bo14jo7Nx+cgCPU89+CBvP32nxERkfVz9HvD4ndczWpv3tBjbj/EoAv/iDoZVqPekHJFM2NTrKvTMQAhXlzqumX6/jsw2oUMEiqG+HSWBNSaraYex8aIP2Y+9Dj9ntWafdnfBbUBEWu3dc0EpiKIPr3NS8g85N0cYtmZXrujPV1f1z9Wlvprr6kOSAOewz3Qm15fx7R175ZUGvTnJ3p+FRQLy6ypRgPuCGqFnWO9j+4+1IwxAKWqkMWPsDA3PRDBXtiDvW86ApWynsMA74XjoyO5eEX7+lsYTu33dM4e3NQ1uLKoa0zw9zBL6yTi/FHCXF/Xe9Plnl5e1LEPMVqaci0MPdzBuKs3nEilqvsy1C3LQASoncdmA8Q1m4Iw1tBFsZ9w48dYt4JNhzHvY5CUzfOKODI9ctI5lDGmTtUhnBtQmyks/DImRQtwBz79UDsLwqquE8vWx1xTs/p2QxQ2wZwmor+Bk5hrBiIh5Yq4VUVGquTZu/x2/e5v6bY//U3teDh+SDcTXUxmRZ0xLwbrlEwvxDV+DcfKLb/1z8x8o5MzhkbmNS3WtfDFcugvMwN3nS9v7wVyUEQRRRRRRBFFzESBHJyJNEtlPBrJNl0JdWq0Vy5eFhGRCVlqQu9tq6VP2IYk3L9/W3qgCVV63o1z0OBpPKVmPCTjmdjfMJjXNjTrHKFRUMdtcR21vb09fd8yg6Ul67XX7z+4f1tGE+qN1EBH1N8E1cKwigUrdrknHR1/Hac880HYvKxKZ1bvDyrKb2jAsLaMM+L8k1iztHI5lGNqh4ZepLBsXTIZ60ve2LwsIiKHB2gwZKZ3r5lhDxW/mF78OvXyBeqb+1g836W3+qSvPIt2E6W9hVAG1Os5DfHtmZgX63evkCkDhMjqgmZZr7ysTplNnBKTiW7w6UdaFz3GyngBFGfpim7fbukYkjSWuzjWjclsPHrqT+gRby6SfVpdm0ymT/fKSsPq22RpI6spw5eAbu2in+HBm7BOk0xiSTOrX9LZgF+Ba3wP47kYl4YxjqamIaCBqaO89NJl5otMkXSsxXk/2tlhDDrWSi2QFB5CSu3XxnvunCIGIddiZ+8urzrHxrI39GoyJkNkvoxzYfsteWZ1DYJA3b8c6D394NbN3EX04gW9zh4oww1q5FYsbpvNNCqdQVXX/fYOaCDdSgsohZpewkU6VO7dVWQpLGuWe/my7u+k15FuFz2DASqL+bUga0e1MkAvZMDitM4S624ZGz+EdWHoj5vzhryZ790FXaxVQ3HRM7H7pInfRzk0/Qq9ZrUVu/f0t+zeI1Wn/MpX1XuhzD2309UxGOLkh7rOAh+tBsHXgNdeFEu4CCeiSfdFRa/33p52Nnznu4r4NM7pmBrM8TSh+wBUx0cXxn5nImvvsc4Ds0BnuySZU0M8wxB4KleAD547s36q//Kzt8+7EZ6yrecWyEERRRRRRBFFFPFjigI5OBOOI+KVM1nfhGmPC93hMR7ophTIU+lJT2vSd+7p0+14NJIKuuk+9ehF6pZWv1xa0TrvkJ7qew+1jzk91H2ZH/2EV4da8h1U5/aO9En5NZQY15f0SfvTT7XuO5n0ZWFFM6GDrma0tZZmH6tLemxf9KnbGOIRGgRRBLJQ1+2Xz2sGPCAbyRLNjLswpEs+3gRkOxOymvFBV7LYHBuZXJTJFsnGz19U98ktsrTuGEczz9TZNJNyyvSMo+aYwYSuUNddo7Pi7kNVSiSJlXOgI3XPleMjHOwisnKxDIb+5UT3lYyXeNUxvPKaeiqsLyjX4GBP5/Pdd7V/W1CtI0mVPvyRWqjr594dZavHTiR9D+3/hmad+yePGAPOmSXTGkBJsoJC5F3tgKi09dosL+s6MuVDY+d3yV4HIA6T2Fjc8EcSkVrFuAZ6jDH6+scdHWcl0Hlo1HVdrC6hMjfVY3dPNNPbO9BrtnlBx3wOjY0ONfsS/gaNBR1DBBfFCxfESXUNlozhj4+JCzJ0dKL1bHMGDDzd55TsdmJcDHQMAjLniSnfAQ/lJHU+H6LKFwaWYfdl/5bOVROfhxFaEwI/Ybuv3IPLC6pKWl/En2GKHsK6rsXtA0UGVi7quZ2AQNToYmnABzoBVVxCD2OhUsoz5cMDvd6GhLVw16wD5/gOPBkPrgoaG1U8I5KJcXw48QA32FTvUQfdg+vX9HciisjUw5ZU0KEwFVKXTqIQBcgx3InBsf4mra+BfHR1fu7e+1BERL6CK+lrFxUFO2K97Hb03oxQKfS4BklmegoirqtjyFLT3uA+aOmYOl3Vd5ER3JwyLq5os6TGD7C/0Xdw4Sil+bmFbKe7M28WQU9G72Udw9McD1O+Y1jDM+v+z2hXsLHknQdntk/dbG5bZ2Zss/qyz3e8540COSiiiCKKKKKIImaiQA7mIst8qZKN2kOl6b73e/pUf/u2Oifu8rRf8nmKSyIZUfv7U7/0iyJyqjP/R+/q0/X5TX3ibzb16TugX994DSO6EA7Hup3VzvbRWjdWe0Dt8MZ1rfvt4nR2Mh5KRvfEGghCwtO4nxk/Qc9rQoYj2axC3Ng3n3p9yk6maKo7em7mIWCyYjHp+hSdBMf1xLEujb4eY2NDs+8LFxTxuHlX5+4EhvQanIrDI2rp+Dg82lIOgdVDF2DY7+5q9noZBOLnf+FPi4jIg/s6H5LqPO53dmTEeccsd4dn/vaiZmHWOdDAXbDZ0GNcvaKci0dwUL733vdFRCTCzdEY5iX0DszV8d6WZlRRpPNab4TikNFCy5CTI3rDW3S60Idd8jQD7OxrtuX75g2A9sAALkqDDKrEOXl6jo26pg3TKeuEZgdfHMlMRRHOxIBM1rwzxo4eY7WmyMcxnTeBZSlk9/t7Oh++sdiXdJ1VQxxHR6BerO2Sp4OotdYMfJPxUM/zpGeo1JDz4CcJFcY0AvlwLUeiVpy3d5NBwncwh0mH9320+ms4BI7HQ+ZvUWoN/ezufe2qGMADCkxJE9TO9EJee+2rIiJyCBK1sGDeFDo/XRDGl66+zNj0/rh4QRUnH4ESTiO775Jc12Kxres4AQHp93UsCw3rEFE0azTGddSbdczc3tHMejzRCV5COdU8KvYP+H3AH6EOhyWN09yHwfQaSmXz5dD3jZtR8hVJquAAur6CPwzr5OMPFO352k/qvf4SnKX1WL937YZ6NwwmoEIl/CCSqWTJbJ7qOObfoWM6B5qZZSBEjnlS8AVzJcy7EGxHqFrKbNjnedZ/plnhdAzzyMGT/QvSHEN4cjwLWTDEYMZZ0TharvPEY/44okAOiiiiiCKKKKKImSiQgzPhOJ6U/IaUSLfsSXp3W5/4P73+RyJyyspvkL1t72jNcW3tnPz8N39JRETaTfUr+MF7WjOuoZU+RTHw1oE+6Z+/oE/ZpkN/Qp0u47nt1DsAt0FcHY86mnkOYQZb9p9NE0kmMNXJ0jzBfU6qnBe66jyVV3iNYSU7rn6xHBiLn66MTMcWkbZ1jrQ3OcalzydDdMSTWhn/iVU9vxb96/dxtJwCXyyvkRGYChu1vxFqcl0U7XwyiVwRjzjqDjm2Hu/Nt77JmHW73e3bsn+MSh699CXqspZ9efjKT0FA+mjGf3pN69/7IEQBNVMXRcVSyZjzOob3P9R1sLCk57RCRj3oH0u9ocfc2dcstE8XRhkW+eab6joXk0EPO4YcUEuml9w0K46PdB6XljQDrKF6GSfGNLdOEtwPxz3pdTUbHQxMX15fHM+4AbrvEVyEMh0lKde1ic793qGO7cHWD/Xvfc28ze2xEi4xP7rmK2h7HPdGMkL/wlAqU3RcXtEMug2iNqXrwGc+MlQtM5Q2TSfD+tStdmweCzF8oZKP4iAeJobA1JqhVKt63nugOBlKog3Wu8/vwPZD7bqo1vT8L2wqMnDS1TX72sv698GRzq+5tVo06LDZA+1ymc9yqSI9sm6rtV+6qOvg1i1FwI7ohNnY0DlcRBHVqs1xwn2T/5Tr66CH8+F5/R3yQWL26LAwFcRMXPGM90EHVLlieibmUwLyg7bCiH07maIT51cVGTnu6e/BBx8osuqVdA2+/BVFRQb4fnx8zTxMcLd0xuKABJiOSZIYmkEnFCITrjfblZLmXQimcGhOibNaBacWi7z7FCdF90y+bEiBbevmnQ7zKMcTd3VmP5/9ue0391PJslMkw471z8HHoUAOiiiiiCKKKKKImSiQgzPhup7UawuSktV+8tFHIiKyu6OZozkjDqn7ndCj/OYb2uf7tZ/4SamGmi0dHmoWMR7q0/LiomaRPWrwX33zayIisoLb4PsfahZ2goKe9TtbZllr6rFNvz6eklGipGiOakGpLDFP2fFIj11p6RN6RNbUPUFTAKWySoX6FtmIKYLZ03eno9nLYKznO6bHvIKvwaWLyuZOpmi0h438vSk6Drv7el72JJzBwl1Y0n3sHNwVEZGQDPnGgy3GgmsaT9K9rqIAm5s6bw5Z2I2bms0uwSO4sKlZjV9akhQdf6tPd0EIUhjeHsx3I5k06GMfRnrepTL1cTwDTC/AtAc+va7dKvW6ZohXrmomdcS1bCxVJMIrYYArZxxpxkxDiWzf137+AWp6Pkp5AdekRKbs050QTehNxx9jgofAYUdRLiHjMm8OJ5tIDeXCsEr9mrWZgFqV6NM3rYlmtcznpjqIZkdd38+SI151fnodPVYfR0zf13Pw6I6phe2c1yHU0hfEFB+tCIwzKEjTJKa7gNq5ZVkOqE9g1451Yv4Z5jwZxfgkoPmxfl73GyeuHJmCKIz+Sk333W5r5n90TBcH3JL9PUV9FtuavS8tbcwc6/KlS8yHzmcNpKGC6qnLtbtz666IiGycW5MGCqBHoBflQMdwbl07QLa29D447hiCoHyYclmRgBMQqGgKmlWucyzzv9B1ceXKFRERadYVSbh3B98VV8RhvAH8leHYeD/W+aLXtVqlM2SMKiMo6No5vdcWV/V++O5774iIyEcfv6fbw124AhcjAhW4flM5PH5YEt9HK8Oj/g5Hx/FNZRF3SX6bHd+QNH05lSkwpUmZiTngII95PoDj6P8DM++dSehFnoA6PCcyMB/ziIMhEmmWimuIQY4q2LHS2ddCIbGIIooooogiivhxRYEcnIkkTuX4qC8ffKRZfERPdRud9z6OcsYkfvm1V0VE5K23FAXIEk8idNdPTvRpO03N9YuuhCvqzvfKy5dFROTap4pObG8pB8H07GtVeu+prXWs9m6157x4pi+Vim7veeXcqc1U4Tz68RPPnNs02+h0FBHp9kAhyAwNObCMctjHXQ8XtWVY2ktL2s8cT9F/oKb/xlffkNEQ5vpAs5BWW7PqfZQQM8YUJz2OoZnTaHzE2PWYTbKvE84/oA5svJAEdMOyswP2Pxnjc9DwJShRh6ZeH5q8JDXPnMZAanDS1+y7S5YvKfPIXLfamin10KKoNzQzfuMNra32RvAJQvrnhz0ZM/5FNAYSMuIk0rX08Qff5/zptfdh1ZPte5b7gAqFZesEIFMyBTzfsh599QLrpHEktrqlMcNRyLQ5jHK1OP3ueJrm3xU5VQgts9bcE71WKXV+n6J1AN/ElAIXWso7ubT5ilRg51vHTB9lwMFE58fcB2O6U3w6hepVzdZ7uHia90a5bN0a5jGg+3UE7gW6GI02uhcV/Xt3b1+GOBuukPE2cRncP9BuE+sMKYea3Zu74s2bes/+xE/o+y2UMXP1T+5hS/7MGfP8pqKH3/7W74uIyHjcl8uXFCFotXR8g5Mu+wQZu6zX4v595b8cdeBQoFkRhrrur7ysXIWHdPcYAz4CSdk/0Hm7cOESE6TIw9bWlpTZh/kP9PA/aeLr0ene1dcj5UyErl6LdlvPZzTR98+t6Zhff0t/F27cVS7Kt76r17Q3Ut2U9Q29Bourut1guCdTfgcMIcC4Mu+kyZsKQF+yPJ3XFxO2MC6CIUtOntXPQgzuZ+TF2RzsYDwG6xxwuV/SdJaTMB85yvWcugO2nXcGDUiydOazeaTgy+xiKJCDIooooogiiihiJgrk4EwMh0P5/rs/EIE532zq0/V4grIX7N2vv/1TIiJy6ZLWlgcDvAukLAHpZfdEs3HHQeN/RZ+S19e1ZviDH2jnw43rmoXUYQivr2tWOsavwJwBU3rKo5G+VtCgt9pUB5W7NMnyx+4RioWep/vavKQZXKmsT/iry5oppfQOZznTW/+2nvAleAGmDBeiAmmKiFmmY/8TP/NzIiLS7w/kmAzo7j1FRALqztW6jntl2RTR8JiAz3Dvptbe22Tj6zD/I5wQx4zB2Mt1etXrNc0cjg90vvodzVa2pW+gjcSopC21tVZc8vUYPvOVgSzcvadjqNepseP8ZkqSfbL7c+s6tnU0HDLrF3d0/o6PNIu7deOGLKPPsLqic3l+U/8+2NGMud8zboDV+zUrdakHhyAlAaiHaVRUYMbHdBgE3NKx1WzpnS57ZQlDPV/raKig5yEChyD3XtB1n9Dl4pBBjnLdftPY12y1RI22WtPs10Wj4sJL+vlCS+vckgW5O+cINCpzTemRTcj8ulw/q/eH1OYNlbDOCvNaMI8FF2Z9yBgyMq0+ehrdY1RDq025ckXH6wVcV7g4w75uWyU7j+B/eFyDIaz8jz5UtOcnf+rnRURkaVmvaYoeRK4fEqHlsa733dqaZt4nvRO5eUuZ/WsoX5bhfbg4hS6AeAz6+h3zQz/8FAAAIABJREFU8ajg1WKp8cULikC8AZdpCppnXi8RkEopwP9jka6G/lhi7v8JSMrCos71FE5Sf6jnG+LXkXKx+nCaVmpwWCKUFEfa3bG4TPaOM+jH174rIiLXFQSRtXXlf3iBd6pgmK+DXH9Q95HT93OYj7/5k39Ybd41bwn50SN7DBF48t6+TGfEZ4UhCrNjeDESiQVyUEQRRRRRRBFFzESBHMyEI67jSQPVsQl10EV8zF97TTMhUyc8Qms8oJfa90oSBFZ/pHZIb7igmfDOO1pv3N7Sx+dzq5oZLLQ089neUdb9wz19+rbsrkanRIOa7QS04uAAzX5qrnEcS1ib1TM4OMIVrq7PgmXGaA51ktpTO4z4Gmp++LPH6LLv7yo6sbenryP0AF55/S0REdnd3c3HdPOOMvhHdEi8dE6VESPQhn5XxzKY6PgPdunrp9+5zFhKZLPmaDdAcTJN0FbAn70MO99n3r0Alb7sWCK6KOKJzrEfjnjVv8+vKg9k90C5BhWy0VYDXgPaC8bi9+kLX1nTbK9zrPO0jdOdcRaOT/ScyuWSWFJ+DLt8iS6V115XnsLOQ83OrBd+hFpfDZ+CMllrhEOi8UKmdI6Mych9kAVTxnO4xX23JI2qjtcr6VwaqhVTnzeuwWRiveWQTDjfCds1QY6EayFwUxo1rUFffOWyiIikxiin5p6mIiG8FOvpzrhuEfsY0PdvHgq+Y7wQug7gYDRZD8ZBkbyvHZdGuD99ELzMN8RGa+7VMJDRUNfKDuqCR/ibNEBAMmrwaXrIXOr5GpJ0fKTX+Yc/+J5uB2fjtVdVGdC6fUYjPc7mBV1nb/+Ufv7JR9ekjFaGXc8a97tpAFjN3ToBpql5AHBfsIYfPdqZ2c+584pUrq0rqmVaJeWybn9uQ89hNBnL7TvKDejCpWrhfxKiulk9QqMF9UUHx8QId9pHO/r+q8v6+1gBSejs61quLsALauu1srU6GMKjKmW5zkkAkuTw2yUoXhqHxq6BcQ6smymZy5aNB5CX6uVHj9O6/pMVEp+XU/BlRK694J12WLyo8RTIQRFFFFFEEUUUMRMFcjATmYiT5mzjy1c0211dRRmMjGpK/S7vKKDQVS5XxKPvvt3UevT9u/r0fPuBMqDZtays6ud+iW4EFA9T6t5L1P3CGg6KaMP3TvTpPuEpvk3nQEbPfq1aFsf0uGHTDshctlF6vLz5OmeLatyQ7WCOHx8q0pDitx6UzBFPa5JjdB7W1i7yvh772nWt1adpllP7l5f1PGihljE+DZ1dzRBHI82YzeGwQpZq51cn43EFpb+p9UPD0kcPotbQDKNOKXZMl0SSdKTkoL7X0hpng9p7s6mZ9KWNyyIisr+r2VeDDgmkBfKabIIy4pja6sGRZj5H8EL297c5pp5T2Xr2g5KkcCR6uOmle9TaV3W9XLysfejnGcv9e9f1PH2QEhKpI/T726BbJye6v9HQXAl1+3ZbM80OHQWj0VQcXDRbdZ2PEoux5OmklSqgXiW9FiUQsompEQ50EA7IU5qhWsi5dbt6vp9+ekfnDZ7MUd/0MYbSqOBHgDZAD/TNQ51wMta/G3X7adJ11Od6jliDpr3v0tdehZOwuqzzUgI9q7MuUlwNI+6TOzsPpU13QhvdAvNOMX8Un+tdrRvnAkSN7pUaxziC7/O9732LedD76K2vvi0iIs1FPc7ega6vnV1dJ3E2FWdqff0axvsxJGQJB8QGDo+9KvynvDsjZaw6RlMMfPRQUbw7txS9ypEJ9FJWVpby49VZD+Opjnt3X8e5sKjX6gK/F0eH+lt2hGJoY0HvowEIzCefqH/Ma1/9ioiIlNHTuL2n3V+mixJWTK0StM9zcn0CayTKuO6JQW7OnPaAmJdGbqIw83n2LPGB54h/Hn4Gnzdyl8YZuKDgHBRRRBFFFFFEEV9CfGHkwHGcJRH5cyLyr4rIWyJyXkSmIvKBiPyaiPxa9jjtUxzH+YaI/IqI/IxoofCmiPyvIvKrmVGWH//OvyYif0NE3hYtQn0kIv9jlmX/4Iueh4hIGPry6itLcu6c1tysE2CCkhzlz7xuZ45vyUgfMQeDTHZPNCs43Ncn/AgG+3m045tN3cmY+vcdmPG9E80+Q1TI2taXXdNH6e4ArQLqvi1Y/CEujRn+BuP+QDqHmgEFHhliqvvwqSFPrRsh0UxyAru61MJLHcb0sEfdjizPR7NhEQ/6JRAVZOzFRSdhb29fvMT80/W1F2l2ceklrYV+8qky+Scwon3fFL/01XrqkxLqbTDHvSHqhjwd+yWQFVQMvQB9/waaBZ1MRnQ6VOv6mYh2mVSrmq0PaTYxNT5TSEwS5s2h936sGZMkeAXs6TFDXBkbC6wDeAVCX7wvJYkENUEymg7dCVAGZDBGdXFR0ZgLL31Dp4OMaWrqlPStl805FKRqhDZ/jKvfMhwPv6rfu3nrY3HGuHOCtqT4Fni+dYLo3y4+BA6dAq2yIiwTWPyZg7ugQy2ea3d8TLZ3ZB0l+ESQrTteWUqoSOY/CXBSKnSnVNEtqKFoGNG106U+bT9ZU96foBTpou9wdLQ7s10c6zoxDw6PDLsahjKe6nmapsDSiq6HrW3lA0Uw/gPuG19AzhIcU0s69pBrkHJtt3b1+/WW7jfcqzA2zbwf7Whm7jqJnPQVdej1TBlVx7vYxvmQrpZmUzP9Dz78REROtVXSRI99767uMwGBKddBIALj8KADIDoP2zt6vIuXLksz1WNt4SFhXJSdLd1HE47F2rIiAmGgY9nbU4SxAjcnwr3x5qe6Ll56VVVSz9Gs8vCRIkphyL3qWbfTRBy6FeKRx9zQQeRwg5gLoyGG+f8QbM9f6VxTQ5wrCfJiro32dT43JCbJUnFNUsQ+y/UKPp9uwfPGE/57zMM0WHILifw8zHMh4/Mz/2W+IMjjRZQV/qKI/D0R2RaR3xGR+yKyJiL/poj8zyLyy47j/MXsjLKE4zj/hoj8poiMReQfisiRiPzrIvLfi8g32edMOI7zV0TkV0XkUET+d9EHkL8gIr/uOM5bWZb9jRdwLkUUUUQRRRTx//t4EQ8H10Xkz4rI/3kWIXAc52+KyHdF5M+LPij8Ju83ReR/Ei2O/mKWZe/y/n8hIr8tIn/BcZy/lGXZb5zZ12UR+W9FHyJ+Osuyu7z/t0XkeyLy1x3H+c0sy779RU7E9wNZW1+VKNKnVRfFNw9NAdMPcIEQKD1LtwtKMMlkZw/tfHrirffZSayfW6fc+o876O97MLtb1IqNEW3KgFP2l/FoPMZZr0W3QwMFwnG1KctLmulZz3yHvuz6AixzY7T3ddyTEbr1oBI1MuGSaEYR2OPqAgp4ZNYuPfZlHssPDvQ448lYmnRVmLui+VGUy8qeXlnVfXe6ysUwzwASAZmONKs46mo2E4aK5oirWcf+vh5reUlRAM/VbMda8asV3f9Cy5Ms1kzeccyxEOY2zoXb25oBJWTl9QV9f9CL2Ldes5MTnfNN5tx67z0P/f+pOUvqGPLHYc+REkqFdscNEjog0Ew4PiTjTXSDqjkbohBYBrUybf2UdbCB+2fMwfbRebB67sWLiiDUKnV5uHWfceocGjLmiWX+OnkT6ryvv6VdKMuL9NgfKNpz95byIaaoWVbNjTOhbsxaroB6tVsw8Ms1GdOtYjyVSg19Aur7AffHBGQghPdQxwF1whync46SIxjwGehPAKLkge4t1MzNUMdW8kuSgkIdDfWebTX1Oy+d046GHmhFf6CfJ/welAPTgUBtD7XKMa6DptL5IFQE4erL2pFiNfw95tFzT/0MqnCLUrxIRnAsukf6+3AVX4IxypE724pifeMb/zLnpfv59Ia6wAbGRZhTVDWn1aVlvZ+SOMiz53PrF9hW52XCOolB3nb5bVtZsd8oXf+37ykiMIIPtMzvwo1PdR7Ov6xr9JVNPcf7DxUt9VnTqaS5zkXMnFpi7OUui3Ql8DtqiNozqQVziMHjnz9BcXAuO3dfMFLweSJHCOQp6EKOjHhP/vwLxBd+OMiy7Lef8v6O4zh/X0T+KxH5ReHhQDTbXxGR/80eDNh+7DjOr4jIb4nIfygiv3Fmd/+uqFLL37EHA75z7DjOfy0i/4uI/Aci8oUeDrIslcl0KmV+kE9tPyE1xdicIrQSRyY3qjfy0eFRTlZcWtAbyA/0P94A21rBKKaBXGoL6LFKy9rmeRXo2dtHBhieWZnWpgQxF4+WnyH/wVcRfWm2F6TfR7SFH/+1pj4UpHzHbogyBKGY/6gcI5hh3Rynp0YgIiIntIfVWys2YyIiEtFudQC5rF6vif1fX+F/teFE97kDpHrpov4A7+3eFRGRLqQuI3n5lCh2IfktLOt/9lXITA8f6g/s2qruZwlSWa2uYxv19D/JVnVFFhcpr1BmMcKptfvlkG5qgitmzarnN0pMk1fHFtLq1gDqNQtefo8l5j9XD5jVD0LJ26CYuZL94nCNxhgz3cWwa21Nz2sV2+djWhstfEo/4wg7ah5cy/xnmvC/5wSTqY31l6WBpfLWlgrvHHcV5l6iTHS+qWtv/xDYN7H2WUoYGBTlbYZ2NkCaIQ9b9mpGRgb5j4YjmbC2zHI5MbInCz2knFZ2Mb8a6fmZPLa1aibWykl5ZsR/zK5zSg4WEalghFajbTfmwT/LEkkwjBqPTJhJX5tNO29IwO3WzHwNRvawaQ/8ZcaoYxsg+rO7rw9jFy5qC6O1r4aUa4b9QT53NVoSI1r47OHpzn39j3eSmJ26riOTU/7mN/R8Xn9dHx4ebmsLcebo9rY+fMzVohjL4wEEzfFUWpR0Njc3GB9lxLJ+54cf6nqJRzrWaWxzqGO5dElbGDs9PebdO3rvLSLs5N/U36O1DUijTS3fHHb13JwgEfHNaInx8YDi87BoUsVxOm/VTPlyzizJfvvydHXuP/j0Kf/ZZmma35O2D2fuyWJeXvnLDDv26enOjil/SP4Sjv1lExLNDi8+894v8fp/P2H73xeRoYh8w3Gc8nN+5/+a26aIIooooogiivgC8aW1MjqO44vIX+bPs/+pv8br9fnvZFkWO45zR0TeFJGXROST5/jOtuM4AxHZdBynmmXZ8Bnj+v5TPnrdcRzx/UCy3PZTp6dPRgHiJ5MJkr9kw9Zetby8KI5ZjqZGHNPnou4eLYihPuqtrinUFmGHurCo2cpxR6E7Ehyp1rGA3lHoe5HWRWuj3NrSTNwEiTYvXJGgRFYAimFGTEZA9HgmdK0diOwlAQnJQAJKYPz7Rzr28LyWBHrYw1aw9N3ZBuUgo2gHDcmAJG2BOUj0PtwCmlzWrPuNr/wxERH5+JMf6Dxhi2xkwLCKVTWkt2Zb3++f6JgfkAUv0/q5uqr7vYdp0mSaSgAMHAB3TkAMhge6VHYRnCLhlYy6wDQmU2ZeggBSKaWf5VXN6vcPNVtzXBOu0e+HoW7ve6GYH1JuxmIow9TYnMwTMPMC0t3DASZZwwM5G2UkjScmKw2zsYHVcbO1xHZmLz6VOsS7176iIjxb2zp3Vtoam+U28toxJEmXtCVlra6tKRk2oMRjks1VTI4sJjEiWpERICNxIegashEjZmVog91Llaruy9oCJ9gHN5j7xTJIUZVWxz5lq9AkoUHaQHEGEHY9DHnSbCouaMv6qsLpi8iE37l9jX3qvKyuI7cN+tftc69i6RxTMjNxrFJgwlS6Bj/5RK2LjWR8bG3LaST+HKztYbVcp50WFF3u3dY15od6LCtL/pN/ooDsL//ynxMRkbe+qm2H3/rO7+nYX9J5PZ5oGSLCZE0okayuX5R9LOk/pVy0tExWChnw7p7ek0YSrftKKi4zHy6sucugXSvndT5v3lJxqf2Hum46lEheek3Xz2JL5/Wgd1sSfi8CZNAnSE6nrG9DjHxupNgQEJu4J3c0Pva3ZdxPM146iwo8uU3wdJssN0V68Tn2PEIw//f8dl9GfJnIwX8jIl8VkX+aZdk/O/M+snzSffwrM++3f4TvtJ7yeRFFFFFEEUUU8ZzxpSAHjuP8VRH56yLyqYj825/367x+nsLOc38ny7KfeuIOFFH4yczJ8nqWERMTK61CAgsg9SyQxdcbl0VEpD84lgkiN0FJn7t+8EOlVRxs6VPmz/2cVj+sbrexqfXIE9rfxoj/VGn5un9PRUxWqN8FnGLvRLOyOtsN4CJsPdiSclmzzgpSs2Na6gTLZmPYJJj6mH9u3ubDZl0zlKL9KwTFyHI7WNtO979xTjMGZzrJERSTSw7L+t2INsrrtDK++ZZmOl957WdFROTmrRs6Xwda301Sneshde4S2UtI+1R/hKTzgdYvqzV9v7lAhjgZyQSZ3ynZ42iISRVP/ibxHJoVsWtyvxGfc01pG7UsZsr6MJJdFSLn8ARinqeZleNUxEWcyHVNzpjWU9AJq41e2NSsrAkBbw+SZw41mKEM8+tbvb8CGkQW1+0eMx8IQDXrctJHnIls+9JlrVO3Eda6eUOvySEiOJVAM7ySZ1a1CFAxFmuPs7axIeJBI8iyGS2SZiPtuY4EkBVTaudRYmI3JhiFYRJ5iw+iYOY/EdOxtqb3zUubWr8uh4qYxBHCTSz5OCUThYyasP7KpUAayPwKMsmf3Nfs/KBnIla0R3ZoXeQGqdcV9fOcWSTKzLCqbb12RkCcQtTcR557NDAhIydn5RmfrATKFY/Nmpt1zBjHtLSagJNJP7/zzv8jIiKvvMY1Ndl20WsbIQHdHenfxnmqtiMZI/4lFSy4K6CfGIitXdHzzDjPOAT5iBVRSGkJDUCDzl/WFsbmko7lwTU97wcP9N6+dk3HcuEqxN5KTfoTLMy5cNYea5LUKevE9efkglNbP/Zbpi+Za8jCnLUzr/Oyw8Zp8HwvRyM84wXN/a9iRF5DGJ/FQZjP9h+PZ9tHG0rxNO7B/PYvIl44cuA4zn8kIv+DiHwsIv9SlmVHc5s8K8tvzm33eb5z8pTPiyiiiCKKKKKI54wXihw4jvPXRLUKPhSRP5Vl2d4TNrsmIj8tIq+KyEz9H57CFVEC4+257yzznW/PfeeciNREZOtZfIPnOAFxPTd/GgupTzabiOKkVks2q2PNdo6OqD0mEylRC/7eu38oIiIDWOZ//Gd+QURElpb0adkyIZ/M4RCBlDImNTvb+jQfkDkY+zpGwtmjfQolV6khXFMNq3kGlxrvgX2aqEunr/VKoV3MeL4lkAZDSo6oa155WdnIVsdOErM21mx9eUFRjU3spodHx+Jx7AhEox9ZjVmPeXigme2NG5r5XLig9cdXX/26iIhcvarfN3byNNL56fU0Wzmg7c5kY4fIME/G8AWmut1o2M1Fi0LMd1JPz8vYyB5tBpb5u3SU2FglMwQJWWHumowavHWtRBOTg0WwKYVTG4eSIkFdhUPR65EJwi3ZPKd8jlpT18cOpjU5J8GyFObDC/RvQz3GwDgB689a+T755AMREbm4MZArVzXL7o90bvYO9Jm7gmyytdytLCJeBDr17rf1ljvG5GsED6KX6nahcTrgZBj6VQZhKcGByaJYEoyWSp5lblgqj/T9RlO/Y9yJCfuaIAFurYyHRwgwcY+eO0enBF0N9prSaTQiCzQDr8mkJ1tbd0VEpAs/ZXCCXLhvaIPoWNjHFDGwCDOnANnpFm3Hhho2G9Zpoff+w4d6HBfL90oVwapJJHb32XUNyAgnKS2bdHEYknTSUyTRZT0tI0R2967yBSJaORNMkQ4nmrVLU++/hQXdzyjSc7718EQSTMraG2TRro57MKXTAe5MqaqfR1P9vfMxvXJEz7c7RF5+W/e3tKz39JU39FqW2oq43LmvrYx3H8E/Ot/MLahH1g6cmkkciA/IQRxbh8icMJF1AznWYQXC5j7FZpn3DTGwjNt1XHGe8p0fNV5ENj/PLXg2GvHF44XNguM4/5nog8F7oojBkx4MRFTLQETkzzzhsz8paib/rSzLJmfe/6zv/PLcNkUUUUQRRRRRxBeIF4IcIGD0t0WRgD/9hFLC2fhHIvJ3ROQvOY7zq2dEkEIR+S/Z5u/NfefXROQ/FZG/4jjOr50RQVoQkb/JNn//hZyLJ3kBOKOPOaEjs1Q2+WF9oj460tO0vnnHLcl3vqNZlhnt/OyfUMTg4uarIiKyu6v1ugqmJGYTXGvO9u9bP7iZP8W0SkyQg015rdCL7XtkTkFZIroTWnxmhbgQfYZFUIaIGmIC/8HFPnZgmR8uRg7v10A5jnrU/8mwL9AfbTo/1eWyeJz/qKRZSDzU8+ph7lQK9fOjY0VIxpFmXWEVKeJGk3miflvVzLpZ15p8f6D1YasL9tB26BzqM2mEWEwt9KQUkiUgHVurU6cEGRhgPNXEzCjCotqyFGE7SyjKgW5fMuEe1klY0vk9/xLGVmN79i6LR8+/1ZAFI6CllVwpSUREHmwrYuBTzzbBphi9gmpTs7hWC34D2el0qOdvkg3tRd1fG3OcW3ffl6OerrXX31Dp3RrCQF2rqTOSCkgT7fhycEynBEOtgZxNp9ahTJZHN4h1+ZgYknF0PDeVdIK0Ml0LHgx/6/2P0OI2rYgW+hXjkWaZPSScJ3AHDhlbH95Lo6UiUQuYatVqek3NqKkHj+b+vRuyu6ssfd+zM0cgCT0Mm/MBgKStSceWRWKGZHydMZvuyWigvxOGMAaW7NHN4kia/9aEoQmuMWfwXoxjU4MfYffavS1d/xXQLrvO9rsSwfIPa2gXw8kYkt2bYVl30pEAjkHswjGCz1JGFGoC4ijopJSQuI6NX8X/InZNIpDL8b4uRp/rn1b185UruKNlZv08EIHfE9JtkhhyEpm8MXV+pjACxbH3fbg88RzH4DTjttr97GsCYmPJvee6+R9fNOF/WrfDfHwWsjD/mTunvTB/Pi8SUXgR3gr/juiDQSIi74jIX33CAO9mWfbrIiJZlp04jvPviz4k/K7jOL8hqnz4Z0VbFv+RqKRyHlmW3XEc5z8Rkb8rIu86jvMP5VQ+eVNE/rsvqo5YRBFFFFFEEUVovAjk4Aqvnoj8tads83si8uv2R5Zl/4fjOL8gIv+5qLyyGS/9xyLyd7MnPEplWfarjuPcFTVe+suij/kfi8ivvCjjJZFMJEslCIyNqu86YsqC+nQbwTBvtTHgOdYa7McffSwh3IC331a71qUlzXyMfd+CRdzva12u29HvHsA5CFC+u3z5so6BJ9sVdBHKFX2i7nexroWNnU7MXCiUrK5P6hVU6Hq9IeMEtQh9jmUMd+r0ZHUnZFcJSIHZRQ/pOT/GonhKPfTWDaWHrC1pD7oTpzKE12AZ7Vju6j7FMkayCRjwxx0d40pJtQNS7KQPO8gLT1CtQ7K4QUY0geUc0yedMR/lEhLJJTe3FK42NQszROjoSOfeh4sQolI3IpO2JpgU5CgmU7Za9cYafBBUCXtdHSulWal52FWHDYlhT1v93UOFc29XkY4uHQOumOGMXqPxhK4Eauu2vvIM0wQU6CAYUSdODvXzdSRxL1xckp09Rbq+9z2l+ly88oaIiLRR6RzT1z8FxUkmuq8actk+3Qum++FAeElic6oBHYHD4JXhmUxMhtqVEjXkSTJnVZwDKKAOGO+4pdm+f0MOLGwerGNg95bWs7PkBt/Ta+CzzobIeXt+JjWO7pPMJCZkwnm1q/rdMXM7NsnnwFQ8QYFAlkhmBUBJQgza6nTcjNFFMUlgL/DzTo4xEuZhwwza9NUyXx+E7Nx5Xfd9ODaDvq6bRXQ+jA9kUtAnECeivq79KZbYGYqElXooLijeIOa6Y7BWsiawuRp8mtf3hfMGOqEjxMyShmO9vyaRongu/924htSA5vium3cZmFSzzGmwWAeVfbds1u65voFu7zmmg2CIwGwjW5KmZzefRQxEM+/YpO75pvsjagk8L9fgs7L9eUQg39b+/hGP+TzxIuST/5aI/K0f4Xv/r4j8K5/zO/9YRP7x5z1WEUUUUUQRRRTx/PGlKST+CxmOKxKEMjGgINdp1yfi4yMyarIex9Mn5D96TxXQPNeRb/7Mz4uISL2mNb7DI31qbta0Vl7Devi7P/iuiIjsHirjv4nZz8Z5GP9k3inqa4dd/V6jqfvxStZTr2PqwuZOA1886zqg592jnmmWyj0yGJcOgmpttpshpXZ4blHrm6uwq29e17HG9HMPUTw7oauhwVP9aDSUPhneaT1Xj232tiX2OUXfPoH5nmGPm011TA6dBNOxfq9DNmsa8xX2N0ksu+figZo4fk0ijJeadc2megOdu4j6a6W8zBiNm8D8+Hos14Mbyximff17403N4u5tafY/nSiicgzr3W9r9tfrDMWpmIoeqpK7qip5DOv+8iW1au5gtJWSxblkSBPjcJCdS+zNnmeeUHDNHXw/OsrpqFUachn7335f5+r4kapujg/1y006BBLTd0jgM9ABQvIt9VDnKytTkx7rtYtYVzXrmBDWqHGL3VQcxxREWR8w+JMRnQCcV+xqfd/lOnuoOwrzFSd9joGHAl4MAvLmN8iYp3pNFugSqQWmfjnOM/nJ2Or+oAygF5lH9wkZccpa7UIyKIHmmKnWvB3wCMSklID2gApF1NPFScUch7poaTihzsvSop6/daOMQMZCT8/j8iuKCH3wwfsiIjKMdD21atpxUuF3YhHU7933v6XTg4ec8NvlBVluZkZzicTcc0kEEoTl+ynDn4XgGvqDBoFrpliTmfkIXJsRy+bJhsV4BG6OkMyrDhrClnJ/G7BgWhumG2IZtGlu5Fm/vZ97MMwdBy2LHF9Is7xj5GkaAvPvW1fYfDhzplHz8bROitl9zB8rfeL7T9v+i8SX7a1QRBFFFFFEEUX8CxYFcjATmaRpKiYcaP3KnY5mUKMhbmQ8Kf7wffUDqFPf++Y3viEOz6xdeAhttODN2O+3fk81zx/ta9a2flE5CSvrmhF0UWebkkm5mWYn457uT1DdC8lAq2QGGVr25022AAAgAElEQVTjB0f7sryoGWCrofu8fROLXZ6+yxVjws/agU5QbotjffJPqeffvqk2sBN66bvU1ocj3f7VV7SjwjLsRqskfsmyDzL6CR0SCb3x9sRPvbZuHgrUDE0Bcore/7Cr2VpAtlat6/lbtjqJjDlNTbKs+0myRDyy0/GQ84rM7hWt+LpeA3PhLJGtn/q2GcMeRjV+BbW6bnfvnmrx+z4dBShJDiyTDpuyjtWyZw6FWPI2QHkysipDZUzp0bLbDPa6A/oTg/qkmTlM6kjrsNcX0PE3LsPB4UC8Y1w68Qpok41PhnoeAzo+IsGCXOgAoPZew8Wz1YYRD4rTOVa+zPGxIkllujasV91eK/W6jKmVO6799JCdcv072J+vrOt5VvAQEReXU+NsmCcDHIwqrouCc6TH+uui0W+l58UVvTfu3jsSvzyLvtivoQeHZGoupXAQfLwzSqTYY1Q7h9yrFfYXwukpMQ9JDEoGZ8UrmephkmfPlvJO0R6JYPKnjC1lDgcgY8YXqmLVPhywvdXc8ZZYXtEunzdf/6qIiDzcVn6QD1o4yTqnUEc8q2iZGUKaE0Nm6/U5L8A6Acxu2TNJWVCsfDuZ+75FJna3zX9mHSFpNmuf/KwEOUfS8pHOf8Gd+Xz2u7P1/WcrIH52jv24uqG9/3zdDE/e5+yYZsb8gsCDAjkooogiiiiiiCJmokAOzkSWZRLH47wvezTWzKjXQ0HtWDPPvR2t7y3x1P4zP6vOgrVaTfZ26UqgJzqiHvvbf6CIQUTd8tWvqOogSZmcDPR7U5i/xg+wnuEI1rr51q+uaL273dCsV2rmVngovqfZ0cqKZls7O3o+R10UzKBVuwma6MZ4p9bqGEOYt40XkFFTHI61jtvi/IMKmXV86rhnDGVLv62fPXP1mKYiOBrrdxzPsk3NBMsl3ffUFCFdvRbNujG/Dc1B1Y7ea5/OC6EuGk9jabV0PnIdh45mrwnZZ6utn1uPveub173uMyLjK+Oo+XBXkZjvvMs5MJbAt3PAg8Mc9uo1WaAjoAe7vEY/91GX6w6SUMPpMsYPw7gnjRWtIYdk74YUuVaDTPV9y7RNSdB8A4KSKzHX/RFcg9VVHUOD72QjuAHUc01roY6PxbCv6NXxPUUIPDLEDnofxqfw4ej0O6AeZE6BW5LU132SnMuYjhePTNd8Psw5tGzqi67yHOqhzmO/q/fBdEIGjcZCavX8hI4cnCLNy6TaUASn3lqQPhoRsczq7Pt0GTh0TIyZy/4Ix0iugWXIppA5nRpiwP6MT2H6GKAjsd1PmXOKHBAT0IgJvz0pbqZhrcZ3ceHkWi6uKjIQjvT93UPlrPgVXS9HOKpurKjfwdaWXvurlxXtu3nvPemz9spVc7I0L5bZrq0sx9LMoCCb+TNP6w0pMD+QnFn/DMvEJ4Rdk9wZNJ3Nwk/xvSe7GD4t6/+86MBn7ePZ23lzfz//sZ+mZ/BFx/Q8USAHRRRRRBFFFFHETBTIwUxk6rFOXdsUEO/d1zqdO9LpeuXqZRERufKSviYQCo4PD6VFf/LNGzdFROTadc0yK23tQriMi1y1pU94Bx3VSren7Miydmr1pvPtBqixoRtw/572cW+pWKRs0s++utaWu/f1mL2BIh6paKaysAxbnw4HU3Izn3nLOhcqmp2VSvrEWyVDuHnzJtuZK6Wx21FUIzPv9noypSfcfCjsM3eq++xTI42nluHhR4ByYO8ExvxQz3sBhbjA06zmmNq1oRWmfzCOTnvq9filnFNgPdGdgSrjhXU931oTZ8uezovVkCdkpQ7qk1mmnxtz+uZN4xqYWmWb+dSafhbpfEeTWB5sqUKkOfJNpugzkEUGIEWGVk3gGvhkoWU0GKrVJmPQeRue6NzXazgoct7jsWaMnmk0yCmDO0Q1MEWvI0o126w3NUvf2dW5Pe6hXgnfJYF7EaMgaeugAbPeUuQRfhrmi2Eul+PxVALq9lFs/gt6zAyYKiAbH6B4uLRoHQGgPxkIwYSfrhTdBMT9XBf1Pdf643W7EYicQzdDfbElJ4/QPLCeebKuCVl5va6ZfskcEUGxRnhTZCgdhtYCkNm6ARmYUHNHN8Dj3KtcS9cXieGxVLlPunT+xOg2+ChHOi4qixW6VzDlcGztwW+Ygpzc3VaekHkMll1dk9CJZACK+OrVr8p7H72j47EuhJytj3KiY5wb8x9gsznuQf5XXlR35z5+MnLweTLn+cR4vo7/tO89VS/gC0SWoxmz3QrzjokvAp2Y/66hcZ7nz72fybO9iZ8vCuSgiCKKKKKIIoqYiQI5OBNZlkmWpjIekxmhSfDSFe1BX2tonb/Z0Cx1xHZZ/uSYSh+VufFEM8Tz5xQxWL6gmX2Kbnm3j149VGDTGMgsvU3NQ4GaMrXGKXrtY3OxgxkfUA8fjzo5YnB8olr6jYZmsOsbqj7oUd/vUBPuwmOwLocGPg+Zo+c3GFg2o1nXQluzVHNjs9r0FAZ9MgkkCOAjUDNOUU2zjoks03214QN49JKfgGoYshDiLugHEWPRLDbGfS4wRrgxpvGUL6HqV6nVpMwcbe9ofd/xdLztZT2PiOvnUCM+6dJRQb06pDNiAvO97CoSUS7pfk33wq5lNtExO/TeR3Eq3b0dzhteAxmyH5haJdePcq/pQ0S2b9CLWl3nyyEj7gQnjJVslHl2yTgi5ttxAkkty+LV1CUn0X0REWmizhejb2CIWEyGHATmSqoZdQIUYX4FJdZVhfcjevNd3zpXAgnKqBHCmYisp97qsuYIigrnxfOXRUSkXNZ1VLVrsqb7WWjoNZiMydJBYMYRyAmoxYQsdcx9FlYq4vrmZ6CvCegFQ5OY71hH0BRugXXSRAiiWIdMCO8hr63nbPRZXwDzDxhPR7m6ZBPky1LhQV+P0aArwRAmv6TXqAqicNyD/9PUddFEnnEHj45b9/UanzCfVdCeP/gd5UD9W//en5crl14WEZHbDz7UbeCYTBM6P7juSTSHLJhmgC0sd7Yr4bTJwXgB81n7s1NcW4M2h647W79Pc2+EJ3MPLOY7Bub3c4owpPk+nuZjMB+WvT/t88/7/mfFKRphiNJsfn861188CuSgiCKKKKKIIoqYiQI5OBOOaFZl/b2m3raCP4Ixw02L4FS3mywtiqVS0Qz46suX9T2KfCNUB3toA7jUJ12eup3UlO/Q1oc5b6p0idUYedoMYOVvorVuDoEPdm9LraHjNk5BKpal6c5KOB0u+ZptHB2TKVf1byGrLVPfvHNPM8tKybJ8GPMop/U6KCtaVuxUJCSbsvE7ZIzmLleh7jqhW2E0xAmRuW+j0WA6EULds4PeQQTXQMhWy1TUHbLB+oKiJOVSWZxAs63jnp5HSC35/EVleg97uMmRMlom2eLYZbI0c/grB5r5BdTLIzwphujjW4Y5gXcxGvdzxUNz9jSf+gxOgCFF5thn3QjGZg88eAIgLqbvkGU2b3hYkK0bgz4wjwIvzJnvpu9gehaWZY9R2bNui7KpL5ruvaFYzEcVBv0I90LrdjEOyphOnQBUI44DccxvAP+F0dSU73BhJGu1XU6BUuplPAcaxrlgTHzfgSfkOKddKiKn6oV1n2ydjozWQk3svk2S2QzO4zstuCg+dXvTkujDTTE9gz4OoJaWhqiX2npJWdOjEXyZbpfjpuIZZwAuRCnvlMJBFFfGCGfICD2PlQuKNOx2lQ/VmxgPRM9z5RwcJVRd94/vicgpQjVIFQ1851u/L3/sj6OBsKf7mrK2Ao49yvT8PG82g05zlUHWSZ5pM5FMq83vfC3e5j9NP38G/Xif//PluY+PYXZ/Z/fzeJ3/R+sU+CKujM99rLOcikLnoIgiiiiiiCKK+DKiQA5mwhHfDXLnL6sdRqiSmWKch7qb1clNWc93fenRTZBQI4xRAEwSc7KzTJHMF1UysRZz1Puyqbkt6hPhiBqksfOXV5TLcG5NX2/f0e4FcScySWBhlzUDcNAxcHjyL1PHH0WWrVHXJ7tqNvS89vB9mJAZL7c1W4lJoYwnYfNjCEUlrEgY6j6s1zvXbYc7cQKqkdj5kz2E1OA34Gr49Dk/2tVzOukbGqI7rKCQ56OL0MeBkjK41FpLgsS9xGQwC8t0Z8AlMIQlZ9f7ll3osY0J73G7TOmYiCN60Rm7OcGNJygNkpFPo4E0qoa2GI9Dd7qEk6X1c1v9Nomtzg2KU9LtlpcVETk61C6XONMsVBx69ic2NjgbgWXUNamETfatx/J81qYo+z5JQbVg1fsgJNbn4Ob9DnSWwINotlU7wAGZmuCkGZjyIHXjw/09GQ81M15e1GtwynNg34HpNOh3TX3xYFfP15Ee8wGD3jgs5ilBFlsK9XVvX7tErly4yJisy0GkRofABJTOXBUNtTEtipJvGgroXsA16OKDUSIbT7LZem/uG4HPhRHLjaOSZacdDCXQhhKIxxiFxCG8oAkIkWmOrG6CauUqjLrdGCQuS+kWopGkClrW7SrqubSux/vk/Xcl83XfLZwduz3W8ZSFjyKo3csp91GczGe8ZK+ZIQxznz6WIZ/lIMznqbMeCE+LpyEGj/sgPHm7J3UUzHsePA1BmB/bKS/ixeXcn6mEqBu8sGPNR4EcFFFEEUUUUUQRM1EgB2fCcRxxHD+vlc3Xp8yn3JTBolyFj+xFXEnMdc6brcsJGb9LRuBQlzUP+YwecT/TS0J5N8+sjdXcaurT/Vtvap3wqKOdCVbfDUNf+kPNJsOq7mQ4QgOfToD1ZWO6olaIsl9YbnPi8Be2tAZtznEi1mlA5wCOcVY/z19DX8IK7ni+vjeNrW6Lm2JFM8QhiIixzNv02tdRfHy4pRnjzq46HyZwMzxTxGMJB2g0LFWNo0BPeWNZjg50jgREYGWNLgXOozdAbRHVPc+uu+2bOrAndHGk+Dgg6jeGD2KM8pQarfhkln4sNbQWzMHSat/9AZ0TLZ37agVtBJjhKaSN9uJ5Pb8l5Zh0u1pDjlKQA0+vvxXjbR2VUHv0gpp4mc6t6xkyAH/DmP4e69nq/bjyBa7tA70H1mpvxP3ADZMC0STm0senjnkWiCNjdB56/lxhlLUoziznoEQt3sl74vX8+gM97wiuirmUVtEZqZSBqjinEYhSHV5NyfPlwoZyTvYPNZu27p3U0K2OXr9XX/4JHRPeHOfW9XvHx/o917F5svvEkAi0CegkKpFRe3BVhr0oz8Jd1lqTbpSYuRwcgUCa8Cf35rCvY1xd03Wx9UiRQ5c1XeKaxHALYlDDhTW9hq2EtVBK5e59XUuboqhUhU6fDJQzy10VrStHOG/ezhEA++spOedc1vvZPQufnfGf7nJ2L7maY+4D4c1tN/+9J/89M87HtBbs7yfzFtJ0HlH4bBLAZ33+LD7CY8iC68qLIh0UyEERRRRRRBFFFDETBXJwNjIRSSTnHHhWa+XJLiaDznvqUYzL/NOasymUJXAN4lwr3pjReqiU9CyDMe6TfUxACqyOH5MBWv3y8mXVSK9WNBP95FNVQ6zTodAd3BcnIFuI9T3X1Wzs+ESzC+uYWGqp9/syNfh6S89v+6Eq/2VTeuhR6RtHHeaJJ2hU24xPUMldHrvSH9DRQQ291jD/Alj1I326Nt+Diikpwua/81BrxduPVB/AKePsR/03oc/fI333yIbrtQX2ozXWsFyVbkfnqMx1vbiu9eedB3f19Z5yKxJT7QtBPejvNh+IfqIaCxnckzLoyBjNffPFKJXhCQTmJBeeIkmw6R3quMOJzlNpgjof9WwfLYYTlAL7A818O129Bsdd7Vs3fkMZRUAaLcRa0l0QlHJ1RaIpGQ3ZN4cQd4zHRs6lmdVtsLk1bQrjXsQjuw9m/RBc7pMUNChz8abwU0kS3UdMRtcd8hnjLsHNIeEXQW1wGClSkHcjgNpZHdwNbO3FnD86IChKHh4peuSyjmrNmqR0ZXQO9X5JMuOx4ITa12NPgT7K+GNkNkY4CSO0TWp1XcOmDGj1f+OLlDxufuYnrMbimp8Ja8w4IrUydX/8H6xlxFxOt27qWrz6Bl05jqF8cBN89C6of6dTXSdDc63kPlq52JDqCGdPUIcIvQcXrwzrcpnaohK7L2b7+61rQeay98ydRQry7Sw3zZ6ANlhWPs8pyMUT5pUPZ3+rU5nnKsxzEGw3j9f0822eUtd/ms/BPAfBTsFlbKeoBveLzd9nZPqPaUo+C/HIMnlREokFclBEEUUUUUQRRcxEgRzMhes4+YOX1QMt+814ik15wjaXO+MVxGksCXU6Y+5b/dUeKiOQAetiMPL0GJa5qS5OYJQnqBIuLynX4NJl9Wb49GPNdkvU3qexsrpj6YoXWCcEtXLqtuaqGI1h/PvULTc02+4eq+fAzo72OxsS0EQh7gh2trHym9R3Tcxg/2CLz6f5E2+jhecBWgoRxeSXX1HUooSCYo+acHdfs7CH26ruuLSiTPhxomOb5iL6Or/Vin7fuhbiSMe2vqZoSBrHMoJzUadvOwAR6h7o+SxyHoZqRGRXeS09Nd4HNWkyZSfBhdGcDwP0MQLLYnj2dl2JmaPUMnzXesTJCMW0IuhDx41zzHwlrI8SnSdjuh1cx9AhPVQSGTSl1zwogaA0liTCEbLswXthLKWydVKgDQDKYVmoIQG5a6EpCzJLlqVn3A8eGbnLujMnUs93xTE1QlOyQ8Ewz/y453wQgwg/i0TIoO2ozqwfQoLao+fnhCE9fzgXcTirNfBwa0f8nM8AUgTKYv4Px8d6zFv3dV2//XXl+SQoB3Z7un4++eCH+j2UI0O4GRP4EIaWDOj6cWy+nERaoA1luDkJ17tSxzGTNdTnnh2jHOofgaD0dT6aVeWiHI31PjGkymGt5nQI80tAN0EyJ9czMT2GxLqy8rt4Nis/TazndA2IxO4X47/4ljnT/WU1eS5V8AR2/+ku5zoH5hCAeX0C01rwMvutNoXFxw7xxFCdgCejC4+/Gq/BnXl97CTmeBGGL3jPMajHnSx/fFEgB0UUUUQRRRRRxEwUyMFMOJI5zmnFxmpmOXJAVjbPYrUH4Sw7zTJ5Nfc5N+cg0IdO14K57o3JnIf0FnuOZrNhVbPTV159XUREBkOcAyea1WSif3dwznMDJ9czkLxjAk4EKEQJnYOllvIWYjKa+3e0M6B7opn2ahtVObI4U9TLnRZRiDMvigHZje8H4uPCWEIRLyV78ivU1ql/Hx9o7Xw4Mn0Cfb1wQV3kqjX9/o1bpkpXYb9aSzalRatjZnRFBPALbt+5K8d0K1z++ld0Gy7Yg0d6viWrsZPF+/SO51mWqRVytyw2FZVwQS9OqAMnqfFKrPZubnyuxKAO1pcf+LN1yCnsdMviIxQ12wt6nuaMeOua7mfngSIrmSko4vfRQwei3dJadClUVGg8iiSghlwPFW3pdLVOnXchsFa9ktVtPcZiuQ6dNVPr2rH1b/NkaBjnz8/LYMK8ep648BqmoAwhTH4XFCsh0xuiETGJ6GapWrcL5hOcdzwFaaBWn2RwUBi7T8oclukCmeoYO9NB7mvh+6bgCNrAPAko4N4j6vlf+5qIiDSqOtfnVrVr4X5V2f5j3DzXlnR9eHB4ShWQN1w8S9w3YejLINbrav4fCSgU4IWsLurvQLqn++6P7b7XMT/a0vmpn9MxZSCIqdkvwsHwUcrMVQ2t/i1ZjnwZ18pq4tYplbnmADibSxorf740b7+LnmtrPD+YHmeuW+GzwnFms/XTYxkfxsZkx5h3SHzyUZ5LlfAxrYTZfc53Kzw+9pnd5OFzD3wRt8YfRxQPB2fDUej0aTBSbgLinRJp9PM0f01ZnDHExFzmN4ek9cfNiGljYGAfolTIf4YR4kfLa0pmWlrW/8hvQED0sHA2KecU+LXk+/kPrGu/APasALGoXtMfnDqQ/PYDlRUe09K30AIeRQr6EPg9E3s4qDIGBJpO9D90fmPF91ypNyAOAl07qYkh6T53MUEyqV77D2Zj/ZyIiGxeUJj0/Q/fExGRCi1+q2vrHGNWuMnEkqy8MORcjg/3hf8DpN3Ubff39D9WY4caidRsfkMebKydMOGa+kDfDdotc7lkE7Zior3UpJzDfD5Moth+tB0zlAJWn29/WsAEq44NdB9i4smhXosWDwOuV+fQ/CfJw5P4fB4u5ucalI1oxgOp/cfqm3mVhknwno6ZcgPLPoqsdVfDUOGA/Xg8NFlLoMP/dHGSSa3C+pZZG+CEUp3B4HbsyYSSUN2IqGZABEnShLh4wE2nWDZDJjWZ5dTkyYU2znIg0cTEiXSBtNsLnBeESteEmPQ/8JvXb4mIyFdeV6Mie5iw9tIOLZFdHtA2VnWtNlf1Gi0OsQYfQ+ytpTLBorsLydGShcQIyzAzL73Mwx7z9/DBAfOIHfuG3jftpoqHHQ5PZvY33zdoJFJx0pzzl//eWTt2/ixg/8nPwug52TFNZ75v4TJ/cWqtrXmvIy/PAVw/9iBhx5jdlyVwpw8slLYsUZqzh35cJOl5hvLs9sfZDfQlN3az3wfW24s0SfoyoigrFFFEEUUUUUQRM1EgB2fDERFPxMnMinTWBjT/01RiHIPtgeGSKIeNreXoFFXg/czKC2Q6RlDkSdZa+VIMeC5evqTHytsodT9mx5y6moWADIvj++Kmug+DvR0jrU1djmHmPZrx90804/HJGOqQocZDzWomsdnc0m6FSEpIFjOOgPytlUtcCWqQnKzMYmQsshAvV8Yxgpoe+7XXlKi4f6DEql5PCYobFzQzEtqsTHioXuXa8P0+ls472/r9eDKUGlLOh0eabXUoM4S0LJqhUK7qYqI2wMEOULbLMXpYWFt7oW1v0HWerTLWKE5zQRzXGKh5kmXtjrrtFOKhza0Z5TSqwKigEbW4zb4x2EF2dxE77QEiOSa+FPiJBJQLDg9p60P+2C6FIQjlmma6NcYWkTkbQmIZkN0nHmMPrKeVNZ6RWQYmWOWc/rtqxEFzpDaTJ+4Ds0vv9lX8KpxYemsaxyADyARPWctDkKOQz2MQODHCH/enn3lSqSi6YuWFKXM5neo1aLT0eiY93cetG1oWWEZmeHFBkYYtzing3j1gnVnpqLaur2uYJd2+r2WKYdaTuEyrqpH3bA2CYlm7dIBZ1oWXFKUwYuf1Gzc4f73OLYjL3RH3me7tTHZv+yXDPtP2lpuA5VLUhhh8dg5p0L4dw8zTjNBthMQ0z+5nib6B551aD+dkcPuxpez0mKSx1XLn0Ih8szmEYS6eJmzEmzPn87kRg7lw54iKT0MMbCyu6z4T4XhaKaIQQSqiiCKKKKKIIr60KJCDs5EZYce1P0XktPXEnt7MktaR2SfMNE3yev+UGqIRE2MyHMtcjKiYS24aOsFDX3tRM4GNTRXs2bqtpKdORzOpSUz2W6Ne7pgQkyOeZ9a8swiHOJOZffSP9Ls1pGfbTerBcZ/taF2EPFjH7Glt9YKOaWdrZp58EAm/5ItfBTmgbm/K01bnTQ2dSaz1cIPx697ef/8DERFZXtZjmpjPPlm/g2BNNTTZYdrPjjTLPUEsqOT6MiHj3d8xNIFac16PhNyWzRpILVL3N3Gk7pEiLLv7mhka98Ikj+2czLjJWkgdN8mFlPKOMtrnrBXR5KONMNftkF2OFTlZWVCZ3BCrYw+CZ4JSc1jW/R8dDtm/ST+zfy/J+S/HXFdDG8qMIQBhKcFbMCMhhxZWq4N78CRKjqFASH8zj0newskacEw8R8QSQj/P5G3OIRByj5lRkOzq+ya7bfVai8xaRLmPzMraRKQswz7NI0F5wmrePmljMNTO82dRnJUVvRcj5uv9998VEZGrV1WQbILAUEL9f31deR4PtpSjMCnrtdwg6y/XdTTHg454EDKtxXVq9XnmfsJ4e1i5W5vo2qbyF/aOdawff/J9ERF55ava+usZsmI8KaMeOLMkQhHnVOJ9Xg5Y5jNmfT39vbNM1wjarANPZj6fz3K9fH3w4rp5W9+pfbMhHUaSfHKm/HSp4s/O/j8rnma09HkRg3mC5tP2/0TOxixd7PFezB8DibFADooooogiiiiiiJkokIOZyKhdU4/K351lX8/X7yIY6FEyzbNMs1aOyGxyBME4CHZIspeUJ8Mx7OuvvaWtiz1Y6h9/8rGIiPT7mv3W2mQEgZnF8BSfVSRDctnSdWtF8iv8jflNimVzY0G7F6rwBLZ3YUKTKfoYD60uK4rRamk2/8OPdEyBZdB1M3NxBMVdowhImFp2QSYI4JHRYrUAUvLJx1pDDTCnaTY0C9s9ULSjgtDMGA5D70TPZXnh/2vvXGMjPa86/j8z9ozXl7W9zmaTTUI3LQlIoe2HIqAb0SZFlFYNUKCBfqBEpZVaBKHlIoEqCkVcxAcKhQbRCgSRiNRUCgJUlFJQm6SFipYAoQQayCZxlySbbOL1bTz2XA8fzv88M+/r8XVtz9pzftJo5Hfey/M+z7zj55znnP8xi2mMQkdryy5M0sZIycshZwtHuRXpFk8ql+yWEQep0XSr1SzqE0wvq9ED4WusfpynV3qMBtBEm4VuqnUKAnlZ8IKLXblYC8VtKLSzyhTG1TW7z5ERz85gqWpmaxTlGNtqx526+jTbSGng9goWFxa5jdY1rXfxWAFagMOMd6gxi0OY3TBasmusLTO1lXfnhZzcY9Jse5R6dt1XVSH0JpQYJNOQTryONcrPxfX6MRv/Zp0eEfE4B1qMKVyEY+exPrSYjzEjp5biH+z8E8ePJy/VIj0p1542L9SJGbPKH3vMMmUuzZuH7LprLXXxhYv2XZydtcwhL6O8XGU5ZBaqKo3avT319NcAAEs1u5fxmTHeYy25klL2QDH33QMFy/gdW+MYTlI+/YYb7Tt27rxlJ1xasPuePGHbq4yf8LTcnniJ5bb/bmTX8TvHuhWfOzyrO5XiAzxMIKVP+v5+2i7btJ07p6e8eiluIO8hQM/t6ylu+ul21/L3kwPY90YAABJeSURBVHzWR3fMgZe/Xue1OIA0yPAcBEEQBEGQITwHGcReWc2OJHbh7y23FOlJqDU6mQiNBj0GfHfZXM+VT8t78DxcWrUNu9r0lFkEU4w6f/Sr/wUAWGLu9NgxX6Pm2j3Moiyw5K2gDOgIt7EIFGVwGywlPEadgwnm/dNQRGXBLJ95RrN7B3ibTl1lmRMXnuPaPUWVJifpMeBUc6ik0KLHQtj9j0/YPm7ZV1fMglut2P08/aTFVFykh+Cmm81L0WKmgOeOlymWU1tzcRcK+LjiL/vTswOAdhKzqdE6LbqVxtz3EmMlyizSs0ZLcGHRrLQ6PQQnT3jMha0dnztna8pVFl4qlbJr1sOlYjq+7TV31UvIunQvPUeezcKI8SItSNe/qDNmZaFiVr+2XLPCvifDtMBnTtg9nKT1+zJjNBYq82k9t+Rr6xT7EY93YJwMGIvhHqW5ORYe4vp9lYJdw1wPToYlB2GVoln+nS90RauPjrqGhr3XqPNRpQeoRQ9YmXEN05PW167B0aQlrSxy5ZZVweMdaEl6fIR/iYe9CJYLOzXrKPAaY/R4LS0v8W/rl5NXWczJ88/b971G4bGrZqxfvHDOiy9Ta4Sy2xdemLX9TpqnYOKkxYussHhUo25tHhoSNNX6yssiJ3EiX4P3Ql1J7tiuUWHBLdf1+KZXUAKcHhP3nBTpFWpSX2W9HO9Qiqb3pISOR427+LOc2+6/gy6etC4q3w/3RIRsAkLHA9ElWe8UU3aW/25md+hY0n7NrHcjXWwrKYKcBa6qG5Zq3mvy10nbC4VOalxq1740YVPCcxAEQRAEQYbwHGRoW462R5176kBOVaxTXMlnta42psmM8jxin117fEI7yXu6RoLHJNjfxyfNEnjqqccBdCKeJyftuNFxRjE3XM3MrJwC12rRrqX1Vy9J63KdqdAJrVa3mD1CeoHW2RoDAspc3z5F9bUS1Rv/70Wz8gtls2JGJ7nOzywHKZRTdL57NLR9jH3GgkCUhfYI/+qy9ek1151iv2UV9KYoA+yxFeNTrixo+61UbW1+lJb2cMEt0CE0XY3SC2YxrsPVKWsN67upGbvG2DGzuhscq7FjLOJEA2p50aw2j58oUW7ZPQZuw5QZi9FqK1quCUBrvWM12dvwiNdaNgux6WWBU9435ZWpMFmg/kFRuBZP82x42Mbs4sVneRzjCIpAgQqJ1SpjZOgRKTGWorbG4kW0GSYpE/1su8x+89LMzEphKfChVGCJz0fDFTrdemMmQqmMY6PWJ2VXOKTlXHXFRHpzGuzFMSpB+nNVqXh2A7g/73/IdSBcytmzg7zNYzzC+qNea6DEPkzSzWL98dKyyWqXpzm+a1RthHkIjol9PxYusYz2vMXolF0hdISaE1dbvyxRGnuaGSUrjANBsfMdWmc5w7UCXI2SfeoKiuy3StPO5YamF2Kr8ZqeNaQbXAeKjnXd7t6ILU1HXytPdq/2Xv/Pp/V3NAs7F+gUVPIPc+7bvAdgncXP3ZOKYzF3C71N7/VegU6HbCR/vFd0lHdbG+6zUbZFRxNhbzQNehGegyAIgiAIMoTnIIMCWkszWk0ehCSNCKBTHCYVovEc5XotrWt7rrzP7Hwt1fOM06yRXocSFeKeu2CegsqSWeWTJ2xNeXzC/m4oCyzREtK2WWJKCxLDy2j7GmJjPLNvuc13KsO1mNUwRwW8hapZ/sdpQR8ft/eZk9aGhVWrh7Cw9hwAYGySHobjNktf5ZrtSmUIU1MWn1AompVV87x8TpLdszAyQfXGEtdI7WMI+7rGErVjjMpv0AvgugAe3d3gGvQIzbcZxlMUmwVcXJzj/bIkMzMdmimoxM7lef8T9Jh4aEJlkZYeNywuzvPabmEJt7MOAO9i7LjFalSqjZTH7wqJbcZErLA+w8QErXGuESuLN3mGTLmY/Q4OD3nRIMZeFG2/1RWLvK+s2PmnJm3syuXhTlnoluflMwuDZ/bYjPERG7Orpy3uo4wnAABLrOPhFmaz6CWeuT7MTAzwGUi69uKxDaMpNmCEcQ+rVJsspaI/YD/REyaeKWL9MsLvbmXVSxHT41Ks8j75XNHL4cqTyjicMr07hWIh1QpRrsdriWqFLGbmpYvKMyzW9LLFDHj8iOtYpFXv5BW0+6/XbSzaBevvWp21KoqeRVQG2vaMChUQC15iWawNw536yGwrj/WshlRem/EtLOw2XHSPnX8O9gMy2O+Rlw9Hb9Ix2ayD9QH0hcwHHt+g/qDlNAgy3gAvsMQ/PdYglUfPKSSm8AWPzfASzdxeXBeLsJHnIJ8FUegq9tTzkD1jM+2GFO+QnNf5geP2vEcBio3udaeE5yAIgiAIggzhOehCoWi2mxD1vPhsyeZmzmPgudmuEb7WqKUcep+xurWWdMt9JuwWUTasITFJXfdh5o577IKvObd8XkcLQjzrQYeTOl674FYSK9UpPQZNO8cac8crrBJHaX1M03PQqrOqINexz3/j33lrZkldxej9Ftfwx4YtYrpZbaJOi39myk5aKpkV3aLmgnItvO1WhUdE89w1Znus1SkB6AZUifESjHZ3C7PmCoy0xItpfXce88vm8SiN8pq0oty6GqMegVuvbq2fmGab2SZlpDiX6jHGGhRzc/OZNk+xI0dK7t2RtAbqevWu279SoQ4BvRkFKhoOlyZ4bWoKtLzsMdeQ1T0MQ5nP11jy2h/tTknbQmf9nRULm3U/9yrfvfS0jckI4zy8HGOjaPuBlq+v87fLLlpBz9qQR7fb2JQZk9FstrCyap+dPm2R/LU1xtDQTK8wQ2SamRJepbHoqpMtz/ZgPACj9Rssie7ZHyVXp0xl1T0Oh71RLHQ0F/hdabHSaZMZQF5G3Os8jFC/orZi/TA9bs/TCBUy6ywv3ajRW9hgLMoIx3KNNznsGSqCgnsAWq5m6vFLzDqA47EDblFm7TrXy0jWe6oTgs2Rwo6V//IUcse3cxZxisXJR97n6gf0JIUe9I5nSNUXPf6hE3zQffguqw1kYw8k58XptHF3lnq+7d1Kid11FrZzjtzWXbVn3Vmu1FrSB42IzBWKQycmJqeRlxFNxUCQXRJwV4+7pkwERzMHdfo3/+XWnn+lDBzxYB931WUnFevaKN3us2zqpaQ5YDFzTm+aB/910r74j0fdBcyANU4m6nWWh2ZAYyd4yANskH54h+j2FRdmSk/7+hSi7s+9T9vrgnX8geJ/+HwaUO487VYTjQbLJGdru8AdZ0X/Ycn9wHrBmEZKi8uOvz+4zaYHqtrnw5ywuABPvV5LE0lB9gehlcq5uqs1237kvmspFS25bjv//IHOP0FPlfVlCjuVC+x4IK27k/3HyY4dZaprmeO+vDTP+/R/+t4WZO6lE2Dl7me2sdCxQfwfRbnsEwZOKNiHPt4dmWTejwuQpeW4/Ji0Mm1JBa382pSIlu4ffPGlPg/uZf/4ciFclMaliL0tXFbgd7vJ5agUDEdXf4kTWRVvu08Auu4sRb3lvsfrfi983Df6vc4fn3M35wP80o7rkxv3nuxyws7+5Wzvfrfcfdvnl3xze1wyf+3L/R+au6D2+GjLYzvUl1ehbb2kqjOX1aqYHBgi8gyAG2BLjU/0uTmDzLfyPcagf8QY9J8Yg/5zWMfgDIAlVb3xck4Sk4MuRORfAUBVX9fvtgwqMQb9J8ag/8QY9J9BH4MISAyCIAiCIENMDoIgCIIgyBCTgyAIgiAIMsTkIAiCIAiCDDE5CIIgCIIgQ2QrBEEQBEGQITwHQRAEQRBkiMlBEARBEAQZYnIQBEEQBEGGmBwEQRAEQZAhJgdBEARBEGSIyUEQBEEQBBlichAEQRAEQYaYHAAQketF5M9E5HkRqYnIrIh8TESm+922owT7VTd4vbDBMWdF5EERuSQiVRH5moh8UESKB93+w4KIvENEPi4iXxKRJfbvfVscs+N+FpE7RORhEVkUkYqIfEVE7tr7Ozp87GQMROTMJs+Fisj9m1znLhH5Kvt/keNxx/7d2eFARGZE5L0i8lcick5EVtk//ygi7xGRnv/74jnoMNTvBvQbEXkVgC8DuBrA38Bqd38HgA8AeIuI3Kqqc31s4lFjEcDHemyv5DeIyA8C+EsAawA+DeASgO8H8PsAbgVw5/4181DzKwBeC+vTZ9GpS9+T3fSziPwMgI8DmANwH4A6gHcAuFdEXq2qv7hXN3NI2dEYkP8A8Nc9tj/ea2cR+V0Av8Dz/wmAEoB3AviMiNytqvfsot1HhTsB/DGACwAeAnAewCkAPwzgTwG8VUTu1C4VwHgOcqjqQL8AfA6AArg7t/33uP0T/W7jUXkBmAUwu819jwO4CKAG4Nu7to/AJnMK4J39vqcr8QXgdgA3ARAAt7Gv7turfgZwBvYDOgfgTNf2aQDneMzr+90Ph2gMzvDze3dw/rM85hyA6dy55jg+Zy7nHg7zC8CbYP/YC7nt18AmCgrgR7q2x3OQew30soKIvBLAm2H/tP4o9/GvAVgB8C4RGTvgpgU2+z4J4H5VfdQ3quoazCoDgJ/qR8OudFT1IVV9UvlLtQW76eefBFAGcI+qznYdMw/gt/nn+3fZ/CPBDsdgN3j//hb73a87C/stKwN49z5d+4pHVb+gqp9R1XZu+wsAPsE/b+v6KJ6DHAM9OYDNLgHg73t8iZYB/BOAUQDfddANO8KUReTHReRDIvIBEbl9g/U8H5u/6/HZFwFUAZwVkfK+tXQw2E0/b3bMZ3P7BNvntIi8j8/G+0TkNZvsG2Owexp8b3Zti+cgx6DHHHwL3/93g8+fhHkWbgbw+QNp0dHnGgB/kdv2jIi8W1Uf6dq24dioalNEngFwC4BXAvj6vrR0MNhNP292zAURWQFwvYiMqmp1H9p8VPlevhIi8jCAu1T1fNe2MQDXAaio6oUe53mS7zfvUzsPLSIyBOAn+Gf3P/V4DnIMuudgku+LG3zu26cOoC2DwJ8D+B7YBGEMwKsBfBK2dvdZEXlt174xNgfDbvp5u8dMbvB5kKUK4DcAvA62Xj0N4I2wQLrbAHw+t7QZz8bu+R0A3wbgQVX9XNf2eA5yDPrkYCuE71HXeg9Q1V/nWuCLqlpV1cdV9f2w4M9jAD6yg9PF2BwMu+nnGJsdoKoXVfVXVfXfVHWBry/CvJZfAfDNAN67m1PvaUMPOSLys7DsjicAvGunh/N9YJ6DQZ8cbDWzO57bL9gfPEDoDV3bYmwOht3083aPWbqMdg08qtqEpd0BO3s2trJoBw4R+WkAfwDgvwHcrqqXcrvEc5Bj0CcH/8P3jdbmbuL7RjEJwd5wke/drtMNx4brhjfCAoqe3t+mHXl208+bHXMtbByfPYzrrFcgL/E9PRuqugLgOQDj7O888bvVhYh8EMA9ML2I25mxkCeegxyDPjl4iO9vzitmicgETPhiFcA/H3TDBozX8737wfsC39/SY/83wLJIvqyqtf1s2ACwm37e7Ji35vYJLg/PlMpPgmMMtoGI/BJMxOgx2MTg4ga7xnOQp99CC/1+IUSQDqqfbwFwosf2V8CiqxXAh7q2H4dZTSGCdHn9fhu2FkHaUT/DrKgjK/7ShzH4TgClHtvfxH5WAGdzn4UI0tb9/mH20aO9fnty+8ZzkHsJb2Zg6SGf/HXYw3o7zC13VkM++bIRkY8A+GWYt+YZAMsAXgXgbbAH8EEAP6Sq9a5j3g7gAdgDeD9MzvQHYClEDwD4UR30L3AP2G9v55/XAPg+mOX5JW57WbtkXXfTzyJyN4A/hP0wfhod2djrAXxUD7Ns7B6wkzFguuItAB6GSSEDwGvQyZH/sKr+Zo9rfBTAz/OYB2DyyT8GYAZm7AysfDJrG9wLoAWTN+4VfzGrqvd2HRPPQTf9np1cCS8AN8DS7C7ABvcbsOCVTWeb8dpRH78RwKdgkcILMCGSlwD8AyzvWDY47lbYxGEetsTznwB+DkCx3/d0pb5gWR+6yWt2L/oZJk/7CGyitwLgX2A5+X3vg36/djIGAN4D4G9hSq0VmPV6HvbP5ru3uM5d7PcVjsMjAO7o9/33+7WN/lcAD/c4Lp4DvgbecxAEQRAEQZZBD0gMgiAIgiBHTA6CIAiCIMgQk4MgCIIgCDLE5CAIgiAIggwxOQiCIAiCIENMDoIgCIIgyBCTgyAIgiAIMsTkIAiCIAiCDDE5CIIgCIIgQ0wOgiAIgiDIEJODIAiCIAgyxOQgCIIgCIIMMTkIgiAIgiBDTA6CIAiCIMgQk4MgCIIgCDLE5CAIgiAIggwxOQiCIAiCIMP/A9U8Quz7/cJwAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "image/png": { + "height": 251, + "width": 259 + } + }, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA3wAAAIvCAYAAAAvednPAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAWJQAAFiUBSVIk8AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvpW3flQAAIABJREFUeJzs3XncZ2VdP/7XW3AXWcMlUqw0SHOUcaNYBnFByzCzXEvkq7lUrlnWVwWz7Zcp6tdcC9HSNDVRU9REQSVxmREsxDVHQQQCBlBZFLl+f5xz14ebzz33fc98hvuea57Px+N+nLnPuc513ufcn1lec51znWqtBQAAgP7caKULAAAAYNsQ+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABAp3Ze6QJge1JV30xy6yQbV7gUAAD6tm+Sy1trd9qaTgQ+WJ5b3/zmN99j//3332OlCwEAoF9nn312rrzyyq3uR+CD5dm4//7777F+/fqVrgMAgI6tXbs2GzZs2Li1/XiGDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApL16HZTrz3DOz+7N3X+kyAADYxjYdt2mlS9hqRvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4ZqCqjqqqVlVHbWU/J4z97DuTwmaoqtaNtR27jH2OHfdZt41qOqWq2rboGwAAeiDwkSSpqn3HcHbCStcyZzUHYAAA2B4IfGxLr06yf5LPrnQhAACwI9p5pQugX621i5JctNJ1AADAjsoI3xQ1eGZVfamqrqqq71TVq6tq16raWFUbl9HX2qp6d1VdWFVXV9W3quo1VXW7zex2o6p6TlV9eTz+uVV1XFXdeoFj7DPW91/jMS6uqvdV1b2XWOOxSb45fvuE8TbKua+jprS/R1V9oKouraorqurUqvrFaf1Oe4avqg6uqveP53V1VZ1fVadX1TETbVqSJ4zffnOino1LPKcHV9UHq+qi8RjfqKqXVtVuS9kfAAB6YIRvur9N8rQk5yV5Q5IfJvnVJPdJcuMkP1pKJ1X1K0nenaSSvCvJt5KsHfs+sqp+qbW2ccquxyU5JMk/J3lvkgcneVaSg6vqoNbaVRPHOCDJR5LskeTDSf4lyV5JHp7kU1X1a621Dy5S6ilJdkvyzCRnJjlxYtsZ89reK8kfJvl0kr9Lcockv57k5Kq6R2vtK5s7UFUdkeQDSS5P8r4k3xlr3z/J05O8eGz64vEc1iR5ZZJLx/WXZhFV9aJx/0uS/GuSC5PcPckfJHloVR3YWrt8sX4AAGB7J/DNU1UHZwhkX01y39bapeP6P0ny0SS3zxDcFuvnVklOyHCN17XWPjmx7Y+S/FWGMPmgKbv/UpJ7tNa+Nbb/4yTvTPKIJM9L8pJx/c4ZQuGtkhzWWjt14hi3T/K5JH9fVfu21q5eqNbW2injyNkzk5zRWjt2M6f2y0me2Fo7YeJYT0nyunH/p29m3yR5coaR5XWttTMnN1TVXhM1HTtO1rImySsWCMbXU1WHZQh7n07y0Lmf37jtqCRvGrc/e5F+1i+wab+l1AEAAKuBWzqvb+42wj+fDAuttR8m+eNl9HNkkj2TvGMy7I1elmRjkgdW1R2m7PvKubA3HvvaDEHv2iRHT7T75SQ/k+T/TYa9cZ/zkvx1ktsmOXwZdS/mtMmwNzo+yTUZRkCX6sr5K8Zn/rbWM8blkyd/fmP/J2QYsXzcDI4DAACrnhG+67vnuPzUlG2nZwg2S3HAuPzY/A2ttWuq6hNJ9h2P9+15TU6dss9/VdU5Sfatqt3GMHPguPmOC7wf787jcv8ki93WuVSfn1Lbj6rqgiS7L2H/t2YYqfxMVb0jycczhMhzZ1TfgRluuf2NqvqNKdtvkuQnqmrP1trFC3XSWls7bf048nfAtG0AALDaCHzXt+u4vGD+htbaj6tqwZCwQD/fXWD73Pppk4hc79ij85Pccez70gwjiEkyLdhMutUi25djoWforkmy02I7t9b+ZXy28bkZRiufkvxPkPrj1tq/bWV9e2b4XB+zSLtbJVnqzxIAALZLbum8vrnJPG4zf0NV7ZT/DVmLuWxc3naB7beb127S9Y49r6/L5i2PbK3VZr5ePKWvFdNa+0Br7f4ZRgQPzzBJzV2T/GtV/fxWdn9Zkk2LXI+avGUWAAB6JfBd3xfG5UFTtt0vSx8Vnetn3fwN42Qrc/1vmLLvoVP2+ekkP5Vk48SzaaePy4OXWNPm/HhcLjpKNyuttR+01j7WWntOkr/IcLvlQ7ayptOT7F5Vd51RmQAAsN0S+K7vLePy/1bV3G2ZqaqbZAglS3VihtcCPKaq7jdv27OS/HSSj7bW5j+/lyTPrKo7Thz7RklemuHn9aaJdu9N8o0kv1tVD51WRFUdWFW3WEK9m5K0DK9Z2Gaq6vCquvmUTXOjmldMrJu75XI5NR03Lt84zlQ6//i3nPLzAACALnmGb57W2qlV9YYkv5PkrKp6d4ZJQB6W4XbB8zLMlrlYP9+vqqMzvE7h1Kp6Z4bJWdZmeBXD+RmfX5vitCRnjJOaXJbhPXxrkqzPMPPm3DF+VFWPyPD+vQ9U1b9nmIXyigyjgffOECxvl+sGqYXq/UyGd/29NcNrKX6c5H2ttS8udr7L8LIME8+ckmGm0h9muCb3z/C6i7dPtD05w+ykb6yqdyX5fpJLW2uv3sx5nFxVz0/yl0m+VlUfzPBS+VtleP7x0AwT8hwxw3MCAIBVSeCb7mlJvpwhkD01w0jTe5L8SZJzM4yqLaq19t6q+qVxvwdnmGzl/AzvrHvJ+OqEaZ6d5NcyvLNu3/H4r0zyosmXro/H+GJVrUnynCS/kuSJGQLpdzPcVnpMkqW+7uC3MoyQHZHkMRleGH9uklkGvr/IcG73SvKAsdZvj+tf0VrbNNewtfbhqnpuhuvw7Ay3fH4ryYKBb9zv/6uq0zK8ouGgDK/IuCzDS97fkORtMzwfAABYtaq1ttI1bDeq6s4ZRr7e3lp7zErXww2vqtbvtPdOB+zy2F1WuhQAALaxTcdtWrzRNrJ27dps2LBhw0KvC1sqz/BNUVW3HZ+bm1x3iySvGL99zw1fFQAAwPK4pXO6Z2WYbOWUDLdG3jbD6wP2SXJShufyAAAAVjWBb7p/yzBJyoOS7JHhpeJfTfKqDM+ZuQ8WAABY9QS+KVprJ2eYIRIAAGC75Rk+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAndp5pQuA7c2afdZk/XHrV7oMAABYlBE+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6tfNKFwDbmzPPPTO7P3v3lS4Dtsqm4zatdAkAwA3ACB8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwLfDqqqjq2qVlXrtqKPVlWnzK6qlTkGAAD0SuDrVFUdNYalo1a6FgAAYGUIfDuuVyfZP8lnV7oQAABg29h5pQtgZbTWLkpy0UrXAQAAbDtG+FaR8TbMd1fVf1XVlVV1eVWdVlWPn9L2lPGWzZtU1Yuq6itVdXVVnTA+8/amsembxnZzX/uO+y/4DF9V7VdVx1fVxrHPC6vqk1X1tAXq3quq3lBV3x3bn1VVT1yg7Y2q6qlV9bmq+n5V/WD89dOqasmfx6p6XlVdO16fPeZte0xVfbyqNlXVVVV1dlW9oKpuutT+AQCgB0b4VpfXJvlSkk8k+W6SPZM8NMk/VNXPtdZeOGWfdye5d5KTkpyY5MIkpyS5NMmRSd6b5IyJ9pduroCq+uUk70xy0yQfSvJPSXZLsibJH441TtotyWlJfpjkXUluluSRSY6vqmtba2+e1/4fkjw2yTlJ/i5JS/JrSV6T5KAkj1ukvhsleUWS30/yniSPba1dNbH975McneTcJP8ynu/9krwkyeFV9cDW2jWbOwYAAPRC4Ftd7tZa+8bkiqq6SYYw9/yqel1r7Tvz9rnjuN9F8/ZLhsB3YmvthKUcvKr2SvK2DJ+L+7fWTp23fZ8pu61J8vdJntJa+/HY7rgkX0zyR0nePLH/YzKEvS8kOaS19v1x/QuSnJrksVX1gdba2xao72ZJ3prkERmeQXxma+3aie1HZQh770nyuNbalRPbjk1yTJLfTfLKJVyL9Qts2m+xfQEAYLVwS+cqMj/sjet+mORvM4Sww6fs9sL5YW8rPCHJrZO8dn7YG2s5d8o+VyR5zlzYG9t9KcOo3/5VtctE26PH5fPnwt7Y/gcZwmGSPGlaYeNtmx/NMBr4/Nba70+GvdEzk1yT5OjJsDd6SZKLs8gIIgAA9MQI3ypSVXfIEHwOT3KHJDef1+Qnp+w2y1k27zcuT1rGPl9rrV0+Zf0543K3JN8bf31Akmsz3HI636lJfpzknlO23SZDgPzpJL/VWnvr/AZVdYsMo40XJXnWOMI539UZZiZdVGtt7bT148jfAUvpAwAAVprAt0pU1U9nCG+7J/lkko8kuSxDCNo3w+jbtElHzp9hGbuNy/m3jW7OQs8Ezj0nt9PEul2TXDKOWl5Ha+2aqrooyd5T+rpthpHHczNcm2l2T1JJfiLDrZsAALDDE/hWj+dkmKTlifOfuRuffXvCtJ1aa22GNcyFt59M8h8z7HfOZUn2qKobt9Z+NLmhqnZOsleSaaOFZ2aY4OWEJJ+oqvu31v5rSt9J8oXWmhE4AACIZ/hWk58dl++esu3QLehv7pm6nTbb6rpOH5cP2YLjLcUXMnzmDpmy7ZAMtW6YtmNr7R+TPDrJ7TOEvrvM2/79JGcluev81zQAAMCOSuBbPTaOy3WTK6vqwVlgIpNFXDwu77CMfd6cYYTtaVV1vVC2wCydy3H8uPzL8Zm7uX5vkeSvxm//fqGdW2vvSvLrGUYCT62qu85r8vIkN8nwSojd5u9fVbtXldE/AAB2GG7pXD1ek+SJSd5ZVe/O8Bzd3ZIckeSfkzxqmf19OsMMms8aR7wuGNf/v9baZdN2aK1dVFWPzfA+vY9X1UkZXq9w6yR3T/JTSe60zDom+39bVR2Z5DeTnFVVJ2Z4D9/Dx37/edqELPP6eP/Yx3uSnFJVD2itnTluO76q1iZ5epJvVNWHk3w7yR5j/4dkeCH9U7f0HAAAYHsi8K0SrbUvVtVhSf4sw8vWd87w7NojMjxbt6zA11rbVFW/nmECkycmueW46R/zv8+7TdvvA1V1r/zvbKEPSrIpyZeT/OVyaljAYzLMyHl0kqeM685O8rJc/6XuC9X44ap6aJL3ZwimD26tfW7c9rtjUH1qkgdkmIjmkgzB76UZzh8AAHYINds5P6BvVbV+p713OmCXx+6yeGNYxTYdt2mlSwAANmPt2rXZsGHDhoVeF7ZUnuEDAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAndp5pQuA7c2afdZk/XHrV7oMAABYlBE+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6tfNKFwDbmzPPPTO7P3v3bdb/puM2bbO+AQDYsRjhAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADp1gwe+qjqqqlpVHXVDH3tbGc/nlGW0Xzfuc+y2q2r5qurWVfWqqtpYVdeMNd5jtdYLAABs3s4rXQCryl8neUqSf03yD0l+nOT8JLutZFEAAMCWWYnA954kpyf57goce7X4bJL9k1y00oXM8ytJvtpae9jkyqrab4XqAQAAtsINHvhaa5clueyGPu5q0lq7IsmXV7qOKW6f5BMrXQQAADAbW/UMX1XtOz7bdUJV7VdVJ1bVJVX1g6r6VFU9aMo+U5/hG58b21hVt6iql1bVt6vq6qr6elX9UVXVAjXcp6reUVXfGdt/t6o+UlW/OdFms8+gzR173rqbVNUzqmpDVW2qqivGdu+tqgcs0M9eVfWGsYarq+qsqnrilHYL1lNVd66qt4zn88OqOm/8/s5T2h479rOuqh5ZVZ8d67ykqt5eVT85rc4p/ZxSVS1JJTl07HNJzyUutd6qesrY55PnrT96XH9FVd103rbPVtVVVXXzeevvW1Xvqqrzx2OeU1Wvr6rbL3Ru48/zRVX1lfFnc8JSrg0AAGzPZjXCd6ckn07yn0len+R2SR6V5KSqemxr7R1L7OfGST6SYaTppCTXJHl4kr9KcrMkL55sPIaH12Z41ux9Sb6WZO8k90ry9CT/vBXndEKSx4zn9JYkV451HZTkiCQfndd+tySnJflhkneN9T4yyfFVdW1r7c2LHbCq7j32u8t4Pl9Ksl+SxyU5sqoOb619fsquT0/yq+M+pya5b4brv6aq7tFau3oJ53pKkmOSfGv8Pkk2zrDek8fl4UneONHN/cflzZMcONaRqto1yQFJPtlau3LimE8c9796POY5Se6c5ElJHlZV92utfXtKue9Ocu8Mn6sTk1y4uXMDAIAezCrwHZLkb1prz5tbUVWvzhACX1dVJ7XWLl9CP7dPcmaSB879I7+qXpzkq0meXVV/0Vr70bj+55O8JsnlSQ5urZ012VFV7bOlJzOGjUcnWZ/kvq21H8/bvueU3dYk+fskT5lrX1XHJflikj9KstnAN45gviXJrZM8vrX21oltj0ry9iT/WFU/31q7dt7uRyS5d2vtPyb2eVuGwHpkFgm+rbUTxn2OSbKxtXbs5tpvSb2tta9X1beT3L+qqrXWxub3T/KxJOsyhMFTxvXrkuw0bpvr9y4Z/kNhY5JDW2vfmdh2/yT/luSVSX5tSsl3THK31tpqe24SAAC2mVm9luGyJH86uWIc2XlrhpGvaf8AX8gzJkd0WmsXJnlvkl2T/NxEu6dlCKwvmR/2xv3OXcYxr7d7htsbr04yP1yltXbxlH2uSPKcyXDYWvtShlG//atql0WO+YsZRsc+PRmexn7ekeRTGc7/oCn7vmoy7I3mRtHus8hxt9SW1PuxJD+R5BeS/wntt8swIrohQ+CbM/frkyfWPS3DKPAzJ8PeeMyPZRjxe9gC1/qFywl7VbV+2td4zgAAsF2YVeDb0Fr73pT1p4zLey6xn8taa1+fsv6ccbn7xLr7jcuTltj3ko2jke/PEGrOGJ/9OqyqbrGZ3b62wCjmXO2LvdrggHH5sQW2z62fdi2n3eY57ZrN0pbUO7duLszN3c558rjt3hNh7f5Jvp9hRtM5B47LQ8fnF6/zleF23p2S3GVKPZ+dsg4AALo2q1s6L1hg/fnjctcl9nPpAuuvGZc7TaybC1DfybbxqAy3Yj42//vs4FVV9a4kf9Bam3/Oy6l9mrlrtNDrKubWTwuO04691ONuqS2pd/I5vuPG5bmtta9W1clJ/jBDmPtckrsm+WBr7ZqJ/edupX1eNu9WU9adP2Xdglpra6etH0f5Dpi2DQAAVptZjfDdZoH1tx2X2+I1DHMhZykzUc7dlrlQwL1eIG2tXdlaO7a1dpckd0jy+Ay3KT4+wy2IszZ3jW67wPbbzWu30pZdb2vtvCRfyRDqbprhOb25EPipDBPePCD/OwI4f/Rwrq9dW2u1ma9T5xcz8cwgAADsMGYV+A5Y4LmpdePyCzM6zqTTx+VDltB207j8qfkbqupns8jtlq21c8bn1B6cYSbQgxaYuGVrzF2jdQtsn1u/YcbH3VJbWu/JGUbgnpbhup+c/M+7CU/PEPYmb/WcNPczP3hLCgYAgB3NrALfrkleNLmiqu6VYXr+y5K8Z0bHmfTaDLctvnCc/OM65s3S+eUMs3keWVV7T7S5eZJXTdn3J6rqvlOOecsMryC4JsNo1CydlmH066CqeuS8eh6ZYSbUr2YYCVsNtrTeuVG7P573/dyv75bhFRMXZ5ixddKrk/woyXHjjJ3XMb5rTxgEAIDRrJ7h+0SSJ40h6bT873v4bpThNQVLeSXDsrTWvlRVT0/yuiRfqKr3Zhh92zPDe/i+l+Swse2PquqVSV44tn1PhnN/YJLzxq9JP5nk9Ko6O8MI1TkZXj/wKxluYXzVApPUbM35tKp6QoZXC7xjPJ8vZ5jp8uHj+fz2lFcyrIitqPfjGW6x3TvJl+fNtnlykmMzzOT5rvm3YbbWvlxVRyc5PslZVfWhDKHyxhluuz04yX/HTJoAAJBkdoHvm0memuEF6U9NctMMQelPW2sfntExrqe19saq+s8kf5DhFsKHJ7kow7vv/m5e82MyvDrhyUl+J8MkHm/PEDC+NK/txrH9ugyhca8kl2QY0Xr+uN/MtdY+M77M/AUZnmV7WIbz+acMr5/4yrY47pbaknpba5dU1RkZJj6Z/4zeZ5L8IMNI6tTZP1tr/1hVZyZ5boafzYPGfc7L8GzlO2ZwagAA0IXamrksqmrfDGHvza21o2ZTEqxeVbV+p713OmCXxy72WsUtt+m4TYs3AgCga2vXrs2GDRs2LDR7/FLN6hk+AAAAVhmBDwAAoFMCHwAAQKe2atKW1trGJDWbUgAAAJglI3wAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0aueVLgC2N2v2WZP1x61f6TIAAGBRRvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAfLdOa5Z650CQAAsCQCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgY8lqaoTqqpV1b7L2GdjVW3cRvXsO9ZzwrboHwAAeiDwkSSpqmPHALVupWuZM9ZzykrXAQAA26udV7oAunb4ShcAAAA7MoGPbaa19o2VrgEAAHZkbumcp6p+tapOrqrvVtXVVXVeVZ1aVU+f1+6U8ZbDm1bVn1XVN8f236iqY6rqJgv0v9/4PNw5Y/sLquptVfVzU9repar+qqo+X1X/Pbb/VlW9oar2mdJ+3VjTsVV1n6r6QFVdstizd+NzdseM3358bN+qqi3Q/ilV9R9VddVY/xuqatdp/c5/hq+qblJVz6iqDVW1qaquGNu9t6oeMLY5auLYh07WU1XHLnQeE8e4RVX9cVWdUVU/qKrvV9Wnq+oxi+0LAAA9McI3oap+J8nrk5yf5P1JLkqyd5K7J3liktdM2e2fk9w7ybuS/CjJkUmOTXKvqvrV1tr/hKaqOiLJvyS58dj/15Psk+QRSX65qg5rrW2Y6PsRSZ6a5ONJ/j3JD5PcNcmTkjysqu7VWvvOlJoOTPLHST6V5Pgke437LuQVSR6e5NAkb06ycTNt/zrJg8f6P5LksCRPTvKzSe6/mf3mnJDkMUn+M8lbklyZ5PZJDkpyRJKPJjkjyYszhNBvjfsepNRsAAAYmklEQVTMOWVznVfVbkk+luSeSTZkOP8bjTW/raru2lp7wRLqBACA7Z7Ad11PyRCM1rTWLpzcUFV7LbDP/knu2lrbNLb7vxkC2q8keXySfxjX757kn5JckeSQ1tqXJvq+a5LPJPm7JAdM9P0PSY5rrV09r5YHJTkpyQuSPG1KTQ9K8tTW2uuXcM5prb1iDEqHJjmhtXbKZprfL8kvtNa+Pdayc4aAdVhV3ae19tmFdhxHAR+dZH2S+7bWfjxv+55jPWckOaOqjkmysbV27FLOY/SKDGHvj1prfz3R982SnJjkT6rqXeMxFlRV6xfYtN8yagEAgBXlls7ruybDSN11tNYuWqD9S+bC3tjuqgyja0ly9ES7306yW5JjJsPeuM9ZSd6Y5J5V9fMT678zP+yN6z+S5KwMo1bTnLHUsLcF/nQu7I21XJPkTeO391lk35akklyd5NrrbWzt4q0pbAyMj0/y+cmwN/Z9VZI/Go//2K05DgAAbC+M8F3XW5O8LMlZVfWOJKcmOa219t+b2efUKes+mSE43nNi3YHjcs0Cz6HdZVzun+RLSVJVleRxSY5KsibJ7kl2mthnods0Fxxlm4HPT1l3zrjcfXM7ttYur6r3J3lYhhG8d2e4Vp9prV0xg9runeH6LPSs343H5f6LddRaWztt/Tjyd8C0bQAAsNoIfBNaay+vqouSPD3JM5I8K0N4ODXJ81pr08LOBVP6+XFVXZzh+b85e47LJy9Sxq0mfv3ysYbvJvlwku9keOYtGULgHRfo4/xFjrE1Lp2y7ppxudOUbfM9KsNI22MzPKeXJFdV1buS/EFr7XrXcxnmrvG9x6+F3Goz2wAAoBsC3zyttbckecv4TNsvJvm1DLdmfriq9p//bF+S2yT59uSKqtopQ/i4fGL1ZeNyTWvti4vVUVV7Zwid/5nkF1tr35u3fXMzTk6dXXM1aK1dmWFSm2Or6qeSHJIhvD4+yb5JDt6K7ueu8XGttedsRT8AANAFz/AtoLV2aWvtg621J2eYJXKPTA8jh05Zd3CGMP2FiXWnT2xbip/O8PP5yJSwt8+4fZbmJlBZyijdTLTWzmmtvTXDs4hfS3LQ3MQto2uXWc9nx322JjQCAEA3BL4JVXXEOOvkfHO3Zk57zuyF4wycc33cLMlfjt++aaLdmzLcDnlMVV1vcpOqulFVrZtYtXFcHjSOGM61u1WGCV5mPTo7N2HKHWbc7/+oqp+oqvtO2XTLJLtkuDV08rnEi5P81FL7H0df35rhlRgvnPazrKqfqao7La9yAADYPrml87renuF5sk9lCFyVYbTo3hleJfDRKfucnWGSl8n38P1Mkg9kfCVDMsxAWVWPTPKeJKdX1ckZZtq8NkPIOjDDbaA3G9ufX1Vvz/AagzOq6iNJdk3ywCRXZXhX3T1meO4fH2v5y6q6W5JNYx1/NsNj/GSGcz87wzvyzkly6wyvsLhtklfNG808Ocmjx4le1mcIhJ9orX1iM8f4vSR3TvKnSX5r/FlekOFdf/tn+Fk+Jsk3Z3heAACwKgl81/X8DLcXHpDkoRmC1bcyTDLy2tba9V7XkOQ3k7www2yat88wscqxSf5q8qXrSdJaO7mq7p7kD8bjHJxhROu8DO+ye/e8vv9Pkv/KMNHJ7yb57yTvS/KiKW23Smvt7Kp6wljb0zMGzySzDHwbM7xMfV2GF7bvleSSJF/JcO3fPq/9MzM8j3h4hp/HjTJM9LJg4BtnAj00ye9kmBjm1zOcywUZbht9dpJ/m9H5AADAqlbzMglLVFWnJDm0tVYrXQs3nKpav9PeOx1wzQXXLN4YAAC20Nq1a7Nhw4YNC70ubKk8wwcAANApgQ8AAKBTAh8AAECnTNqyhVpr61a6BgAAgM0xwgcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD5YpjX7rFnpEgAAYEkEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwwTKdee6ZK10CAAAsicAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgWyWqat+qalV1wkrXshRVtW6s99hteIzt6poAAMBqI/ABAAB0SuADAADolMAHAADQKYFvFaqq/arqxKq6pKp+UFWfqqoHbab9Y6rq41W1qaquqqqzq+oFVXXTzfR/QlWdU1VXV9UFVfW2qvq5Laz3wKr6aFVdVlXfq6oPV9W9prS7fVW9qKpOq6rzq+qHVXXeeOz9l3G8E8Zn++5UVb9XVV8az3tjVf1JVdXY7jeq6rPjNbywql5dVTfbknMEAIDtkcC3+twpyaeT7Jnk9UnemWRtkpOq6lHzG1fV3yd5W5KfTfIvSf42ySVJXpLkQ1W187z2RyTZkORxST6X5JVJTk7yiCSfraoDllnvfZOckuTq8dgnJTk8ySer6uB5bQ9J8vwklyZ5d5Ljkpye5JFJPldVa5Z57L9J8uIkn03yuiTXJvnzJMdU1TOSvDnJ18dt5yf53fGYAACwQ9h58SbcwA5J8jettefNraiqV2cIga+rqpNaa5eP649KcnSS9yR5XGvtyol9jk1yTIaQ88px3e5J/inJFUkOaa19aaL9XZN8JsnfJVlO6Dsiye+31l490deRSU5McnxV/Vxr7dpx08eS3Ka19r3JDsagd1qSv0rykGUce22Su7fWvjP2c2yGgPe88RzXttbOHrfdNMkXkhxdVce01i7cXMdVtX6BTfstoz4AAFhRRvhWn8uS/Onkitba55O8NcluSX5tYtMzk1yT5OjJsDd6SZKLM4zkzfntsY9jJsPeeIyzkrwxyT2r6ueXUe/Xk7xmXl/vTXJqhlHHgyfWXzg/7I3rz8wQBg+rqhsv49gvmQt7Yz+XJnlfklskee1c2Bu3XZ3kHUlukmTJt48CAMD2zAjf6rNhWijKcNvkE5LcM8mbq+oWSdYkuSjJs8bH1ua7OtcNNweOyzULvD/vLuNy/yRfmrJ9mk9OjODNr/fQsd5T51ZW1S8neWqSeyXZK9f/DO6V5LtLPPbnp6w7b1xOG6GbC4f7LNZxa23ttPXjyN9yb3sFAIAVIfCtPhcssP78cbnruNw9SSX5iQy3bi7FnuPyyYu0u9US+0uWXm/G5+pemWRTkn9L8u0Mt162JA/PEGCnTjSzgMumrLtmCduWM4oIAADbLYFv9bnNAutvOy4vm7f8QmttqSNOc/usaa19cUuKm2JJ9Y6Tx7w4QxA8oLV2nVG8qjowAADATHmGb/U5oKp2mbJ+3bj8QpK01r6f5Kwkd62qPZbY9+njcv7smVvjoKqa9jlaNy6/MC73yvD84L9PCXu3itskAQBg5gS+1WfXJC+aXDG+0+5xGUbL3jOx6eUZJiE5vqp2m99RVe0+7zULb8rwSoRjquo+U9rfqKrWLbPeOyd5+rx+jszw/N7Xk3xyXH1hxpkzx4A31/bGGW7z3GuZxwUAABbhls7V5xNJnlRV983wqoLbJXlUhnD+lLlXMiRJa+34qlqbIXB9o6o+nOG5uD0yvM/vkAwh76lj+4ur6pEZQuPpVXVyhlHCa5PcIcOkLnsmWc7LyT+U5GVV9ZAkZ2aYmfMRSa5K8n/mJnRprV1bVa/K8B6+/6iq92YIq4eN9X58/DUAADAjRvhWn28m+cUME5s8NclvZnhR+kNba++Y37i19rtJHpbhPX0PSPKcJL+aYaTwpUleMa/9yUnunuFVCvuOx3hSkrtleDXCo5dZ72cy3L550yS/l+E9eh/L8J6/T8xr+8Ikz01yZZKnZAiGn09ynwxBFQAAmKFqra10DbDdqKr1O+290wHXXHDN4o0BAGALrV27Nhs2bNiw0OvClsoIHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ+Wac0+a1a6BAAAWBKBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANCpaq2tdA2w3aiqi29+85vvsf/++690KQAAdOzss8/OlVdeeUlrbc+t6Ufgg2WoqquT7JTkzJWupRP7jcsvr2gVfXFNZ8v1nC3Xc7Zcz9lyPWfL9dx6+ya5vLV2p63pZOfZ1AI7jP9Mktba2pUupAdVtT5xPWfJNZ0t13O2XM/Zcj1ny/WcLddz9fAMHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHTKaxkAAAA6ZYQPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTAxw6vqvapquOr6ryqurqqNlbVK6pq92X2s8e438axn/PGfvfZVrWvRrO4nlX1wKp6WVWdXFWXVFWrqk9ty7pXq629nlV1y6p6XFW9raq+XFU/qKrvVdXnq+q5VXWTbX0Oq8mMPp/Pq6oPjvt+v6our6r/qKqX+/2+ZX9+zuvzkKr68fj7/s9mWe9qN6PP5ynjtVvo62bb8hxWm1l+RqvqF6rqLVV1ztjXhVV1alX99raofTWawd9J6xb5fM59/dS2PpcdiRevs0Orqp9J8u9J9k7y3iRfTnKfJIcl+UqSX2qtXbyEfvYc+7lLko8l+VyS/ZIcmeTCJAe21v5rW5zDajLD63lihmt3VZKvJ7lbktNaawdto9JXpVlcz6o6IslJSS5J8vEM13OPJA9Lctux/8Nba1dto9NYNWb4+fx6ku8nOTPJBUlunOSeSQ5NcnmSda21L2yLc1hNZnU95/W5S5IvJtkrya2S/Hlr7QWzrHu1muHn85QMn8UXL9Dkz1pr18yi5tVulp/Rqjoqyd8luSLJvybZmGS3DH8/nddae/SMy191ZvR30r5Jjlpg8y8keUSSs1prd5tJ0Qxaa7587bBfST6cpCX5/XnrXz6uf90S+3n92P7l89Y/Y1z/oZU+1+3seh6Y5K5Jdkqy77jvp1b6/LbH65nkHkkel+Qm89bvkmT92M9zV/pct5frOba/2QLrnzz288GVPtft6XrO2/f4DP858SdjH3+20ue5vV3PJKcM/7xb+XNa6a8ZXtP7JbkmyRlJbjtl+41X+ly3p+u5mf7/aeznGSt9rr19GeFjh1VVP53kGxn+l+5nWmvXTmzbJcl3k1SSvVtrP9hMP7dM8t9Jrk1yu9ba9ya23Wg8xr7jMbod5ZvV9ZzS775JvpkdbIRvW13Pecd4bJK3JvnX1trDtrroVewGup67Jrk0yddba3fe6qJXsW1xPavqyCQnJvmtJDsneVN2kBG+WV7PuRG+1lpts4K3AzO+pp9IcnCSX2it/ec2K3oV29Z/ho53Sn0nw7+lfrK1tmkWdTPwDB87svuPy49M/sGVJGNoOy3JLTL8z97mHJjk5hkCyfcmN4z9fmT89rCtrnh1m9X1ZHBDXM8fjcsd4fauG+J6zoXmL25FH9uLmV7Pqto7yRuTnNha+8dZFrqdmPnns6oeVVXPr6rnVNVDquqmsyt3uzCTazo+l3twks8nOauqDquqPxifgT58/I/dHcG2/jP0qCQ3TfJOYW/2dpQPKUzzc+Pyqwts/9q4vMsN1M/2znWYrRvieh49Lj+0FX1sL2Z+PavqSVV1bFX9TVV9OMmbk3wryfO3vMztxqyv5xsy/JvkqVtT1HZsW/x+f3uSv0zysiQfTPLtqnrklpW3XZrVNb33RPuPjV8vTfI3ST6a5Iyq+tmtqHN7sa3/TnrSuHz9Fu7PZgh87Mh2HZeXLbB9bv1uN1A/2zvXYba26fWsqt9LckSGZ1KO35I+tjPb4no+KckxSZ6b5EEZnol8QGvta5vdqw8zu55VdXSGSZqe3lq7YAa1bY9m+fl8b4bR5n0y3H2yX4bgt1uSd1TVQ7aizu3JrK7p3uPyN5Psn2FSkV2T/GySf8gw0cgHqv8Zj7fZ30lVdWiGz+lZrbV/34LaWITABwube/5hax90nVU/2zvXYba2+HpW1SOSvCLJ+Ul+vbX2o0V22REs+3q21u43Pie1V4bAlyTrx5lRd3RLup7jM7qvyHAb1z9v45q2Z0v+fLbWjmut/Wtr7Tuttataa19p7f9v715CrarCAI7/P4sg7aUZDUyDonIiRIMCLcNBQREkSLNAB1bQw0mzmhREgwZRRJOIiNskKioHERVlEphIET2gFALLgWApVpI9hNXg26d7OZ3ro7v3PXev8//BZuM952zX+ljn8e299vrKI+SJiUXAk102tEdON6ZnzdhvLaW8VUr5tZTyPbCZnOp5NbCpm2b2xly+4+9t9l7d64gJnybZ4GzUhbM8fsHQ87o+Tt8Zh3Z1Es+I2EhO9TpElg+odiGhIZ2Nz1LK4VLKB2TSdxyYiohzz7yJvdJWPF8iY3Z/G43qsfn4/HyRvF/32maRjdq1FdPB/WR/klNj/1Vy5cPtzT+vP9MG9kxX30nLyGT5OHnFVB0w4dMk29vsZ5tvPlhlb7b56m0fp++MQ7taj2dE3AW8TtaOu7mUsvcUL6lJ5+OzlHIU+BS4hCwrUrO24nkdOWXup5lFl8kVOgEebf729tyau+DNx/j8AxgsLLbk/x6nR9r+jv9teLGSxiAhrP0kT1djdDO5WMtrzWeoOnD2uBsgjdGOZn9rRCwascTwOvKM0+5THGd387x1EXH+iLIMg6leO0a9uCJtxVOp1Xg2JRimyGWvN0zQlb2B+RqfK5p97SufthXPKXJlv2FXAevJe0w/B2ovZN/5+IyIa4ClZNL38xza2hdtxfQrMl7LI+LSEfeZDgqE7597kxe0rsboPc3+hbk3UbPxCp8mVjP//n2yRt4DQw8/Tp4BnZpZTyYiVkfE6qHjHCOnISwBHhs6zoPN8d+r/Qd2W/FUajOeEbGZHKM/AutrH4ujtBXPiLi8qUf1HxFxH7mi3wHg6/Zav/C0+Pm5rZSydXhj+grfO83fnu+sMwtAi+PziohYMfR6ImI50zF9tZRS+wmJNsfoCabvLXtqZhmGiFhDlhM4AbzRchcWlC6+4yPiJnIhnG9crKVbFl7XRIuIK4Fd5JSi7cC3wA1kzbx9wNpSyuEZzy8AwwVtm4Khu8ipDh8Be8gPsTvJe6XWNh+WVWsxnjcyvUTzeeT8/kPAu4PnlFK2dNWPhaKNeEbEBnLp8EXk/VIHRvxXR0spz3TUjQWjpXhuBN5sjrOPnB57MVl7ag1wDLijlLJzHro0Vm2932c59hYmqPA6tDY+t5D36u0ki2QfAVYBt5P3Xn0G3DIpU+da/E5aDHxIvs+/AD4mp25vIqdyPlxKebrj7oxd2+/5iHgFuBvYVkp5rtvWT7hSipvbRG/ASvKHxUHgL7KO1rPAshHPLTT3aY94bFnzuh+a4xwkf2BfNu4+9i2e5BnTcrJt3P3sSzxPJ5bA/nH3s0fxXEXWNdtDJnt/k1PkviTrcq0cdx/7FM+THHcwbp8Ydx/7FE/ypMPL5BXmw834PAJ8AjwEnDPuPvYtpjMeW0zO4vmOXMDlF/Jk2m3j7mNP47mUnAL6O3DRuPtV++YVPkmSJEmqlPfwSZIkSVKlTPgkSZIkqVImfJIkSZJUKRM+SZIkSaqUCZ8kSZIkVcqET5IkSZIqZcInSZIkSZUy4ZMkSZKkSpnwSZIkSVKlTPgkSZIkqVImfJIkSZJUKRM+SZIkSaqUCZ8kSZIkVcqET5IkSZIqZcInSZIkSZUy4ZMkSZKkSpnwSZIkSVKl/gHPKOJhKq0SIAAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "image/png": { + "height": 279, + "width": 446 + } + }, + "output_type": "display_data" + } + ], + "source": [ + "# TODO: Display an image along with the top 5 classes\n", + "model = model_verify #using the restored one \n", + "file_path = 'flowers/test/10/image_07090.jpg' #an example from test set\n", + "\n", + "img = process_image (file_path)\n", + "imshow (img)\n", + "plt.show()\n", + "probs, classes = predict (file_path, model, 5)\n", + "\n", + "#print (probs)\n", + "#print (classes)\n", + "\n", + "#preparing class_names using mapping with cat_to_name\n", + "\n", + "class_names = [cat_to_name [item] for item in classes]\n", + "\n", + "#fig, (ax2) = plt.subplots(figsize=(6,9), ncols=2)\n", + "plt.figure(figsize = (6,10))\n", + "plt.subplot(2,1,2)\n", + "#ax2.barh(class_names, probs)\n", + "#ax2.set_aspect(0.1)\n", + "#ax2.set_yticks(classes)\n", + "#ax2.set_title('Flower Class Probability')\n", + "#ax2.set_xlim(0, 1.1)\n", + "\n", + "sns.barplot(x=probs, y=class_names, color= 'green');\n", + "\n", + "#width = 1/5\n", + "#plt.subplot(2,1,2)\n", + "#plt.bar (classes, probs, width, color = 'blue')\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/Image Classifier (NN) (Udacity)/assets/Flowers.png b/Image Classifier (NN) (Udacity)/assets/Flowers.png new file mode 100644 index 0000000000000000000000000000000000000000..9190c93610dbaa55be21c4bcebad727f4ec53100 GIT binary patch literal 731985 zcmZsDLwF@zux)JHNhj&pwmY_Mn;j=7_DRy|*iKGtTOHfBZQuV5-r#-jPWGVotTw7v ztyLAJtSE(yK!5-S28JvnEujhq2E_#i2EhUc0|o|;V6guA-v*SGsDdaMSY15ghY2(o zmiaNgiZP8M*pr%n{ z*yXw1b)0jb?Nwad%mE=sQTzWbJs}h<{y6?ZnQoW$VGXTMbLHQpK)^e9=kG>{3#>82YvyFQn!$GuM`ZItS{}~SG=Xf_B;1(=o4ZDv=UaaKHmLmPF7(>I%Q`P*A?`p@ef3*UlTKKmPm_Sw(UO`Y4k*Z1jL zQ^MbS-qajZzNA^cJporugRcSWn73S^K`>l7TH0Q?aY@Chn83WHy+&F zK;aIpQ@7J5_iv}$qc(}aD7Vz9PvNh}k8M>{xe)h@#`D$N9=^+!kNDDDr)_-JEEJ`E4;|L>vQ1P;MXXeC9X9;~T4cWicg(oeTsi5VIi zrMrgx)z4wW=Fyh6Qom`}pusx0h00p??p&^)*Iy@uh^O|t&{~F%i-wx#w;YD9cD$?f(ni>hN8qiTzy-N=SQ!btA zgK&asUY&jtQDzptmQI;`HoewAEzK!6R;JgiPH^FAg}`~6$*Ct=A-W+9d<$}!wtA+i zq{0AXg~@JX;bYH^s;;&j#J5G&7X6_5qWXDsViG)+VpK?Z3*9~u`cHYgp_IkDHo-Gq zR?+W|J0G#JUsCF7n??JA)E3KV{`}sq%B!)NEjGy!kP`|k-q+8t2e+<3_79z50cKn` zR(72E2lu+^5-H&de3Jt=-nI>q?JPhnVHf@mL(7~e6bYdAf>E3TGjx}12 zQ=DS|ig=cjm1mCCfcugX$-A|Cr+?i77;yF%5A~Nv$d2p7_PPc+H*}^@XIbn$s}gw`(!Wskuy-6!-5Mq;VXb@RWVFOd0x2m1-2RZVIy9w2sd+o+(vs z(^~ZSF)3fHvAI=Lr7{F#H5utlf6u|FlfH=1GPfiT_AOePUjzu4Wzk|GiFPKM%pM%Vmy1Db%O=? zWm(l+g;Tq7?%VPE-{O30qP%2d)(vRaS_rNGV(BQ;@O2AF;p?3&`G;3Xe33H>7eus~`-K-NtG z3kM?&xb_vEKyKPN{|HIkW@oWzuxb z`dUW&jHAF&m-?x$zG_H*??B5%)O)5o$O5M`TfFr+oexnFP96XXxTuw_)b= zcJ&jsU3#UhM*W)@I1IsUk~r2|XQV_%)7jc=^|OEV0g8^iQ_S%T zWGwuCA^^>D*s7_rS}|K8&Q?b)e@V{8v4eicl{Fj_J>`jB|8o9p(F4t*tt5iN8PFNL z1wgsv)g@A6%CrJkQj#QAbWkOmCbH7uKt^7ipw`dnQKl)1w&g**SF=Urkph>or#{&9 zv&agP;aK{+TL5h)K7p8(Dl;_}u|Y>hr~1#MrA1XIUM`un#jwFY{mqj^{W98CA@1kH zA8f}BTTxs6ZEZtv24nJHwVx14Fm^#2gumPZBgcPjyFE>l zuf6OfeC&{tx;HynOGc@SMeRahj)LsV{_^KIw`vnKpQCE9&l*R|%XWjs1k*l~wfi|o z)QgmERLlI__fAgj3z%melvQL;gn!kcZQ3Oms%Jnq^Q(MY-qc3f(gx2#U@S*SEPFxf=xoH0G4a^)ZodAr{zpbu4-42#y`jpmEDPZMK9Qr22* z-v;^=5=;z?9Yv)vB34)P7qPHN)@>?JJhx1y0|e=BWLm+8_6v|A_UCNlnnT|c?<;GN zYJ#jZ#o1YLBvce($(BabZ6d4lmV8pV9D5`f9g^g21UJS8^9M|E=NC(-qZIW>k;Y#Z zual_5414;qqOPX_9Xb4@W-2Z`5#X`_caVQeR)a+cLg0+xl;E& zjQ^XRFyO2WB~a+V6=B09^!V{*SC-7b`rJ(H4=)GaIpU{tRI+g-!IUMNcTTPMk&U9S zXRD`j*T0KS_ESe^F;030IG#8fK9(Xz+$s&`ysCEmHv4-x6)euOEc?AG1DzIKCHX8> z7>N6qw3k~MnAu34>3?48#3;PRkH}8`@s@prb$E*NVnlU=hppGET)EseXj%8h&x)7P zRA|JGlf!-p%gep;yAv9VQ+}~}!gJn>i?1B4?B$G+Dg4($dlT{Kos8Y}34&N6f2|B> zXQNM$T&g%WpdrRz7q0@x+1rKw7w!hR8Hf z=6AkF>)zUsvQI+2gU1O`isFlRHwn;@|E4@3Vd5IFb|_OiEL*z@V&L2wiKdx&GJ)+!bg5+;Ztxuu zip}&eUc*WDuPK9z#hZhVX5+v9|6U;^jL-Y~Aj$lW!p;HQCnZ5FsHoFE5&V=oE-v1Q zyXPGQ8ZeRktgD3&=Bgfq70ETED%&&YkJ%TqVceH9S4Q8m{GOLfb~W48APLoMJ3IIN zrsK1t$@NByA%x@x(}Wi^3m1_Oc}L(gO{*%^@yRiMt_^&QUgGZ@arIhNLXLO)_-n}L zP`a*+jC5tXMB~Q;H1-{8s+IkqPcfQFoeR3MKEa-s^bAXRx!dxtfOOEg9e(cLf+(I) zj79$Kch>-1lRq2!)2-5YlW~2P8vo2ggk6{CQxFcr}drsGo#Z*Y%KWwtb=#T@AOsC;kPd@90Y`XsOBO z&|RI|s8vTMR;Uk%<9{Z%E#e^V&^UBqVw$e6mhIqCiY&+o%5M&qjH|szgIc4mAg&!X zY6jyT?XB`kiOP53Y^we(LtBMF0=jOIo z@+W|O@Crubo(}b*9r#MTUxlT3$@1~>Y4o|5WQxFHkpch@A5J)yrprLRMly{xNw~jh zDyd=(7o&^z+IPk*ALE=Etrw^L*{qF5p`flS!rbdK;!rx3adG{O!c%sGdHDI(uxL;l z*7hGvG}RI#-Tb+i&Q2~UpE5c2n9J5+TIiI!BGOQENeeu4uvsRGMhe_xmjzY^oHQX@ zou?Q&E%0y!;SGLkbUX?0frQuf%bl+A7d;FX-!cu7l%8$CZNzbrDC;-D$Z*F8EFo*} zm;>LKA4j=674oBW;)wVPkS=UL?P}Dk$xDs4UMb>yN;JBL6##3aUtS#86fwI8__o9RW@wa;-{>IaqgOB z?97=8I-pnhi)Px_r2^DMt>vB=&Rf z%-)$_PXnZ>p3V^cuzB%HW*QT=4#zlM_9Jq&{tU~xo#(obNXd3YNSHL4CZaGJI$L{y zc?kjN5w-%Tg9(F8xDd z0TFRg;n%U$^pQrsrOiBQl9NSmT&^-ui9GDHr8>G#n60E#GLMV0@ast6LT_JbW8iUo z@+Ch=-8+jnSJQk4>u*#B-asP|ohImCTfn?7^n63*%bvus=m}8x=v2zhcCwAi6W=?t&ihtWj?+Vp=W^NBQXr*g&M^1 zpWYvs@z+a%uk%VYaHX<^cW)m%z+ctUYMb)*X~P=M&e1k}+7c!sO#4)BlM*syfZ~Qq z`Oind45`0bl+^Xo!(d}@S~V=pJ7+RsVh`pqVQ*t`n;3NjISADQ^gNhHH6rPLwgOKq z_?9X$;VcxR<@y5j&$a#K8f~l&8S3CV)iC& zrapplG3)UCTbPKlg1F4@M}Qhc8ZAKBx_9;;M%sE|A_r0Et%zst&?~-k1c$~}-rA9C z4)Vrd-{Gwu0FOLcX0vIfmxp*Z)h+#CAtnK@hjJoA1wU_LQUr<0`KJwfNMfNwg7efg$Dghqr!$4HVpBMEMkCzlFjs`r;Qw9iH({}oR>*Nj7>h9uyxN; zAHIvWEy{I~Swqm{8%q#jXZ;b(qhf5Vu@I_lbG`m*(7w-Jx1oZBbBRgBt$4z*z85y2 z1O6Rx*{0@JxjQbGo!$+b-}hhSE%gG3DJsjR&o!hS)wvrp$kPfw$?8hiYQ zDOL~`9?Y@XFN^e)7MCh{f{@IIs6+o1gFWjYc3Zk!z-64@E+6h4@*8E5Y`$$7}yx)O3qxXwb#)SPE9E$ub_<#nZzF)Gn`J_>2O0--EatMth#@?-2~W(7Rf$RdLP-p)9W z@aklK%RipRE(t&GB=vctc-^T>0~S@FKGIO=9SakZib`y!Tcr0x5%8H0J}el)iYV7e zTLLyM+iHrd{UZXdEq|=)ECWICmiFK6Ou_We1^{r`Y+{sMgB>4dC8E(c zdHF!x2TH&0`y#hck#Vw8RW^y>D-S(9>3GQdlZkvnv(rYtaglg~m$uPYM9nY(Z>+Ch zgyF64@{fX<<%m*^4nDF#acQUToAJf~e`MWW%HewSU$56U`P3fPMS2vDD`)xQCAvIU zN1gdcLmUS+xQs*B6#%tf&<{UCtOiHEBd?L0Fxi1e+mH${#}#_xQSlXw-`fF5HO}&x zQ>P2^+h7H7;&_0X1Qc65c^08X$g)Rv6OHI!z#z^uEGU6tilkTtPRt$E?I^RD)5C^o zm%+SUirAo)pJFu7CZ?vKI#O)?2GF1m@2O)1i^@QL;cEF`A!i%R5_h85Q56MbD>Ay4 zFPC|?&-fU+zvg#lwV5J36|4-)OlY=zDKi(+V$a)ws;K^6aowMNmW)QgWI`3o<`PxC zyfFe3yaW(Uh1z*NOg5jl>ZxC>sNBh(-PH1C%a<6gfj98#^K_t=HW$Vx!K}{a5ue*w zgbFNCAf&m*I}QVK1z)ofrXJnInn1t(EZ^xK@?v*q#C&e?CZ|b~b{( z5IK7+bYNwM%!*Owo(xrkXL$pyY{A-ZF>kHnjigmf?G>a2tIzLfr%g{^U)LssZtjJ| z$sfPHbu-)|{7&Ja`8=xT-O~L|q5b^E2@-Zv?&yi)?eq~juGEbPES1ls-UB&Y&$QcJ zEv$bZNow8$_|~+nO)-QqvuN1Z$LO0AMhPNAR^Z-zn;FqtcJf^WD&xoH^hftmNekk= z1)c8^CQ*>? zE_!o}2D9AJA*JG<$(?LyOtxFa8{rPL&Ck;IQ}!yIT4jYHrsPEtDgCHgzHC*791z#u zQI&_9VkM6w@pg}IcHFM!yu9Q?#ct>>UvpViB1S#?xUW&c?=5Mu61#p|DOF!uDQHeL zR$<6hwaELm+D_hqpPq2%$faPR9a1$X z?tMTyC_4?4bV|mjd^RXlv&vz=fiV~%D{KcD(XAJ0M-(zEs-!Poh66tzsAbC_l+S!6 z0OD8LYwitIUQ*6aPM&rKLJua2J7&;-rTBhjqqQTY@F4p2ElypY+pVit0|GwB9W~tD z`}h27$$K}{#o`5S(lohh=CEr5lb!_Xl#Jfjdo;9oK%@az@#;pf$6g0Nx~{}YmGuT( ztB0`F40~-Ot~xJWh}+Fd4WI4^ITjFi1i7ZhqG&c&q&Fm_6+9S0X=7*IBcAniI`761 zW}h)OFx~Ppbu&T}?X`MTF&dm~cxD!QG^V$=9q&))Z%P4L8n`HDd&H>~-|OGi*}}v# zA=~m575OsYQ!%9H8sp({Zv!ocmF4AdbSCm97p&k;^pyk}7}pLcy?Fhh4rzT+7$L>E z4!#fhBab%}n*!9V6f4YY?F?wts9IyzC4mG+iefqvN?z$o)HxYLN`JMOhubeWz_sTi zH$f`DN^T^XJepz#%1}_DK8j7NsJH?y*c4)?Y&EnRO2X%OHg3W(X__wQ2p)-m_x!nB z4mA?7FAHt?`os$GjB5I%l=k^JVoZ5m$f#^gNCR3%b>K`%bH+G0Y|A)k5yadETlU08 z?VqKs(RB;AEw-P04xJYSmm3YFxGuUBnDA9AUO6N_H?$tv9pW{gAUspC7lj@-7FL44BY<+0Yat8JC&Z-!VAbx^9ubYUTIbK{N**vu_ z5Z@C0vM|KY(#G45mUZBWUEk_}x43JF zwe!P~KFb9w)3I|{+#k9L)Cl1MX)U?%SvvB8mqf}0W?fU3Yl1Ww?eITCeT8v zQ!AF1K#GA#-AKXg$$x=1GN+sNG3Z({9;)#;hc?!a){k0SRR;`c31K;U8*8&5i1;Nl zFr!I9yoYA!UkL4Q_1L`rbdE|gdX6YKy;H<~BY1$NZo#&;M@G_L_q3BMU^ZcB(}SgS#v;)>0@c(4nr&fBJAqrJYS zQQ`jaF1*~9npGq5PEb6o%6C1abym*&EumM_CNV;~UHAk%T;ZZhY~lpj*e?2ZKk#PB zJ#N5Wgdnb4flpX68Awn>6Eyb@qBmj=HrU+bjC@{=8_QBX^+W#iNJj<)H3;8tkbp$~ zqJj53u3aL$nt`4gD?kk@CL23BB~m*Ac8~AZZ7LP(gjm(~WK;!uBmyNGX-$Z2wimFW zXW$#IP;9CAZ~WuUe*Rs+NB4bpn_oPARO6~|NF@(oj^%^)%(;R)C@lpccy(SWH`tu* zJK^vQ<=8&c9n=d7#&`VJsMhztr|y>vW+gZ`Q$vkU%n*lr&~_2T@jp+{3gBR7x;uw= zE72!V4_^q8o>JGuruy!+i`e|;UvHEA{oj@hgcED%Vu_%@nwTO4n@$fJ_ys*y3|51YHan~;Amw{c1aTUup(>>R)f1YXe-hEw7 zir(LZznY#Ng7yBWDelPAL=LmfjtH`(i?=YLg3qm}qFq{Texx;uudv&mgUGCda}n4< zPA=#QIqDvSIg7)MbAbIy#Jrwp=id4i~YtGHtiC$BoZX%8DNX z*4xu_8R3JTF_to=IMhoS%De*u<4JU-A%w){NcmuY&*uom1R%f10YrH)#nZQy7l-sg zdiM6;|K)4Dc&u4k8B8#BXN%h&&;n-X|Dmax(nL<8zAJXxhWJ6=ViNId8!q4bVdNK6 z>^S)lj?E8F;Y4J>E(!%2H`Lh>$UJdrT0-ac_s->G?Es`_V3w>olLRel75u zb@55b#{9xiquDS&*Uw6yJ7Bm_utNpBBLLda#Rg|8)D=1B)I*i6zU&>x|+-K5j%=ag!@)=laG~WZovTS=lPJrP6Co4G}WA3r@WW;K82(F6VGRV2wrc& z+f1>Y$8@6MCiITq^=}+HeOFVK{3Poz85+;%ZB6Vy(c*9(kBi1BaQhJ4Kgoqp*{(k1 zbEkWsm#}2nHsOZgEv(oO{xPRv+#4w4rDss>SeThboTV(5qh#HjX?0_KLrZ|WP~MJH zx(KwLG89QmZ~+i>tT5HXn-(>W<`#@qN#FX7`lES)F0?TL$s@k!?vY?AL`$+4LuhcC zQ>qj&14B@_QD)cpZ-#tzFFupw&36neR*s4NkC!1VfY=TCc%o@*Hf$BTl-XP-pSZb@ z!n4*h*Uh`bKotg{Wx~bCD$Wu@|A$_!*l&G5VD*=Em8HOXqoW(%zOgiS*FHOt*zz|h zcX2EHg3F3z)^+f=enY#iCn@ow!S=|77tUoBX=^?UCl?r6w(DSi8>{54s}n@-=ZDs2 z`>}_f`l%53E;^lyC{EKxp??pa+DHaYmVY4um}liyz5eyfgy`qwlV;d@kc9C+%4rS- z_tgie@}DvnY*5O9=2Rd`@Ex1Z=3P25WaWWLyLC7Bh0}Y8DHR_e`7zCy3ICC)NYp0; znh$p0oTP2+QwTjDxL?nAe#`C&yLT9kY_01@Ew+}j%{&Z42L6&`3A`4D24W^yo5dXm z>_fFyx1v$or_>N7On3eMd7QXMk=&NUp*aM2k9R4g=zNXgBHe*T$N*2d*T3gE;RQ+iNFWp?1jKD zsNyw}Yza4z>ISE*2>&hurLD%?J_1CdB}+55WYmQ?+X`MfBXtPMhm7=yQO!g+?-<2F-OQ5aoNS`5duDE7P8e@*`faHwK7iiSyzYSUR2^@0!S)`)&OWg|DRV?x_+=5T5+|KTEHTjR7zmVWG8=PR zlkN7bM7pSLq>k%Zy@31mu&=whn%5Oiyg=MSIwP#FT28RwhDvwGaj!hPRI+#WxB9Q9^?S3`~YV;p&BF;zGP#8@>H;{Q8$$1{l+HW=L_%3huy;`qN=r z5^>DKuzs4gAKNi^9RKY!WvKQQ`pj*onb5Kt`*z!97UT?X{vSms_WPym|1p z)m~Nn8qT(*#J;s7^_9haNwFJ}11tVYYQHz`dZQlAtpl^>Q3gXf8Z&dW6kyZQ>==^4 z+gh$kv$3}e-tvaz^GIC%ylEtcmd?Z3qjuG5ToZcTD z#!{|xK(H&5!!_V2Z_3nNsBKB#Fop;{+qbrmm_$d*RtkfwuJ8Pj3N-!s)$a@^XFK=< z3$joWOK2GX*W>Ab4&hK=q;9zktBPvk{Mi*$6=z--!i<^f3I#%x#7W)gTeKL zcqJKHAbvI_BInq$z>-r>KAcqQ)QVxb)%|ps#z3{rhvS@d=8Z{Z5kbzn^@=hW)i?nLSy)HWb{!7G_`m1{ z22qLha%4dD`6w^cMWFjS=^JKli2muX~Isf)Q*L3 z`&gWw?_dw~_{7%p7z$qm)wtWZx1uW9=r1x9QEE@iktqi`58jDs@4w{l&Br4C$V|`H z@VOY@BF%7B)DbU5H zav%E+ueGLqt?}ai_o3T)3YL(Wwzq*u`~b;~XtVFvO6QZf&8GqkwRQdQL+>9T2MB?u z!G-3O2ZagfReZQIfkMdVlE&ZuLA5<>$l0-F9v*PWNqNqLk_0SoQP@JC9;Euob*!7~ zkP)cl2#ku$aMcU{L7XZ@EAlM(ol%qVA?OJgn1zh&yXf(1^91?rVM#FVy5!5@Gn_qt zv_J`dKouC-{hoY--!jiDj-h#{h22ly5d|q%%lsmLC!LDfY;TR0 z7xxQg&8l-qK5q_C6|UAFh$s|Qk_Dg~>$g%yI$6n^<*+A|Ls5!3lM$94k_6;V%ZeKJ z;3Wk|UNevfor*K6$~M4Uxaj`EGOaMp!2pX<(KsA^h{$Bc69(lx^DN5UvH%U*GD?xW z5`)LV^53C!LbI_8+0jP&4{l0~p;D7UfNYj&FvI1PIu&p?gu!t}ZBWay7gI*;c5?EXbGZi^EPW|t<(}V`tpfRR#ScF*8aet| zxcW*Dc;2UXC6S%o$FEzu9C&VoHQf4FKD&UF0%WUO5zTTU4EOvaEWZ+B5cLZ{@0K-q zG?lri-63|qTyr6XD9#{_4_hwZDs(oa67jF53llo2^CGM&riI6(0itWUy0#TNZ zCtlPMR&o}GV8!EqtQQNi^?OwkL5HgZxOKfNEO@hi!l-clToy8y=~p$_(h&y z0u&MzYFr{$1X{{5UHi65-$@4L1QfUE3ZNP0L_0^zKcKj>WDUGWakcrW0+5r?v_qbk zbC@wGUQZbGVnJZrJ?Bz<8nuu}Ag( zjPvZYTVuQR`8=99bCG0^K9W2yL=~4{&^t8%&lMT%Q82n+&Wi;fxs|#eUzSF^M z4mX}$D&T3cJ*K)9=3Si~@sWU^g>|jA{k$BM&{4@)?E1#WtdEKm8IUxt98+1`OPUZbPMNZY2JOa!7mOWYGp+OayV}AP z-#0UAip&v73oFQh)v$1d^Bj`P`E3A!8^LXDk0oM}1+k#n(pjdo7A~Wz7~sL3`*^-1 z8XN^)93F_k12x&?Fx&+X!<)8U{2cI&N$}m0q@LP)8?iX|r(Uxf)pnrmc)yZdwgOkq zVi3{}#oGFYc4VXLa>Gt%*C3Qkk-VK`rRU6jAC{;&B4U+obR<@xl9Gq(k<9R>IYtokA0*P z!vHCuu4vt(27)IWjJF@+3+g(lGNfAJkpy4vP;ucsmK+`M^1B`=OZqk68l=iy@>~Fp z1VLL5G-aOpHydq~eQIR(3=jK0gL@N?xMYLx%*7)kVM<8=nUG9T(Ff0yqgv)|@vor8 z;Mv3f>H4nys2;{)&6Sn2yX4{EUlOI5N*Xd6@!(&Fpl(4*P7jZ&MepOyUa!12MU=82 ztf2NA%Za;lcvP?OU%BOhR(#DMhnV(=_S@A3wI)~~EEV^ou(X8X8g~gT&X#utzsGx_ z6q%nhDfu8y8sm&ngl*$7*)MmNC(cBjZ%ljgM-P)j)Q8%BK=zKP6azb|dje84@GqALW^{UTE<&J%P%Gbvh#8~-45%>iEi>9B8OJGX&2U;qn z8Mkd>l}N?CMJ{6mH@s(^8M~%F${Jhz30{aG8z;Eq57@Afz}Ix8{$wqFDQ~Xl=EtQkZAfQ)UQ;%y_uw>F8#((M!9U(6E75>C^}Be%&n} za9YH{(m&9iu95$|D>JRu!zE!(t^SfbBLg;Fo0ipCtCImUOs?)x5EaPQ-#34C2`h-J ztqwu4h*otGu_!>BV4}YeppKgGee8qVda)KmcNAI@V>Fy%RwH(5o&h^3NbWlOUW7eS zO9nqQYvuo=Ek2DQpJwS+$;u*^VoiiVF&6Xxavgz_bVR13k{IADti^=%XJV1bF=Jvo zU@+#DV<=T>HyQFq6Nke(fW<_>iy_yaCi(AI?%q= zlw{-LEb%zDr;r?oh$N7BXVLp3r56PZv_1y+Le)Vr$BC$`_N}GB->Dk$QT@^LU~3yY1vm0lJh( z!&$QdvrwK0NOeJC*#9nGb?Adwj`LUqPV%}cI%FxpC*ufQMAG~2u3+_TU07@u^RL~^ z&k^OQa2cX)IQXr>dj-Iz*EF39A2%^W?wtxLV|7^=A@`&;`>9$HV}3mSeJb2zES!7g ze5+tG4nzipNdNf=Sl%D09ffkAT4OSBo%PA~F>Rqk$M4x#9`6d?p`tf|rVhQ&cv0*h zz2GFG;z2~WoQtDmqVO1W)%GGg|-nS2RX$i&g4w7&5VB-SB412bFy0@nDJ_L1yVQ3j0C+!5}{_$^<_ zbTz?~_|KehG&(Vwwm`4NwDig282-?=xeg8FZ1b2ZjMvtpF(;yf8P*E6*FgiiZ3PM; zp@I*>yax;N4KyurnPUt75ZjSqR5N1Q(h7DQ=mw&!y!#ACGg&zjer#65hgEaEXK|B7 zK}dDR(J|9JxhBkdJO8Cu*Xg)RUko$Dx-P*Ni&Vh2e36|*~M*(gKn@Sj?`n1s+%JjpN5e_xW=AVaU9B%EejsfOB<*e zs#QB`KY1rvU02K}<9auk5qQ!&$sW6RO*GL(Fq0bV#2_V>@MAs{F-{fy&9sT7AvvF? zg>H2M41_$xyqT5Upm@Rtx+d7{o*NzSU>Es|Orbg=e@9E?R;FUyi!Kdpxm>!Lg~bj_x;$lu}I%e9ZhL{ zJc8>n75^3TLqy2f;ThY48vhf&vw-_cy-Dx;$t!Jnb~t`68=XrT1uA!|r`ys=I>W~P z*It{OZQx5Qb1DS!=VJ#q#55eWvfb=9U7_QK*QV^aiRs6%E^*Ve;FdL3Z6VV7Sd2M&xYQG$ky@ zAXYHQZM0+uH63xN>t396;i!rJaSQdc&a&(qKU;yHua);G;OoBQ;a^Q|0jA{Z6aT(q zxLtGxf|K#RBp%0c`%nv&E(7}pPb7YQ<=;PqPPV5Db2?T&P4&=1S`*P#Q57dMbjAS+&iP#-OoNAa`>*3+ZFTH_r8b%JhT0;O4hjI?_EUNF`^D@h0>C$T;`?!A# z{#T<(%hIdRN3zNtf;g}H(4!0*0_x%oxHXXvW;`LJ{Ty{|3e{<8oYtzDv zM>mPbVHJhRC=XX0{rSN~-x9GHxQEYtjQG3~j^-Q{9J(RG9y=$Q%2aw*r6X5~tj5DD5DIZJmS4Ux)TWcpkqHnRn$;oB4u-;>bfpJr!) zih%Tnyq(hYJ|c7;qEWaIVd{bn!^;M6L-8>{XPa>UV)lKsCntZ54v#g;aUJ*cHW4YZ z1=S^=y+DuxS%}piKQx%-4<1VVRIx00%A=jHW6l^c^IE$K5l?HC*KHi`bTl{}XHQzG*tZk_N@!!)<#5N4%J(Zd0dSzUFqnr6hOy8~mm$ zth~RR-XG2b)^YXQx2~t){&pIjAGgb2=9FflA7Q%XR(rpdl^xP0Pcah*EN*0~8e5NV z9CJ@~IcEDZqQB!8q#sRbe~iB$XWM=`w%Tj2dAKErRf`MFQ6kQtMs4~L3h zrA+!bdq(SW^9LSd!20pK&neG$LY>`bT=%-&sjl7|{qN&8Pn@hZx%*o8H?cf7T=>Pg~-_J4qO+ynN0&Qlr z+zhF6VvpR)FFC{xcjR zQnrm`XpVdB=o4T|NjLGV<~y2+bs^JPEfk_s|F(L95PhmI=}rDF)(zeA)CLhqK1Wa+ z;2aCf$&b?<_&1-@ir1mI?t=I~6jc1;wWk__dtb?&gk`E|c&q5Y92*-W8FFi~3oX|n z)I7(J%1KYVx)Z><4(Dh7#E(i%glPRJ&)NX~@**SmFSlcywZu_uZIH{3xu=UEkm-B9YVC+VWfCDrCJvsQ$>1YZZ;T60yiq>E^43cp^B3U=>k>2v%TTX59x zk)rW7ob9?O*v-ZUF~o>eOERSdhvj69%0+1^^)K{4XC+&Tcx95`FGCFiV2*}J*5`IB zRg0D_cj8#hMZ21ptO~7lx!=R70NUZ##a~%A96&378DelrG8Z)r2NnMFf`i#Y&cm-P z;J#Q_hn2WLDXGqkoP|Hi`ri!W_}QhX{Pkh&8VC3S1(mguY!L@}SBx=w=%LEjHNrA# z;PbHF^pH?C*-w**$F>VBNx690oP+G0;&p8IarKtr8kpDmG&{{YUc$8sPL-Vt5J(M{OB2g0E%7{S zBht3k+%{dw^|sO!gm$U3Cb@*o-;k*F+4*`h15~BL9Bu4e5&FKCBRrb+(H&97)^VTH zC6>bz>lr)$bQPtPk}3@!I~jlK`o<3gmg<0s;uUg8rRvsXlOe4~McT&P)=dp4nw)ys zdq*{Q+K1a6U?Jo79Y}_@EXr&1i~#lKI*WpLGS{E_m{tdb13JPg;O ze5Np6_HzHFJB9R)nEb#JzBt-mkw8Ylk*PP4N^Wvte8aUI0dCLbmY)C@jqX&iIr5?r zy`T)4)3kmTPtLYPV1z}B&Aw^3ntOnolUeEyKjO3J49M!Y`p`J(=dk0aT@i0zB{ zeCl;fPmDwhYpiA?SFI6SF`e&#B2!J>Pv0$XS#Xp>iX>}%SZ-zuyJVevQ2g$6z1nxE z^W>N{&uh0<;6+HVe6R&BPl2VGI@1#ENZ&9HFd&@Kr`>eSsYb~W#SW**3g!#h$S%CJ zM+A;mMLRA@LHRU9ElijC!NMgbD@iow^&C%;7z?tC?5lD&%LQ$sS5N;G`AqE*`=RX5 zvZ*PiAD&495Tn5sksn1dYzi}2viZ1VRLRABZx`4) z_-6p+Wzsq__!Wg=ngpi4E21;|+BDe*3GfUhGbnR~DnYD42m;C_cr#5RT5V8Cq9`5i z`jg7uoY~8-_WY&sIc*JFQwms~l5Q>hiDa+_p(Hh`b<0{9M8m=Tquxee2jBs9Ye?4x za{P-_fnd_j_jd66A=fiI_)t1Vc`hXo=fY@kh_c)hTynf&fAerlK1OVqqs`lnU0zD? zkN7TbXvHoaimbr3*-#eTnT;F?hfNs-6#l-n3NpP!PP7Ev;hR$i__K9y?v8A z?mEGJywipCmxXnu$+^Olc2PS2ef3ZNv2}E+5)4(D+JYJNST%IB3tFjmBy~<^YE|jr z-MB0M*z!_;0k1KNB(!YpqvZ9*j;7RrwK9paHKb_%YaFM8Ou|}|6x{pp+>DBHL;J#4 z8&HQeG8``lVJQkTepd%TI6<3fl8V3k1=Ny;sjTK*v`;`LdYYZ~&qh}l8mOt90t7Y} z*0Hs3es=y^^!(MNoD1beUr-t@{o>3=E+mK6{^^=%K>eoOMbaWzuo@J|fg&vlqojBtYz&ArG4YG<5w_z>fv0>E<70 z8vL{)3Y69?QNu%QIP?C2HDBhLDLtTUeU|&}-By_xA&+sRo(5`j7}y0Sh;$t+MR9#k ze4iuqFM%l9ttu?Wqr@9%8fC;_Yxy>W<}Cx&hI+XH;~Pni$jBgb{v|1uu8P;)VeYkU zUC1t03T~WSqf^qw@>oG;d~-Cr&Gmlg5GC+G5a7fiPN`Op22;I%`-?*-d;*pZ@1&p_ zVvQ}^r~4y(-(Y0i+NoXCE0iW7$2H|nw){R^V;XHFL$ywQ{eIl^=$q$NWzF);7!|RL z42Q|WV=zR?Xvop~`jWp`V9oqvfgzagm<_EA#*RhKl4;XlMQK+9e5}Y`uZ$t^n zO#3$~_heOQcm%jddTqngD{OQ4zS<=uD?0j_(!Du4;46cxm2H`D?UpM#cmlQHP}i4H<7bKsGc+m-K(OHrc&DUC$qQ#VX!}ijRS{ zM6`BZ2K9j3cc6y-#KsCP8!!kqpEAE5@U`jO#rL;PVA4u$h(pw_eFukhMK$Ykt3-*F zq)==s(x+*qg>K?&wG+hegi(yK+9+&ePT!G#H>XW&F*#WohW10kE-?n}B+5A0MPN8- zt?8y3mB?VbfRyTar{~N+Z<7410xq*Yk&Re{VOVAc+NfKtf^X459zMOfP6xhpJztLW z#w*KsDXQmmiPU*5A8j-k#H=*4Irw1nEZH2P*T}X?A^${Y%pO|WivH<{DR}av{S(0~ z3;vyc7@$ucI_IzaKoXGC{}e!9gb-kZZhVYuL{pUgz&$6c{T%FV4@t{tb6J|UwHqC# zHWM*yw6qoZ&%oMESlM_vJH^J2QK%DG5tl5<6%&PYE0RSQcSO@i2U0SojJghV;A{g4IdrA1Q%MRl zv&vt_!P<^nm>U6^cE>}Tg7EHnO_mwO`wEeQ`)Npo_T^DWwjsKloX)2$b-hYxV+y}~ z&_nAi7L3}qN}tYLx4iWJo#oc~?g&6e$o@ zn1)^;k_Z!T?2zGl{ahte7j=+@EBY~E@(3U^B~*z@)aL0jg2O{z_I&McxMjc6{2KcH zNY$+09y0q#@#A9??f_-$ab!w*v;me!Zz0t^E~ie|-&%pRoiVDBrSnzVmf^ z4WbGqV=I|BT*ke9!S59rR32SA-SoB#fde4He!*uGR#dP(o!AD zW9-d1@;@Pe7qV6N)?_sPQN?}AcYOk_ZB0`@RnU8OghuevSZ*E5Vm~m{r0{H*1~*s} z(sUx+PQ{s(gJZ58H5d7W1WHEK}+Orn-@M ze0Y8X^`w8tfzlaN-Y@C&=W%l%kGLMIGUaHYCS8yBhN5o6pws!S!j%&Pz0f^3Tp|=pD%zL$H-*b2_OBX@9-zy1Y3v zUB4n0^k%ncP89Ko$z#F(`yS321BeiP;b8xiT};6Ea9k#pH8zxY&9oxM*ptk9!v|kY zxlW0j?yadc9jvQ!J~kW(8_S^O<;fhdwGZEhG8#6|MkrHGr63=#ONNKnq?8I1uiEj@ zozGU=m|vUTyVrN-yEdDr%*B4zvbvdLzST?`B-R*CnEbJK5;Tq78k29j@Pe1yzkR|0 z2vg~#2A?MUP$*ow4rGWT7&Q%a0ZuL^d^q->fuQFRZ!$&xhw>UbJsL{k(^6P1p z_VZQ(e$>*D*=ci+YTcJI3pHH#ezAK_yrxylsH8hHmI~2SXQ};b78hgcy2Q$!a_7L2uT>8Zg_o6m7tZsR=$_WRqV5=vOyL1W{ds|=rY+YS0MneA-5oQvM%ozEjEsW;;=Z|uT+ zMJgsNw;o36c|3m*jjly|Dr^^R6LL_6ssSe-z;uMAXNvjlj&l#Dh#{W|SV4Ev!YYZ; zTaRJXm4Ix;xX~_Z*k>Q+)NR(4%9f3J;@0VZ%Dk>Nhd%088h&F7W1BTw3UF54>Wx>iyV#d`{Kv3wmR`d_`=uI|L<^qFN|$@c}~5qWbt>Zz7+ZWacAjbgJeDy zrQ~+b*+lPJ*Qo_(DcGion8oz41~pt2|6C?tZZyQA<{aX@)A#8%vZb_kpDwX(H%zm2 zL>1E0(6U_MzQ{41-mzwyU#q_ak>9$Z#SQNH68eDw_+cTxZO@E+P5Xgf|0pZ{lMf5> zvdpWLjbp6}0$sBwbKibw%Myl@o5r@@8xR!KWbQO%ZbQK1V%R62&vL!>Y*iLqbeV4f zRk2h23fgDtL{+B9&qLQ^x>|CJT8Tx$HnPu#@m|&PlcwtS#0u+;`gXnSQ=#4mTDxwx zeq@zCt=8H0TnLOS0@UMYyfGiVyzmfMzo}4#!v$4qktz`$gzvZTl937o&h>x##=^Z6qCmuJ3mQ0j^?VS8gVstbRU~S zIQvGuDL{{mm6m}^1;u5jpP*N$`#O%5$YKUFVr)IQ5l-hv1FFw;pO2)QpglATd*NFQ zZN23*o{=k~X?0~o^wTMU?HFYPufq2SIlaX<(N3-cWv0{J)RYS;FrHq&Ne z*8z5P;Gr2Mo`wj99aixTBM7&F5===_ris5tuAsr8yV$*p@$|%0`QrqN6}j>cd?eX? z6Kh!4F*NH-&h?r!sbx9*Jrm8y{yWO?3JQ^7ilin+Rb&OahwO#5iX_5@j4?UEbu$RAR9%oP$pL9>opOd zgOJ4qBQpA;k=7GTwDp`={H!aDs7iFqMFAHH@+rUpp+$NnF$0g-X%41yh=&2-k z%ZpR09fgkU$9We$Tbwa4l{>#!l%lW3m4>_*XLlVy(&`=A6*KXR?Qsl zzqxN{{$)orBx@c~WKsvO@9G*GAm*QOt+t?H(B@yTpv%fi)vR%G^&alo(PRbh zEjKk9vY33Nd@QZh>M_Psi*T@!Ey(ar{aw;%KYxuAJrK z`>(WHo8Z)Ytjg$>s*E913#)CC**>STr*wW)5_Ik&rtK?_cFT-`FEdnr&6rO?POZzo zAL9}fLL5A`5Ff+-_FSx5=59i`EY!TMmwDfVvU@M$JTKkp%b=&*!Yy&{#xnw*RRPXA z1>1kwfu%XK{j5@H;#q5w9P>mzRoyXY9a<}qEmB{t#|ZsN8lM$qJFZ7Ws3GXm7sG|m zXM*Z~3sJrFKA&h3AaOE{CURmvbpJuUx9B zijf_kE~jsYyD(x7_w3vJ`?{k*n#6Sui7dD0Y{vZ99@M_``2w)ioq0hR|7)i4rx2RP zU`Z<4bZC% zyZWfmy`5BV{4|N)!mwJJ)2g@!)TsR<%lW;X1J}@uLppCr9`H|9#wOLcf|M&oU80ql zp1yt~D`}*rLx`3{SwnH;zzt{Tg>XgR05db$BA!`d5!!0Hesewaex2Htlf3$S#v1a% z)GZRIa`o=@oIl+A8Gi~hajP0Wi0AM!RoHO$=Jf3LRwR6ZUx4kcMkHO};%G&<>aR$- zdK#7mQa?@5gB1EDnTlo0;4h+WeVPY_!#IaR3(E@nGDCjG9X~u9C9jo|xxwt>*^&c{ zc=DfX@2x7$6o<-ghMFNBUm0}XE`BaHj3RP?4P_{W36Tqqj^G;^UcEs8bJbg1EcFrS zVMJs`kZ6svopt|ZtIjZQeFkS2p%J!-QN$p}mg+K*KIeewyF4?oaL=3CD(xS)2w5?~ zx4(?do{u5pTx_6~U`-XFwSJc|T+#I=!-R@HR!OC(DlV75JH1(Hu4f!-ujb!sA2Y9V z)r{P^=cNT~PIQXKznE!WIjt@$W9%`am0v`Z$47U+4X^okFDh%jzFppPyvm*h7NUz2 z*b?I*!YMijprQvTu(7Q7uiATFxaIfb(6r?ZDLpKFJ>)O2C>`u(ci~Fal@QDGbtQ1+ zu6=A7zpt-1JD7ff!G5hxOl2V!d0lrL=Qho5Th-lZTh%S=L>PushhnKo=_s_p4*Bnh zf@~&aR_eZ)Wq?74&9URlgnroy-j$0(eJxWw;Wr##y`<#azD@r-j}Trt*h5A3q`=QA6qx zMr;)cXj&C*f8YKmb>9v0TDUkIw;) zVpd`iSbzQ>Ifat(L87KI!Yxrqur`~G?u-qiL$)w>!GGKud|n>a74vh3c9gOC{1^f+ z7|1(YV9zCz7uL44IOTG#ODzG=Wqc*iA(vpy3x$i{T<`Ou50z6%AKHz8Iod1hjG*b1 zgbp&?;b5cbSKe&p$;GUP(>zw9SY(c^iU<7qvwR9j1cne{iUfiBZ!c$}vE-1o-rFR< zwr^L-C9oqWSMzrc-sYMq-v@3mGZZh9Y%5(lLQscg8JHcTk%_L;BI}o%aV5zL0$c(8 zd7RC?`u7P7wbd2kKAwH|(E9$dTx>%f$l7VH)yxd(jnZpr3qTDPBYZgiJ;Xaik9e!0 zTF6M5A?7Gs%AHPl$hw1Ry5}@nt zm6l`ejyeQaPU(~Yz}gyam7R4{!50{nPg+T!4~NgS@4KGgE&rO%MrvE0!D`=u59YP> z+IpIfjWE8=U&f|DwIyO1unT>F$L0~Ht;VDaz%Z`sc7U!y`}xA{E@H|@foWp!tM9@K z8p8!FS^qWpWtgU2s{ znp^(+UY*|cm9nl$@a2Sa+$SbbHe^&kAN5Ie6Lu4@Ie4_Bt8_%>&moBNQDsh2-I8LJ zd5Sm5YP8*;6u?#Qa}y1=pm`AQQaG*59H+uc4n?VWJ4iK>vXQC=EZ7R>*>}YrS+Fc; zY~63HZlR;CuUhrLM;E*3{?X?X&MalV*Kd5dNgLP%NK+(=EewYTMhV`=K&d)1BEhhO zp;wbSJ2YN$*77fEt>nshn}oy^JbG5>{6>cdlCN&*D=7;oDE&V9{;0Flx*kd%&LlHN z^g7@3!)-2nRF(dd_>1s+i1F(V__X_c#jMai=z1}XrKoB*QbTKVAw}U|UM)xD*@mI4 zHW6C5(%HH7QT^8SblE5{oMuSB`66)m&9#LYUrU?=JI*bExJH`1g>J%TTwy+P!c72H zurw;!m)599$k4<^5>0Yfa*dZ>KS0%sVBO!etw2;3X6?QDOvmaT_j%)GFD=B#AYb@u z1SV~t*R~r^whK!z3MnvflV{7R=e!-MHcj=8z8}@!0CE-UJhR@Rp1QFvqa+=6f(KIv z)_>6d?(BDRYadV}g71z>%S_ENe!`C|5I|`U-YHac zSqh~I)zlo1(jjH+TwXqT28JFAyJ<+9mbO7xLJd|+YRJYNs)@&7S+7)BcLvT5aROzt z6?w$5#A=*XHYG%H|Z_c>njgw^*AOGhH^a6kpG$nV*TSE&C3ADYB{5-k4Gq|<#+eVbG|hjm6* z{IpBdmA&vup$FrsB-WI2fj>j6Vc0TqdN-D_sySCS?Q{3M>!Or#zs3f?xsEVh47wt; z9R&xaTyZgC2;%#}?AM_}NQL4`Z?9kMcxy6&0F!ij0F8<1Wj~d4Gix8C^J%aNOxPZ1 z29$Fg4B?;IuPH&`@%BAQH982o#<7O+pWX6Q;yZI^ud;*qDv>W5fqS`Y4_=2K=>g;X z8R4++$!bfAgNEg+pf0I)7xiS3$G{*eGVT?l z4p|xr5JE2q`qT|}Z-U&N#YG9%U}fkOhqW9%gsQvXP@hu~8UJ z&4_j2g~dp8Lr|3I%A8j^o@hTMk-8LN7}@77RalE!o!tLyZ-MFtaXGIVK=_xqgPy0> z)-)I1ciOnNuUCRn2SK*1z&Gl2(AewAEEz#b9p}w^D`-_agks11>@TmOp#cx zAg%o&iJp14eBC>d=!pIb_eavh-Y*{ojB3n*1KLZ~fDhlZeG~{f1ygt;PAiy1r)lBt@lI8@HDM+7X|#C`?)23)~%1_u#$ z5hw|%x(ic1pAd#$HPrQN^?J+oeGW{XTYEo~&>#k1oXnKX(|(Oi-T)+agMGs0UCI;V zbGGdAJ`c6`s^O3vi;~z;R+*z&(gzRooZD@2KTF%`d^@+i=RJP7?G>_AW2C8pf`q27 zZiKlZ0~IJ>#mUmSCDg(ad<$pF4x$Z0_}z?`0NE|MyFAg*B5;ECwjGz*(V8euZF>lT z;UvY|K^DMw2+&ytvx^^?rEn-%n2i`@;n%RHbm!ubUhRib8&Ogrb!;zM7O`}uuTfhx zAGvbSPp^L8JBsN-?iUvLidl+6(9mWVLD$_Qk@XTcmYUgIppe945@YQorc@WqvE_F| zq-wA%qSJ{{GdyEo@2QMy5Gx>0@8T;V3+DBr}BhLOaZXC-3c;7Wd{p@NNiz7|#DZ;Va8k#}TyF&gW@S&^c? zmEQNb&lR0UU?PyPH33gu`#i-a70Gw_BghZ&oH8^hL9Q6;gf^hZ;REeK5}SZm{pI)} z!hO#unaP5`N3`0KM#tm~mSScjp$Dg{%w(gt)#(qR2Y7JMyJ0>2cTCybh8AVD)3dLY z4!}ZA2HsksZ*|6Ea^v3+^Tx>W?tBSA_L3zoqzrCt5v)<`tl>KV_T%xi`H@-O2YeBw z#n1zkgBq{3KBu3%xYz>Bk&9PBS_R)i8PYnPZ3K!8W))A&f2Zx--{&QWsI~HF`u+vn z7e3HZbvb^Gt?Y*~$k{`_#zbe-pdC2G-_%ugU|QdcdU|RyVoF5>VUcnn+}ME#3cN4! z2h|40?nUq7ZxUtH@JP5^+bQw7Mat9;u6Qh*l;Tq9bTB^|Ts&0Nx~7f=A3zY6`*eze zmcb5xD-yriiToP=~#~&xkG+no0hR{FBG2m&fy=D>V47A2ZSMpS}LKRn{)!= zbZQAB!AnsBUM2!nn5;K*WzlIVLdwNNx~BiP^=d8e4oAx>5N9g$V$TX_(;jy_Ov7^^ zN4_Ez)4Cl5dp3{{gQllF9r!s}BU#;ByTrj(V$;ki><$JWY0i(VmIFr;y&qYvwhVc} zV_7{+%okI!1Vep_qx2N$3g$qyuVd~XE+%*P%g+KjV~O+Pi*#uw9MT>550wkZj&4Dloxi3^djG8sebN_;FK zVuoa&xzQFG-t*0zzp0-^hD|`(S}W1@8~mbDQ8uN$PN60}xv}Ftv_9ffP~oYA5Oi z<-YC5RTlhVrgZZ}4T9dsT^Bia?ftGw#xMQbMy@jE;gDh>lPs7h?7Ol2vGD$tSv5B3 z4B7OJsL3D5zEA$2L)Vxa2MV+KM#0wWTF!mwo0;yakBc%0#mVN3_9L9(#aM(%O>4$2 z)Y}K>*`mVkh45wVM8=7B+?Uz`^cMz45aJPeZKgQ~C=0P%%L)plQ2Vj_sMV)o;Ts+(9|Af?@tnB@oKIWc`?PhtbLV zrkg>hdLH}+(vFFDZ!h7MW6~7PmNv9Wz(uwFgieO@J|=D=`fa2VmrV8yqOz9Ck;q<~ zJXr@1$^Jq|q~&)R;|KeTkT0TW8Vp0H<42NRNc z6MJ$+&Fse$c%g5q=TG+$_&GV{TLTg1vTABYTc5VD%eyRIYkJ`>NP`Dj*P#xFbxI%B z{;zP->^#svYjHMt%~BzMnV&X$Bo66nI{&pbCIB8qux071HY1A)g{jEh=6de zY!0wn{1XZD0fY|M=d#O5lb58>PJ2Mh1`30gU zuX+nut)RJ%Qj)W9+Q-U6%G(Af>(bf^Ph_8uvcn3K>Hq&LhH9_2LAJ6l6 z8%qRW%~D<8c@M3k0N%|T(gEeIh6}A)NkoJ=V#9B}9XlEIegchTLXLkL?}1L$;4;zR zs}$BJq{Vv{yKvVLcR!O~@)xar_JO+>Ib0O16u!n>#)mbZ-?(N2QotdKz@?2n?!}_! z0E#3wD{Zs@Dyg|k?5`p)3i@gPw{Ym2qJg@x$czXM?qrR8xhZ?32GLIeBxY_e-C?Qp zo5o6M?KbZqezz0iwgA5N*lHMu!Vdw3hzyTkgL{^hx2>W7j)71m#ngDY-jX6%AuLIX}o3=nRl;1OX9ZbhV z3U@N%9=v-h;Xmkzomm3(O)i2jG<+LeP^q6RwcZmYs>HaxpzLoMx*N?nLtyzboAd~? zNmNmc{09dTZbd{8Q1o1qr763aVI0auT>MY!LDu11FEc>ve+I^EX|bYYw&r0Do!YAh zxKm!n!Crl7gGiPbz+k+4jzE9KdtM3l?o zlTGGV@s(7^bFGA)mCY(o`KFrFpTcN;Hi=0}uKCp6h^mRj{;)4HBU# zc0x`ip^u56%8~q4vxxju@V8Gz&)782Hfk?5&gq)Xr~k{L5i%N0rh;o0tUcT{PiDA8 znWU>I$%jPccdHSQP)0DhzSakto`=co(Q0)q#x8KJjCWoy79=^QAuZS@Y3b<^+ThxN zi}v8)aj&Q!7Y0-HM~O>l4aLLmG8-1Cq-J0!JY0|KRVV;YY`wFaL;NvZ(RbVL!?6NVZLFByw%@C%IG7#Y+ z%JG8LbtEGN5bfq|z#G5?vCHL%-mY`8NzS}0t0Di4BB{|>7%{zM4;l-N0uINUL`xF( zOPXwaFUUmrA}lEl99y>nQ;g3OX2MH&mAN{sa4=qFQ=PeJ2As4M9X}0NB5|BSwgUNW zq0BxHHijuMDAV`6Z#-FlEa5{9<|c)9Q}|gYt)>X0s^cF)5L7hbL!_`PEe6PYKK3&Q z-}%hgdivB`%k1+h;&%msHaNt4TFv`+;|~@P4O~*Gn$>j(Xxl3NA!MY&l5{|a4T)-C zX=Y}V&Oh||JVsL-LYihCd}LhgW{)F5LIt8JJ0r*aoE{1N3mIfxgl^<_?D1*o^Y_1}ff zKOSWR-jg+O2ZJ&UDIu35d4Ky7Oa@iy%xB(Q1g0`rImDOP^%d}EcEzt6kupFOm4-u` zYT_qQ-dEwItri&|Fu-mWp5aztQG5l*peT@aBzOj9ue<(@E-`)SOliv8=aC(o|6+xK zNPq~)wpAh11Zh(H4Bt&cNic75`(fPd3SJPz@W)YcfOuv3;et$uPS$_HmA2AE{TlKT zAXRZ+J5coWSc7`re!}BT{d1*(5Q1x2dKZDZU@h#xu*ITCO=(YwuX(W;VA+~V0q7p8 zR%k0@%ziHNdS2T?CWNY{86*YUHw}ebyA|XWFeCE3D?bqb^-i@u(=J2SK98~O``-R} z6GJLNx^ohj4#*x!6Sv;c$Z5uF6*#rNUD{VgPlrw?8Qr{%h*A;%nDeKvsA}nveCnM; z-OkB(^8ag(+#Ygo@40-~59#he0przKmUg%HKnxDQh(uo!lqgSvN-Aqqpqr0mVHdK% z?E#xjBE6kaJSfuLo|MGF!EM^*dTsO=iS3xHJf`drF2osP$K`i})ILfZP?EEzRGS1r z=t|PXzxG7BVhpB%V^#oNmZUw&cEWfN;>%{z_BB=HdQ>Jbpc`A#ie=|uH2~F!vUgQ> zZN#3!?1$@wg~y@hh*7 zy^AV14(0;dG8<(8NIBbV?x0CQwB)lu=g>;^&O;$#-YrC+QBjT~ZZ3;f1DhqrJRPe>GnQpjMW)AtAsZl`!1R;Rk~ z*T}#B2yVjrc)q%+q%X2I{rrd_9TkE*k^I7qvo#S#SxHqCCK@-;${JF-K)T*A(|b>H z)BKz-dI}MIxqgz}Nows5_-)QU92#r1Lq@&=XE1aGVt%;u4?hju4{;^~PaRAZV|;hX zWFSTP1&UGEE%!s4IZWhw1edOku4w^`f)BHid`dkKXHVsnpat-jICUY~7tmuCuH;bQ z@9W>bt>BEcaa=}Q)7rh#i)q^&bmAq_+@gO!TYDi)GMNV*ZtB*^eEVBUDS<%1`9YjO zfZD;hfg+fZuTQ$fjaa_8J)(owMg{T4?Z=3+2ZwZ&gVVu%x(R$i<{t?Uj+Apz53=SA zQ&S``!`>u_?D5BIQomjkGCoE%IursNOQ1BbCBLON7$ zVvC8=;d%EF5%a$3_zm^q!9onEvQiEt!TT*&R|!}yr^P(bBEd;_Re(V83mA?O`18<| z%Ld6-0aLR&9q@cHB$@>=o(_^<@hmZ?*!{zi#mtr5+8UX=n*8BSmjPkw{TCp&<%E32 zoLetQy=e;MoVT4x8}M$kKE8W9A2^Ko9u;o3fAq;Mag3jJa9cM9N-In*tC)moHK-ps zme{ST+z1>0$k|{*7rj2N!phvFX#A~wT$yWMseQ6*>iZrM93;rFUyzcIePp%3m=St* zbu--Ctr->DMDu`YG@%9OX4=$H+c2-e$E_<>14)LcKSVD_AE{OVnOMc@s7C8+AML0p znCUdr$Szh&-@`w3C&A2o;Esr}@D~1?>o{kIb$Tc%l#*AkW5I_-8*9-l8m*05+Fwns5D?seqQ|g9) zDYwV_SL&c`lb9znn03i7T)!@2c4vQgB2_B|YH3WcUMvea4Lch#H7K8H>9|g>tFN8d zmtj0PF1Oj#Lw~)WdnCQ4{5>pTL?d!!ApmD1+^O-At{{Kru9 zW6{gV084g1p>Y$uENR69q9O%jtUGMuKa7r9&xkMf=|6^ptDgNiI;2_MSPZ?tEkpuVb4U5C>08w0#Brl?td_^{jA3H`^cm<|3N9;ebe{+_tu^;aEY1?{ zxk#UaBa_}(^P@=TU6}D6psi0jI@}A+FGh6H@9+q7MPEbXn}|eiuF&5#!=#yq{~CCz zb;dZl;QLp>ch*BL(}E%^A%wdUnE1qH5llgHLIbGm09S8@eJZei=WUBtWSed8@yJ!k&)Sm`j4|1zO_e2E#0~AtT(5R_;l=!KTgP(x8=E2lDfhkJ> zoq-_AiJ{t@H0`e{sofT6%xr(!*diF|TeAE_)Ckh+pTu=8I(;agAp93<&7==ZqnD8Zq8dRb#rcHM-K1(}d7g=!cusD3 zlX2ov8S1WnHQO`xPJap`cRS&(PCkn_MjQF%0 zW`SjLzaX11O;I&Rzfu_e?~fBoX#q_x5q3eVP}&4}NgU+2rxY7NkFZ%dSYd5GF5!J* z*%_`s3=J#G=0acu$ywm)*)5p)oI8*Kjy6qR()XVdD4w9B_&H^zRg3n&L?5udt{uh3 zCA@fJDiop1nc$#Q?*^nt^(%xzQ@kP_^slENB`^{06T$-{h7-P1CuV^ojQEpi;#c9N zOroS6bkZBpf_Gku$8?VHOR?k5*1S=>=}`@{9H3zi2Pd8H0niuE0$;aigdBdKA$8m$ zdq||J)P-+Ju+MOrK(+H~IHKE%y+GVCZ`Y2EoA-LDj(j-H?E22e<}Lea&3G0&4~QEZJj!L0+jQ&Pix`LA+ZLK2Tzbb4O^Sr@GU>a`64T73Qdw zPB`syed}nrmg=UmHq@9-=mS^uNHs}Mdei6!fkbVPE?=W313PMPE&XrtY!d@sVUouJ za56nZ7wK%S>=4>ZqYSP@+x2MV`B;_hHdq3wO7qm9Gd-fwYV=p0bV zS5z6DHoCpjS>F4qGc97t9zRMKQG#QSBaT9L=)I$p`qU>w^4l_ZJegrLe7~8ha%Q=< zy{qYvg?Sd6Oj`H$5nUg8w_5So959dQc_Dn~7UN!s|2DD(EAvZsA3?y8;$`KO-)O|=t5fLldc{s7#eb&Wo&3oS2;46 z?hiS1jt&4!C9B1%Y#o$rzz*+`^>1_!N(HNg4?31os)nAv4z_s2{eACX z{G!h$@|TI{$+_(pCVM{gN+8W*)pRk~679omIm;wvp)O>}d6c`-^GS31J`e8|{0uc7 zafAc!Pk;@J5r!045YG2cO=U1i)Z~95lCU>qUqQ;WO0^a&&XsPWDRW?sPD#p0=UNQ? zYpH)aL>31`Zmr)OmBLX&8NLRE#>u+X)E>hHe)lWMD9Vfas92IyF9z&m89|i+&)H9< z-d!2FAIC_kTBy3hyQC8jXA@f_X*VZm2S?tHHvux8;gW8UAjfc*{kcW0uL~|K4iYIo z?^e+E4i8Nr=)@zrxXy!A`9$1gyTzmku8W|hu<~&zw(0q^lvb4CDVx5kgsck6v9<+y zjt$_P=?je zUrwk>4J+_RbJa}^68@ZWbetWeXEJ!C|K1>0J3SG_B{o5!y5XF2;iQJK4+tBN+M`H= zv=3KSq3yJEH1x+CF*% zJ8W>5kI*#W^=FT?Qetn2Z+RQTCRw=!jvz^3Uu;>JEoHhTdVm&Z`8AfImoBz{ALjqR zd{9X4y6FZ*^&OC{y3^NsB~A(WoftoRe@%^WM*Xbk0_$5x9mjI%du<1z4BB$ia{>6j zzeM3;7E3iNIAD>%OG7mT24;0Nps z!_etGDPrifkk+7qybiMpB*4StI6UDD=$gp4acl$ex9}Glc%Yy@a z2Z{*GgZ}M#bRPpB?-fOaRT#y`v|M~uiOb_8SVf8pvAG;Xj=EN`gYZ3mkawElA@ufv6#R_I z_WTHDBpd#C4~aG!^Jc_kiRAL2{ zUfu=+a(AW2fuemaZEgf^WxR3k)p79eIevM5wmx~BtB<z2yJC8F!uB+Y~&DdNrl~n`gOyp}3Y_3=HzH zn-o!)hU)FJ|H}RdCcM7Yw1=Jgc3m6{`i|IUyjabWU#N?rv*(zJB^G6`adE9HilueJJ>4`wg9QVs@_ronqg+ zZw_vEYP4UDXx)ka>O9kOeYg3ZO>mift;wJc$=E1-PkLWJ&W*K&RJxpgq?PUWzWSa# zgd_^(^_BTyHiw9nHlU&Y4-24o_r~vEHTz(EH~#h@ytqD{MEv&XyeHa83dt1Dt=ekM z*CtB$>$Bfuc-iovWtYFC>`24<^kRwaz0rDo{+Du8 zE-pOBe5btI{FLYAI|jy0s$M;BJoW6U$NMzN>%*UZhchp_N75!H4UVy)SlJAz|7S<3w8ArLEL2xZIiRUOOP1QKHIVPPvc8DtEpg6`&XN^9O2Lh} zqLfKg`>khi#Cg6n z^Spr~D+!9ASaq23D75{Z{Z>K|wG}ItQSOMo6A{B{Bp;t;9Aj2nTM6x`@JWiC*ptv4 zF$N?v&yuh_N-d5k<(;M|(Bh}Of{NXhQXXMwXox~E6pJ0Bme>r*${Cv!)q|BCx4fc+ z@>01H-3+)xzxjD^lNH!mZ}ar5k`*dm=ORO|L+7jkXMRX09i3MB1n5T0FbE&9Yeesq?2IZ5jUjeu{Ze8YoMLy)4Kq z#N;e`2-zVlF&L*(4+|6mN>LS9DRRobE zRh3C|Z7pRnpQM-?9q_Y?vlOY%xTc*xq{V#rUUjZiYcosT2)CYr{}Tz7PRud0G<7B1 z{5BnrkY*b~fbqB-!o^Dr2UIm7FZC@lO5hGPxX6yrW1E{=WNA_wi`jU6%0y3&Ywr14 zHjSs4kyAVtqRT?4DyiVkMr{tl);OqycPlR(uVJ&P8i%8>8{)f)X2FiunUsltjO z-fXIn#P0M}11JW`g7r|>+~uJdu;z-xVk5<*m#!i&^UTboO^ggvoMy@)y2KoXg#(oO zrpzRnpE(xb7ddBIN|FVl_P}g?u3SOi47ICNq}WUO%mCx4z)}xYk&_yCm4K$eZ~_K4 zI~8&0FH0Xtw#?8|s8}TdehbY-GW@D)%4|`wsegjn-F$9cy3D2~6O_YZf%>AhdDBL_ zbL(T!C;7}-6G3XK6+%a%8&9~<&f0V?6~Q=G=67nUg{jJNA$v*7TocC2n1~rT0*xUKQ}0bB z-Ib?ZIn}i$m6F>jVx+anITDu6WKw3H6!Uy$JXt4>u;v8iq?b^LldxZF{bY@wow|tw z<(LOI;s)xhE~xjeytcqO%&BusWuTl+&^vg*{CjBtFpapX9*9X$PgWWFkvytGlwu+1 zngwV95-=JJT|>oiCH2+90gwI3@4t)m=R6%?a0)J37nk(UYrDJmX`p@^xeFMf*PBq&njhS_=O zukxF#SPd0~oaNxB@^+LOt{#=T5_6g#!h`Yyqt1+Rh!uu125mJ(K(K$@KErB+^E?iBf%nwX+q9EFD{=b^p--`)G=B8|Nc*5o;SyYrnb!Ekr z@)7LLFMcEcl%Xj&6+0+r>vsx17h3<|Ftn1Tnuf>Pmo=en93?M)kcFMJBE~O1m$Jh8 za*HjivAGn_%$Pf6WmvFbr!;FEjh9+pkvWPjQUDuHzO1#5{!`=th7%5Zs8Jk+$*3ky z0_}n7T+{&;BcGWXx99fta$HP_EX`V@@LPlJ24eqJGYK=j6gDk zp=FA4+P~JcnzQDZClBRrD7k16>hGMaJx@a?`%=f;mNQjUED)tQcN&XaM5F=)89J^W zOCm|b*X>~ke3$Epm+wU|sv=51a~t+#iQDrFRHP`_m=U{)kz zTAUCxOi!x5hw1Y)?EPW@11W=v zi;&>4;UhLZK8n`rwh5V9GqctjM1zwib^h7bIVP=xDy`I_j>YG!m_i%=U<&ghW|XM1 za3O^_D0rbi)j^8$r}E7a=C9}2urm)bO+>4)_$)#wZbO3;j@F_&j%qm}&4@ieWH~zY z!iZJ>(LK?-Va2w-(vn;q=wVO(?bAdOoZtc!~GIzK))N1Z0jrbL?RF|ikj z+qptsgv@_9*^AU~m2P=n;%I?TR8u8*oElB2!&(@UE$W2xUJF#Xh8P3{sqXaMUkO&&SZ$nY}8&He&VQ=HC31= zfr{p)j9>RbD<}!tC$HORHI40d`;*)4Daz2e0%bh-9NG*VKoXP7yHx;;roj;-QE5Fo z$fC*>Kh<}_4RTzXb6Fe?!{IsHVi?R&hTpl+CY*9WP?ZbKgD02L;b1QwN-jIsM+5S~ zT%|E-9A3-jH;RH%DxFwZP<)&BC2kmDd4^QoyRG(WFX z;LSbHz#FJ*zHaqO+kId!%RzIk^~ufX*Tg7VBaGjnR|L44*6zt#PWL?7H}l8REI5~l zh0p$Z^8w-PU>SVj+*<0Aq_HpzaV-&Neqri0Z))f}J&>%^`|6j!Z=;l05|{?paGuHsLlaXIULkHGe&*l>d{Y0sNLKYb zj;7=Cb1ntY+}P$~h5@)kf>M|IsnmL?+F?j4x19pO!)9`x&ymWQ0a;-kXj3i+WOQ!- zn*1{|I&Nj@QY-RT+6V&S*s){QH#%k+Gy_R_9}7N96+ov}De6)TDVUg~yd*@oq@&rE zt!xEvWPz$gWNeg*#q^)?fgd>PuZsSv#+nZ)D~%wP#zcVG_>oA`NHpI}A<$3I+AA7t z_vkU_x1mDr3zJk;!35x{l(d|t#v7VG3qbdRe*_C)Ak63VEYg~a&t8~HVPV{Ey7?^> z^QA=R>?oQlY%NKNZH+GrNKBhTUtB3i*v>_NgZ}_oQv8l_q2GnRB1{dJ4UJ9Oa|aJn zvP+9BV`VVq7I2~zWyFfB8Y#?M?UeLNVonH$Q1dcw!^2}a(+*8~gi@ac)J-cX4Pp}b ztQFw(TmSZb%8z0q09J~T6r!$$iIc`f!hZ{D#eTG~%)!-oMSczxt~(ni?!kgaBGG z4fW5Fj1Z>YJB@|pJU2{Dg^zVu-{mx^oQ)}Flv@}~qBH24SlRP>MpRagImcOmQ2cAw zMkZ!#lnT;^j`pJcpzSah0+D?b|I0W9{V*6AZg{MtSE|4>)IxWK55&++j@dY4IXN|k z^vhaPYm>tqC4Gc@I4bPCcBazuqEbmGA@DNe+$;(eCB8h=YNH2sTUn{!CUtF?i|qaA zJk}1i`KTudke-NnZ2ys7Yd@>QX2wRS!&hwg z-@DCvyGNZzlsD6d$x%=cgxR8rqs0cp%qN=e+$5|6K)jIe0^kx!g!fEj9Dp265?pB@ zIp%0O;SgRgWL%uV+kfDY_4JK7*Umjlj^6WhFM1UX z>E#;LtH3we_*v9?2RlP-3!@N|ksYW3<^CKKuE0RDI33VH3yg1GBdCz)ovxU17tc z-Bz$<#&$h=(5i~cthEC`E0Ce8=P^q%>8sYPwzJVb9(nR{h*6#zybtOeIExz~)kk09 zWAqsnN&os?o=p&vr`Kh7K~u zjH57KmYXYH1Xhe{73DkxZ<0NwC}zps7U}Ke>TL z%W2g36k!Cycl?Zt%K8R)UPtqW*-lT-V1D6QgFvFV>!Y|*n;PmF7fiRr3>sY8sw>N_ z5VtkNV*UN&HjaB+nnh#FQtCx}ZOw{0dv0eJ)8Mi~u#uu7?t!)=a|h&vb?D{V2sy4P z`efB{eGxIk!jn0#uvt9c!bK#{RdX$~#SakM$%4LM zFm2l#f>uD>#puyv7H+CFUyK{N699%~RxzEn(y6Q!ZMf9#Ir6l1Voy72Hgle4(QCm; z3;pQF-)_NDn5&^mbB{^lO&*`*(hih1IHXD-mu zF`shas2^-73$~ILdM^gToJoUDA`Bb{0cxiotR)L@Uc`FXz8iWMSAq7O7n$2MXAMJ7 z4qczdxSo=6$j2-DUEB*cr#molIV`{-T!+JHB2jHvXgbZK#l%x;siaUbS1nm)>yi46 zO?BAcxIOV%CjreegL5`CK4f83s>v; zlXbx2(lvduT$Vk1wFSl2O- z=m&O~3y^U04cFL{KYhXqYO5R@Z|uNfTfK3EJ-vIkH7{Y(;rxj-#DFR;?PCSc(_C0# zmt0*A}|)tZ7W)@jVq zNl#IHinI)$+-`~=VP1r1$kQca(jrTv1*DNoSzNKImF`G*+=D@3K1hC@BQ#z1^WnqC zxK^nZS8G9v8DaW>Z7AqNjNdWOAcF{|(6QvS6(3F5_@RUBE1tGO@RVv?uq|D91~QB_ z$L7vxwrA%?t-PiMDI2$aJGaApV6^;s=+B>RdAmhj5gS8IkB))`J<6I*~{KYVfS0<}|Pkb24yT(;PbMm%$zw#fge)&4LELMQRF(udYDDK`M0*ckd$TA+-DYG_+QX-oQ^XMh=nVtyNiac~({I2uLIsC5lT%nj42Lvu9T zk+GSyO%i2U*jQ=9MLxU)MHbJ_T4hy(HP(;Wz-YhK0G@vGGuK$}^bsOOm)acj=JUiY zoUOI0D!e=qBrE3K^rT`)2n++vQ*@&+8Xw@K+?p}&1)F@WhVo^v6DWf55`Wfx$#zhI5fA+qh|sJ@wcg)|wcnv{-qjFzvx7L79}+ePlYjIe zOvYVh?_L(M`wpe;D|>Qy$ijijvA%^zj(hL+)Ng@T&`F37$thq=qmp|dh>OtHASYaS z#s>SuO}}fGtv=H#(I7^i*^6I$&W=8Xs=8yBO-)Z(L;F(e+r1C>px2hZ>r!i6)ogd& zeyc_NQM>&5%k2mM`^$F4EmzyK_uXl}nt<&(y2ILPR+_i8+IH>iwi#5wWgYc46&tsu zt5bIHSjsBO@XTaNtZfx4Z?x2Q9T~IQ!i#MP4dRIh@3ZpuN*lZXF)LrY#P;oY#`bmX zv-M}U+nTG-wcCGiryafhcAM=wY-5vy<}WFiWWQ!~3c~ z)-@Gv5wp;}#I9uLdO+kAqme;M`60L<6eKp_hUl_LO+~LNg3*oEAT1>W)}#LATOoFI zS!I#cgq!TmtKV$rHg2@$F>LgSxLvsRDm%BX!ESu(YO{f1OCt^UJhRJcK=FeqObxV{ zt|R*~@v_!<{SDSu(Pkdh?5XG!b~aKLVdF|o*zbOLwH@e>gG&W$aI}Zc`mGvFV-%1! z7Lmq^+Ze4>(UnOSrI>`IbpWZEfyqUp#1=SX?X|mq_SkDSp7}92{W4aZN(Va!8>UjiCn_F-ZO6Z$s=rV;@2Dj+g;@L=3FoKK)50gX$` z0=B*!4HZeal%T@@b7<~_aXt;k(Xd7KdamWDjOYNQs=&6i-E`HJcGa3Qt#Br3W8Y&#!&!aAe|Zfsr&D??q_yb9QR*0 zT96+=aj?7Bp1$vPh}30kues1_FJ5b_*PUqxo_f~$4gZD6q5iP9~AXrlxU`Y?lB zoopD|m-}7#QGhuJ;m)tZ-8zfO{?SmvZmdt(8!$_5+2pfp8$9;xxSM?_%me0q&^2p! z{`7G>w11fU;X%SIb~DGb=!yiTI@)|540p6xa1}WglJtS;f!;7-=&OSK;&BNRKBIkj zI8R8v%ui_}(ux!e<|cGN%x-irV^8cKvJb5$u(E;(X{-eC!wk`_HSv(mfeKId4_S6%%ntA0Z!20GZ10iXRu2P+#R=3Q zo}i$zz-C8=Z1)qtwx=I{%nlvc<-|5bCZ>6y6aguZSw%B0*0wsUY-zD@MaW?|Q+@q* z2CCbmzq-%XY&_GV$x5Qy{1)-SSfXrd!&Hf9N34DQHMVNw8*TU9TkX)VAGeEdy4ZF; z^{BO;)o5L)#iPAr7B0zYct_wIYGu3@QpNO!w`?;(~pnl`F=2nksd0yHJC=SXL# z)%gHc%bD1rUQ6<9_Zl)DzQ~9&31lsyFI#pCt?N_5y_5? zL#Qy04VeRsS2o*s!UVh&!Jg{)lGgGqa+%3G@xcf(*#8-%QW9yCK-xF~Z!B1^RDA-D zL@^!~zEoFv07N`#)N85RvUcQ|@o;`+EmF0#o&YfRJRq6o%1X?4;F!4&bz2PV$29^| z`1K@vNU}D8+FepnX|u%AOb(9O+yD9o+qvTjt66%srCXPyg|RV9UIzf>hMJ6Z4LoE0 z!^Fm93n5644Gtb=oK~WK&)M)uH}^-SC*GiKuF_A<@&aI%%D~F z$PiEiaEn9-9_}XV829hPpR^YV9TZm%>vX+}0 zu9byQMPrhRuo&J;Dq;V^Xv8=)x8j_NuaK0KtGx)1Qz%ry1~|kMrb7WidDHhlXdZ%< zl9`C@er^Z}%8pxH-NVB$5dythno2P@aLTxfZT(Fjuq1%n;OsaaE>wGh7UmMq+A+XE zSEj~_O4D`>Vs)kJv3ip>F)_sAD|GfLjZPdTuu2=g!nkmwXdVgc?Kw;c_H$MXkXuu| z%zB0-Yyx)IPk-}_W991hEfu(`eP|9^(DF$505K)vli&dn%;&jT%vUf41xtF+dWAj7 zObo(MV(cwZK+R3nU3g&FRg0U}?Ttgj2$dkXls|6Q7iaC?wvQ2z9c2FzrUS7oel}$O z^8L$m@<)A|AI+th22213Ayf6H+EV-CsxrHx-ep%o6HD1Mw1<`L0x z^0G}DhC^HsUY6jj0{Z^`t8cU^+>>6^b9XFi14!VasxtPElv*syV*K^f7AW>x|9Br* zT@(hO2szA!xe0q6*g|DvflXDE+tUv`M;t~K_`-;#7#L4Dh{_tVigIi|K(rJ=Kmh`P zwm$T%ZQi`f5@SB=pX;)>+_)JJL7lz-9UsADskb<)c^?|i`PW`)|Nb}M0I(~xsF@Ri(CKO$}kbzjhXyw`A5HJG`CUpKQj1 zlkYor5SxzyC4%v`hexcusK!DSMb5Jkeo<(Q0cxw;u+FxNe2ur#NE5PuE`GL zok^pfN;UBjf}W7>_Zl`y4!KC3eI?k@AtFCrsKRRbKsJGD+SHbTDayJ9(r_e|_S!fu zR+vRjgM_SLC{VnO4~-ykx~-xFPe#0yg`Kh9+K^SQX|+9fK5XZ`;RalL13(jaRoGC6 zI}2vp1^^3@4YEiu3m<;ur#7*qp53>&c41H<_Y{~$r$qo*3krIz{}@_O3QZ+G;Y8_r zeWg|cGv2%VaSQoc0S}RsfUfcwjZXAqg251pL)g|cWe@KCwgt8IR&g=Eg{D9_jb{K; zI*7(bL<{4NcM0qz1-LIOzzGeH6YDXfz%cf*1d3UvG8y>|0d9yOOS%E{eQW}R(aY?q zTRMxIdfMvIL=ueUU$3pQPaPU(9)fmNbI@*FQEeVf$${P(t7eT%quErIx-EhrxS93z zmWGT?!z9u@>{eb1*1@h_Kj5YZPvjbc%Fa3vx4md^8P<FfmKFT4rvP`rxQ$4(sRQ)(P8SM8P@;~?S^A}WVlHKOtW z&RcI^mjn8wna2q3o|(xZ@PisFX)3dwyPx51F$dHM!fhIs)Yy`?1}m&%zXT!Oif^dl zz5LN~Ar1_J#-j$VTf5BKmNi;aQ=|0_bYV*LS;y*icJR3_)WvpNy?TvRXIpLNAUg|v zsMSSH*l29;?jE-LZ@+=p`3K)K9L3hz$Z>$+nJTm~6=3G% zRX|ecxOQGvVn!vffz@P^2uyQhLg@kcnU3<8wNg)=ed{lOW^Y`5xy|w0554cx_Vli8 zkUuIgT0ykC+X4WY&p!Gn@dm}%_7MQWkd*>-&!Bw>n9Y;~0Q$n#--M8W=qlm?I|FU6 z7}Mwoo3=cmS+?QJoWeW8LhzISLtwkhH(~wVomLoZrcc^GR17$H408w~222r8D=cUv z>T&|>&x3TFh4#sVv3vM68&8eI$y(!*+AWbtj1iJIC1_=AgU>`K@D@(n6q~@tMkm1O z#_>{M}CtBvLeQd}M07z%h>|B_UVT9+7QI}mjhSv*kHRel>dny?bE zlj_Q(T|5%9tI*D`Xk>2-W>NQk=x~~Nr=|iTP?NTXn3fNKi_~I5M9~6E!GMZu2pgZ$ z{x0woOdvPGWpm&o|Hf8;7@Ci87GYn*0|c0jyV$BRV`D=JTT@$WfAhv>+uT8lC)oTo``XXYF@s%JJ@=_ML8?O0)OA-m*Be}A}aGJ0|`3I zVw{V|$O8~0r@$aCwQ?Jq7yw|4+cfw_2K~n&RA#@pqyW2h#x8q3o6+zmR~0wgH~#51 z)ID+-AT2|_D*WUXw&u*0PU4cg?s>qjzGO2P!we5rVAs6!78W{5Psqa&MpKxaV|z0i zcvW4EJ$Co6thKSldJY|7M{(M^JD+t-gtFRddv^P;tr-kr^~$9V2Jo+6`L1m`m$;C_ zop!9B{SYj)0P0{E^x4OtFJHCPX3Dcx$&nNY|4ctN>(LoozH$ZLAzWzM%YwZ*NW4OA zT_dp%75L2yop^>M9r}mcZ?m~<8TsK8(x*Q_Le=GUhl@0XvA=fA!3x($SK=yEwG zAjzoBBEl@>5_hl*#zrnZ?Y^w6@qrVB0p5ntyogo7g{WP@IuCKB{6p4Q?Y8g!@wvA9 z5I+82!4w(~TKAz2^Q>8BO|?z9xl62YH78E)w}U@=+WzO~w=-`Awv1@q^7(9Z22b}F<4+b`OYtu$MuotjtJZZ1L><#wQAKY#$o7Y)t8dWXfgXyqU z`UnYVGBGBY-H)Xu8cOU!zpc6C0whJ)p1J!OOsh9rNn49;ICB&D$aY(^bR8M6vY1o# zsMkD00XuekhhaFV?!zNiLEzaV&m2HC)Iuh%1&l-Zg6zv|cJK?w(dDcD*xFvVMM{hU zgR+Ge`bm|Wv8z!&Kd_J&%Dt6D#O+$!B3B1E2Bohh)j91|wXdn=F7$9^KHTB0^ zJ8k2NkTotJx6b>UY~PXX*7MAM+p~MW?R{XoJ@@aA+w2ZvI35|cy}eV`M65<*8=0*z zAIi(CEZ);&kqH)feU%M1*4RjR6gB-(T#!h*VR=_DZ!!RkB*96h$SV=S-VRlo4An?aKda?P>6m^G|H#luXRIF_}ab(!s)!OSO`H|EeEa|~GsSk+#aV)hl4aE&TL z9ts%qX|$RP*SFcN+q>-NPt8~f37r}hsD^o+25kS~p%XO@QQ6BjkE>>jBpc681R~sU zY#cBpZA)6(Y?j0-WvE$2FbpN>8R;Lf+OsYOumj*tljmbsudTo6b+&55Ci~UD{>0AR zbdf##^M?RG+pTu(IxEB8J-FwfH8d|p3dF32$UlX5H!ojnU;5S$Yz{9`7MtIJq?j@J z`(>`YmW-pNwRVg4ObB(={7CtbWbp&y1?7fg#xhL2f~S<^Cjwp+Q?xExh7%?zUoq?> zhhZrzTL$wJO$s&mvmZPMTYT31HG6GjXPwo9Pxbb6I~sxZ^-T1jNxA^W$x+c-TTcFn zVd5?@R|mnW*gROVx!BIS(Qi$GyX@+l-)85X{T}<}Pk(N+FjIw`hXBe>>bq|q6m1y`I+b2!k>to7KtT0(YRUD~dw3fiSalwQRAb`pj@0WJoq z0-P(tn9YbV#Hopd9T+0wcP3+hctM-3Zy*%~*j~&@Ntm%8y_z@AmCa>0>+PT|`;q2ubmm@J-ZTlTtacQx+=&W;{yq66ZkYNl@^7!sU7D9_C zLQ1*;Bo9ABzJ#J8)c87^BkNUhd5M)TS!&<8|6%*(p6xb+>hEPzvbemoVayBeAdMh5 zh6Aq|p|8TLBLBSpLz_ii71&Bk+nAWnFx zsj1u&WtZLBGuPU3(h*Dm(w(lQF9z&nt>MQL;qEqQ(@UokYiw07!gkflJr65I;0ROa>+( zp$bL5a_hzO*RqU2Ga{FZE7|ylfRx8a=@ipwV_x3FS;3Il*G2y_0{6)qs%YXBaHKZU zKs*V42b@Zud^XfCuMog0L{wQ*Zm-*XA=fUm&dGp%yDMhjC(dMIXzGMn$!@1ny^o>^yy1!~u#gOptQy-NKQrp?k;6k4WU}Or)j06*p0rEpJ**ROb+$mz54^Gczz{ zNB50bbNhOm=-p`^yd9OTjhJ*!zAq227 zwp=7jwyZAAXf(aP-uCyu-}^Mrqmg98$YGOr?a}+*_r7xPxu>6V&$S1R9A!o4O4~m; zXt&<-Vtepg4_X&?atXo?(Vr`Bc)oq>EB|iI^ncYQm)JDURB{(>`2NR8onB#OEr~!y z9v?;1!Xw^7G^m19jliwfT(Z+1I{3K#(OqA#(L9b*)K!9HFbx<57~yFefK7^l*0)!d zk8!Nu*#4_!7=y|$y5#_x8O##-o#HU_Fj_{Lj7upc^Yks*rc!+*DB;6#YwaZnQ29MS ziAOJ5y&1$jh~exMBF{0GQ{}bRd^CeuQMP8BgY#N@LY1rIz#|SauEHm^{@FY1uD`n9 zp7jD23$ECSRxyhAKTaJ8vGIU zCy2Szoa&>`q&!8N7?DgHq_tKtivi=ilFChH0-2lv@^q%oKc*{W zsk}u(+<}86cqu+b3O)scwE{S-P&j0m#&P~41j>8Sq+ho_X|KPe)2Ig)^;81p`JHo$H~X36sByrzhGYkOh$dv z$W)nyaWEU4qpFD#VlJ|nNeLn=dD0ymQftHFn!`pKld3jRJryv4Cb4L=C5LkrK!5+q%Jy zJg}P#ILe}7{2;#Q!ZV6bYdJcrpI>g-)om&!+T*A5yHW%$@R#yUSRIPkfm4%m*u?)d@;%CIiv50Edg2#m01!R2Y-=p-$&N_~~qmK8QO ze#9kvMRAlTSS>m~Kj9?2D|<(Rm9j=-F|u4c;`Zs^J+N%>6#SNIFS`AzYHJHgf7I2O zC!N5}B&Isn5=;Ftq3|1gdP6HtN$?KXDKk^f(ij?^qI*G7@h1^@SxoSOwf*=UaEOu@ zGzF2494y!k?^(?_@h$zsDZBBe)hv)xw5rK=fA^5Z)^4}l1LL;&@;3Y2zn!$g;|1H% zK`zwFR+FIKRm~R*U79*vdS7ith7g^Z&&j<7N=f_AE!?ecr z;)I!3TSd5oGQc>5KS`Y3u_nqE$hH6nnppd?@6j`zqvr*DG`fw#%{3<)cBWU1M=CNA z71`EsUzAM}d&(?oir95qFShG1yOgNN9BW4?C7+%re*?7{YMLYUyoggtt2U!}j4BZN z$&q1HwtmX@DC17;%qB&I|9QkawwbH{QC_i>mN!^+HXuQ14Mjptg`ua!{U{4LQ~0Ak4Xv zuwE!!AWIW;dym`k6DRB)A3cf_o0=FDL|#wLlhte2SnFqZ z*-PJ#qzZQ7_+}e~D0M6EWv=HiTkvyaz>`GNj9vRO)b{PqW8Ub`{9bHtvV1E^`_z{o zg4s?0e?qW01+}^ueTjF6(fImoWcUeSOZ|!D3j7CYoP|hbTr%pbV5rYvC`Yy`wLKt~ z&;KdL{{?P8@!wxw)#_oDme3j>mvn_gy$GQNz{_YewL?LcSxo3QiVuI};&qk@Q&f2l zrYkK8K@w(6+<<1qSh55GFc~j-&wBg&kKbo)I3+gSJis`Ewsu7ef^&!@w=h1Fy#34F zQ}*K9STKnHb zQENGK1coq;W}7V8nSyIe%SUOI!L$-=7(-v;ZK&v>2WeluNaVg7fXSV3y{`81Rmnmk>F;& z6H{BJcJm9pBGP&)pl}Vm@feht2fhF~NaYaK8j281Ie`bhZ)Jq~ove_g!kSDRAyJ9! z(0}>EH(Pj+#fkeKWno&;#`e$IaA>t1+Vd!75J=RzWx(3jH`&~;-EZ%B;3HN(_I`3J zVs`((oU;4AfRCxQ1Hq8CO*eK}_hnaD|CQuCta~==SbA-s`-J6A{H4X$TxYL;%kPo8 zPVNlre1yovItj~nl74=OF=#H^5d;vM<`zu^6yiELn9=2Aa&={_muSYwaMbSl^vJTo z(}Uod|Nht;pI>zagV8c3CMIyydQ3N&pw31cVgqd}iw|Ln`mXXP6fqx$hNw(VgyrkE zZKmK9OBpC;EXTE+)RhujLr}eZjxly$i(ha3ygl%5G859ab2EZ0j&m8moff+#qDlMP zPwlhIFK4X|(a3#YeAIRiS8ZDke;>6^RP0J{n!`MIg@wR5P}&^>Ip_OOrfL&@sSK9E z_Xw|k4u8rF4qJTL^t*^Q4{Zrw5OfL7M@bly))^uC;)QU{4(=U31I}lhI1_Z62^e@> zYT-99wAQo$$R{ZO9PCB>gY$C6!330Z%?TB`75}NCa)u>sWMd<3Zn*ps`-z)hXbCDJ zX|RN)t5^ zs;GFa(n=#}7|POiY4r?JOYjvU7XBZ5V)P6+duqhlpvHNpML<*T zvlhNvU>o2iW`j#Ua)c-TfXc(5RW|^x!0(dDa9sXFkpdAUjUiM#x=l#JcmK@K+J;T* zvA>&Kwwx;vj0!Dj$V1RDm>B#B(U_cN$Rsq30MaLcq|!bUMX8M!t&+qP}n9ox2c-fxWW5A2hDR%caX-Bq)y?lspntIvj8V(KOr%244%Qi_BkP z{jptoUmytq~SvW%4Atzr^oII!aZpHs?JvJ{nZ_xAU z)j(U5qz9H~7ftT`gZ4PcQ)CmT?2_}k#}8aIy{sre+}O3{(^pNX(~L5{T+i{$zWlln zq5%q&n7Io6!}bGSx<$avUbO~%n&E&Dd|W-4!IAPy%g~(NJ53$)y6=9B-Jq} zC)rdR@5X29uz>4>G66UoK^l7nQV0L|K&A)HxuEK5z9lI!=|_9$|7D3sR7gssP2InDD6Vb&eX^lA zZuPIzqRQ)G^E$v$feGF;)`FlFWaM9w285suvL9Opa03>HHv&P4Oae*#9t<^!Jn5

P{bQ27v6Vzk}>FAC%@R1Ty(NVI%;Wf`j;;g2kAqhurKVBww0San-eP%h1lht+efwu4NM*Vnzk`_&wcNQ>0d&aSz~^v{lA+#sVw z+c4_(Ag5$idA z0Jli0AP81^90cL68k{Iao>T{r`J5t97#8&IUfCqJ9be6`eBMFF3K57Wa`xKZod5KD zH1+f%7L=_+)EI<7;sDWf$!rb=w7G~$_{*oJ?!88f9c6HNN!Dy57c)hapBy>0IcP4; z^eoeOZ4;cvwCU&qtnavTCn2;t= zDAi>3RWkfC`yg+?B=YShZRsjy7_||f6i2l1LiYuSvsGxBe#RP5ARErF8cN?3KS3Xw z%F~*KZ78Gp3}aTiXg}G)J=;AnsQ&pgs4dt|^_L|58zBI8+s&Ew(PkH`I$N)2k7a3% z7foIJ62*mkvFqkOUJt9G;elmgnbmBS-|dp&551Be-=An(aDL;E|!OHZggO3B!uaiS>UP~{cWK;R1k5}~Y9e!v%6T~8XpU#vba zm=}s22quh-cJv7+D}srplV6|R`^)JiH%Q$%9CKap)T7D*@jXr*(wax$;v>CI==RYl zK@%vyV{Pdm@bTOqI9^dUh3UnMJ9GZN7bx9chlKI9j_1!@w<~jGE2=x+ye2TO zdsnAG9%`%TiYw^l`<+8b;f{r8fNZ^N4eFcY_{rrkAtgS-M{8NU~qs6Nf-n^ZRxjAh;n)_jsaakvrkm8f4>tqT|VKP z%_k(e-DhZK#8(SC2-cw=&J6yn;9yc8AJVsypFoz!gIl+x%c}OJ?>_2gLZHCoU`6tMEl#PU=RW#{^3s%wak?6|`+NQ5TE)SjJEe&FB(x zluq^aH&~FXk}6Nrn}L}mN1~_0;TRrQNgOaTGl}!-i_Es)0Ph!j_@B-n(2dbE7tLQt ztUMgLCf}KcMqJMYW2Nn?mbmZBkt){ydIP;GY$YaX-nfr8k~Ej2$X4QYp^E;rem>VJ zY%&RsNsTRD8F#_RZ!p@eNZn?rJj&)0b5WzpeDI?)tV`G?PO$wtChuug&TDCa7t>6b z({5kj)%&d{D1tcG6|=q13dz;94-7|uER>byznyt>e+y<1UdZi-zvq}ZV~cZ7mdrqPO# zayN=JmrB~Rrkt<=_hyWB0$@%CC6W^sDku9HD|}BF+Ba&}dcBO#Ww#7FpiisLxU4$( zzOFI!pPepY=OsgJ{GpViFQzuUPlMR(x5?roMZDOn>a{ucOYsh*rA^jhs1j>jLU!qtlY?OWhK#_)j*&!?RO2$8EygJ_4rok?Rj)5oIViD;YoO_W zDb08$X9oIw+{Uc4#076Tov#`=E|A~I5B!L zt>bP~Ys59biwP!CnHUg*h~H4oZ8d&pa7?FHxOIGRR*d2;sT7&X2dY)jsH#m#IxtG5 zX!zz%9IxiZSXR9Fx2x@71fD{IT2YSW&#_q61&ht=xMB=%1d8UB8>zRvL<}{U(=YSS8jTXWk=bg)@F~Bq6ptK?chpJzT%;I3Or})F+sAHu<6_$|N zuARSyEEDCB?0KLr+m93v^zbvoQA`m)#?t2?%9uxQVFH8lUd~EzOC;+;cmeQfLdRztyV)VL{0W-;* zB`My^aofA2@RT?sOxrd^_nq&3^1F4x#%Cd_*_!WXuDPtI_Uj)`3&4VT;>@=D)3ovp zwc42eGpOvn~t zs~KA_8XfQ3-Tj|N)g+XM#??glo80yUVZdg)snYmX)#)=r*_PI$g^z^u3`CMawpyrK zJTk{)N7|RiggZj>{GWG)ERLX&qzroIaQ;cfAS(U1<5uiy^-0v4{1mCbq*=%Pg_GhI zKCd)P%)pxri|tTjPog!J3LSL z^;{CF)k@K8=YS`3KKZ_1F~0vC1D#CmIHb1ygLVtX6a2gLOWFnlnZKNrup1_ha{ zb@`iUnw1hovB|_JhIP8E&ZWnC2~;c1!ZSl@c4yj7B|7N6KqwR%wR`Lf;JrL@n(TcX zF(36BziE?3GSpE3Lck|^hFUQ-g-N3-O_BRJyXj(P#XE`XYt>=lmVwZ(0d0HlYqg{z z>+Q{1WL$z#+jRL<9ZyEq3~}|EdOSfU=GMYidTQ%ce4z4!H!kG*Py+|HkqPnL-i9&E zx3GoGp<{_RQ)r{Sl*MJt0ljd+M`4|LSoZqH0+ki9~He-j}<1@F9mDqn3Uc>p|3)i2jK; zh-MYyy5X?9NjbS$^Wo6~H@Nh3yyFB(oQF_9Em^(Owcig6F`XN%+G_=pWAM3LE%li? zQmu!O_yEqp@F`|vi``h*ah83+Z#ashs7Xdt3Nvh-n4tV8eLSCOL7-hEL@wTY9>yUNPFu235SR z&tMw0Om+p;8k?(w0xLeVxKqEUO=JR_`!c+QsZFkV_2tJ+hcl?yBzKH|;8}c)bs$Lx zhK|nHTK#-paCk+FNAxu$V&DX8;|@<$6T8Nup=Qd^w33CwZ5Y~x355T|MBJp=rtXoF z+MBEMQeDoN-i4&wSt45^Nt3y&BD|CZ9UIujhfPkKoin8B@>q6P`zbAc0#oD%6gLnckWW6P z&3v+w?=nus;=R#I4-O}#V%jgqcWd?hbJc#%GJ4iiTCf}Bv*)6e^J_8pjSkb3U=qE~ zK74UWrZPH1%nC?pcwLqdAC@+93Z3}^sUm;+MnNfFjP&HR_LuInVLn4w2f-U2_&2}!k;ll=y|3?k`H0gwA*neWh41d z1d&9ol1RlMV`aWhp4N^B9O{0&NtQpF4*S_}m6LHyz9G`IJu!auX207=eqT z`()w!=LBzzAQ-uc&i{_3(2D`ftKCoNW{)|(maF7_5NMH| z5$c-za2Y5yHAsp(q}7Rre+)DK{cokECt>K;?lypl%b)|Awj8Lc5&L^9=+?vVs0fH3 zXGBo5RkZe&BY)aY!GM$paS#PmeYkjY>H#6BW_MgRd^FIaAG^4i@d#=OoPo6|RbtZG zKnaC+vN_F6gu!+RWzIbV3oLhhm5I_w6ii?qC0!4rjL;;B%59O&?V`f@Ud$&sYnbcO z%jce*&Hh{eoS;Nw!?C78V%Y=_>Z%FR=M0u1)CBJ@uk&Gpjz2#Z={CqVG&wf9K~CDN zd#FB3IH!`mB&0$3?;K)DzwIk$WiCK}I~tLN)wK<)Ge}ic-o&5}+$_lXksh)Y)bCIUY zKjHIrn5GyOiwJT8Y35AgB8r9u4b3jLy~~vYc@aR;e;@3ZMzMjo==XsJWVa8l4~qX< z{gs+7xU!>>S|-JcG5eD*w>@xUIZ~>EmXT!~KtSw{X0tIrgyQ50!3hI8A&?9KLtL1r zFfFnps|eJpcJ(6iLWV64x&*ZJ?-~S5T1;95T#p5r1n1CP7>Yb^asaPB*+0xI|6qT% zT(pXNwn^VNi`XX@o3h3Bdp{C3rfU-QliDXTV$^rLQ*09KkB1NIQ5^%H?M3@c$ME-} z+b1pkeypO}Cw(6WS~U8-5(~K;O8k+i7oxnKxMA|xo*o1W0ifJTtcn5gl^x08M&cEt zk<}lge~b|l2Skn$Ne@Wt`@rX`xoZbp`>9ivcVfMzv+wESE9HVq5~=fGI;U=C>oLW7 zsM*qLpj_GcEbltkI5JL2%)G;u-r1A+j0fjekb6>E25C$I<&rsVp!qvdrKkBkfe#!Z zzh%kPFGw}9hJ>YAGhDh;xmQ$XB*CEe6rtvPTTtNPMu0;0>E=ny-*dadq3k7a}6F0b6Q*NF9P zctuAUm5w$GS48QB>B{D4c;W1CE<67f{4R5w6eQbaj$W5>N*6+_-3}>5g*nDs5%R0z#1+&4QFy2Ku!u{FK3h=z9t=PS)zT|FY1}B$FJU z@{kcKkYh7M3n$BpBK&V1OD(ChsmB63rXDL&nz*V}>8LcbMkZBkB$~j9+Uy5(=EEKr zP*A!iIrmhLZ_!m9rSsF0!z1aRrGcF{4@o0 ze@@YtT1Y_$8EIE$JzL7eS{aJ;fTduq`|p5r0aG)ocw@5ftY2-RfG5nJF^tq>&#(l@ z6qt)kO(M$z!i(c-*(@BbE>0WtQQ8~BS>O|9-*Bu) z8&N3Yge~QZ82aSmvXR-&EDV~MK?COU`V~9&r`bDA*LK|4!~x$&=M{Zeuq&dnbLeOD z#p`%+EehsZd}(-PN0(&?8>8ObjH;3i{R9Fr4XxK`#Z!2WI<p9j4b3 z*`RIyQdDh}T4>%}c;GHUJyeK!_Y%$+aCu9Cy&lluugZHn%^^0z1F7ew@l7{E1nw75 zk78>Ez{Pn(=G{bdUa}2+$h5&E4cl{2*V9C`$G<15TpX99N@zvms2a;vnzcAsc_i!& zsRE|Vs$LQ{URk5t&+&opH)G0O0bvWLZLn}dzc4E4gWOzeD&xW2b3~i>)X&si&ovfXxvY- zJPrxS1MGHEgMG%-0hrki%Tn1#h|k`qe8)7-?=K44RHNf7(_0h{1PY}yyhzmRc$4Ko zbrErazgJT8(Q-`di?oSTNSrT=FNr7_!ejNhLH&lqTG0|Q^OcOpA9G${L~_c!oyjv$ zvMQrBuCr=tsogiKkj@)@yo_2tJLPNLlvkYzH$iD2tl;&>K&1I`e@_%fi4>X~s{ufX z$=0nF*3Y#Fnbs5wl?aDbbfM!1j8ZFjzM_At50%*M4DDmHjL{S!a&bhj@7#EkVBDAT zk2)WJ>dso^P@H5h9~Ln9!f7}p-hoi7Jd*xaGnX7RG%;DG+v=PW5f2tUvV!Y83m!FI zK5QTx?XyZBLr4m)h`-kT-r`d-V$X*t{+ zti16AqzEJbMb#$BJsF*07&!IShKr4KZbRwWaIGG~ZiocHTJ5-qOd1gAn>7 zB>~f7Aa#3_XaV+4^cEBm9LAC8S?W9&Ad%?{3P1=1NNN~K6%gvKh@~&7QY1!ljXdL4g2@oXtWs>OzI7w<^ z#E+Um$p)#Z`qgtdaZvi=ZE2fLz6u`W)6?eP$VyMop49}a{$KU%g856+)of>jm1KZ` zDhfLqjM8J2;5rjEEr+7^8z=d4_jTkwY)k2K)oje_+587M$BBlq{kpVUr)XKkaWg zZiR+XE1_$0Eg2PD)C40&W$a(Z$;w&C@d@MOGCOk8Lg(6<0MKI;heVCy4~V*#FG)t! zG#){kCJw1b)=?C7cJo-y;VoKhgF|Abizob5%bw5ko|zg4gEzR?8apEib4Fz3;t?_n z=^#FLLkv=S0?T27m1epSpJ*3UvCR>uwPWqx^w3nq{~Oom+>8+v4)L?fl28vs6mIJ0uay4}C1P?^{; z8Y2_*^&a0x6U9_;mt9lNOP19kWerb$KcJ$l#YiCUDGsQRQb=z5J*Y6z3w&7DL~tB( zeL7^*0P^z8itYf5;CA#3e&KXIe=yQr!OTxRRx!8MOeEGpZz7BEcDLf>52o=n;B|$X zHZhMpi)y6;k@H~hS6ZJF;FV1`{V#o1>I5wkH_Iw(lWSB7 zY^MCB9PM->zdI}Ozo%kn=dO(@8ynPQE8CVXF}e8kX*KK=yeE6~Fax}KphD}AOv0Fd z7F|>81vfTnfdzd)pU|OVvSX8+at62se%aqQ@ zp?Z6vbtR@r!E{=xb^=MubD??{yTgM1y3 z#C7v;u7-@Fn3WJQMW91RLA0yJF)T&}8dmpF7}K^FffCj35E8M_Z7bmhdEdDjG-)(8 z$?Uq=L36Z>KyOg>3+|e=Wcnc$;{B!4TpezPJ_)UqO0VCl#_*(H5Z6-X8=2{ChMN(# z9EPUaTT}_ZGet+{U$=A$zLcujlbJ4UA|U=fA)s=g%KhbeQ7M&GVt^e>{1S z*c4o96T;jy>SVw`Os-@QY-!qu;s>IwI+$|+j+_WKJeWIG>aN2r;mQQcOcom!Clw%X zCy;}4jHVHf0k9AUzq9dYwKip}5(a|FGivJyXYau3uhZEC}bn#BkJu1&9aFne03pu&IuYSp^l_Q zmgc>wkEuMCSdq>p?2iyMA#L#I&!}A&vkJHB2`t(xKb39NV1PmL%fghimG02_W0DMq zQh?1-84qy@Cz}Y0yrTpX1)t6D>(hjTP%02BYbel-+1S`OCYXWY?dnLFv>ZW4BGj8n z$!_MjJuV|=}ln9B~yt?Dbz~l0=rh%;dV^`S^*XsRsYPuyb4 zL4k%Qqud!2;=gG$5{)@3$pJO^W+Y1<@1Lh8qo+z z=YeJPRs4U+5~3d6OYv_`vzmlz!nQHU5^r0d}5}x zNTS|1zmGqB5g(R?270dl<&1ATM~%>zWu1s+8i^wmS$pt-If?kVy>}sgw=1@hls89y zlFO#`wkau$GnErH*=Q%{Nhdr~DzOG?x-kIu>7;9YpH*@x0l1#Q?DtTCdAB(mpNP;DNuThhmsCAMk zPi3v9^WLQ@Yt}reki3dnq8?t*l3w2?pE1u*<@{f5zp{AO z|M0o^0oUmnUu%~%F&jCM#hf1ID1ez`cUhR{W0dF>xy0%`nyup_-Wr2~mV2B^hf}a* z?U)@jMDov=jI&SjRJjxbnwHBXtvp6~pGX)(=V#M3X1~^KbACyX@^^1UX{^c_6%%6^ zv)UlVqmFfUdJc(jj>Joj_lT0Xt6uI*v-PFGP2JE4>PQvj_NJri(;Cvb`+Vf#Z({qP z6)C7yg!yII!WYCG;c-8W2D2!G{P+$aSaLl{}q2fjsYHz@$w1G$D30ny`nX4Cv!rP>~$kqJl4oPa1awJ9H6 zFVvn)+=NnGgsdK=Xgbi>{qITO=UC1Mc0AA$h~S+sX&F6#Sm^o2-Zeb6>IiIrkmdd;+7EgV# z`Rp!GYJH>L8ut}TF`9AY)*KEVrCG>WPB9!H>##D8K8dYhee+^}uDLM7y+O=WMM^R$ zd%_SM#>&zi{~)n1yB9x7|fi^?}L7>&TxLp6<&uRzO%fh~()9^^p( zw2arJNXZ;vRDqJ>c92K3J3YLl>>!a&rV0GlMWxrq@m@vrLctIa4mA$Pc`k<7a1G;F z$Pz$z*24GF)zxe)mZI%_=(_+Ro0-}?7sog$k*~slmxQ1MChA6~{6T}7n51M>6$yda zYm}0pND-1uY4m&ZH?1J~uOXu!e(N#h@Q)d7e{jzf3^Z#LRxXNox8tcnPWlbTKFo`D zE_>3=Das`)La7&Mdc)NQ3#fwNa44f?wFvWa@G5FuVsT51&?|BCAlMGUS-v1|MHT@O z6btXqNA;h=Z<{42yK656-biqYT#2P+SOWd`=P-SEe^F({ugA6Av3^c_laJW)H^QNn(axzLqb2RVoRio}% zN=!V=0J=*V-Tm!okI%_c4%y+Roq}J&^adoMDkStGE65?U!jj;gQ}5C9*!uW@yDnJ+ z-{7~(m>LcP-t?#P_+_^dpU)G-HGl1npvq0&KW8iNrrL~us5+CPydBQ~jmAz<_iuHs za-&>TmS4+{C4ZljNx9HrK|8N!bXa%oOq)8XGaIR^Av`yOG5utN^DmVhFw*Yc{fqhvVrKx*!j%ccD^jo@CBL-}1B8BIhYn+5FRN+eQ9wsv7E z<`agX1Uo)fsHWN!Z$7{C8BF}ST19SA$Nf!W`?=57^UjHEq&x?Sr9$IgB-5Nsd#L{t ziEElIw2N{+1ZD~+n1R}F&T~o2x%;jB6Km-L=m7)qc9$FhuH8bYR+g5EWL81ci%ZQyruGTX za5=J}(<{sst_bacbfRsZ$hlIl z9A`n2MQlD#fkn}DZL{zS6ycy+;w~juY!G$2II{BTnOS|epX~hU@#t2e5>Ok7$J2!i z@n#mLZS5r{{Ax8M!cOSasz^%h)M*{E#~x!9wjY99^^sh0czXAFn*rARU%bsZ;NwWq zi-^;5&Li-ThmQEs1J@yQBlGw*6N-hB8b?gPYYy{`O6CqvREl8ac!6Ckl74p0(xT&v zF4q;gEN!ReDA6#&JhqK1BRLE7ernT~6)=<`(m~WYAiScu%|| zinPuPb-D)fXquJdEttbWGULw$_JaWXKReK41k0WX8zL|933ObSs_Xv5(*0 z`HVT{=ysg5Enj&`7dif@q5cHrv#sV{-d%7z&ez1%#r?T`!32y#6`yJDg_oB9sw6AKZ}H+|^v-{I zDCCrtTF&iV9-{MF^Go+LrK!dMtvsTJ0wTXT@rSH=T{7GQ55+=sGXMpwyYT0ew~6)R zH9eSH{{5K!y!)bzTjy-nC;2SB(JjptDqtnL@e=aATa0@8 z<^(%qJt<*A+osumSEA$FV0~10wOV1B{=N~~dHg%KfiQV~o-w^(oRq6Gr0cc1)^j-Y z1)Rg{H1Zg7?EW=lpLflDckQG3ITaB-v*aT3Z*e4go%a|fkKX+P{Cj-@7wjih(XeX( z(08n0*Y0;8v4F5O#TnJ$&3AS1zP5fT^--&ICJ4Kt-89(5zMQo&d~58qjT`a}PGr}N z^T2Iss7r(832$g`6G`{oAaYaw{QVMb{EhPc`t@AI=QUQm{qel4>(br5qO0knRrY;H zXs1QL`?>#Cx9n0zAbTvy{WA2HVKGvpv6q=zzy0CzzI_fj*Ke$N3fLC=Zuolhss5hl z_?m(B0{}*5msh+!xTFid?0x=x2kis29yWcvKTjP#F{3d_kHg!yb0oLV=>T48gn|IC zJ8ZsHh3D?(_1nF=w-g%iU!TrhJ_48bMNKnubX-2wH4$mSEa-sTSuK|WpRAvgE%XS7 zC4RAfwKaItiIz6#yuf|uM$QrrKPll?%qVS>9=p!%HhegyXi^hcqa6cbnf0hi*wros6Uqt zwh3RpE9@TmRCX)_63MC-yECs}zj(cMq`QPSPQKNiU;n=8RCdgWJ+&*&oaleP|5s!_ zbPjFZ^ILk_Imet=y4!@$znc=@n_rKXFHTeShmDwXb71HtwBzGX2<3a+f_1 zw88~mS2Am^-HT%|0n+I@gr9d|ON3IN$89?Yx-L~df8HxcHZ(a~7J1I*EiG17e6*Cl z56$s%EN!xf4U>=O-KU-MpGI@aJs#fAqcJNc`4(<+oP*Hy7S zdpSM>U@}L&*)I~VY%g%w{HOcIzP)Cb*yqWv$@Q}sE$$(!d)pt^5zt$|?7m&T7fjjy zdmeM5KUXI~A6Cr%lQTPD;vGv^%p3G5G4}tIlo{TyA?R;%0ijP19-=uI^QHo@ah^3GK~G!K~{Nc69<(;b@}O}FxaF!H(1BY?&c=8wU<@2nxgN+cybiz z36psmPM9{A4n8H;`X56ldBlku_!~NcW}8y+%vS!K9+`2HLr@(iEgszMMeQN%0#Cu% zc<*nuxmB=cl=f%SkF#joe+=MVN^jXF1j(e9w#0 ztjz2d*G9dxhfJ9$rAj73I|lf`G)z%-{mNH`UXa~#@(iq!9JpGpm>J2n zc()@it;QdKrx}6R5w}KzQ%)eBT+SD%Ma*tTEmnWx1I)_?c~oJwFq@R9jQwJl)%?RAc!}I$gEl{b z?Nqkm|IsAfA-I4LPo>zk?0HuRuB^RgMn%bH0UH8592h&ZAG8yyF-z^id^=^&JpT;J zmOS)R4Pu1%l09e-3W*J}2qN3of`=-5p%Zf*fznetR&{p_GYbQu18G3m8LfXPfa$_P&8L*&9di|NBv+kWuz@?HXiiXLMnZo$@f)ZKQR z_vk_BrFp;of;g-iMqu3H&)wA4)Q^Ole$>7G4f2m_dm=X;oOJ764<`=^6g+HDXw#@P zVPcg9f>kZs!y7wTo5nA4$p4V|M1j$^NUxi%n(DJgWJTX7vylN+{*ZnRrI}R|C3@BI zG`46#gnH7^r&=!#FVerPjLZPTOh%&-yjZDPWBM++<^UfL955vi_lyBUL^HGePX({r zm4g%v9q!?jn8OOT7;(tTlC+*HaFCPY9_#>NYQ9lKY6w~jsI-)ZeQq&CxwP3 z^`t(Z^|@+I9xQOixN&brYE;a^x8%R&$Hxs&kEa0keq@Fcq}nQc32t!4>bBn|V$snX zHwS^*?x%;#8{4O$T81Oj!^j|c9ftMp#d$1 z5R)~5IzXw1^^TKGJGx-caK(wW7+{4Oacvmc!npv%9^TZ~7qwtyNd8%(Rx14}H`M+! z^|u92x~1tcmVZL6Qla*5d2a|HrEc_?4LdG67lrj){$Q|uQ{`t+qd38CrT6g;24rhi z%f#s{@HzS?>H>^#+2r*yLwn+;!@Zxf5wXoEzw>w}N#xVS3l#|T&f3mQ!`?A{ilq?$E>Dbpr%{R)q(;1-~W)(p+y`^-QfG6U7r3Zl7?B4^a}xb*H5 z2pm_;ioDQgF9sWjdIkG97#^WDHNgMuf6k+UtC~#oNkQS~)`%Q|B1?4_fjgt{g?H>ee3Fv8gp3HLGMK2nUBr1cZZW(8R%MQbjY+1Y7M7D?9JZ zLJuQ1JM9cL%ux~S(=!7i2H7|2?=@I-?SS=#_3o5|#t8?uq2N+1x|(?U%!JT0_21( zEXCxyxaV~4e)&4nwa$0n@(qWSfKZnC3REw;)7?hHzl&do(3s0VIP~#sa&nXY58ixd@P~$5@|9zii!;r%kK259qVB* zJ2E#LpSvHS^r`V@pn@K840PnDo~P@kT?-uTo#YAN;y3~P<>fQ*34 zO@&$J1BlMRdZztQm5)e?Qv7>IUCgsB@)6y~nY-?<4)T3i0!*z*Oibx|u~=ROK|(_R z<;kT{MEBV1^aucC!zHSe5~7MIY<}m6`vRY5zEP6x7<@(y?(f=zxjpdH%D@rMd!^S-+22t|c z{}tF*Kvj_N0-uZo5S>=bL2*x}8ZR)JJ@Z0<&f4(3_V`)eo#MZw4x=qgD9MN#&yGF6+u&IuG3=MHXDQ-Nw&rtX5Xw8-m`IY z#;634W#3)cn!a&X9x-Cpiu7Bjj_*K!Vt6;sj#!{KpvPfG2U|h)Uz^GH8SNv{)K-aB zMtL71MW>k!#eYtjff-8!hC{-BX~Bq%BTqN3ME%gnu#)Jr&T&F1Gw?@NvrN_{H-2Wvo-zqu3c>(4tU8uYNB zp00&Y!e@P|2``pv=VTi7H|PO+m_GHVj`&UIy-tI8G`(1@;*eB0z{?rD-vY2)aZH&D zY9;R1r4FfN&myhj@g^(6K=fSiy#>4S`YWtuMZ`LLTkV#vKD+Fi=h<)m_Wwa$?nIM7 zs-sGabBg<76nppad=FIaRSs~Tk_Xs$uaFj11SG&&<(QnDLsH=wFUV2WbLc}L==DXC zG~k#Z0G0_Ln20$sWIYe;;uORO#}8CI282L?2)*|&*S~R)w7`4vd9)xjjR+<|iK>v9 zi8OPAhQK=mr5Nfn&SX%m0&$l`Xbg7&fq;bOQ^d`D2>#3hFkyb>*ptaANygaqo0xtD zPqyYH5X7c#>V#)Q5NKC(bJ&Y8*JMkl#h5#pA!1q*7=piGE}wPeD z{RT6VHs~6RMp9y5@(eIOh5bA2~yl5MINly_dSfZViX=sA0NCQo_ z@JTeGsD+D+a4h0i6M?A-83o)5H#o#X2lbhZ9AD~}LsExKJX0EpkOn{s$;E1Nc!^VS z{254d5j1#cVgA|K-)(DJ_=4GT46pS-=YSOt?6$Yw{-gHEzxyIYk#gKW&$V)-I*q^q zj;HV`#IL})70IaZzHmGW!O77BF=4Mp0+pb%P$$3}VdGPOCJYhg^bTn>q(2nqx?IS*_` zrhzkNi|kb~Z^o_&j^@VMsM4%p1VRou_DYOH$Q0qbn1aaLsjEylSGe&@YYNHG=DWsI zg*)0c0#Pf1Y%c0OFBIXEhIZ zgxZ{99s=Nn2!ppdpGtFg#NsfIe7<5kFI{CjFT2`)_EjHn_g<)f$|b=fMxRTdorFON zCu0X1Q479_d1tz1X6LNCz0+D-;+9BNEju`9E1Ozu1cs6b5h=kLEi3P>V;XnumF8`8Rg=-`7*?A9j=j#7CH`5T= zY67{r2x0jgO;M5nNZ~iXGaiA#O+-k%m=6%hL%a%(Mb~HkanI!0VnAN_Nug8E$s`|u z7=`{s^($#I(Z(40L2aj4H90P+TVWZUc3Lmar(u; z;XuW#Y(Dw`AgVAi5wyl3q>m!e^4N?K%n>0mKR73zIIf}(x-Wv7?vGvOhdlTilaSbx zo^-5E+tM@CbdScVh>sKOZqV+hW&P*Wse{(it^RwaLj_<@&6RC7BTWctj7?nvIV*%v z899AHx**NK4wwjVg`mZ-=a6VQq<1XIwPGAT(@+>)a}J}7!rUb-3(g+|9Lh2iV)!={ zS_jbyLr0=nV3xKtkrx>qAqb%zA{QJBXp~ueMOnvi@KNwwIl(m_u}H!(F!(&o93mBN z2~zx{zNqg3w3$$>WLI9(Zhbwg@WJ%KgqE8PpE*4N)P~m9W~4qsCxl-CUzu<}j24!R zp@rmUY-lhGK2>dKX2x13v$g{hG0~H-=8k47OfybkBZq{{i!9F3L^1^7r+H4$+KIBr z(Vl9G5^6=*5H96}ojfsyR#-&ahVi1YWeCF-a6o6l*&wD)G>z_9!#$bTLOl=7Jf@JF z#k9k0O~RCPMq%|b4qHJK7C|Uo0st1c*97l4K4kDt`N=4W274Gv@{UB0mL#&{J1z{v^Kme-@ zw^NwY%97|vco3{5*lE4-IlE!Y3Xm6$zG=Y5cRyzNp(KJ=?jyIj83d;azjU@(!2l-;$hhS#khk&6cAda-L1k zdp4=2EJJ=l5eHtCJPX;;i4;g5g25m$r6noPqzaMdFmL=ha+(HOQ5d*N%`Ks6iBZZl zV>X=z;TS1!5Jcst@|dKEAEz|*QADLKVZsRJ5+Vwd7I19qSUxamsk$das8G+wn+4NJ zx||n93wVqBU2t;G0FiIGxr6y`h3UvAg6a)^I8$r6fO(eZq=9Ek8=?CM=9a_-<4vXH z;02TN8SClqwb|)Wd*sAnd~P_3V-`fO3~21Y8aA(es|;1G)7 z7ZLL)qRs|I6mFvBTAeT5-BfYRbrH!ZgMa=4z3$%l`>mqz;sYXt-EE; zZnWhD@{>6xii8y4Mh>?^O+j9-fpy@6}bLg)7UF4(t^&Huy&OCvE;L~DU z_!dyj#guf7o-bHjh*l}0QDItlv_`G7uifS+%uZyE@+ve2G=d6}B~Q#+#NUq8Q`j(u z*(Zb%p-L0T@LwK6L>=Kg^NcgqF%FoC^RCM&N`jGe71_8!=i2}fHDoG+xZe2qow0^d zdsC>0*%_IZ0h=TFNX$lr1HA!1@^gr;1p--T_7;HqjG`?7IRaw~%SPqdg%V>!li9w# z)pqVo+I)W6vQ_eQc%~fbK?H(AhZnkO+;dY1l}MQ=Qy2$x!R85fhLObmBwrN(`eVnB z&==;KbbvC1cPg8+*|8DZ(utr$lvjgd&^Sj$Dlp6f=A?3vnwnA$M?x^@B21%;#H~Yz z4wJ|=%RC{Fm=d}`Y=%{=3;sd4P8le2tvkG4ru<)Z0BSez6vDd*Q_haN&R%TF-R8V z!9q%@UJ6g@IzOvZFV?YCejWRNvYYf*as%g?ah#U`u?q4A0zejIj$lW26QX+lvp3t! zBYUlglQN%&^Fq)wGgCOhTJ8AJ!zA6z+2Elk?8L|^>+OVarn9yQHTaH~-(Yv$zt zr!CBg^CBWWr@ozbK-Hi8L5~YzYYKPRs`eF_2?0AbHDr@G=+u9;AQCZzsvH6#B8tU= zAnJ3FzV)nbxAq>GB?OqxBk@s9y(R?p7`+Dz`6qCH@bD>n^zaFMI8|_p&14jQ zj})wPRiE|rt@g|p`mCUv;4UJZo8ekQ{L@ooFb(b@ix%&OweWdl{|S5i(IMta_?ANG z;s1ay%BdZKS(nOL?jsceL9qzEPJ@9daKB0TY5r1}GV(iiVy3KJw-$4Uv|r|2J{tWl z#-2}SY?`?$WW@`yql--UXRum#>E#vsC1 zi{dEMe2RGF3sBRs2v?sXSZO73)FuM)sMrv*LaQK`m_;etY+b=Qd*e;l+2j-ZK(w6A z6NXxU#ZJq>6mk>YR5Km5}- z?Ec4xZ64+&wkkl$wvQ-R1PFVfU=e{v=k;F+)M1}FB010@T!f&6a|ve6V~`p+iM%kT zzKb$MP<(Q&njDOZ5NMpRLd+F5f5!>;`+%!7R2@vel!M!>BPuEJeX3cJddUb z2Jj9iG=OCY^=e1|I(zi^LB|Y~!xD-C3pBw3PFZY3N8FlsKZ!`kA*7}VFrEk@z484J z4JlwY%^{f9_jTFJe(Z&o#wV4_cQ7kFgYYjy;7?LonhEgd85g=$0%-^q3_yE~GPd@X z4m5^w8$5N)22W1lxC9~a8}+USo=N<2pmBT00Q7<&6cd#{4~-~-pP*WuBilAZzgcd8 zNm7w1hDnoX4Ow$4;g$fD@LPm2siz3##_*X$!BeHNr-7vi-DzxSiE2VSF<_ZDuw{2H zl}OpTHT~At)rB*ZYk0R9KuJgd&6E%{6-+3>lu5PunT)0Je~2!)fH~)14)v!f85i;A zJ=?vY_Rl$)hJT^=P$m}1;5rC0>6{X`)O%kekrOdaf|d7TPlb0#0;2iXh*;I!GwE0W z5foH9IA(;T5-U6GWj9@GrBjCh){L#$zQLY&^pKU(S(}_3K{6?O?znY!^jPbB@*x*pZ}IoDrfGZ0D!f+`eK&es*d90}tSh-l6jpL}2Pe_ZGm z#Ruf@oOi{W0;GiRvg4;l-Mk~P8JlN{9zA@DhzjFwg{j8oi6)V+p})4cjgb77C4VT6 zX*fSWPlPFrlX1>^I=if`!!!MqSJT=Tw`hk&Ch3vlr+2Fd%D`(JQj*+()@uDJ`2rP6%7yGVlCi^zVF}ngiVrC9dN-3 zF^n2LE&`}W_lr*Q_1sK@iB{^Yn$mfBwEQUi>op}qi8$POCKM`jDX#E9cY#uhg*AG4 zeFv0uB_|9r42FkEQzjnF^W}hh*)3PvwhbxU`>$EsxM8i$gr(z^?9gKmS?5599i1Jq zu6FEV2yw-_4y0V(Zu+qo*j<13&lV#jJ9J>bP41qx{6xW8kB-?JUhzWv$S1#OC#F1t z%4fvwy)lUaX#In1Z4rT*7>jRyD0B%oaSX)~4FiwilOc7AYm|er;PY`X0S3zTsKRWJ zrHq*@QW))dpzPlJbpH`!rUN`5$t}~6uj-=+TFk77zd%`?Oo?mqw**KLm&PzVGYaz~ z+A=Xq#^IR7ntGk|FB5TbJ`Fd+%#Nmc6@Tu4(y+DS`*~wUhCx``GTg*B0l;B zY$k@s3274U#QYYHOHaHoQHv18{tyYHSu zl05ER(sbnKNG6pTN?JSqy$E?ac^2|T(S({XLlRtLFzz{=C)Er%O&Y&6ojm5cG@S^V zSsEOVkqa_OpER*gUJk-MJEZdPNJ)EYwNvic|L2@c!!ZSrEsCeLnD+)RL=rBAgpD9> zK&qldYb}H(Debo)@lr`*F%c1vu2aW!POC^oU{XCJB(KQU3$WtxstxPyfv+UF|2eci2ja3ERG{+rIgCU$aS^Jgl=U6e)*%HvJ%oD$a`f{$i`OEObNy)6H8?7?05B_-!u;S1FB^4 z$<$E4WzWlhA?YhUMbV(DR8Rqg-$fLTNChJhJ;Vw z^b8^m)s$Ht;Wx<6rsqx)y(nPTkQ0DLkk5597a9WNf>=fP-g=$dvl$n&rh&U>LBEzj zQ zuCR+P-Dz_$nPM)Be}IHBLcsF5OwVRrZbrF8bVhJSWCoc$nU)v2J@nWUZafT}cjB`E z4h+woa|;(aFUc+VOAspAYGO2P9ldkl4*2ezzB0u^P8%rWmzYbVH4!EeuIW$kk|v>~ z!NHT0XdgYcaz)X4_oJnZV-j+W()C+NW>XX_kLH_WvXq)$Vp3C0z(aHf9SRW@;R*6? zt>f`bZO$R)D&+)zmZ}Y-`MB&~=Gtcxi{a>>*SIwH#Z5SU*5>&i@U=r!KEdmO`qN-_ zUIW&5X%+g^i~MVJtn1Wd+au;Y=~uf(>X*zDPU5xA+PmKL#h0=zfe@zWOXL?VUK_LYDA zs{QR>|D_elpbKG|DCA0$h(vw$|HM?3S}yHFW8nuket&G7bX;0v z7Sd=bzB>mqbVyKxgUcBq7ee_E7pl=Sx+h`>Q6MC}U)qwoEw2wJP(v}XK&Y5Jcu1-Y z&d-dz@GuNzyylSJ;_b?*5yKFhSIF4&Zy*_gMGUP#u-g{ta*Qwzj%JUYu*nB@5$8%6 z_~>AycSi{)wzRiluQz*+P>@^<7Ujos2%#*|C~05?q~ev&y2!R&vDwCEhpZX1=BCT8 zg_*Eye6ncdGI5RkU0Sy<)0{dccddri_PZLhChde`ep z+vJ+nw9Rzlk$B0ryfrOriyEZ3_a;by00{iwpD)bBXDjO6Rr)0~DH7v{?|8=N`8=O5 z^PFNWPZ7bXXb>f0O2W;UC;jkKnTn|WpQzeTdYg?if^b*wFfwwjFa;7bDZ~6D}nZ5X1@U;5Wy%?@DP#(ke0|L z63K>3Qc)PNp1yw8_RrS(;+oe;F78{m=HK|Ye*f0%imN$`2~r7hJ`r*Gy#xDLgo}K4 z<*!;K`tk@Rl=qO4;AUlA6M%IPewlCGq#_MC0eETEsFQ?q3n~7NB~A0(Y)Whe%u1nYjGzh923a#VJl%0G1f}K6t zWt-P^*eHv$^JJT?UB2Ar!}-=XJZzP-VOI1!dI-goYROL=L=_i! zRg4v0hy|u4f3>g03Fj>s-=Dp@TRglsP=>2;=}+=Teo{eYn_{{qNnI2&>vOojQE71< zz(iMS?$c{%p7q)Ev*uH#KZyQA80MqqG)`0}4vW7q-+V*`*+d-~N8_``ymG7CSYi7Q z?q^OZqZ6qJw@?YtEzVT7tpbn%EAf04mdjuv&m zS!@2|#+b2K)WAqm)|Fvbq@j6Ig~gl8eUaX&%9NGnerc|goWUGqMiO<#F7w$mh*|@S zpH<)gqw9)B!+|JxFJ~lp6D=Uc4cxB#S(E7iF8=-2OK+~cO5w4>c^C{lk(tIgr13mC zY{1p4TOCGFTUBkvxp{beJ|q@;S!08pJ$uBw<&;YO5xeF7o%ZN=pRhtEEgx^$(=}%k zgsr!4X`;-EF{m!J`&KNoXP5b%!3A_0Q0 zQBW_!PZ_T&TfQ+2jzP-j&sMpNIZ$?TwT%XAh6SzLP+FwXf8)&=YjxhTY}{h-kQS=L zHAtw;4HH2Ss*0OI&x7+udOnNBFJlfywSc!wf)}~;1doIQ4v$kLMKs6rM`3;z5(S_( z17;!Jg&6%N`ObLcBhWL)0$z$i4hPHaL~7WHAI;7nQp8KK^tmrIIapIgi26ME?p*-Y zv&>5XK^?qsjA+K2@1nODh9(J6Cx@iXsd3h35r&f#$ntZDM;eK%btwgx(GXur3{*)T z6cmQ7lr%Y&LM(^q*lCx5jpgLgZ&K6XfZ#bQKXY>t>$}urg_Tr*xZk3JQkQmt@&NSG zG9Oc#oQ)BgV574hF}Un`n`5kcj(6GcRMbMGcs_ygytgx6nqnL?GseE71k4&!Wau0= z5sA1WN(*J*9bKQjLM;#yC2N7GZVVwN?MFB7JVp_V42E7?`}P0CU}$WwXf*U9u3Df8 z=Vy26#WO!;K1jy=xfQI(Xkoc-NIed3lGaG52ZfE6BC;rA(6=mIWw-6R)dspctPoG% z*WSrv=Gml!P>*wLV7kXjS}Mt9BNnU|H>+cU-M zOj@v^2Cq2{L2A-cXi4OeD-I&s6CkX-v!TUyw61hu*kjM^w=vfZ@x^c56kp2X{AA`N{8g~)OedQE}h)LX0(Lp{hM592kZ#+FB(UbT>G ztuzkyb#z&LV%m}$oA9JQ=+xzwHB8kDtU??d$9KR0{Qe(&0!)hYv{>wY5UAp_0iwPf z=A7z6RM8JT67UyfWagp~LUTn$x)TA{T7y^H4D(iRx#To8r?STy*TTX=8q`W$YBdMN zI)yO^fW>7o3He2I>4w8@BWL>|($V?qDpcLW4jAp3?Z?;@@!6o%0mkd~WDv{Cs@%IO zy2~OG$itBILMtdQBDIr?X3R02Zv1sGn)7UA8gz*%>eS5Kzhw0FSln|6BgA(^5g9b-wz?mm> z3l$fb2abJYj6o(P7|$9cMQF1ItoH&){E~HiKyS=e-4e9=+AuWU9-Hh>+xbhq(982+ z)cI&Rp0jZPzOv>@tLJb2L>Qfdn4Q_*CjVxuc5EXYUTp^s9kR)R0h_oqV8zuHHr3S& zf;~luSb-LXzC?T71dbd?k1bLa+_NloCrb2L4+(_j&@D7ph$wk zF$-Q86pNAQZl3bnG$q&~jAaTIt;ko-An_iqA3+w9N!5EKh+>jN5`Ow7VpG$U7mHY& zq$2~=QwAw*&x}JR%D1C&012A*^1_q>`FHeMi z1~w#{DG%n8Sf46IDq2;Pm+i}>!TiGE0*X4W^(EQ7c~WJO(?nV;E-j{H9flPew{S5A zmP;F2dqJtXe6UKvK3|Xsgw&h4k5dhbjSi6}2pf!9C@;+S6s6L6*W|W9nwLvCH;28D zCS^Hs>NHUqzoSiJb~a-qG#7dgeRuCj?5N9J{4_ISxBwoqb?iL^f*R)ZBW(jyx`s0e`|E`nYE~#?{jC_c51TB38z zMtgfK%%pU8UO*q9$7(k(v9l*$x4JFMYyf@B>4_lWSv{$O7iL@BR;*l!QHW9tX8?VK zhOpyKp1_E#+Jv5iGzK8s%oN)U5@{#TT%rqhtxfb#T5egsUB6?k4GqBUXe_no_daen z-?P*9Kk}IQvB;I{nr!UYDYgldO`W~3vl9c6V@0KS6bMIS?fn)-%VFy5xJ`9**!ES; z_L1GY2yT?3Fdmf77C`&e>MsUiwy4^Sk18qh)GmdSx4O!g@@K6f&4D6{MPs4K*S~e? zX9ao^CGx`%^vff?LL;@{H2E=U zjQUE#a0d9Gj)#zik)Fz9QA=+F>?$`m--?RLc)r#R8!wcwjq7VE4UPc-a-XCbNzx^y zA}S*mfRDst%>OjyPHtYGLH8hTMu19-?n3}{j16$DuZ$oNV?<2b5z_7!jMDnq>|1H_}}3k`!^koy7pa%$QrD+|`1;LH72$DQ!0K!&fO^qcW zx)j!z@|x7QDb4vx!88DT7QzfK;g=U6tfp!e*hAP}eX-pN$aUui0yfb#YiACPS@WtT zwsIqrm9T;t?6sy6Ezn>Uk>UooJ2^DzD&|E$V}=0ab((&XL3SdeOgBNyl z7Wy838qDhI>Trr|Led4Pm#Mv6dqBXa4+^;-sl))K)F7qNYz%ac{?68M@()y={6t%` zq;nDu7Uf`OlFAjpuUhZpG!>3eDoV5A)!kiHRtW$sgF%GIXO>X`HgQ!hN&V^hY2guk zZgDN7@Wl%;r|Qn8`Hu)#&y$gsbC9kp%Z0zouz4_67#dR3vSR2Aq*1r8Due!>uw9Ks z_TRSCqS4-A_ibpjFKxekg#5ErbD4ox^On$8@hGxXa%1B3r94<)QioCnOqACk3+wkk z`78E6|I6oXrlZ#`9XVk=)VU+$6V}ys!KMfMDK*i=M5tDI-7+iL*ka%R`qymR`);+o zrNy@YsVD4)kKb)iKk|r8#RhCPcgm*vhEPjdMRb#I)3cX|I`XZ4CH#U&5%|Y6pbvc` z`2*ItCZDtd;3za_Cy8QK)vmG1$~=4F?0)O*KF?%hwCL^{8yg^vnzgfCr>*tAomRPi znI+D)+sNFo^}l?`MlcqEO1de>X-y_P4#Mc0OHxJ2Av`6$_Rh*cjq(FBa4huSeAn$v z2zZK0ia^%PGc%KkFa+G`lJSs7xZ2mE=hy4&XP2e0I2K^4s&iNWR=nrMhzJPNyoseH zfHUK{i4l3;;+64UqV&_*xlm-+*WO?&LrWn<2kri~ciS&*yWckEH$c2=bl!~k+omy0 zp?owhNF$V%#b$=hUrEzidA;4We4BmXy8Eo5q#lu6RmSQl`IWM{=4@nk1gtD*Ba{7v z@7x(x9g)nUQAkUGg4u-kxd7uaTF>Q;<*ecfQXgh9hpGTbjcXNOy!UJM-5CXc%v5)`|*~IAI5=fN>N0RhrB4@#_-&SS&+Gi}ED0_hxfGR|e|8Q5a9lz9X zwao41t}7Z1g*qx3y8MZE)=g$24B#kAu?!JQ5&ZxFoX`C7Z&(PhYUu1mi}#IMniRt` z6|uJGUbe}>0oOpK8_gFz7*DhH!P}^cyu<$O8(*&+R+IU_!n1j@$ZeLF>B6;6!V|O)Bl&akLjJa_qL-f64y& zfButs$L8Lti>Ua5|fYt;#e;^%ukSNhy;Lyg(c`XjnU^Joezlw zWoX^PKr-p3xCoArgwfcxdXufGY_L_im9}QggBKiki>@wv&hB~FW^3HK6hlOG$NQxK zDbrB=<9N`Cf%BGCS#3?Ba$6u8d-%koHZeO6F)5#oS3(ooD)<;^Uy zk)xErLwVp_!LY+Jd^pqqDPTUGt05vQKLakqO=f@rD!xAgR$u zA{<*m1RSGtR_xh1B8#NtCg>c-pYU14#0B8R=z#STNzK_yQ$qmcg`|$OfZ$tL3bqSJ z96?3wa@T(_@|AluNV*mgb^Q!{<_t*=qq3r^-adN&gOiw*Z&w5IAtDkKprsh@zP#9~d3(d*#1GiOGvs;0u~8n#&(i}>g( zhXFJ@2=z+szzh3qxTDkRswt_C58KNxKVcmQU$^>}X1njte}z7Y5t{|bE5f3`{^E5|oim_$@l)Wk`_Vi=Dw-L@;%EwNbdnDx%0`^ZAkN)Z6+ z2tiD`1Y`s(q*I+=(AZtAtGX_Kk2aW#H1H;_H-Xt!+LDp!%XlK?yE6L9p%c0{ZYM(o zQ!c!Se<(!qSY>sI11>L)4cfVpZVM6$dwN6$3ZNZP4@UGXdA-NZ{QF@Gm9uGRj2jz3 zSeSVqX9Z5vDOs{|m5ukFvZJ#-mZtwAt$3Ri6OWGDlI2+dpD2t0q|VXoRT!?~=M&s> zl?&UY?xyo?{4_24cu(E?A{Z$(^UVD+oK)gKwunj(UDYvt>)e!A7w^&U6ouu`43@`{ z8rsJCw=Re8@bSV_O;i#Pgp3nsU&7+#=X~K?j19gWBTg!ip0&?Xefek;l|L|{UgQMB zq{G_y>LUpT6875u6E@I`jG+Kd0q8gbC-1--k`a~D7IADbS`<(%DM4NOdo~tV21a8Q z1hbRaFgM}Wgr1}IAz^4mCpw=-K|#-@8QX+#knqDa#z*caK0`EJm}UQVa^`Jgd_|*? z<*nHxPbq;MUddg~b5hOF;8d0r*n97~%N7PX+kpy1Hi_`q$T0Qk3szB&x)KDb;m$7W z>g@y@nYSg^ue6))zS)+-&g^UNvQsawbG2F&m~gIBA#MlEm(h7%GPe9(T&8R?ZB&+i#Kg) zZM1>Werw&h%3`Vn%T^3*)aYvV}>K)5Lx4TY|X zAW3Cd=r#3a7>#1W>_YPNfK9=^E$s)(>Fcv_O)Y&r`v9avcJlFF7BXNc(N)`pb|SSx z>+QiPuU;pTx<#|_b`6vg!Bn*HFgZ=%!Q#k44A;{AW?%rJ80Cs7r{9& zD&s>=3NM+aJc-xL3DVahIw_;6v^dEe6@)|f*!Nz#s$=@rsi~-`*u&mqL(^uC!4T+~ zQJWJX5o$bL!%2EMW~Rn5f~05|lX;#%;7`gyC5;F?pQ=cJXmtk6=uhgvK>QPof3|I{ zOxtGu{^A0qRg80SLE1Xbb=$#L&NDt@7K3k)hIj}M=D_;&`NbR2#utvEsNeB%_*n+R z0r9K@;abA?bY+e_$T$?uvuNnL_>u9>5E2!k_I5>$=^?r=2bZEZKv5DIL6X$*yXW6- zG%{g?d#ShoM>mtnn^;v`Lam*`H;A{7uy^;`8*Ca3AwD(*Rxx5TW3=>AI-Q%HWRv;q z@Zn>&f%_*beM}$;M_q_M@LXVH-EM z+9)T3^%EW3vTXy6RioC>Qg2qe*4mHKkJ30!s1>q~u3_7?Dj#A}f!%ul%~n#h!g|{} zi8!cyV6a|z`DqJd*>76EosG@}y>!I>^t1oN^02h^%jjhR;M%?W9Vkw5l2szd&K^4D zPPaOG{IDH8bP%f@vOMgij6f1TM}ASA4d5{Y5h4w^1l4q5_QOjks;aYJxc7eh+wXsu z4%m$Ro|?w8F;to$jiGoGSM$nX6LLh%5#COV!X2I9Fcmxs|8u~oGhkXUtbR7HDzNf4 znJzSb!Iha~84v(Hr=f-ge$-=s%&U>(9xK6pj35*-%iq87(xHi?=1)5p0n=W4$ik(2G493`NmI1P$@G= zdf@})RYgVOMcRlVG(pE`+M5CN7a%R-pt_kB5J3t+A798Rw9nVUJ2B3aVaNyihOMe8 z*OnG}t#LeUCn@u%7XtR$;gh_Fa3>i8B3c>@|LX1rFgK5V_6U(1W8jQDb0g!Sqbo8| zPv-Z+I;7&yZ4=u78cVq?M{7_Kh9Z^B^PI>rPNs;o@zVJb*>?NR#i+d(46(Q*MEVGz zP3b+x32T?Tu4pteO=eg(c?=ex-q_tV3#Goi-0Bg4iHQ(}SNHKXi(-+Q+wwq=dpp`} z!`d}=n#JaaBAd(as_7}2hTN6IhSrB2J3nRL-v0>t6r&*2X7%;;cJr?LY?u;inmTt4 zC~`aH*owL)>p$IQrORq;>Bi%!O1v( zsl!(9Y_Y>f4%v~H58HhodJd=$hUd(YU?|C$;umBDdUcsk6d*gu74wUvb}MI?d$Ib z=H`flJV;1Pl9bis)XuN=rB2BpWT?!d$jJRADFdrh)kPfuZ_dEWXvlK8IRt^?pST%* zm6=Q3m*!POpbUVPX~I%lJ)gj09Hf*w-EMQ;T|~J7hx&_yGA|xCjjqSp56C55)} zx;#7gs?W;TY_SuZg1pxzy#4y77Ns%&3N+HH3_NB(5kQ0BfSUoO^z?p+nMA1F{Xz85& z%7uA5(bK~o^FuR0QH?4GGOYIP_bst<%A^ypXLA5p(+CvHkO^~>L)Yfl;Zjn;i(_a! zDqVv~sb59&D~^c_hA;77Khf;HEQh_hDh<*&lu{j9rN2qZb(=N0p#fs zfzFp7;wu^rJtgD8MC5uSBw`U_1nu6NZ??hCOSI{t;!SOLJ~0KrImI|mS>4h)JJxm# zR^>2{4K^dwG}oNJPR#SpFeEpdfKgR z@Vphy15!~I8|uA83e*P}O2q~PSqu3l2}4yA5I;xPD1-98yKc1?{_*dr>JW(${^?+! zO#Pft;3{7-7y(LsaiX@kLP?BpQm8rxz_p;Wa1;Y5jZ`>`S>#`t1(!)pG7C>0D^27f zU{w)aW!1Fh6jk8KRB@q?p*TzvRoF)QC#<|+C1-k|<1sO6VZh-OtlT-sZS!ypYV!;2 z!iyf;_~83&hJ|^eLda?Pj%=oJ#89XW zg7?;WzjAykflk4{DBw6m31ekRgboSUnsDKU4d@@V9(*T!Xe2s-O0GbpJSVulm#d*r!4qIeq6f9<{VbCJL6BhuB z^SGY~DU`@zj!)$xP}TwIm9Py(Ai8v1LN1-NXO9iJ^(hwfFkGZpqdB(nLeSRNv&IqY zNzBP=jJxN&`9D`Q8jI0ICbVJD*yuU}paQF3Q&D9XI{Q%nnZU6Uc46_BEn8vX%32$o z8?^0r-U_P?q?z|!$mPRe702LXykq&TcE0O`ojHBRhN$c7OpBLaIfz%}!!apxjKL5D z7e4TfH?8GObFKaSC41(@eb!V}g#}F5dp`Mo>smlOc)n9FZiRWxmK<+Km(7zq)jYk5s_I#gf>g2LvxQ%T73TXwVAad(_rd+r-F#O<_2*@M1CO z-;;#0O|U}qDhi3pM(ou7gLd8f9yDvmGve*^(%JAk=0BqtTD%sILGcLdo<2{a2A65G>9v@KbLU@&S^6MeRET`h+F5_ksDD$XU3^K<*U zCae(vbrMJQX{u3wd3?Z?XS0ZU$N6ZFJ+Q-4g*_Ib&nkuCeFtpRAM5x6=1o&4@HxSL zk>mT@8=5RPYXU<=3q-Tw6!G zCEG9HxsrD7q?E2`V^7W65Tq8OEuv3OEaM$Rl&(_q2;R~y*}9kOJY}+^8V%cQ|A*I^B^5t*Y@BYc}S#h}4nn_t=cZ>78sS)k7#y7W=>ir# zjwY$rc|HU87YY>Eg$u`6$ee11l3R3&V-@&J(~~27MszHZHhlWEgEotU3WtiVq`X2O z?wVdQwn_(7-B5Th1Lo&vXJi?;Y{Gs&zn8&_5mks-6%ZkeNGncSq8_Y#K;c{tdCI0B zB8-4P5gihV5c$QxcaSHxjRkCKh=_3_kJ6$7Ye~a*@v(NJtXcYZQgr)PGCwKSk|YUu zCu>E`{SR+kW~F&BJd<=_W6+W+#R9l~hWYrT?n&;A=dw^#*-<*As8b6dNa`7*B<|rp zuyb&%070pA-B|6lZIx6&ajEk--lRe&n|Rw8U(smDN@?KqJq_r?{8~9gs~`)q2aqyO zC!aX^Qvg|Ea@&@Quw86#Bm9T>LkV&wiLppWY#G&v^ORb5-n`jbuUo;OC+wU5^azV1 zY^Tq4S`Q_rrOW6~pyTnCgD=n-Niz?*dBc)AUMr)$kQ*$rQ?H-3g^eNm!@v9jp>N!l z*DbXxBm5iY ze2GxEa_xCLa{7ejm*S^E>n|N7HF@Qj?FT5GWpnI({Kr<-)L_X`=@VqpIzI@W!hty~ z_5@s%fS7jF%+;&1?Uo((Wl|&IJYLco?MgBFuKFeT9;=}A$aO7(tLV~PWugcHVEhbT zkdckcuz8g?^8`1q86la>a|DuUu0=LVGjCaRabiR8kSsb%<$;QF>qLLm`isD=Shy20 z4DW)qHrC_0-~)hDdFUoyAO^=-i6jeHuC$08J<;Pfh(hFvsR01OdZNi(jLtX}m;#(g zkqwVs1Pp|$fUy!CJ1@6@w51!zgK;MG_Fzm#aZn-f5uG0^Z0cHHB4=s+1>tIl@yieq zfn^RbpO0}`JE@@zNM^jzVdZymRN!-nN>z?kloE~UzGK$FF`E4Vp!E$19#I*os48}A zM8>@WuU-!T*#|x{hjIAY9jz85H5=i)R#oYIv?-{Eq_7a<&X|8~Jv}gZ&?M_N!TSXf z;g&L6glH!SNIV9ZJPS}8kip|Vlzu9e%46=u-;vB?A7$1S4BoHY+K7_`cR}FP>Ge_) z_o^}o(>Waae*i)?DH+YYkQx{)DG&X53?{BwfUp>ZRLve`anw->>)inC;lkdEh3CXiLHsI?= zUWeJnje|Ou0m23ImXik#+bd5Wx2@Zk@rftnl>+PkN zU$nyE5bu|=opTmW|caplh0dU z!4Z!lEG0EY#yx? zGe$ISQKt$kNrKB002M$Nkl5}T4|x~~jD46KT=N?tkdJR5HS)LUI^R46bMMz)O zgu;-lunY~9XtPicAD)hJhAHai#k9?b8i^_~q!<8^zj6`Fjl>5r>TpYSCQ6hxdUAB7 z9x@hA-O4vbn*mL5sH^KVGQt+pUYNIxTblRs;z6Znsm4GVI(@zmL z;v%pVGJ=6n#M)1TTdXLwSwPI+Bz^wOc);FIR2`k|12@Y9@MRX+e+mW4=pVVBbmZ68 za9pWpjtERgK0+qTXPB_i5l*)&fT}Ldj2^LUsdPq}`w|Kd5yo0k_9R)t`Ll#tDTAY5GUt;8ARV9?t+Rw41 zSWGMe3H5}iER1jl#H!UR%~uq(^Bt$5dAHe@_nb$aIv=&>04Ke#v!<3h3s%y&hWCo1 zhtYQS68UPM{p&X%ck%j5TdJ+TuEomPxP5(tcHq@hl)46CbT;q_$Ri^mt8ZFkMTuf- z8#-$>H*TOgu7Gmyv<)6R&U4P$JKsfhCFcZ@!#O+m(lojo9AC(wuUXq<_rGVm6FeE| zN!qu*_K?*AsC6G6w%&dHd=`&IkYn@W5fXS?fmQ*+OF!yLd!KuieAHvb=y6~*zzYaF z5%f{i5~PJWi_+Ts?5GuFF`*b7A!T_SkQ1f1Ajs=U=IvTsG93DHMgni*zOzs?UlP`- zD5gBhy^T^1&v-+Xk6DB=k33J0bLl6R;qQL^o7PBU*#LOcNknn9P$wiltJlvB0AxU$ zztFBdj8c4-T@sgt72u( zbr4V3k2j+?h%jFru1OB{4i%&*y+ZZp2t$#LRFqM=^3;P10b6qm%3N#ZVh_ zZ47LRYkesS(B~JGeQa#ZDv7oh5TuH+*40!tIx@rO&q(qGN=t2PRj+Nz9cs6biZs76lBn23w6q~=0 zy%j-IrU)nW(IyN50cCVnx*iyeFu*JotqItr0+eTg3v%ESwLwS>dYKQ_glG~`(jfdi z^9_QFgGjTu|M=z`tgw`}3KYt-Xl7G+U1t-=p_;qG7*1$Bba_{IMWey&xP_?6O0ZG< zAYP8AwK=+ z8A3I@1vjU|kd$XBn)t{s-VG`rwMzhv&+R)x1d(kw+_2Sl-L~4=PM)#3@wipdc$QrV z`6#yvA)P6^`xC!p2ijh@FzCIX8v3@KJM8?cMfUYCe%tQYz0tPczu6xD=8x^uzyEPc zU?X<;l{VY^&^>In-L9AJcz< zk(p$nt{RJ4Devv^O<48P6}Dvkr|p&--*12T4r^A zFeKfVE|`x^UsqOPM_xT(b!_Z?FFs}Kw_a~YUOPZ;=_i-0wwlUHJ8Tc<@m> zeW1mvG3GBm^%`pMwYK&>_gUHegx&mWH}JY`=IMXUer3~BEY=_b&^fjQ90?0++2t^H z1p-oPPl53iG&S4Qh5|d?{Rqw@YJEMzc!GFKNPt;QfSJ&#=>^L1)v+4j8xX0eNzF^R zJrCd+Ps~xC43j?Pa!^n&_X(*AgRISv4Yu}^?;XFYWBS%{-g(;&XIJxJbyk*7Va@G`1G6)F&zg{1*-&xyWSw)mT zNn;W*pim;W^RLBeXW;YldS#8IcnO-}n77l%>HLnPOny_yx;oIlI2R?FKw6;8M{^td z3@ovi%8G~dEt}MFlD?`6xH2(R)%KoC+jlrxA^?u3b8zGvBo-8bLo$iHgk%VmB8t-? zYJhkqA6OE!ci%~Bj`l991sF9_)R`>1=SO{S8{;cR8X~i(X0CHey->-wE^oDqZKtiE z1X?e5qQh7;V4Mcz7G9KvsGD0LtY5aG)#~b-38QkH@JANNa0Ec;;cq`=;V?8l@&%5ulC!hY2JwxwAHXMxg zoH+i(V|&TNJ@$n^|4q0X3)VX@X&q3@&z^7RXoLpKp=5ge*@L!Z?RruyNK}BDlZ1g& zfT;8>b4U{>y3N8N;5At9EEoyJ_$W=5P|a~Q1D+!gQtiqTj(O{n{LlT{84A4w>7ff4 zFd%M)6T`Xw6X6-mLpGkI0Dy9Qly>wXjzeUTyR%I2K-t1t{-0Oye#1UI9G9Ux7MaJFiS%^XAvMn?z4W1@Sj8=QtZ z*3sT`BX)NarB%@oIDVtNAq+@7Yrnj<3`}9hLNO!}Nf&}Nszv7bdo{r7EZ88xzQE%N z2!r7=j4K?N1Syap0d*>CnH3ZSAs@1y@&G+YGMo)BjL*rTX{%dLHHlOd{+7K;I+!3z zz&v52iR!87=qSe=Qsrvs0*W@H^k*e_Jhcqy@Y8k^d!nnS+Zw@dNDy#{%-7Eu;>#l) zZ_Gw2RkBA5%y}fj&f$S>yJ7uW!ZESU;^ga;gqXy-hFV9Z%?}nJh&lv2a|wn857X6V zub)0{uTr~z>A*Q66sW@B0JZfsq#ir$mOD1t<_&A?%+Yi9`iYAiuh_>X=fLM3+bO@b z+p<-gp?gyyf!D9P^2q}yteDWukGBZ~PEc+Fw8?FN(Kc@zTbFToP#c^PSes4D?RENC zHnpxNXU^y6{Q!blcK_Y)r5B*oE}pyO2wWnL?R{pioj7(LWV^#oT)beLc5SnQ`f}^) z?xwS~)|O+mZoK1GKvAEKwhyAmv6{+BAt7ZWgfx`78J-2svPeQ9_LFy>C4BAZA=G0b zNzP1Z0K1g$gI~Csi@bSRe2} zf0>>X_!^C+m7x3CR#DdI`f}pZykz&M>nrRcsZmLO2SDkdO^%Dhzc>Eds3w}VG&S3f4_(zUbp!II z|17Vs-4llKnfS{8HLV6p!TMnE+ek0vQ#N~y#z?LCP&uXVS<;zE zw$(RNS`RBq$g{5YG0Wp+7ce;G^{BzK7p5^JQw-o&&Vc&>P`mbd-qEWR&p8#5GzkE> zy&N=Fnh6R+nSs_+TR=BQzWJfH#D|&Eo)XoDWJRVQmSdtJ-Cdvo6}&>o%IV zn8$LQ-NZ*s9$(lSd9v<$w^>eHNT! zyB&D(RV4cwIrs+w;G%>bJn)hgt!afwMg@g4LDNxy%3_b*`OyzpWMIfV?VS0FA-Mrs z`B%R76-Y_sYUQLEc!ek&3m*+r1Oj&3ZFgB>3zPoJYu0xX!VwnN3+?&Eul>;4F%BXX z>BOzmrywSgS2i&T1?4qRq3P2ASkeh_wX0g}AODSr2f-i`1tuRrl1M{f)YZO(Zfha9 zJ`(rh86zOhhQLl~MY`h{X#h(QDJnlt0LZ2(ce9#UJc>**2F4xRN8Ucqf;){@{PGiX z_Mz=Mz{g`-HeF|jj-IjMeUsK)S40$rCwrKtst}?_vm8~3bI_?_X&8$OL}3Xk9(l#( zG!horufC(zUTD7rh>q+X;kUrQEEc?U!-BCAZ)5=nm4Hw;t0)0XB3zWR(E*LG zn$(Ey82eM623tpEP)dbfDpoT9rb!g-!xdEW207P-G`_zx1_qIh+@239w>bL!e583veH`;Sg(5SXz4LR`=YS-O%hvoA=hhKOFBbrgoo*{&+D1;G7=Gw# zL^<1WVz?I>GOj*Q9 z^wX?EJ{u8=hlZ4@N>$j1{z$>%IK6CAmmJoozl3#>#9gIh+;_V@(}5+XZ(ayL^<1Ll4%nwxt8d>2V?Tjfby!AsV7E`McfU2DK?lU zY(sT3;WZco#%zH|CII)Ys<7Vnx1Y9Kx7}zb_8+llsrIBmn`b!^ z@7DY8!SI#Z-hcXzB~A|8Loa>9@~LYlIDew7y2cTXCIEepynGCgQDUW}WTXB4JO_3o zr+i;RAK^e}J4Y@^`j7qtDlB3|s`F3{Ls$E9Qf_!`IeQ`n2nUQOY-9e;y2 z_QD$V`)Qmb%@7-uhho@dNcchFGR{E`T$N) z`Dzd9TVAh5-O_AAwirai8c2ad3^uh(q78Mt&Y?Mhq>445w<#chlnO~2136E5{x}tn zMhIvnh2S4}^l_r+q7uIiv`-t17Lq0&-3-7ICO=z-c2&OR|+Tq;%ynt6kE}iR~w>p@DNL55Hzd zUwX;9&z-khZo0`s6!3A zk)8?YwLM*Z_WqB3%zpIblc=6g+m7A0*ou30*hpK4z4W7}LBmOfNG!{*Ut`-Jyx+V` zbdmwx{H{AWi=x9?N~$QeMlfm(HV!K>l$UQ+Ee+N&G-ls={>K;$04v7Fbs|z`6EQ~s znml?s-S@WK@J&PgfBoa~)wO$^xG({Ox{>7_lAK1D0RPFN{O!je_?WvaaFqZXa2_M3 zDv4^tPI#8*WTFjz#k}fEQOZwVPuow9r|bg4LV0C`$LDCq6bja>U%%Ipi?CAMzOJzz?^?eV9-2RoFM10t7f zmKV0Cq!cm+4C6(lR!m7>V;I0`#BfS1I@f@e>4ufT01JSndGhe^RUOl}PC`v>&7M&( zs-m(&TT1FVPt|D-@LL+CPGTzyDf6Af zf>Eq4L13A=6+K+V3RPGW7*}ay@N3or5f7VQu$m5^Rzst(u3A#NSEc)bfl#-rCSYt- zy)C>BV_FKgWaGwdPUQIIiGY0z12;T8{kAc_qS46qRqc_{kUaYvnTi`%b?OasdiGj2 z4@Cw-Ao4y8#ti3YqydgR5TarLK$D~&k%=k0arZ83+OdNZ(VFe?$M;${zrSwX7Q58l zXJtzo?WXNJ?ZDCFNce5z$VKo0`Z&&=K5I>YY)L+J0TI9qoRD)}gOowhpv>vB;dbiN zl?f#Nc482qAz$pViH;FUPPFubHcwm{w82AdNccTq&wt|~yZt@yh6decCr_QVop;<} z(V;0DNj|`N=V)e!T&6IYTuWY6y&sAr0$C@fIpBH28fvY zh9)U^F}7e?QQk-O{#-TY5gsqSV>NSr1k|2|%jSuQQ$gzCi*%b8kZysNfo%GErhAXu zsR4fP78F$zKvEse>5hS9O#RTsJz4ZnkMZYnOjh9G3-O1BL$i;<#$iA2zJ3MXq)%4+jKa32hEhAw|)eUh0>}BIi4nacD5*k)pgU(_}KtN2;4k0n0G-IlBVna1V zL(IuOn4=&Ij6XDSqM#X=rE@p}MVswllNUy#_Aph)*HKrK(DB&+t*)mb*!lg(>=dFryKdYG zORyZty;tqVyKke0U0_fBc(2{Mdp83~KS)Vq7yhm;KlC>A8Nyx_n zWYd8Ms3}ksYy`6C{o(H{FxBj}KuDx978ngSpo~Vw!)Kxmd8|y-!SlI)QJ_os>{;}g z2qW>p?k(Q9lFCvSxp>;D;3cfwy38(2z#g6Kw56?^ko#Lr+Q=Nzg^X2)KuexJbeuh= zxyS>=zQrDW==-c%ysJ+oKTcocebYo_epsRTlsRMb98~2m;q!nS5NRv|%Ca*lsy{ea zzH+a5q|v;pbWZ~;0P7~;g}VyVa+0- z{DnvQZ6#t;e#UurjEWHrp4pJ;ge~F=7$0ym+8W~E61tZJO=eT{N2Ot%dhi%J?lf2A zFvd~5oWt=#+fOyCdE~rveIp>u{kHM`TP;vk=m=PA z)~=;dZN$#*J8C;`zuS5NHOF{dOK}Y>Y$`KQcU!2al-Iy4)n;TfgeYm+6o60m4m)-x zhM;e*4Rju-Jk{ycxU#6D&qFTLAhlk%#!8y15jf_ol%h(S>FTlKs`B*PgZIDJE?nxe zb7*9gAg)r3erd9Mgho8Ct=+vHE=U~+GQ={}!)ofPVBwLEBE*spw?9SYB#kF2tgW?g z|Kt(tM|v*B1ZjXX7b8P$U0(!^883>5x!RYGR?tRP-$5Gh&oaTVi4sh;hDpcSxZZ;Z zsC|T90&O@i-J@o)3MnpBNrWM6A#F{o0`{B#^+S#@ zSJYg}IW^mC`vY6;1E0Ca@(M|13L30%X`R(JOaO$ISXXC zzJl;D$T1-&!u`$9BWmE}G)k#5y1GB%RXKp6e*~%UH@Nq5`lY~mNx!m4#Zj~yAvz$9 zQaL z+drH@(_}=E1^qyP`vaT{G#ddxr<$UDEeFIh0?cK<<8%n|E<41FEB&&6q)ldzUPP0o z)?f#lDGcYzwBphTMtA5+h*x>IH9z#%6rNazBIlsgmCptXgC`VF$(SWgQApqR!U1>i z(G1pGCA!TwZ$q!)Fdt^d${Ok+baBv8aTyymYS+JG2OEOoA$5D9!(J?*I02K?tV^o4 zAbtwk?xC!kDq~XUX~D2ams5^6mqwj@6vWRTKZoj438}^qH1HDA2fuZqvC-Jr0yLV3 zN>qonwyvg?za3rEIty^P(q!)-hL)irdYVI1pwN$ICL2b1eO_IqrC30J|BY{1=fof* zLAXh?mKz(T3M?pg0bhK_`m>e!uEjp^1%7$euKLFEJ(?Gn4zUKop)DG%e}@h z7)cfp4|1VsQu1(M8(Ch`1%cPP$2VO9#I!kOK%C*=b+DA?N5x6>=2>5_efIC~vg&f= z9WQ3tx^2504WG73_&G?}z2gC!JNC5s8gD^Dv5BzJVhHeY*1LNYygK`@zEx|>+Hyb1j zy*M`CXn~?-=#A0~K&@ZtiPOnsaB@Ov>#(G)p4yqeI6NNrDLiP zAey&Y`_=9)uv3SCCvfqP_4L`U>QFBBz7{rmG-=6)9?vq8Rf@bb;=X?Yo$=&!2-oLrN4NwbF8t z@y+mbw04~RaBGyQC)y*GCGrUIy#SfPzTTO)84a2FpLnk6$9w$v>zuHD(mr_i{k$1u6Yz&zI{)Sn5)MMf5$Q;aaRQ+hFJ7*)q|y?7D2b~? zg<V{d&~H3Hf7yKunScfM8F+WK49BD@(-KmO*$^%7MWTGVaSW@JQ;px&4 zyW;3(I2{AJS#!Zj(&!X?@t?k8)1+f8b8<_X+-Rs$S&R|Km}zk{Mx+buO6RS0GnueY zi~j0fi)rGbky=b2r84coUfr~d2|?PPg20Vp~>HD;;t5g4O`%$3KwE)s=NF{`esw`EJOhwL_scWbuk@jg3y z65fTU&l>X1TMoTE(E%vTp&wc{?8fcun(b>3zvjk8QPG^s?Ipk~b}u~>@dASc_$1 zUqqsCess`2+q#v`>3-`Qhp&<-<#8Ful9MaW162zcptB1YfH5jUrIe6KH*%Mh+iUwe zzy$|w^K~UQ(vz~)>%w;a#e{wIS6A4BJW#7!INybX)A|8qmx1XS{e#5 z@~=3XUQ}3ZOFj<0QMvr20mx;rQ#MYmI+#Oa6F2F~k8Bb@Z!m=*f%GnF8XByJP|*`b zbqYi|(S^a`{);eb2_`NdgQnJZ#uOo*DxxOR5e|+)MaEu&^!4NqUgGg=03xEy$>n%G zdJuFE+Mt>ABlF(!h;B?=zW|TWg4carX7K+rzmm~#mrIBE>5ZsHQIp^bSCL>G1bFJP zaTb7N^70Efg*^t@h;ek)2<}hw_vlxD*CMAl-EN@6etk!Q^-bMtC0*0@+H{-s(2SUW z{|bBVub#A9|Mn)L$!fm87q+E01M)Fjp{kGa*(b@X zzs3;3GhhQo=`~4^Xe-Lmcj->Zkd5^W6A7wH2ilJp5At29lE`0@rCZ>!9u~PaV4Bxj zY|zUL!nOIYA__-7qe>w*aD>)#t(z2^Qy`>tZBz4UxP|NZC}0pI@TRn z9~*FHYQaXvNDC%ll#*J9LKW~a;?{I`l?}YwgHDW^`+TpwRmrpsNI|Lq%( z)M8UesPCDdW!<&>GahvD1r>Gh&JKLj_qK@<>v`&7%5ia93!1)l^A;{6vlq$U|-kcqzB4e%cs2aS!(f!_F~8=J)kT$As5 z&!1fqei2A53_#u^lUforVO-+muOSX=R+t^*Gw?7T19}4q$s4_BU9UG{R9h^ow~q$C zHXF@uw6Wuq_t*$S?*nyD1#SQLg0}mEOX2DC+f+`Oo#;Pgk@7MdeQ2*G>$9z9TfL3< z!_^5LM}OlZ_WkcYZ13B(niTM&-FDA?_Pxhma=aX2K`L2FAbFayt295|;X{lc+dxa! z&7&JmSwYrS0wEedS{n;gbkZtCT;pq+J{m2r95%booQ-h4iOze`+?SS6J|+U2p5g2k z#&vEElw*!kGgYH^eD#d|%O`KM75&Ft)LLH3Kv$9kCLm+MNy;B9uv1?gvLzocwA&fS zzLG&pjpdD-7CB8580VL|AvV$$_?_1nik^brnxu68G|<8SytbEGU725QU- ze1tJq^erVx&2(?sA@qu&;xqj&J$L*;@ zFH@@~%;d8;qr<0+L)`I$&tw>MYP|*%AT5%&ONn)d04#A2ca|A4XAJn=+b=C}J%(@) z5B}3DeRbQoci)w1jaN#fdy(fB6M_ynE@?DhFEkcx-Mc%yT7q;5jzkJI6;)So;Uw?WJ z5n3tIj2y^(49R|uZ1nKj<*To=W%t(E=8f>2%Uf81cXFQ1ek+`M!ctV(KJZ)LL3NAw zhAAq^f^bm*M?v(sQnk(#;rveK5tcD2r(`1?j>eECSZ}qkNh??QIGO^$l;*LgzRQGO z!|MZ|zB?VFEk1%Q;nXC=Io82!l*od2Eyyp0fy+AQb4!iAm#9plI$PH)x5xG#qViQhXLaomv9I+dqUd0Qe{&GN)A3w@gYj%oSGAr!Y45% zNhsnva$=tKFhi;LufPejcuthc&oq1t8E~bt0dN(SUFDd)a7jc?ymW5xZDV}JNaL;Z zAq%TZDS$5F8;h6wi~i03Y3X65W`Hz#=_w3In#JIS^c5$cmcC;r7{da_1f4AVy^np& z%IM#S3UI{WfWJX)rF=^Fr3PDj&`Ui!ox{KrNi0B+i9@JiSvf33%t$q75g!wtVMWP< zwIR}A9&VHKnqEaObZ*{#`<-^;!t2%vvMi%8FCdinP^gDpA)?@Uguw|ui-1OTFFFIj zrUY=|F>gd$tQ;jw+@RZ>4hSVf*W_su^fv)uxX_FZ(bKNt@uoHt7q+F@B5%#IP;p# ztqNM(ix~TKvpdgq@L$iuWyygz(`=vnyW4GohPH?Q^n?X>S6c)vk@~gk?A`zEPW$KY zK5pwbLeg4TZvXO)KeS)`)R&>0KW+YwS^KL$c&~l>a}P0WFjfhPrx7w{K{<~e1Sg8% z7~JP#EG0vzzv;W5uOevEI*BcccO;{{=9kZ5LI9kkx!}h{Z{m`03K@9J%uEs^LAsmD zqcVbF9gSJtGD@;UaVuJCIFFSvrD8Wq^{Frqsy%?{Jo*&qhuhF;j1T-;WH+p|)la__ zg#y5lP%b?uY}&!z0c)zOv7bB~xBGv~Yv26*jQw?|Sxc$cZp|;j2*BcuL2002(}T98 zG;3V+%R2Vago){83>iC3ubc)YcG2$>(8{wZ^=?8+@BnzBKxi32t>ny6kL)$ZTe6TT zHQy1bU+(%3jD}uRz*^?TGT*gPGS{LJS^PIM%tjM%r4RD6-?~Mh%`YM{mM!QWivt9(3kbW(wv*2&8ssgb!?yF>O86=NziLW3VMBQ zcpY}E%7AbWSzQsGvT?f}Hf|1^D51JDm60#}_UG)^KL0rzVMKkzV>&a$kz*9mV2xee z&h#$YM7@WLEclCZKwbLm`ky|t`{LjHkxQ%D?Ot~;QdE-B!#-WrOJk&PK0_VOU>5}N zyeG&K8*;JlBt_?>Gbqe-%kp9vwUE`&w?qJhvqs^b5bafh$d69YcTn%QhQgPKE-2B4 z=k4&9k@(9&^%bwRKzYuGwBPd5I{Ta7`;7he?^jzL&o8a#bhH!npfuJ1?No6Qd)FIv6|dQwJnzTxF~?RCf$L zMx3Q$^MHyA2ksWsKWjXmrh}VwB^7~5OPl-9$yuwS z)bGuvZ;I;N*kmt9MU;|qr0m`AOWS|{Y?n=NI$b>g?BD$99rg#Gdd{|NL0gqxqA4m` zg|(#1%(<#&DLGFnQgXCP{j#VuDG2dU-P6I*31t0p=rT@ZaUM&8eMm&23ZH2Cx-|BD zJoW-#ZVhW~zx}$R(a_nE?&7(b*X2du*eaPnWDJN5i#CqiH_pBCuI~NB8<4@_&jL^R zo9M$*an5Fe+_ZANZCSS-?FOYSA@|rUG!;{L`XqI29cC+GA7`8}2BH&ZQ#bdC7OlTi zy;0+pVgY?jH9LrxDUaZugXL1xAO_x|!3(Lz&iNpJw&xG*_y6S2AwcmQZcw@)Sz5FV zwhV~Ml$jgXI(f69bZ_R~FLRKx{)ScNHJm_<8-E!{Z3Zm0v-Iwli%+~N-=pwHbp5n( ziz#php8E*62u=$eZVQ`EW4L-_owY1!#-I>AsfN$uQaUT_sH2#}v=Ml@Y2&o*f7WZO zH>IhBLCY^mlUBet;5CU+$k!ne%^{35l?Q;G@5F+qyJ>X~`RI~Fb$-d+aB#NRtA{@i z5O4zk;Q&1+x7)9Mp_N6QZRcqIi^7xf5Y`6(PIc6!7Oi8b(h@G?=204zS?NT7Oaa5| zC1MO;)Ap zR9+V&S)$nLAQjVH9nJ1Uc>&?mc|fhRR#AjF^yC1H>NobL))D(Mf-j|Y{+kCnS7KJvh^g+GQZVL!SKlpA=o2LXM z4u~4Ag7mQHh`BksSA|(9bmpTv1E8bu(ki)O5M)SGE7;0Nt*zwr(CScPYraD8UIt1~k0l`c1IZ~RVC39p~I z^j-hvYw>ahbnzco_q)@u;JtNJpYBz}HhE}1p6gm%oF5P2{L(cIwrq7RW33W7)gBhO zLf9CUi5#$n&iNYHyE8UBUSMa-KVhq8Ub0SKmG!QgwskMexI>x3Z1!HxqREBW_FI4U zNj7vFa|Pc9?T7lBYU`)UGLA}B&oDZgos>{1O}}u;W5?P*gr~*{;ORstb5R6fat?fk z86Dk-q1PpVS;9_Iu+qWDDyyn;A$8#jEh2ScEzOfkh!HxEch5nq zbAa}SqJ~10vf!d1DX?n1+s^<0?7az`rB_*?f2!_M``*=ir`IH%Ktk9ei!4S&1Qcaa z2lS69ZsW#)KgWFr9TnG69K{h3b(}#(*#u+@2m!*HK**l-zE*Wr*Isq&-n#expXYq_ zRo$*sRVqohLikSiseA9Yp7Wmfyyrdd`mwRlx2Gq3_xV<5PbWM zZx{@}`dg>r1S{dG$Wab#MtzP(ri0*8MT6E5s;?az9F+o9=9XNWaeJLUE+~fIlnfM* zQB0FRWqz_HeBjKfB-ZMju*Y9n*1`e`JKrpBQCxgiE9(-CghfejOCB6o@Wq!%nd0xo zOO{>^@IVn-0857*Mr8RH+a)qLVFLVPKllm^S}@CIk{1wU=0P6!iZL%NoIx|zfw8wd zCQf=LbdEii8kklzCG0yQv4MId2sc6C9{?nkj1zuwGRH9TbUu0m(%u5wkuuWZPFUrq zKkjki&j}mUObm?~5VjoxrVvR&Afmd(S*_S_OValQ$jP=vMOAXH@xBY;*m&mQe_ueh zqAW%>ln%ow(GK^7h`qJVNbEI;3XZDzn#XNtyFr93Y|D$>QTYzJD+K>QcCK>fgfFo3YYFu%~0(e0ehb#jpNJ_?5r;Va%ZC!cV{D zDdET=g6)1VAiwzC(A}~*?A^+$oZk_SU@5Aqw1yf_gRL?uS#d#A_l4>d&2?)DyjX=4 zs+WlLtwC3`!{Ad6L~c%;DKG)@2txJY&{?e)HGT-A4+ya{KdQS;dPHIhL^pRjCQzU9R5@;yx?1F z;XVInB3!!-&Zdv;Ww)_JjFOJqJ;{=45M(1LnMP7O!x}1A=e~=vQ?&xIuHpDO!It#z za7a_)rd^Sos8+ymuR3#U%DgRBYPlPK=NWIjdht=h`-74 zc%wvv6-q~+xPzggW}~`d`<3Bxd{iog$uGcl7>Z9svNK9=XYe~wplMtPgP+P`83zL6 zXM{7XNFY-lS%vmJIVMRB=PCDe=EW#8z)prb0Gmeu*aJ)13Sn}hyRWNa045!5 zn^uLy)f1<#30-KS7H*ynSHFPhY1{4zBmZ!B*gin|KjM9U@us`O`~K{%@R`5*U>IN` z7q@H)bJq~9t8X)cK{QXT{o#LpaF|T+t+4MVD8}Ip%K+h!2OkWJI9D2?y~K@hY&p(< zu-veYv<#s|BD;d9K-?+|82NQU07-VG8MUU}{e4g6hW9-(AU??5j-xBMcwyX&8HD)9 z(0X8u5k?LlA_xvCI|XPW*AO zjGbqTcIf^0hO@U7!#DpTPL_L$;ZJ_#{_yj!$A<-(#>l58!<+u;Xt-)eM|klM?hQj9 zoFdo}+jSBub#KG4ur`H14AJTkZsx%M7&)y(^m`V%66OZ_#z2!9bH)?=f7jv3aAOI3 z6SxiOMHQ=1OI%D@Ak#T4uE)8;TywErt*lEl3<;K&L_nAzXnZRtMA)=A@HTOY^Kj-; z1iY(B+^=%X)$yrMd_06iuR4)gzm{ZDn+aXBZabpoT8Rm+IkUo0RYVe&W>l+2H#fO* zGsah5H;!LR5#r!NYdcgG*|a!$B_vD$6q8Z0p+-SO=QMgzpHw*FT+jBP5%;Q^TT;@cuXbOXz1@N{r#<*FHIXa*um_GzC+w1aE=p4w)Hm z0%0Gk9&oN9L&+2DRu#4x({NU$jjXz~F;|eSR*1W(?gJkr?BZY1?H9w+j!Yr$NZBs5 zA=8>E5g_vt7oo!l(huTW%*}-BNrXLxW$af;FVKp%X&zkDgrF6o@Qi(Z$Y@6C8w(q_ znL{92Wx?whz*2dV&;rD1=_Vh+J@*|YXATJq@I=j*AlI9w!r`0B;f_BJ;rZW>-O@sT zc*jp4C(cVg{OC(IhnwHq6yEk<4~HjR4e=i&%ppYL+({C3?}l?j)ypoMjB{|`j6lpIgnJX(t^x_9+M13MZzSQs3RvD&)gZvW%RyT5&06@P4YCi6t?g76)|_L-2HD-J z>cZ{9*Nn!ir~NxIgjyz=@gbMs&#S-x+c17Ak?M0txapQJM0IAFFo#=+TvjIl=s1Cq zO{5eJ4w({$dW79&aTB*uRWtc&SZlTs24D&ya1CqR&DdC+y!#|!89Kt`Fd65GaWej? z0*S)r!<`>!4m+=%Kt+oY*yjhrk=@m>WqS$LEG7mJa}#m3z@2w2uua0=LI*kRF?z84 z93R0?2aQN)FJp;XeIAwYQ+C(GYgsP;@b*@WJZTqjwZ!cQTz6bpn3oZ+IWPBaAR)Ik z$zq?3PrRw&PlDME2QK)khvZ`Qb!m-!kG#){;>(vR(pFsupa1|s07*naRNKaqsvfW1 zcO_ZQc7%Kf{u}_;ZG@JaElg-TQAF)35plwIZYFOinvNns)X=LgabTjC8H_VnT8(h0tluOdK;( z$tT+fS3Sv3^dybnITe9!zoo(gJ0*Mx5%s)}upbg1CE6EW*9ehE_B}E0r!8z^HEXuI zJ!&s@u=*Lllohah6YR0b0UHV&jI36mZw1Ww+X~tgFb15g^KH^u?ya0#~jDG>E_Rc&yL)U zsrmqMP0%2aGo}i$t>@TE0bkh*-Rn(bAP%`_RzNB|4cJ>}g+$;LWl4!G5CU$t$a$Qw ziVzLm8hX38L0-1wP=#gGB`!}pxHCNc+Jm&2fJ;PaJ9^>>#EaCO2llXq0(Nl1ZQ$+% zoWz?xa|p?DZdLD(VYmq4*x464H^C)Ba5rPiG6!*Qhk(u?m#6>() zt6l9q=+QNDNwzt18O+|emg(NE!&TI-M7E@f94uqu)vx~H@W*d`D{X?1@y~WS`B(O7 z)!+7?XGQBpDElHXl288HF9+#jmd!i1C68kS<*?dXJBe4C#QbPMcqctG@=|ZN#LZy_ zL1?Dq;x@{4y^1Gfu9;N}HC!_hqEuOHTm&lE3@zKxj-X6CAiU?HUZjIkLE&y$_#=odn|{iyQU}YO`Fa>LBPi=UcIyt-)O= z&2Pf+F6Q`oVnhu6RIdEssE|5Uhx z7%^{qSqR%M--e_BNX1Iq5%nnfH4(tanO|}h}(9O1xh*hXa$&Z3-MZ$Ge z!($=h22g4zIvDFC1eh&63*!j!I{N!r@bIurm{3Ouu)H&b+yD~n zbLWPMK7K4b=bN96P^iS7eOENxG8($ul~%4Tz@_*OZ8_Y_myi;t+au-*`*}^^@kxR6 za7CzLCAV+;ZrD4ni?fY3abHvgFAr9O9cn27UU6iR?31~SZo`jZ3*ghHEWruk5tw9|Q^+^aNA;1XJD+)y}aXCkxn|6Xm%^x`&HtpL6r`1d*`?+wG z=yWGfPK2jj2`5K@rcpxim02{V-~>8QYyae5evqhkz2Wy>^bCBO2!730YHDbT;8Fd| z_c`o2YM9^eK=ZA|GnS>qaGl1<*IXpCQ*d^$4+>8w+5X6(_qON4{r6YGj*dC(LlAEF z09@pBZ7izelZ1{SqInBRky_xcHNEd5N!7U_@~!llPZ&owJYRq5s=eXA-aQm;k&L>g zQD9EtICDU+Rx`0hjueg_Mjpbl5YFp}w@O);Xh6@GZ;5=rPqRF9Di2zQ-Guq;S`>E0 zU@rhf`wAV?+BExHEdEZMmw1!Q3MCJL>PO|pMkQRae_x!`%yELYViW|R3hcAxNL-Oz z<*l=>#&-X$bbWlJJYh+mifcs>%0 z_?f^;S&zprcIn#;|7wZy7y5%V+&-zcmYC`Gynq+7&PTg;A~0s6YuM$O8iY0ycGyr8 z4;3--ui#8oYnoybl*8$J-;cR?b9nro0|a(?S~xfPh435y@aN&pcYi6|^IPu-Pk-i< zS>;Y)Z@|7BSMZzO{ob(usl?AH91pFml+||CrM!Z^6Ilh_44%X7aEZ`@DjE{EiN1G1 z&s8`_&D)D$Y=kdF%@x+Fr6StO_^cMx;@h|G4R;?w9)hQ=gz{3C5e%)q`=u`@SI-$D zvA2cJ?c^C@QM&!^qbxQH;m)&@;Q$fD_1UQ4PZP7Qv*jwX+Mh#pf1ry%L*P{_SpbKQ zoFmrAV3&EV6R&zOzT&F-xjuuwXN#cjJ zVJy~z&4}qA>lo-6x3mTSD?=hq68fNrc%&{IRkz=8n`3yrYWviL7N-LPzZT|-i%E*d zDZwyZsutQFcMI#bbDDG{(HDs5U@MDrdCdYtC{xI&IgkVV!2XJhw&TXD+LfbI7d2_r5Mj=w%=%~i^-jmvE zB>hVWMtqhOVns=>Nl*D+C-cQFG5R>Xs(E5746?*R4@{#}tJ*9uDf1A)D*Ig{Q#(mb zI;0Oy0m5Bin;>Cza=TrTWsS(dEN#ZIjU+N*-&HRsZQxa;j39-<5n{grtNpvKBy{5m zRImB)sedL>Rqy7oY`oi^4$DnV| z9^gwX5d4*{+;(}mYS-@Ygln%3*Iuzb{Lo9E866zw*%pdFt(fNbZ0ZmD_g+T4i#_2w zG=zlrgwbmz3jR4l`0Zu^JRdggX$$usIu~~CC;tg6`7EmLk@LhX!DPLO)!jH2h@7Ad z$nRJTL#Oj(HazBW*b>I+?wms31>?i;7e}_-M z?=Qk*9{>Ds8uqVTBN-B`yg6EhHxLYi0|+otSF$gSIHH4Lv=F5kj&X&tc6%uty}n3f z?>q#h2?6)kZP&5d?t=)i^(0!-J|;*joJR=%?_z**&1Zb><2RBr<8Zj)xz7pbr|u26 z+;LYJCa6?@Uw;_EiS6nuuVRZ`4!7L$6}GnsF_BB0L#}g{Yo=!4My}d{QI%2TjP)`f zHi7>)fAVnH74x1L+=uJQm9m+zlu>>Ia0+NzR7or6ka)@gG~*=L+A#wMfb@yjeK^IF z&ovkBxpkP723s&qhhsyipU0uI!kj7td$$~IY->z-G60yo?Qp_K800k6 zyhzyK#+d-18xugAiDVT`R7a}C*xJW;7g@Pv|C-gD&}@Uf%)=%twA-b1_AwD2CDW2$5ETiX?O_VWdzSyK4)o>o5C2<2ym-E#XH{x~$SLrwO5|vB z4USHNQRVn~+@H7Y8lZgyU15@H^O9sc0}faZI>z>)26A!}wim78)WWmFuDN?d+tj zJx1LYvxBzif&ZGRMh`eLcpxST{CU6=#G7~oK)d7$wbeHc4JL<&sVA0Goz(q{# zCkaTLgF`cju@i0RY&neX!ZwNACrw!A8WK>8SJNA)YMo*ZIOpccl811QMl^+c&aG~7 zyDrhtBa}=zyfj&{mj;QHc+tv{flrnWAJaHt9ynP{X1jIkwm5O+kct3KAUu$m*p&~0>x zVUR5&k0rpY5ZGq{3LPiC*{vdb=axdxS0>luJJs66fUE3}BqW9}l!i!1qWNu{y>eU) zaL{4x5|y|z$t^)JEonO?s0kO65Ix8Su_TE;J&C;rFpBMya44{aJB!YJ5KQ6b?9{G; zP%>cx1FqrPlfzTnt_XkjTmQ<6-x?jpxCto*5vhj8NN3p_D&wcgA9@FB)+<798$!6g zU8pG8p12ohtJ6xp6Cv`nzs`1!rptfk2eUE7*Pz zVa8~1h9;B~NeGbR!rUZSO^NN(r7qV#d2e_M5#i1aoeuMxAe0p+wHzFAK)QP%U^#NZ zkkKAZ#4M`Nb~xTHwgeN%gvDtVpV|}KFm^OsFlrY3}i!87O+RKs`aX?kBb89ClBzhqH z{RE$yV>b})Jo5lBuS+zlbwsr^I4KQ;fYnQSm=>5K272kj^e~?ywFqr= z=vGpOVAKhy<5Oa|bQ-F}5*WoQl5}8Gp}b=XgCdED=EMTA#Ke#)%kAiMq3+q0OD;y= z1y|TI1J{g6vj}I^TGSHbWH8w@$2E6F3t{Q27>H?cI7Xb&1y)`KbJ09qcWrNqjikLG zY|cJ;6rzoQKW-CYV57QFv4(=vrlxKtFtJZik+xJwH;F^k6ei!j1DBDnl?hL* z%k7&8FnryW$QT^=$?&%S``6*w*VG6UgL(JhFAxT>l??F5X&W*nSZb|M4KO_qVzz+` zPrKfz+1KI-_8i(ru8qm#EQX}0z;kw%6?vgb?u}|cta>M7B#Vuo#R77xX|x&0Mb4nX z>2AIBb{bzjHjJG{XE+D$?kBo^2PXClaGD#^(a-GNpPT>ZRU6P^yRCOL5!$1w8=+FNv&Ta@Hb1jqMlhwh{4&IE+pO0Rw z!mY^rv|v`l0*yd^l*1;(AWPWsqN!<`U@HMJ(6ad~u=-~#Ae-lii;MBuAcT7E%v?Ch zB3A2$TOl^DNy<$ZT0=PQ*t8(ikjw1F6khJF&iuN3@0Rdbwmi3d{xE^2lLcudrmjmg zR$jc}->Ln^;z}DW%pd~o==MvbfrC4aC7sazP>W&_sD(wYqei3U9=uKovU@L!mqy{; zB2n^~rsJN~OSXi6Lc(EqCfSy-$i)>{q9e!A(%#N<5+SE6^E`$+BSff@EsKF|YzL|@ zDYMU##Y?v;KGW~A+3_F9SN!oOm*6bMo!t{IwrRyCk#;T>MPK`$=>o_XJ1h zwr%v>G;taR`HoZ^B$E38GKXZX!7iiAs)q* z8MqWbo7kdXO;V`S7uoViae5WuABfcYYr*H@g-vJOjeTy-pab0#&8iTuHsSWf~-~=u4mg z(YD#=CLGyZHH4Av)~7@H!aMG`-4<>ov;54)$ zm*0E%O9a_HAGTn$X9`T))Q%;uTgT}VT<|3>5?d2DKW^Xla1OlLclndU{YMXD`aO(O z9$NsTfWsjP?*i77?Qz0m@P!)x>2LaY_=D$PANtAXGuJc-k(~{1x$O{>8<%$ME3k83 zT*O%D;J$w59k+%zf7j;FLk!pE1$>1%h8PQo3=5!RBOcAe`E}%(Q<$ZavBby|lKybt z;k&{Kh*CS(8~RdiQ@nMCI+x^3EEVRH+@7AzjfK&A zqx*(W$NN_PS(j);ry=hUnIh#&2!(r5X4dkvoG7c!3kZhYl5phNUi1$3upfiE@+><8 zs-h}FD8s}R!Hw4CQyl~+fWS#r4eOI=m2eT&Cfhg0>`bb)xFj@Jkh5 zLLl8r23*jUNo?(z52x>XPx!%Kd0qJD|MDxLPBN)0Uw$2vzZiB^wuLEGtJu%n4R`X! zzkM%rs1|nbdprb6RrnZ-zz}kaC$lJEBsB?l5hPN^ube_g!gdk@mdEI?Qag<;M|TXE zd&@01#g%r?We3Cly<6irbb`dn&&)D!RQNnws7qa*|4mOObm1ql59$b~aq~ZX;^PQH zlkKiJ<-(S8@uL*MtrBr`}+$IJJD>s4b^Uf)f!L8JVq&z8nXIJFjN;gIVAu^D7ceVK-!@) z9r0QLVM&QV$_WUR2q4<(Gu#T9soX&|2B_yFu(;Rr-Y@5o5(T#^-tUC7D3f5#jmNw< zc|OF9?-BBmtoc1DUYnHUzQrGlA4&g3_KRIynQeDW)~u=-p_Lp*OA*3MKTD)3SU|<* z_CQ!j*3OUSN#}qEEGFYI%NAt2hHsIP%4J(4M+R~9ca?1cE)}@TGtp7^wGwITNB;U3 z!Y5zzi`>&4rayBu%sy#r*m=!W;jZIfL1-}*N-YaGlWm0?Ah8q?wR=g)S*ctRhKG1N z!t-XT?HL&%syCCTgJe`jo9bZvcjNB;>Cb*R+znfQ*{*%aE(}Wu9)R9uYz*cw!)|9= zRIQGo&O98BA31TcLHdB_O}c%9sGUO-QAL~4jHajspB?30ELG062y=r!wG(~r-1(7k z;>7vTx}!5}-P{v)qutxGZBzL2{cy3!Fa^td*C8i>>Pr3oZqs?H&kA+pTCi1&I zfug$lYucw?|r8PRn@WtG$ppuEw^#wqwQgE8!;`|29^;pN;Hi`9R>D0%s3(m9NpH< z!wq04cm5$(PJ z;3hhwGZ$(qK&;jP%?RIn$cQJWBmwVd^}P9WAHgiU9qrl`*b(f6@L>kZ#4KXsF0WKw zIK!kI3y1DM1c%YfguEg={xMIXuQy!;NUr^ef4T9q;hL-WV81XIc9T2j^w|>;AH)fb z(=?zmXp|i6wWzdFjE;&}X0=9-b@Mt|dLeL@BRWrvqUg?-snM+0N zQL5NcbXQx$PkrGO+;u7Z=E42pK+{N=ZJs2>1YWXaZ@Xoz9zI7t-pPqv_&(Bdd!wOE`JPM2XXIm=Lo6KSpI)6et!77n?DwgVFlXXxixgMpPwoZ;oXV@8+l}AC$^#* z9p~A`_Nc{}C!J(0E27fXKPZPq=Y98l6}Fg={<|JauGuZP+izxKv7tg^Fi&ux^1=|Q z1CTQTM+juJHEd#QW)?FR^w18>)V|e_ zHE4rz96@s%i_Y#nS7OmQ9FC%HE4wW9h1g`bGN= zixX?H*pN@%^!f0dZ+#XNlGlpptU7Zbtxi7d#^MU8e!h%;KHY|-6F%LJG%*0_F*|AX zTF-l2YT4O>dJD;S8v;)UNXIr!r(JcucF&$Y;mnycSkIvA<&Uz9fE|sy zAR1?}{X8@2htHQ1GkTG{tmL%f9sh2B%4`SH{)&9sv`9RR*e)#eqmf9ef=;i~a&{V5 z`J;!)nY%~NMr;e+FRL=9ufk>y;cX1F$Ng?|&K^Ai+}gu0{P;)1ul&}*@V5W)$KgAk z^Bv)fUwv` zyI_q+&L1Mk&qUbTds%4hC1)yN^eaG$qPrF&jAOOIu6ZwQH?>bS#yOFnS@81Mgz)c}I zo}~(Niw==nP^Q9_`#~Z)L+e(FQjJamLy)x0LNl14vI)=Tu!4g%Vo48 zO>ahHq0q?APb0i*Mi{2%L`v9-R6P;|klqpj!9Lq#(P#?*D%p0Bq&~B_#w*PhD3)ff z?Z6kHjCxFip*nyW!AHgC^!1XDgZ4;J=E9 ziY`8tm8fR5U7nYDUIYpRB`FPXS?vGfiHrI%L&kNBX2yBc(J@^lZI~x$u-lG&4y7Ml zm29-Sc)1S)&bp;Kdm29j*x}A@kQ<^}(d&`sYl1F}G#rcjTvo=Dm`K+!>26+V32*p` zzX~sU$qix8H4xwa$#DD4Zw)Vc-b=$fKl0Y_*lm}E{48eE)vZ)yQ*b%c(-W-5olJfb z3js5u&>uf_h%p!p&$#X>m|K$z7a4(scxsA#u@l2g#%^q8_L7Bt7lD|1fi9v`T+~b8 zh|g?`vZn$uHP2jBc&_%aUeuT!q$6k^PcW^*3f_uvxUH={dXml{%Jn zg5{&fPJu0q384($dfEcW%nwUJ~TygpeWXcWZJ$!ry8UCf-grs-IK!&-2Q&X`p3 zX078i$0i(E3Pj!jJiN~U!pgFm7WCNlwb1n6;`lkBvK%*cGvp03dD$QjLa_wg&Lro(Rwwah&T6XRmNn{|V(C zT6#*cQ-S6ziHtjm8_>)u7l{nl&7exMIsR6rp%r8mSw;y#sWC18=#6iT#LIMcD`?>b zT}UW0L}GCjx!~l#^N+i}a7RSAHiU&;eci|qh&4eBh9;0Ir$7wiHyc&ZAOcQRc?f}U zE)zF(4n#bCsvP#?Bo*D}5%@{pnn6^9_*5`z%NI!*aOdghy;+6$e$&3kG6^s--qRL( zu6lO31Hs;2)Pqkvusi(Ijrnlv(L2zNeG|#I2N9s20?yUY-@8Lp;Js`WsX1&C4qkqJ zlvhp6K;R(K)!G<)^x3c(9YR%6g1Mn9 zfU0M=M*|3)b;TIL{zDE;;*)S3iFiGXrJtInZ$7D3~tsPeL4gZpcXc{8_h!p(X)yKBtmxztTb@zWaTDR zCGeOljp2?Ba_s|d2-XIW&5U8O1g^#H%G|UO-*e&i&)*Sd(Q+KbH2n1F>Cpa!D?@GH zb)j$PW5V$}J`$dM^*15b(G$5uoQWx9C4?rPI0hLiKhA+lArD9AVFr_oSBAehYP zdyqK*TdZ8?MzK-C>R1Q7G&zxY;r7QA4VoH6UWV;Ox@d_pCO=p3zaVjixoyIcO$C8l z3u#v#E`vu@%vk@@h3$K@e19zgE?P zh!trT;O8I^?$2f2?4U+lX6@Ec#q8U9Z0ad1@Mm#$6A@+gWYM4uux?o9k$`EQ-_6X1 zDT3U3t^3hwW>F_Bs8o>Apcp9ii&R~If31?5u z5-J}SANA-UD!=X9w}t*qL^JDA9}g-(6brfTkVAXX3IdJ}*TNMTgU!9?_E3JxK$ts# zVH_Nvcs6?b8RQPI#RPa6uaAeR&4qA)pfdv|7AC0A4?Oz`;pCCGhj-sdR4-JL`KG>b zdI*In`+jBGW-p&cXWNMl$2@y=$7c>XQ;9GJ<7`9Pi);@Wr;!TkMP@`Eqq12hiH1iC z7!9E?hnij^zBsllFyev2+Ze<-vf7t+cur%C_^fArbNJF%z6c@HzDSLo>jlncxFJl= z8eF&ug3%GS_hLm$Hv1gLY^}JM&tsLTjG=~{Z2$h9q%P&$EV?tEaQ%=}OeQWC$}zPPB@Sv=djFn4F$>ACT9Sb|Qf zEfhag9was)yq50?mti^(Idy%HH2&&A2s=TNcH3fL9u$ucC>tgk7i>QwE%I3@@$mcF zk4o;HW`(HZs52aH{qn8hz@B|%?jo1x9Bdd3Zs}y=qB5+pI<-JGo!nANH6m^)yhh5b zo?qk>@J+6yP|YfXsrh(BDhP*MMj3X|*rB_&?Leo06sn)N-**vFDTlB}=d*k7xij4S z*_&bURQE!Cc@9DqJM*9=4r=T_gC(CK{d6=|6tBA!#RS*BuNkYv3i(7z#7%HzH|2%V zpNFS?49!{_#O`SX*25y=O$GJU5G zcQ@Sz)>Vz^WUH}yzV9C{Ew^!cXehkzga3;8_~y7E$#EF)IJO5F&Bs6SakNom;mOxL zHe9i1H!C?YV|J0oVYVaeu5S)sz5U*B?9O9hJ93&mSL`K<7tzR%ok4pyN~j37-Sk}; zxY!k>2ow#mk}P--O9+M&TC_44RRK7OPHr=z{0<`F_nbg=9`Js*DHVu{aO>X&cR2v8 zCrRu*N>)AOiOvz(7T;Th@Jga2)-Ian|Mdmaxc2*ej?O=x*rG7BIz7@M6qkIE2J zdqHBB@){|i3ev{Hcb+g{!WRbY+vGQ!l_u`dT5V6w2_$l zoMfMso=!e5)?fOlR!6^)Hntv3s!$pHIk-4R8yKOBr`cyu%!PBukJ8#xp&jR@-odu; zs+WIT7`q#J0ghwS$URCJCe7)H##V0u`9c+`x~cq1)FuqOuKo7shGU~d>LTIN8QknY zet%oow|8GSjxp2x*f?rQh!x$Qo;(tUhtJY&a)Ypv<%lvKg?_A}MYfGwu*2vhWTTq2 zavi@CCZX*wA_R9Cb%N*`;3^px0EkBoPRHZcPK4H4LF(mdAfHQJ%DDfJs5WNu3~t%V zM6!K)Lf6Ca$q@*~Fmkn8xaqTB2w%D95OyY;;)Fl22dA%tdqZV#HjFS~Tah~%Rqn2n z=fY|8rcl~g49$Bi_Z^8Rl%WONC5fX%v4!oOayrp7O*5(>-eg~pF1TzS!T@`16<8FI z(d7wgP-k(Jco_>+C%_!UqX%1<99;V_S>jahs#e8h4i|!E0{hHH<%EQ(2RTd$b9C)} zoO^C*Rx1yaXsq@qs2jkHY!Xw)qNXAFRD$mTaEU!yi41G+dGEWzi(mRZa39(e6p~2} z3kF9A60yG$V8}SiP|X+;kl!r`nMAY&Ea57!ccuu`YjvLcL^3-nHzM&;_}PLGRRNR7 zjY2N>QiJ<2f9a-y-tftrJ{<{!CgK+o02*O)h2#T@9dQTRKxiIt&80t3BO95B(nem> zo}NL-c3+qrI~|(I0n^iy3%~knKOWxo?stYC_@VC!$A|7hz}OtNb?pczZyUl)c`_V) zc5nE^r;dhuK5$3aK@i$9hC(&8UgPh-JDi>xB8>rXC70{dUinN2M=f-*dg^6dz+Yu2 z5!miOaeo*=mU15dgfgsp9YT&QAA3&R#f&+3L*09Yp&UK>{o94%C&grLcvq z2rN1TT*9o~NDM~^C(#18A;HtQEQk3uC&3Ff4D9Do1-Er54@efSO9|_Ao71=n!@y>~*4v1)}AQ_v~4m!~JgaT2f2fuEg(?K`k%8v;y{P~jjrnC~Sw$@y?{ zSOS!2sKhPtQlb$jK6vYvL&0yVO;LW~oD!!k;<(os{5j$|vJ^{&a1w4WB)ArC;khne ziNIAguZfigH&>8gvfJOrYVQk~T%(rU+SyqyB5 z+-h(Z_pYjdgz|?z{6Vr}zbsCEIRhoS6@XHMWtu@hjOd4bw+WsTg3#I70sB1*fL(Ri zUc_i(0*4(PK$X36_>9jH0T0$eZwP=(NO$(geY?m_dgd&`K?Vi@-t>u&!IpuL&|C@K za`AiP@8vVe@q}nZZi0JbXW}Jm-Q&si&c&M_@}EvjwG~#jqBR*9*oke*X!yR@z5q%7 zUC1~_!nyLN!u2<73HKiRBAlCM_#NTo+^H}Gu`QAYU;<~dfBYvb9=GlcGjJJUb|l8W zC=oQbgj;+KTZy(oG%|ey5kcFru$@8pJb>fXXFvTfxT(Wc5~-@0;K6;}TZt919p(a} z0LN#NpjqIq_Df;4T!%8P$T3L3iCC_^0~Cd8@n&Vu-Ig1G__)QC^=?A*f@<97@J?Ax zBX?KXmq)cLi-G(6OI>y640^^%%qtSkW&H-OMbveOnGqQhT`PP#xhhf_d;*LLiLnqntvF*}~+3Y{d5% z-OTNug5r6MB7L8eI|p}BMOa!ftUz2O;lz1fMXOJilQ{XAAMKl3!j|TqFm!Aj(IMM? z1f6md&Qs-t`l3iMlDH;p@!?iiE9(*sS@5(F6#?AmA<=LvnP|(aZ89nBUQ*J=ct4X2 zjw6YLB{u>CfncnSaBYA5=Wh)^@#uZ! z*&J|ZTSVZV0s`fBVrsbJMdU?z$s!2Cs|i6n1rS6|1+tE($I2BvSIya>fD*WNz&f=u^ z`n&Hu682xVhe?ZGiHWW}qK`0zau#yc3M9uMx_RVyPkMTL_|(TC(!faJ;{--;+IuJr zmT3BnD8JzO!qjV268Ik9?J*rU=`OohI0Cb$_S!FsfiAA7-Pjj0XFt@@UE0P`n;Fd#k*$T!db0BJOPj4g!Ef5Ha zf*rT$;_Ll&DDAw)D^So0g3uUv_w%3oe0c3o{TzG#wYpAwB^YZ>b5>0)8-pX zLo7-}rpKzdyiZ`YJHd6VZk2O{EEs`kjbquUrK?73Scg`Im^ds}5WUh&YfKO%4$N0j z86!Wr)Wy`5atIx$Qw_JEG2-ZX^4-D(D5Q-QVrP3Ra1}b?$+IM?dm0@;Vg5v%mdY zquR9wyK1&Ixs3&^G?jtOlI#IyFrm1p``AFEdPXO`FpbI<0>pL($w)MsK`I2XK-dF| zr!dthT+K!NDR60S2YLVGkKRPX(A3zx2BED#lWhuv7yIcEk7)rSFulWpZ6r3!-+`L*y=^PieP2UPPz|VICkr za7#NG-eJM32J~U_Xe1;z3Esu+WU15!(n@sTPFM_@iA%YFhDTqS7GwhRjA<(@y17h7 zNLQ#vLZhfQo~s;;^_2haj|ip6U{>8Gv#Z7c70KEa@aajqiw)P>w(@!bQ^ORhjf|7hE_`ogh^s=ch3q z+qAWp$Z^^VAxmPRoEV?LKO`Tuhj|3mY4Q4Kpvd+kZJ)>F3gT9sPt$GM4!I8#f14b= z0vBgny+*A}{Dg2Mi+keOXge+O9QUtPmRqyd6&pUj%EV}xlrb{7BzdW@4`e#(Bk|r3 zd^C&`H{iM7_HC$@^lrpJMFlZfXy@JM8DdSAOAZ1)I8t+wN5N=;^IEZ$ka_6jW^$SZ zB;U;(7a>~!R67#vzk1tWfN%f^GwbE8)KY^s_@%L*eiyj*Yngy-@IjC0vMCUCathOU z*z_tI1~YtBD*Ye?8X{bq4UrgQZZLUU3He{0--2DiC`_NhW3h|q!#sN7EO6@$zwygI z72fzqZ^vXAxG_eqaLn*fB8J4!1lQnhw9nqL=RQ5<4Ut zluR};W0-V|;;*F)!EC2*rk=p8h$PU+KF)Kleg@8IlC2o(?gIz$DsD%f(~OFAl8^$} zw2UK@C>5ieF0t%{(?$cL_OI0}Y!m}nNjP9L%0H?^Z>Z z4&g5c9s@x0Ec@nyokoB&`O?a=F42fW%Z58r05lw0{tAU$F6jhnAQBf446YPju1*k* zCM4k>`N&7Zi@)c)2!@2fl)MXeQd8Z;99_3>UAUq6sO~E4hh?X1PpaZA!S_0WjB2f6 zk$c}JR)W$r@fb0z`OK$38E*XOr+6NouyN&YXxnnbm%d3 zMI$^MPFuZr!1m^Pne%dosDZHp)p&2yfCS`B+zwTk9F-bIP?(7u`rlX*1+chMhGUda zVA&Xmpj{`*ca`K#c_yqeP-_^UOkqgX(L_8~h$5mdHLw3J#g$mg$aBM(&?7Twf@rw4 z%@aVlO7?ZCi)5&RTv5T5A4Dl z{2r`&4VKgs&SDzw7JZKQ7LkE4B_h5l+bEaE60QZ}Wg8p|=S9+H2r@)jQv?kFCGvH+ zH#w3y6aX`9Rg_r*V)~E}Hv8bc;&alc)#u2%m@aqFSb3{6Jpv_tsGmvkQE8RVTGQVb zzD8ii`xUBk8S4=%N=Nv)*S!wCIGPir!Nf@-zx6<1r9y13M@Sw>C*vw+tz`)K43 z@F)-iEJO(<(2dOtc9B%x1tL$5o((N50&|maCIqCe@xDB&TCB^-1=1G=!@f|Q>L=QD zA2~}|!MS%j8XdtcL1c<>jjB>xdimXP9N7yNskQS2HKwiju{2}JYM98e*<%P}Pol-R z^x^(kks_{XyAU-IpnyD(b~|wP;1OHDMLB@D5OG92iPhhh1oyRkZY62afy>(neb^tq zyd%)9As*n?gb5S~3&>zxxRu33e;V4H&ULva ztHFX+D;Lh@)vjnfmXM-&#EGBQ#!HfuU|O6}PPE1Pz>7Fyqo9rm)!Z`7&lSVl|KHnV zXI!b=mIx3%Tg_s{GRc6!C#c?n#5+OCY-0qRT#3PGwdv5~RU@YY$zr~6%Prymy#4QK z4y!MbuU#3EL{ATB5HO4*|G*O~jx5V4++ab`qpZWeSXuJrM&O1b3|8EGv3`~a;@ecm zK#1t!3SmX+D%^#!KMi=)Lf+6$G$F0UKAJ<4XDFLC0iM(U!Ts~R||-t+Tg;Xl3V z7398Pd)JA@EZrbxE$UOa7G#~{XD2WjKM8zCu>ny_g-?W}nysK)#-==5M#fQ@iec(T zNqp?Syvk~7X1!)KTSEZ87uD=>@^sw#>9gS@?>-hj|Cz7gQ$!HkzB~?Va3y$^_9!r| zjKhK-!#j4ERhTez)e})DIx|%zMZf_xI{gGEUKZM2ESNsvIm!UAC6Q3X)t7~<1(=r6 z{z)uc_{_ay9M;Bi;k>9}mD?K*UU6A??sKmRxi*OD=tStgo22FUBGAX^P><~~Vu{v~ z@k}9~Q~NQ6hwwOZjdpMtu>?X_Mp@%V@GEXb_?9l%a^Q}qi>c?*-+q@vH-*LMxmmcS zF$Ad^K|;#lCY)Pt?-PP2x`Nr<(^wn(m41H^CeKDXk*t2-V1Wa$Luq3kc$d#|&8NYv zPOjVv8&yReI&x3=tH1s0@MEujC7GZI3&^t|>4{>3tK^xJK>q;g4KO(t`51_BX7oh3Y{x#_ z#QQL2Iv2L=+!={f$W3Fn0p|jz(291cXFIVnCdvewE)!$rmT*TW21Vs|g4D3}#E(T) zA?dzJ7k>D_ z&d>!HcIIw~!>-P-_p$xqOJp|7!D$r;m&hCshY6HaRM3l)UrW9VXT32JG7-E8+ZlaG zG=)Y)5~rj%UBb}M$(D!O8A+nXvCNqB0ocjXr%GJ)xXp5L=NIaS+67nrI~%LE1={9$v`9q72M@N_mx}2!kg#9 zE57ghqXlO(((4(7emN}J>KF?dZE68&k})y#lhDDf0HPUywUvF}|NhH2zZ~OJjE%4oINt*!;&WNyG8vE6APfO&)M2QaRq0+~<2QZqcTq z36tg)>@INJV0FRTRR<~d+v2Vkf`t~~RYfOXnSgL8bk;ZuZ3nD=txiNK`sFILbrULU zG+EbS>3QNjoEsCm%5$a=OpY^&<=$FxKAV^#v;o13`uYdM>C>lKK}qP1&VL5AwyIHc zjr#7^?*33h1~7bjC~P7}Zc9@qlK=r8oMA8dK|Agl57#`gGmL(W^o`Nj%w$;w2odfB z2x%=y0K&;r$HT9@_D^Vw8iAJZ${%}4*ndq2;T7%2I%0{-sBf`xCY`xq9OD>A8#X`Mj50``S|rowMs1ELE7Cu5Lwa9gRb(GaPYEg!`SV2A#ulP zsf;!T__^x0f{=3%Pps9{y<>Z3LDTme+qO0FBom*polKmZv2EMd#7-u*ZQHgvv7IN^ z@$Boq_cz$be!E_*?ym0YRja$|_mBU9TH7Yx4)!`htOO^MFSfvxKh-j#$x%;y)w6!P zae^{EoLh?N1NC=lD})5SPqhk>bccr!3CM~gx8=%+U~o|$-P?NCfn3^!`{=M2rln{{ z6JlMEp!>OJy*u>e&A9PCODcl9H+%?Py>Y)iEi@1lpIVB2p@ld(ztEy( zUNSvJAs%TDX$$|83;Z?epSsSu7|{Y5K5u7SO#J)?%B+(zFVTc_eylD_hYfT0+l5!7 z5pphAR8MnGW%KHk_w)v0=TnmrK>Y||DF)(AM4s#FdxE~(pY!VUoLmfGLmTVD zXyX=E=`EI9uFeB!~r72O@KiEi#kc zZI0!l8N@fZe{5BIyJ-IfjRi%Ub=SB~a?0CH8!vy^6TC!KV84#Xq^3#BRY2}M9?CF_ zR!RxE*7bI;H0LJZ^P)k@zCyLLj|ecW0t;_jVoh#faM9@7qfcIAgk#xfC%-Uy9i^0} z?Cg%`v6pWF67_^@3z(%;x8rP6$U69*B&BVvl^}qlqsia22Lmb?xYU<`#F|iXv~!l~ zC-0n{s&iGM=Y>FicmIwe|uFVAGWP|ain&(zHfsqdcdpmJ) z6X_qw8zR=&45nuElsDW4opT=nu9SN{f&b^s7QJPnB##+`(QMc@Op zo#a;Qk_P+ecGBm~waTG~RHKgJu%lht8%iprGwXbKfK~1mrKIW_aVbyO$hvRl^sb&W zx0h4q1>WwJR7uJ|h8Ak4I>M-OHn))`;n+n`K$wc-G#NA+Hktt`qoh|adll0^p1zic z+`0?DyRse?@4bCPk*`a#k6v|7=XX1|y$2q_YoxF~SRveNq6T12>!Df8e$#x3G${y- z=->lhkZK0jW7dr}UY-V;a|IAt9j!W_w?h|R6|rmJ9SaNhI8d@1_J8zB3vjB;TQe{>=Csq$)h)y+>zMpy!i})e@;h1 zT)(JMhp^S$_m6xE#Z(hX;?1VUoj$lfEz!I%qh^BkcR&zS=uh?E5;fB9Das84&lP=C z*{9)3!Z9vOY{|w}57&7=!w#~i3QuqX#r@MbRuBi2H!v$Gb%Os!*V*%kPLUeOIiY$3 zc|epzPUIbK7iv#R%Wz*o`sTRTAiW6}%1SOQNKK{TEtW5|h(gz%tyW}Pd^AP9q}0s? zjvpoDWe{WbinXv1OE?)#7q=+A5?~E{8C8Ce8gjLi@)9h_>O0^u`Zf8pSVUQ2n+VvU z(Q{A4ryH(Mq7U#@VJ&M6$2oXyDAA-x)3OUt_^>hYr~vG_*s? zEC}bzRgoY!a3%+uo8x-ekVy*BAqw;q? zh`>Q=3#R)U(%@4PQGQE9EH#LqzV6)_YI$`x<`oQMx`-IW>+JI!U{yqFMZ3vn>JZf1 zqGYy26b22+#}eucwt~=u{ZO+DJ4LQOo^X4$X6sJ%!f!8ND7xUQ z?;n2VnAziz$EcUJDr#a6D;TWdg!DI0)PQL;HiH@a>hh98ChHkDijinVl4m7nxJg$z zjPF|i^|*nxK<(TLk-sZt!Z7mr6k;K99d={3l#RXsADEpL%n^#?x=U!;LtZ|h+#yHZ zW~K$X9YcVNIEUZ2vT)m?wIbCv~)nMFWA*Sb!0T# zo*U5NZhscdRXAMSAJB2<`!1qMOjSsGmS*D}dRyN63yejyGmxdpI@f2hpD)&}n5O-y zLWigD^T(Z8IQL3_G9CGhdN`97ocbEtZInp5?Y9uzK66i{D4jG+)KBKWK}d0lup8^3 z;{a(henU$;l>&cflqpQUbX>=it@TiaFKgKKnM?_k#$isMdm7chN4q1zRYU=YHGi@> zeZUUH2P5*fVlLKKJ!3-{%zn#d6AXozWU?DPjPmEO`9tln1pVDtPgQlp?upcEv-5=C z2p88R8P}YOgZ;-Kg$+BxU!(5rN%i3IXYWq)qQ?`e!P}q2I)<>z4Fh+t3Lj+YHTK*FdORl+b5Kid{wdqGC2pf z>nYFgk`P^~ptz3Y#MoR;bea8coL%`gz4#l-`>?lc` zAW5JAls^I(E(8mV5z5H_-yigF&_YaHJ~S%)F%m%D`cs|s$mb@l)@_jg0sOc;H~a5M z0cWJ&icLe}-cR*NCjakIr{ICbikTQf>kG+%UXC+@}8D12`%B5@NNkPUi}okmA`4tc!fH{aW;0Z zX{x5QCtTj zDx5ckPfh#x>#G0z;_GM#|M&cwdUVTs$?$%@v(b<{+oQMgQsTc`BD_);e~}cX73cSy z%acwQksK;I_MXQEHBb924xb7x*=!$ts{tS`qQ)eMnjeRr-w2*pjXM{qgx#vZ-t> zm@TTZXW&j_y*xDFL))oQ`nUF@TliyoVY_flU0e2p!2+6%0lPit)Ukg0f5-9vILLRS z71X_+zx;MC#f7Qs_yA=jJ5<+s$)POrYC3O%I!h-T*9zMoVO6%jg1khK$87%7-JO46 zVB4Z}_=T#v*wI}u(EvBp?AkSQqN#w|HOD$bTnI)si0onb#PqMw#HiJ0WKhq?IRr3i z6q;*Uu>YbDHz*E{MG zwclURi*KrBVffbhoP)$JRGtrZH&d8en zkMS%Cz!-CFJyNX`K_w%D+{q_GmVHy((v1u$Ni`$gS_OW!iRRqq(T!<7vFj|Yd=BlO zK0V!tQW<`8UAtYQ;g3`aY>n6%u{OL1#a`3d4|%=pE4om}k!Mb~b@TVTM{btcG97`w z4ZBZbT~!0cjYEeF04vjeaJ6>1qLTQZ7`mSgyV*n4<(u8{clc~oy5X#SM=#M#-#IFE z40Ol$W7~+$I@ivW^h}&DcD@w{pTw7rb#MRKL)}hLW=hFO6IF+WrkBJ3S* z-pgMWl6T!ByWd_2^4Rxko^OrMEbewU33RJvs_lP!>1eP=uoA1g@AtoVDys8M44XFd zqQOM*|H1vk8sXex7*8W=-zE|?#?#nw9LRHtyV3gLt@{1 z8Vq`~u+zLqos9R#2hLX6Cgw~R<@>ganfk`=dq5T$Q!*9}6T|Vb#khKO=X8sxWW^`b zJ>Tm6#waxX!J4(zJUiWJr+-MG^RF$5vmVRJYI@AHqNC~NN!b5T>@8i}6_vCG3ygn3 z&5Hr=RJ)>!t&hx*9WSr;^$9Fg8|N$j)$1%)!8X50RI;~QQF}mFJ}I|>$>+9KS!b{r zZV~c}UvXRT1LDDYLChpD=LVN)|IV|7mnioa+TR0-J**3)o0QV7FSZ5TGmAkNZ>J=5 zeCw|GY+n-v!=k zt}m(&HV=_G?f|@b9(YQtbIUAn3;EPvSg^hR&?eByAt>gEKX{w3(o9uAXAB*`Y$PpL z{bzQItlvZ40YcS>e=4W{cBPi7pCgyjMRHebm6DCXmx2MwI_e4rhD`zCuM7)GWGhK9 z^r$I499YzUuAWWK;7jhlv9?&)fjp)B(*N0F{(dS@ygHvHE$C{!cYb$tk0+xP59tHt z0m>pKJ$d_R9QUleL`}i_Yg%dEA%f{i!Mgit>|O1ks><%w<2M~4eR#0as}uYsG3%)bF``o!x&QiJuUg}Ggz$hh(!VB1Yj%!oY1 zBbujZ=#BW?n+1kRifK=YLT7Z6BU9(~72NCXqfi&y$DKw@rM&T>uUH!ioJT@x0W2*%e|+VE){-wcO6hC6qMs15Ha~W3t;a`c?P)ZiJ@Z zzG63fv1^Kr02q5+1s!^i8jT?0F)^KFARf!6(@u1rSY$L2f-)}k-vGpGQ!qC^&&=xm z@cmh+-@mcy?$3}T3({BfZdYR$J7Zm$HeSvyFP(4oLngBQU(d<}#NnLDr*7-#&F6=w z=bHpX=p{pT_PMH|E;hiUU|Mv}?%p!{*37kc;uUWFEJ)nB<^QzwA+UoY`$3`7Uy-7y zE4;`qw;tkbLXgx*pP_z&gN_!?>+-^LR>msY>~QTRx&&d?{fdyv>{{dRZSZl zjk7okvhsM9_o%Q;%aD1kY5k)s>vd^xn{JW$-%tDvG!?=oX~{wO65HHQHZ}(2l-29c zK;`x4j0IE0uf(%EK=x035Yq2C{=Wg{^#injBi2xLceWA3|9sOCz+xR>e({gJr8qPF ze-n@XC+w1qEh&_ZWsOs!mz5olEnEI3?-8pjIbOFkZpl=BlL7ZLpWG_b3HI$A9e*A; zxRVLrRHuzKKD-J!{6K1Z5SU=7D$lTtIv&P$l;zWfd9Ywp9v6dq;tJ=m1zhpWn=mwy zTbsUD9AjfbmAEK_`xsaob01{*p$-n4n~5nol)E1RkLyQrmHno79oF&q%o z(_R;A|4M3FBJ;A!S@bMhEV%k{zW2<|Fz|1Wb6sq02?9Vca^T)LvoYY^HProZ^n9*a z2{D$)H8$>0nK|lMy)V9wg#|tPR&tbH|8?`@-3UggxAq2M82e0Dr^6py*YJ?qcNf!d zG?~h}a><|E%?355DW_^C=V)eaZGv;5zwg{B6$cmbIE1=C&5<=P{5@fi>{-03-J+1_ zXuLj8MxuRH(jj%4Ef^TkB)v~r@P{LU1y!m;i3W_dNLtB;)X4=?NSx#9oF)k9@2)-- z*uAKrFX1IF3jm2dgOB=QO@F;QV2Zws;ijt;V~JA^lvXnPr^kpM!MOYfd9g@H-E1rv zPMcmWy${Sy8?u^~phR{2UGA09hciU>z8&NfYh6=V+|$#{+7jN~jzg_LyJ@*qSGs1n ztDpw>sT2GBgMPnbkCnlG>bhTkdbOBpO{sM1E|Yc`JGER%U!RD8cKMXUo9SlsA>PNn zT399jYA%GzPyIOaE`D8@m8~f@GSiVD{Q08TX@p!y>u~dUh^pJfKGDRc!!L z6k2fMO~TZ#pRHQG`7YOUEzx&?@}8@$uFILFrAgjHW-hi~H%_V@ez(QVO>}naRg5N` zCPacD)yYWksQAEdb2&L%STM@SO$42q4`utGoeu8hL?UjK`J-vYHn?5X=#?vlq5wdBPVxz z`Qs?iF&9h9F^QQUd9s4ijn+nUka*qP^KQoJwE08sCLO(l^XLjky71Q#Idy|y9$tIctgRr zEMurMJ0e64LsT>pjD^nN9XG%oAp#mOd2nc6fku+Sy|k?Ue>{VUr<3At zaH;Wg__p`hx-wJ;_=*$yTnD=BeSEqwcGV%X`^x3I-|ux$bpzsjQfjoYf{=6g$osbV z23=pMa0v9ydEbxmu*kO5XmC~%2V7fJ>Vl+x+(JyB7$$gWS?JJ16kK?lFGr490$uN_g8&c;D{V zSPRyp`5;2!BI6!cgCu?k7LS2{E=NHb)F&Fyr)L-C{`uwjR3zx2tzocLI-yzjNEqx* z4HHKKiv|om_s$@Cn4tNEUPmvko=oVVjyfm*RZC9rdU`D{$|;m=%w@&kB9X7bR+*i) z)UX1-I$7A7KvIkCN2{Fo$VNv;H@@wvLltIY?twE&EcOIm$8vY*`LyYIxjNl??9eHs zv@;sjiL7TAi(HWpQ<4bELM2#Ket2;w4fA-pP{x~se&P*F{MloEo-tiFNdR6+GoyvB zcHb|EIWc@iD>JH>P>K!4-6-TqAwox3TZj#M;muJtyRH^tn$3wkm$d(|ycKa+XdDMK zi9^~AzTd>4@A{;1Us$=yft$TN)4npuqAVC^y{d*PK$>qi|ywQ^A!sFm>qe zCY#pfnZwiuufLN8s)(*(t_87;8Xk=8ikX}-61G>Ai{0@8Znwt;ARX4%;zNFGbgPMs5qb%(!wGk7S{P&>KT1w6`9e!9*IAyxEO z@Do;B!H?4!cgztUGpau!fU+I@&+ACvg@j>@=X}#PPy#y`eJksOOf$e(KQ#1P57YBC zyPv-S{VM@z5P}njAO%_BYzvU{^;siOy86y?pe4nA|9+vegO91zEqbysyGTKwdRbZF=U^A+4suiQREe_bLxqXpZLZG&`Wa z4Q@Wd4+?3N|E_A@x)RmZx_Cc#ExkVGYf3|5P-I{O)dnfUQ2-qwpv_8Hfq=;pR)<+M z3Slr7-I0oZPtkZ*MbNAo6ZqG`sY?UGk^;7J!MwWU_$?2fvyE?7(x;<#e0%G_g27<@ zwk)Rg2<`)_q)?hm{kX~3=f>jHd&S^y<*5@$xOGkp5&X9N4_{p?CK#TDK>w@kT{XnL zvDtYT1qN7FJ%C;;KX9DQiN|3hCpO&wwpU238@0HGmwsl}28l28Zj)b1026|7)^7I2 zH!KMiZ%|}Y=seiqwS|> z<%85Fgi3Q9h|X%cz<6ATfnpqcnen6moV8^Lat3E35VVT$duP|gDRNE&|FJcN|4S5K z<^6o7<29g1Y&eB-)PSMHgYTsDQafP}uKiG)PPCefMg}-QOeESx3?QKd(wEo5MGifH(6xB6cQyyKd9?!1in-kI$Ybs(`quSU&{l{ z??io7YT(ijrDN(&3OjESw$OGH+fG-_x;wP)z(2oAWXQYeXIIH0J9ogY#UfJI)Nx8>Uuc<#R+yc z^JQ?^xs@VLOL+TJXHFkGL=QVcOhX5jh`qF}NI%WM$Bj<$NCho$b8R&g zE`)f&#;RI|E9@F~xt$&{mjqm9J}3=<(o;pZJLj3F7?K)ow#s|OM89kGmf;Qfq73z0;s3x5u=eV=O`lCh|L{dwWG`E25GC#UPBh}UjpPB?M5=Z~(peCeOg8PSURA(|l$N&&gdOGtZ5X7!p-_oDh+ zqpoiSe`*7FPJ2{NS+$smE0`Hkx=(bcz;%fF`S@6)5yk924RCs@dZ7M~XfNdFdqq-Gyz^ zF;C_FLU0_@47fBdnp5U#vbeBhX#=X=*v8&_24~G&D2r5Pu+F%j*ClcoB62sCQbohL{F=k}37`-x(Pq_hjg_XXKc^tHGjs}K2oPgz= z(M;lT8=rI#Cv;`hh-C~Z+-=P4#;>f+W7FYyuHR+2iF%A~U*7=Co578X2(mWHF{^G` zqDiTz@Wgii+}BuHTNmAgy!zE?8Gc^R?CjzY6M`JC&BKG?$CNp$8v_p{k|xCa$(tdk zEAq_J`G33V=YsZ=(hwICVjyAK4V4Ad%XTf!U9_fZi=+vXTF(YuJr3qWMtZ)K>m;)e zA>z(p?dP%nn*PvZs6MzDyx_V7YzLJVCs1XKiQlnYV;=j>5AcU;ZOEnC&pjUOLSA4^ zkFvL{Hhs{`g3U|>n$I+ixqxqc6$}^uX3r%~Me1~c0Q0*lodi$B+KG^J_?xT17&vl= zHH`^=;}a}ip4IRhRDvgr+H9^(BFAV;NO~&q3%>Vs73;d5&IEU*`Cwv@m+}qT$+!Zx z<6IuT1pp3D$!0!POafKY4%S?FFw=QXKDipQpKyAkcNFa@7z4LZz%n!6MOZ9{FgQP* z8Iw=_xWkr52k^F#@38v>0z15TJ`bjSF;Z-%;^-UDw0T=DQhT&h z)gb?t3Q|0($w*5hh}c}6K%uf4lI22_6B3)@~TWtId+{ z99;KO<1jA`Qn~q4QH-}j?wa9eVdO}wek%m*N`q+b_T{<#2r_zvfv&P7L2+*9S@nn! zSzt#|A-e^}%Rmd>R1BcT|8RIP++?g1q;Wc5!l@9a!CcZU#U+qH>DWOmsSs8h z-2-DS9Ctd$jM|_8Lx*Aq$(N1qtg*ZpIJdGVwM^_#4vu9*V|_L($+Inzifo7C@X(O* z!CI_rOaR7)72zuMT_HQ`h9OQ_XL}f#Tlg|HyO5eBdgWXCl{v}?2&Y%bG!&5kW`ZK| z=t`$}7c}&GfAgQ!x~I1eE>*(l#{u3FjG#43N(c`BsiH)IyvKvQcJYin2pA4O_D|pg zGL9)&KPUx%?vn!uwfqp}{4P@Pcc^Qi;ELSM0jm7&^OW+fj~rwi20oSd$B?QHM&STt z213HReKe|$JWL$NGjg{Nu62Ye{IKXjjz@rkI0?c0e-jbGiF<5a;|~*f{o96jxBB{gWpD02=r}vpx0v^ms~@`1%=s?bitS&C}Gwa%ZIPX zW>ci}Jn|B>g1$q-gX6k_#TNmYp>$v@?n3iNvb*)pq&jc_vb`bx`bRH{YuYf{z0!9& zi!caXActbEHay{qm82)kSBQ{C!H%}5pE=2uK(Hb(L=HyyGOk2s1z=&hqs3u!f|N+; z$V?))Io=k5UiwT&boyY|m{e8-CtNEPJ|hpOQ%R1g2rvRxM`&_DNMUD=qXp=iEQzI} zVoh=l3+w9X{E2g2xPh^;6=n)Di>Bwss9Zdc^lsM2I}aLvB9X)Z?!_?Ks|gp%wX=cH zMk%-9;r>k|YH7?{-~I_pW-fU6MjanQ=N|(=-0~MxvTNSMbvM*u1fRAQB75=E9S`ba z5!6ZHu1x*K#iqSyty%TBG2-G~O?h)V$&o zQ?-~rUaxKH`M~urA&Di?V5ra!ltOqTi(L#;O>7}#9K!MILuUsR|3XsvoYqL=T@_sJ zLjCT*#hn)GH`+C3(xvIm9<%9zt<YX4RZQu#e%EbP zSx5jkEjKoWBE?^tP@Krm(y{V|RvXd<=BIOMGA8t=_PL?N!pX4+e1&2YNu|B13gD^rIFgwF-)B0R)_Q z1Qkfwm0QlVKT9p?&9LFQb>UnvY;T8L)IH(bz20J13M@l&;DTa`053D&Oy3>lDCH)@ zkH@4HDi==m(}*NXR`oKoS#)m-vB_a1sX=bW>(>c`^Qxq8JPvd%(3@**bdRsemOh*R z$$29{_~y(Ldyj|TBhnHVI%sZoQJ7fJM77Z={+DuK+;s$H6gp!Jf%)$ciQtUuTZwUD zPKPZch4}V|_WhfrG2BX?Py~+Q5`#Z82d;Mxa0d)QK)EbOabE!1Pk-C4dA|$KhV1?3 z^L!f_UxjgqCB3rkTeHb(T{M4h8?x}bjdMfI>Bm7+DlG3PCilnBFQs+$n4~#PtKP(R zb*becyjktUU?_JiO|_Ut9ZGS-EcKsoJz%P-xL<=_d-rTreZGRl(0$6dRE>U^zeq+F zYVD_QigD+_x)1yJtjfHB(2KJmva^p9=LpXncv%!I8Cv?BlZ!@(7^%uwt>djK;WR?@ z6TD!8nF@O3N-c79@|4NNw`OTdgdtQHVbD!VMe{6uPQzCV6FE4(Rzl!ld#IcQx&&<*Vu045?dOM4Xvi%sTohc>^?8Y(?jBdDSAUD8WGwr$+||`y1;4vf|JM^jECr(6^wtl? z{SLSHn}0+=>=@ZXBlxzlq!_nfWf_AJgeo_xpGJH;OfUO@&v)pb6-%W0M}ouBh&U=z zm{ZrADN%i{@}?Dw|LnQ8cyIB#?6)Y5iNJdLtJ|V6g$6r;2M--+qXHFRC%}^O>?=6~ z7VxT@oC&r{0AzBf9u#*Y^Lv&WZi*HybxnXZn;m^yqx$_xcUP||x`##m6u`=+PX7?>*$qPtu4 zTKBP6w)hnKMS1EC$MnmvyYwLFW&8`nDmEm}H)WIs!!wIljb_#bKPY|j$Pwf3yNwN) zntNA}p2Y4Vfi7RD>tj@+H{mLEZ=VNNkV`jb5}4`!5=APT`X+4Kx5jANN0z$F+%x_F#ajSj9| z9U0jHmUKZ?fZa zUE%E@DIb2!o|TXMM(B{z3ai5DHYWelqvAv88TPKdPU1uw0*wc+88GbR_Bn*9v-1Pn_T2U)Mg6cUnOf}*Ga-u4HOOt2cvVRU$W#2`2FW1FzTTO(jLo(VOvN&FpcsNpX z`c?FOC9;%jg~t=MEzRS%ODQ|Kt?~gFtgGaEUb*kMr{s=B|Rrrwm%@|bWb zpO?(Tcq@Fs=`DfT05O$lskdnFQOBLWb9h?zr`3Fb<~2>hp*d zzAwl@Q+&lQZZGe1g{kJ?W1 z9lT%P$J~Qpd5=R_T<*sM)vm!X(LY(49yg~Ui8zsBb9#u^r|SnDy|5546A#EVD3?oCQYZ@*MwEtDy-yfr=IO;>M=E z4ne*01z5`sPJ7YqCn+gZS1QIKFIIwI2}9Q?NpRiJ=9}66K*s3H+Bu_nF~LJfvDpki zU2ir7f0uRwVN-@!w_Bzyu!otYx)wdXI3*3u&k)kjC!YoHREEj1M$xnlb z+&0KM0KWgkmS9H1B5z&MQydpj5>^6*F1>i@(z<)EstnE!w(@)cGdsP(PfUZ+>+lnF z&wj;2@5_B}iv@IcQz&`acEw6eVOxoEiA1M`$z#Fe?Xq5M2MRDZIj}Q1uZkV5PbhL- z-31~{IO>bAeXLbP2d=2Zukd>@Qq=My20{w@-azKnmpE1xiX_@NWIp zFx+XTY^7K1GQ3-LV^th%jgq6elYb?Pd1?{6_093ttzh2QW5BnK!WCxJ*H`SD(lZ|; z_5Cr4zy`zrGf2KXKTb107uu!gK*g5f*G@`QlbNUl`vn2j97RkJp6A`ag9?VadjT}s zD`^C?_@~aSzNt!ixW+0)Om9W=KKpL)i5kyVGNOJOfL<|klT$71E8rs z@hAGwEBw#kdwArAwC|)WDt|)S&o4C4h0MF?Ova(eq1^~DOUjmxHLo0~iJEA5nN;h> zG|u5p+4~~Gn_<2P#LVGzm1lR|;=%hhR56M|tPt3-P%pphB-JZbm1>kFZs{M80S|KA zZTL4YOneEV`6qG}wsMZuIijhV;SUp65*3=0uqi)^pHT`Hd8gzVoSA}OW8y?e^eSN25n$j=pi5} z#)7A+jn*@N^{6;tMpf>{ckb|DN-BaN#!Evd|DY+=^BYz*QJq!rR|vC7$gRFPbnR5J zBRaB-Jj=r0p>YgPvB-!Ei~x=G8%&4~&O^)&YO(;Zx%#c65E8F6XL);eQd zX{UTFdU~`q>B=twH(8u-rK?qVQ5FlLrmk#60}MMuX!Q-?r@m)F*G+aO+acz3C;>QP zx9^76nB`|iA*Uz5?5po==<2&_x8Iw|R<2V{WeM7v`mH@=^_3Xve3Tc-{JZMY(8444 zV`!)hJ=uGE&a&4nIB9wP$uqWq#0d!q+JT`FaM1o_buZm!Du9!|FQs-R%=M}#_6>0C;cgVi&8*~lITltoXRKL1M1y7 zr|&aC1h_9?klHv?XP9&dk2a(Vu zrB3EkYg68P2T%25_?x4O0-9-_odibfFQm*m4F^8Lo}x`j5S3# z1@Od9Lt(P6qDpqIaJ9R#5532l^Ol73eN-d{Mh9*&hrRmzz_$}^=K!SL-pP(g?omTI zxYMd}&@h@qWd?t2SA}__j?N5c+AD3losTA|mUG8{-TP9yT0Y^`tOp7C#lhS7%+g_PEk2pDy^V_h~9g z>S}C_v|?1;0^NfOdp~657m>s?5clQNS5L`*jRJa>=EvjfAn&!s&7Nj1@22@gN{V^- z+MHNF*`E9BB%$Z`dsn3P)`MLQi%a@m`z9bCoF%`A^4iYub@(oKP+hkM{aF%I zm+ZJ)>N!M#!n#jyWkVm2q!WFxeC-e(wdZAhqQxEMzpdJn|K~aN6QI78-O)W*pRwP0 zoZNlA|9wN^RERBdUmL6l6CF^KaC2=&Ep3GH$313Rll}9L$f^6!Sl4cBa5|ini%sj$ zX&+nAT<5LXL&uCKyo8TaVJKQ)ogC!!@9{^jN7<0JX!c3i&pQB)Jgz}$7-nN3r~8fq zK+-#E-t#GLg-h5R*oSR)h;A6DNR%2j8~E*U#xRjd)ELxjq%M5Tzr+_g>*9}-1?lOR zU!k~g&E{Kzwa?go30-_b4;$VlEgRn6CY3Z18uN!W;c))KQ)AkQsDz_*7PnhPb6H(k z$1jguOl@mJA^v!2q|fohDKvQ=DShVgy`Zxvk{|#2u$TLGz7{czVgqK=|GFD%0IX`^2QT=SUTm~Hs(z6K91kAn&Fv4U(2 z?C497#O~*6a|eU%5%(G$(oNLoTu7f#Z$*Iq7b`@{-N<2AF^J8U3vpK^xw3H?-H#qf zRPrJC9SQUh=Ai;u1t!ez>aP1jg?)=uOtg4>_u;bonDD3Oog(;O2^_LU!u696Uobp! zeL;#=?$rj96@8qW{KcxmpjFk125r1hA#eF9uhv6kt{|8z?rN6%;cnu%!nTXn*<(R&7fr^s7 zv4e|yi{CSuG!;y7RbGL?K}tzG32G(sTU=JD=hWrd2|V7@E7w%86Nb*eee%C>;*iax zyC0fVITmuAFzjNx1U#)=uv^-Qzw+x}iH9G3D7{Y`BqA=u+%2+Kqr#}((6)fVJAS-4 z?Sw^5LevYJ&$E`hiZ(IxZB{VgtA(i-&(?Xjv;C>qZjR%A_|t))bn>;n)3^jDx3HXN zr*D8;EcYZFu_0}XBX*d1NYn*>!UuBY<+50ClH?3SBhbX@$_{N+I;ZLK^~)5b~omiH%Stm#_PNqyDUq$=0*<5q2wWsg745`*7L}a z9r#K=yGs>{4e~5KDD=OlrxzsDdCsacmeJ~AG*qNgBu_JJtRkeRk$@0+d~LA|1luVr z)=q!T*%Np5*wpa$S@cpqT*4!18-NK9CG@^aG8jp`{UoVgyLLS;U7IXc3ub>MilXQK zm5%Q{e)_w=NmG(rakQ?#d!qHjU-wJZA)ft!kM`T1z-wc=;wBXQ1+KL z1(Qi}F4Oc{nW}Di-S~Ah!;T6`L&n&Mou5B>B)<0ild+ejt1B}%V)@Qg%->nU)!NQd ztxBxpZu{u{ccS;uNX)FZ3>=~e&1P)e zyc1ivBA0I7i1FhO#{cl&{a5k&+ZW=yZ(NSs3xsNTR+V;TvMLMaPPplsgfDU%1_6^< zF^M)#j87pUBXD!10+xlM;baN7pFV_j5kA4nLpW%m)D(uwLfcT8;9lpsU^UE=D;)Su z*{2{)Y}a+p^IcA?Qq($H)~racfYtg|LCHCU$MKbC$hmnIuU+EBTtUPCabH_)-Vg7L z_HH+XkT6QAl`t-FS=cDJRIc(G2Al4FfSb#Z885_@KrkFA4S0BMTG`^i%L5SxWs-ol z@pi4PBk)jky>^q$pJeVXLv%%eg{?~M1Ie6K6kOVBa%1)_`)gnLmM;~*qMttV?vee~ za(BKtoFG3**Su#40~*vd-bMcgq46Va!!gu85}k+lMHMNtK6@*A4vbTe2HZnB7qsl0 z`%Icq>414#_oYhWOUV^H;Gu>D56(o`REEL1yGnHv-Yp#V-6T$p4h2*v%C=P^D_y`C zW#Zi9kHpi@K8+`mB4gytEaGiaiIGpJ+;yOcNk(OoL5tOI1#X(BP-8i`A;!iQ?rJX2 zut}n5p)4l9L$I0b_{(tIWEGRkAN7D$8GEjj0`@K1b&ODFfeOt5n`2<;Ad`=o3+JPC zy`RMv4ImX%zbwq-?Ommg9 zrBV5lxW<3*$ZEXS>Y!vfD@7a^T}tItw$xcM+=GgMvfMxk-3EVEeDyk%z^7cz1^pyV z)3zQUC_cw3_*8m|0)U2$@WdzI6=KpR58zco2{C*n{*m|x{deF2S%_$s9O z1#fY$_y1+bPb(k!yua+GpZfh%D;o(-nIHnc=#T>tiHO@N#F|H|vn|B(yMm|n62a1f zPMCd+fL`aTHMrJyn{_Ft0!T}vc&2IxpVH(g0EuGCy9DeK{6THjW(J8;}0VS=NKs;_X+yAEyo+kMYJ} z^d20I&p&rQ{^`H?Cvk*Ip-0Xhh)ohXE5r2|A{%;_m|vrlB||;6xG{eTBds&KM~}q* zgZtw8_3P~FITr)_aYS~n#=!^1;;kQCi1G0QE39OJIUajx4{qqr`1jxcURJjgm(1XIZ;>oJ&bX5R5+=-1u62j`0SkAq zR8!DRCnjn&Iw#4rg+D)g$Uyzwd9Yr;^CHu3&5H`A_n5b%mhK@g7;n!wU(NxO%rl*D zt#ye_uS6z@iW4Y81uk$M=d%wy$G-d8mZKBa41jin{Y$dFm8s3Zg+7e0~ zeidBGMG}}a=(MvR#1ipcaJ~!Afg7=v$!m~drIKJrY@Bx)RFU74C$f*}aiaguq2o}` zEas2oK9UH#s5P;QB55ekJtNr8BF4~lE7MakMW5ja(2e_kgX*AL;9HHbX-(HT`BYWHEHwq5^bJMt z=4u{b#B;n?qERt|lK2LWa~jnTCH+&eUE01sj+uE%i|0`YU2Jmj&UpYwfOFzDkjek@ zi{^Y5;V-UEi=&`#@y3@xva~z5=bSlFo8(*ExwDY`xxG9@`#c1kS82>#896#@U+5eyCfvtP85Ehn2JChQ0-|9myA;cA?hG?f#nPT>RidRAAZ_7SJs&&cvaUFs=Qh zNl{aO4TK&dALA`N5d(NZ8rwZ_>+*aYKeIn#pie(932B{i_WaqHI5H65{?51J(7p+j zoA=`Fm*0!y`%lHe(fusRnvELk#~WP`OL>XPg%OWEb~-Lxem^!RZ{?<1HMDaH(3NTBgpulC8)28O=Bku!lrANZFn9iZwQE@lP!8wJ`I0GY!K^)OPoncvk>pvN z^x9PFoHc&umY+D18F5YG3C}Dhjd$memzTHZy49A~dS9+=;9kQfMLS$=7c*}D6OXy? zzsP)qjY8XHtcD&OlVkSq-B)oA=H>YF7v76YlxqpAb`=j`t+g(0yQ`~{Epyw>__6|$ zDaP}mRjNYaW8953y#lnIcmfj>{^l6yScPcO}J<;p`L+T%dt+anLeyYnZDHtyI2Z2K!V{s%2XXg!o*m|?VS5w z&zOCg+$C1-V6}FUFs;JjzA;{tim=z}U7)j!By&mZv*oS}KH`|TALg&6_n9vrkLR9$ z7N&*rvOSAYKv;!39~JmOr!U}HC+t)snRS`mx=oD+miD*uK)`UuZ`ed$!#rikL`aFk zDna(e-%uN?kTS?CeAD$v^cnz{6r&#iN<_n-A!>zbc_|5Pe=2Qj3ApkO!%9>B$`AUof4{l1;&l?h**^LhnPYp^Zh zA!sGlLUSvGoh>;iCsvoapIi5Pt?-iVO293qsFf#a6FmfhMJR+Oxe|4DaWro1@;hV8|1v3|Mam$&}VK@gz5Ul4`cbG3xq|+-CTE)@#9;OucYKg^#BqWIwawlP;)E`Ap`yzpMcmU(+% zGbFCbk=nUd%b<(7hlkwPM~;#HipP#IU-`M{w%>Em%~2G}+Q-*@iRybV+TIK5ASXef+7ox^*XBdh;AVa zI}Ev48Ms(_NQ(%pV%|`^xX$MZA7O^QoJxlVl{Gu+o7B+$B|BR9?0gC5q+Q0SKsKz< z4O4O_R>KP_9KuD#LPgO8M(0g<75PGiGBU{OiEi!@f^Pa*rIyh;iJ)s}eSPFqjE=MS z3f6mPKcNe7qej)xbt-&LxLfPQM0(Qh%+IkG3#GLwV-7O#j?&PHLIZAA&DFtRwb+)M zsEv#crl5B(h{DK$2QeN?xim-^CY2-Je`_*sU31rNLU1TS=%w6?T!B{710gLyUo9m| z8WS(vb4!Iq*rW#&<;qY_k?RJXDT(3v=;=vr=^dgSJX&5QlX`sc{++mfYZ`C0GO;OhC1H*h?fTh1wO+07zI%=5f7bDr{QMKQ zekx_dmPD!+V2jQb%&tQAz#fW! z;7K7V_3KYOoy%(#2&)u@nt%5L){pnc!02#vV-*bV8)A&>v2f*bbg?R-3?o>?gJa!< z9yZr3D6hcq>EbvG=bv7jcl?o@%`wC$ret7tu%ZisL zm}Hd=aVl}lbNA`t5bk{`80kD72pCHa&vE}GkuzFwxu6*+NtHR_BP?ZxX$hr<&3(+d z$;+*(xupNXII-^d*QP~|pmg4ZuO10lB=02Kxd|Fe1J^p)pC_Nda&2;#ENO1pa|>8y z$HiAWor9pO5)JK?V0J}fsMfs72?CerY{2 zH?pPO7kD;b7#k`XPY@n1%~e_B9C*`#Q2Q_c)^Ej`M~)FrV(B?GGTc>GTB+i7oLfa{ z#|3W&pDWSK&kzq4KI`ikCwwmW3h)F{j-(sfEtg4d#o)@4>3CN35{ZxEwQxz?gtBvr zo%3IU!%DLr(wwk$`K5T)qQfkdM&e^1yw=a+>o#GiRW@St5LSf(D=ej5+G6QzUwV766hezCG3m6gHSwxsmh7ok2&gKWEEHxjtX8e^EedfH*b+|;V!}$QyMuI)@pf7 z+>fP)xvhZPN_9OVepUfmS}aPDyAO}~hr79P*)|4L5e9zeovReZn!~t)&tjyaFQga0 zfq}FOFSBp_Nmvx`4oG?io5J=bN(L|Wp-b#5z=3K+P8?wZCN zjy9Xk`|9Q^@;SG^;N1$QP&b}A6u4C?mlFCpdYl>?gFSKe>J(mZS3-)5G@JNnf0f;Z z5#QpiIR>A=g)Ls~6aS*a_KH6JMOS=${!=L%YF!eOoocz!1ty|DJL_Xwh)19DXbq-# zFIGe3(j0-zA==Scer}$?+JfO3^M#RU@k_`FX)krc644Qw0*G?nYMCx!>IG@7PjUSC zi8wkqo@I_ZP$9P#)}nKn-TpRa;?C4`9N&A0B+fZP99waMxb5tf>r~?+CWZj0Z7w71 zN!;98i^qbvUVMpLu}u%RP}s5fA7g-C>@=#L}Ka!o{Q4W zS*n;~HNa5d6S-t+=A&!cjsRV5$=op~mav{->U3-O)ApkW`{S|0PvPPoip!I;@#2r( zh)h^void)}!53UeIO-w9z>+95-VlZlWmcx?MT2(F%0T7E)STypwQ{X=e@z z?Zvh&Ir+@-)A1%wI7WwM<8ML!hW(xNmeER+S( zta#9ir*r^;*V~8kh=)_9STDwIdoPC1U|uWwv;&{QP}Cy@4xuzu$ni0RrMJ3__jy-u zmFN%OvAnqD>)i?1B;qX-oykWiwSgxXOX9f64dytR3<^cu?ORI$YT``D+j~>TVwzyuJY$b&XJ74Axdb!bo9q`5+xXvEspPtP^k!_GPXZTUv_Pjfd zOaFS$mX=)p%C5P{mPa0)U}exi+?ZO%i{r{4lzu$r?jqgdHOW`#Z|nJY$I%?aCs91^ z8Sa1bdsC0yIll5bzXnwssM`Pn$#`(O+m7>;*devLc~Z(k!b{YWmediU+CF>&e; z^)gCvaA+)Ey7+S3zIihaB49fjeR25Aa5TE-;>ph+Kv$ulOZ#l>KU0Y{5Mgq1K1N|~ z&py95UjHr$J5#0j<{wVSp);e=-!&1J-+Mn!oa>3Dg;}=S?vE>17O5n9Jod3P@W#~- z;@KCT#3eRKKQ`mg-iKmf;GtM1v2Snxq;S%1Dwb*;=1RkA%xb)qZV)}#2#5-Z?M-Rr{!xOPQIT?4Z-^_U!KCm|q96JuZVNm#+V5)i}$_U}idq{z3coEc=3{=R{pDGO$?)cU?k|~gU z1_=NMsRm->GObFT3>uq22?h<;Yn4mkN>rYq7Xw=_-)*Px9>G*;B84P0vAnzp<3-7& zLTx7sM;Z|{Y@UKG7fh(7Sa^z?Iox7ErC+Nlm6sfd&(M6pL&mCrGM<6XS;Cow0;iX5 z;hNq^#ikt(f~&1MVfv^Y5rpehXE)~Px3GdK68t28sv~B(aGrBzLW{Po``brlJ_@+B z37&6}ye;HZdSuo%`S_Wm@taiPE%$E_!(Kqi>B6&t5?v*CgU}4@J#h<^1K*2cUnZR6DiuXefi)L=Zc*M}K&zw)BM<8z&~8%@r-H0P#{?UGvERQ8M+bEr+OWd2 zRs?{v0GtX#A5}O9M_gWtvVjZ0Fso!-!SKsc_>8~6Blrf&mvv60>6So4wqk_~CyPyK zWEz?(yhA3sCr&Xp=5knrr(Or=wCM4;X3Z1?`zGG$3OPO9ycFikG9VW|N7^54jD}t&?rrQ+4guhI623Zdk`-r!7dO^WI0z@rvzN`C=_U9u&xGfU0n5X9 z$A^K@B69O8Va`?fJGM#;p!`gL-Ww=;cUZbz<2fCMaO{u-_6d$prEJ_?g#d7z(849- zXRIs35+I0(Vz#ckH0r@B29B2uxV(0LJCDU7p89w28~D7Y2Cz;GuZv z#ECe5_;Bo-AX69(y1GJ1SgfDw+&q?TBkpXl$qc~QLgO`Q)ryU6v;|b-&io|BUY6p~ z^N&Y`aKf$WYgDwGig6W{JG1fOhwsGG-}rJ|y?rg_e(+<2?nFHFr6=O0-~Ti6Gj`(W z!;i+)_m^Vj&RTrs3x6}FH{Ok*VV1?t5;I#RF^BcrJ&g%6mfwwoM}`THtl%B#iaV1l z@#v`$gftcyme4No!il|j7|4|FCrqNQcI~6dc=VakxQ&JR(ZwpU$2;-PYp=nSBaWUr z7O%a1Jsv;$`RG{fCZTjHIzgK0+jrt1%k>T&Ab!c_RqtH9O7dxceExIK#o~=?@tuGD zhcR*da6JEo&qaeJkAM8Te@Mpvc0BR;<1u{tXjDggScXe^b>f(fODv@&_FbCji6iW= zc=P~u7eLa>uf7+H*QcUyjM^Yak3`4FKyK;m(zE5s+p*0W^a^1X{Oq#7@x=JSn4z%Q58i$&uFoy-Ov>o8ddAqJR78XwD$!Dqb$j?30)`M; zgq-nR=C-J*Q3x_|MLf#uagox>eS63h(t^`dz>CqP;@ujb?}c?C1Pa zI%`!WU<@%D?~i|(^WU@qv&!^LAph}8GrUquf`HYdvI`!guD_8#5&pdJJu+4(}r8KAB)&!i95{G<}6Fc@IrMC_C}2j>tyrGu~X5eOP;0bI6>qmDeHV?#_f)x!~x|UCA$!c9nIv)OQF%7>JG2r~^zWk%* zBwhF_GS!=w4!uoUl7UDgFcp_Arw60pU(gl|K<)(`q`6XBKIA*_*?W^g@!6t4EqEa^ zX~(uv3S>3ViJphTg_bWKg$Nc&EZ-gS@FS<0%oM!R_4B!^$jh z+=NeK-!4Z~p(s&Sz7zL6Hv+@Lx)jC=JYD;((%mY50$eYW{4DqPDdFNr@#{#X4Pi;Y ze;JNl;33YrRJ{#>*N@k9-`)e{TMTi&5S%3|eF7-))!ll{QIMwfGAJ7i)p;o3U?I5+ zufL0jS%RDl3vpXGTc@W2&*H~~Z3lUB(z^y`%aBbEIQZA)N+!ZKTkJWti#OQZvcj7V z{K>=H9bSdw(;6TI;BY~xYi zZYP1){eDog3+J1kK^+D7vi`7-rtU1VD@J({u!~(-8g^#5mvceiWmR*4-&!7{n|6})R(@< z%9II0GAIcsQa9iKD86%%3Z}p)D*+=YNwirIJ4{Nj$ z^EalWAL9S@r=Ow!5r6RA@8Ri~#R}IY3ggDw0ihCq{8JEGfltYFVA}qiTD~g1lF9wDOnPkq4;fopJ1~xPsX{ZYv8q6{k&r3B(mSRXNF`qQ zWa21r$5FuNB3vR={H^u8{}hyxrdesxK&eR21^4dnJr$pOd$nGEwHS&VE2E zOH*-$)mLlf{x~#zgx~w|1>oHq-X9P3JsD@d`~*tmZv6BA=^w;U*RhztaGmAaggD8? zSOM3@*;va2?&{_u20wj;dFn}7nMVoeT#p0C_mg-{QKcu($1wz1uPda;)u>|VTwj@r z_eh-HBFCh}z7TSA@n?vY1Iv{3f8qIu;*s+d=c=<82cC>|EVVju?rLp~f?eP;+`dC= zm#V4V{fwvW2Kh=FJR^*eO%tis=*l&5ipDdJZkcT7Vr_j1tK3`xXNLsyrUsGk7)yp; z%)@b2+!pTrExd|wc+SByl{&u!MmbU4-hQ&NeXdqsXy}?=V9GI%e`Ayj(k`58_>9*Ihi|oh*Kk#f~trvBRBl{^%GB1ZaaW zRU4kYAriYk>G7$Q4Uw%N#Nu%dvQRvj4-}CWlKE>}gJL`YuM-5>!W~v7zS&LIuT>*W zZ0Vs4@UMR6i}9JKpN%@M&XwD9v2^t&)%ehwxnIDwtr5e+#np*M+P8N+3pp(>E@qX# zPPDT<`&^Mh!X+;K4VE^kd~8k6N7n+Sh6l655EKc5x|NS5T!x+UK_+>&aJ19awc=d&JT zaQAi6r@;d3RSE?iJ~#$rB%ZiQZhOZd73;3W4B4=dl2Bbwkt@V7rO;;n)7k zSK{D_BXM(aIxbINi+}ll{IAitLgxPp^H5oeQ9>z?f9dHsbZ9@-Q5WI|zw=F&x87hq z%*i-;_$U@GD+_4NG-t8U+ePWa1b~;n;!rn_v7&yvfqyH$HePrqJH|$qCVW zAuh?hwH#&kMTkIa63(LsO{)lIpA3L2JS6!0`EcoE!IWf7h4o{9wTxssMea#+1R%al zT=%=hiiCldB!8j1LOChgkm1>u79Vs1xXjJqG6Xp`5Oo0BSyHX?Q7HTcj1+t-9=7Wp zA0M2AnQ5Dr;C}M4S@80YUj8>RUfEAl^1e7QFdAh%2pi-L4J}fbtAhe_tlGLm9f~oR zcau=PaPw9CxLA9&zSz%>v$c)6m^d*G^z0M4Qf6!A-MB3FGvT9vcf|HYMbQ2b@1QbDL|bsWLYscDj-m0(~A%zj}6b4_~_A+6Aj9C`?(9eR!OU}@@EI(X)c)O334P% zrG1bUo~Q>9PYB+VtmDLk>X_3-{sq5r6-GSr0a=9bb2sb;xeEP+%IaiD?_gvOlB4qi zTS_cYarsY4h+idNp&xH*qtX{^Sn|CnoGM4@jiJFz_JzkFr}4Dx#`NrLT)uQ0g`>!~ zQP8)-CV3wh%8vAm$gA{D(49P#fgZbfZc`reLm?MYlvF@yUzVjOLdA7E4Gd^c4-o84 zm{^Uw%uAY=PE|}&(IS6o7aoYt&I1bk%N#4dd&(mX`s5eD9NFu9)WH93fyVP{g~8@xuA1alaml#i`l2 z`uaO)my8BaN4pu#{T<{-5Jn(#y-MQPE=bo=$BJg-vpdr_;`X&02s4(k9@>Wj!b%Iu z9aq?HyPp{E1J9g{wa+~iQ*V6`x364_3orjDzV}Ce%*qHR29HCPK6Qii2l0eF|Ji3_ zV$U8BaV_5X;j8Sxx)M(uI31@RJsPjQ^=hoJl=JwB!!eEkfA>c(q47qXd*p0<|CJx% zc51{C+W5WSBaHEluf^VdeQ~`15X>G6YIO>QVo$vAY@ z{G%8gXp3j|AB~q^dMPe__-;J?)YH*eCli?^f-`e7z;`wN)j#=1vD#oI&2x{(XTJEE z7(9O_zB~2(SYQk0J%lvA@Ec!@IabWPf9dVGK_Rk@RVtIVcgH&~z8J53=i9i+83tDD z0D{0xkhZ(aQQhAbkALA@9DD9`Y~op(q&V3W-VqhQ{)uBzI=DB6*oJ!mVYYi6geFAO z1~GS&6lxX8Zghn%n9DA4!77Ykm{{(Y@uEC5u`j;)=F4%NMBQza)g3dF6ec8y%HUi0 zWYHz41|-88(p{L>CB+evy;o@dOx*wf<;PSWV5FIQLJy=H8A9?A#@hO9zLQCp##>uO zzU*+ZYUN{^EAB6bQhZkNC_+$LNnkpR3Ros63+5&#YF%60`SD+2oYpzlB+OH(0roId zBEzgang@5*;^NY!7-1#GAfdGiwGBow3Z_@TA17bmo zv9pRIzy@?>=x^_S@_u?BiK)w1V{&E|p3oJ023YzE*Pgs}Bi2aHJ9y%3RQBv=)z{UC zo0KQ-s>dBdbz2A7WfcoE^F(mX>r~K7(T>}@y}cR-4tK}dvsBx~qj6`Ivi+=v+QLe$ z))u)I#i2Y(&JjzyS#_|vc`2rDY!L!DKx75HA|$ASP=Wuf<87IpgGb<&SK;VmDdynN zC`=nc#k{1bQ&<4Ltg)cGnw$XZduT}(#h0`U!F5Vh?@;SUKG*}#`DHj1gyNC>-OnyZ z)!SGxjDgUv*G+=_m>w0(3Q4a`A=;D|es1BNxp}!j0Nx=UR#~F25ce4#?cg@zH+m>X zu5!QwP*~{$@OJmpbwccAo-XPcDWjwCy zt9ZG0)-%UO+RQ!@3h(Z6TwC$}dspMVx37?EN2m^*qd61-=hrX>{0$zoO&G^IHsXNe zcg!vM*BWbUzJ*uoDEL_pfm1G~5RQH?lqgxBp_VcVapnN|1>6FR7!J@iikJpO@r*** zX*FNKRHLLYK$4~lZUE0zMK>AN@h}GHXJd^7+l|h+#M0ysN#g$e7`suA^V=K`1NMey z-Fdl$B3EC*GsQ4E2ML|C*UKk8XzAxa1YAqO__!6%ff&tE%dj%$nXx(ukn|yKymQFT76nF*^k^*;`h58)Th4ISF{#qIb_wJc3Ji@7}#wURc@mYl+R$u3otiUz?1t{_2;h5_$|p1fs*!a^#_bSh(>9!hez^&Gr~RMx5BCnL7h05^Hhg zaw8r%%g%oL2^-X@w@>W2qjxhNf98=GLtu}M9f==&_mz0yfqk(LCQS zuv}|At`J%p+cSnjbS$RWr(kOBR#e7DGLPehgO8^R^Zg6dy?FP1l#@5(Ti^aJ@p3jI zf)TKnY%J3M5C7-4V4&6;G5Z`)SNah?OOkx1#W1Iwejt}B*~gwx;#bPuN-~U6EO#*idA0Sm}g}QE>>cn?N||YtwT1e>S71f zwUx!Vji<{@^?gT9#9#gV7vjY?U&lQ@8Jk+eXw~hwq+4DN30$kD9Sa}QgYbEWI3+HL z#xMf9%zb;9C?{#86_g4%Uu4MgQU;{bk(B{qpu4#Iv-Cc5!&%NdVo3|8<~tX|>$nYO z&G*dlpmA=^e1?zR^;%oD+kA&d=ks{G_edCWzuuE#c_$tN`rCnpFV2?8bI^c9#m)O*+XB^KNH8I%W>dx#{aFY;j1x14$Tx&~i z)eV_p;Z0B7PUXe=4a@W3HRJB@W637CS3=md<8p7Ownm#uxB?XSb|>CMUF(e<@&p*9 ziHPz?Ln)DQ2Uo0#FNK1DNMm00=DA8Nl>_E0UHW)I ztP0w|%LOK9c*K<_+l0xB)j)W(L0Xd_yYXaq5xz2+bOR$*`f1a^HE?QIagL#cw;x(PWxK$7VUMh~SHW5Wv5 z(r(i2$MdVaEEEj*l`HIcuAxtJFwAu9*9kf8R*(a@#td@#nq`BapUq0YK`2XI_MpepV(WFjgBtkC3)vH#)1`)*a?(e zRbY{$E)zMGjVOrManC#FChK+K#_MTkJh-;oED(mG*UQr49jt>!KO4~9nu~6gxRD8P z0Skh#Sv!^ews~F;*Y@ujk2>Y7&$86_5X+fgfBU`o(;vSQvsf8hEP3>q{LLI5Gp*Bg z2m$JbSM=7wLuicE2mZZ(k9!%AuuHE+_FP6p-%*}j`<{u`@FR35#;S!PQ8N#47E2U! zF>od}o?(?j330AuHW?4b3X3%6~TJ6w;Nt|w6+STZad6;$yWuOc9ba|6RNL4002M$NklA7sS-@cr_h8yZu<{4#rzc$M-N`(h0Tl}Bnp7#yvb$>@!D?>% zzE1d~iq}eEw*w*@8q5s`vCv^A(T2jZ4t{sC^6JYdd|#O$1kyp0I$53V@V%0&O;7@E zQA4Q0yzLIuqr2Qkm}M=#L6~KDYbgE|p0713+)lE(Z}J*pKIG35GAWlAacp!S~GqHkE^yAyr_#a6H1 z`Fo)_!_#=CpXGbfeIAUl1a5g>(l#L}b24NHX&~^q^$a&*bYVu}VQcaSo|#MJ@pcs6 z8J4)ttux+b_Jdhu4!Yyu;qjP4q5g+I+>HNrt2+)KWsL%R2X)eyg&B5@hDM8=67ogB z=kJxSd>XXMq(hmKvJ%COHI7wB^jZ$h>W@P*DzxO(f8Q zb`rJk%Lc@bhC#YU2$2# zxO=gXt|9!t_w8@R`6tdrCtj9CLOi_$^m@l|OAbIr#Hu&fb|{k67H@z5y-Z~|bM8bO zd2oUaut?SEOnqfDNLan?SR zo6Tj)Nna=Cd3%XfI|m3e9l;gH$|90(4V4VDVxdRH1jTD@aT&%?ihW0q#zk@ge)oHS z9yfKZBIFummutNk6EHTJyB=yCLA-{0kiAW2_R6Qk>z{`fKG{8A`r1i&jov@|ZD2xW z$z_p+3)-c3xfMIBmq1mN4ViSI)G3gC5spr#Qn*23Fu=y6r8wyAC>WX{7=@dOVoV}J z-rNXtK z(U^~(8~-17?;T|6d7XEjn^VWzIZmgUp6+cp6~nKbS4xo-7-sH?ALF445};uNXzd1_qM8o5ok z&sW#s5+PgiqJ4N1AtEXDwJm^(G||sd+d>C;02)40Hx(mW_U!R)iN1BVwbPxrl{F&G zf)PdSap3I|bC%KIvGZB$?YCe1!IHXj>Qz|AN0%$g{QAvx5DbfsVPTGyT&*%sK9?#=RZH+}-+nsfyKRLm)gNeTlT z&4C^#0#21OXM{w|v;AKN#D$=Hs9S$h05(9$zrKJ7tv6mM#*%^obYa^LadQBv$f7D- zya0DHg_uC{-DFLps>U>am4um@h` z;{SYg!@f2Hk<>N0(KYfO>=ii@<2u<7u)M4iYwq%5y{tD z>u+^hMY4O^+fCV#0#T+94TS8jUIr%u(z8Tsats39+R(&fk+RWUsi1xEiP`c6xhwhc z|CF`VkN^Eo_>B}4@54@axgP{fO0J^7B#4zENu{F7=sb4c;d|}S;4lV|diT@@i>U!P zUA0qM@OI23ii^X!NdV=_$TeGBT(+jpm@VP4uU*)HkOrZ0=MH=SXMW!0hrNW> zrq7;5=%R2Vh?cZ<0jg;3MHfXq@nD0`I$_r|)HK-?<)1Be`)p^&gSPIY55dx$z4FBK zHajt9{ex|`=kTCC{<-(s!nGy9!mPD+c3W$_!Ct#?#;!hniL?}VN@JP?JPh`fYsdb~ zQ!iQW3CL+|N;#-82D~X9g@eblqO^-fT3dvd3v2T>w=!+MC9l0W!i)J|C8#=)gwlt1 zru0e)r0hC=BD6}2Y4RW|;=+JI%9iT`bwoG(c4_L0EkX*V$sR1VMlSWp+yeT zy*b6rnk$t;@Xj3~s>$Q3>^JTBa;~_tt@V0+D8k4}X}yqX*C?%giZ}k%zI6(RpXhJW zDEc+Pa}XmEgl7aZm}p-EN=8){To8&zt@iUg^K^B{u3etA(791kDtPlK<8Au0^mGl| z+S2QQZYs03H`wD$=0pc5*sJuI7tbuo=jEk!oz5BXDmYqM^6S$~)%4J9G7A7`+A(Z( zUAry9Ev!xFZGI)evsbi>#o`)ty~LEhw=rg$ zbPo0waTW@s_3#A!$ZnpT{U+}zf?mL1%OdG~gzs@W*0!|Q;XhR(JiJEhB>f>ae-J%bjmX|$19h^IVG8Hq3v4u$H~1nXzv(7Fp`s9UHa8;V*x zkoy){l8$iCM@mOB&)%)1m$ZfzgR5#neIL<8R)^A9W04<`r6T(pl}&0LE(Ksi`~fus z%#apH5DD7^0LMwSJOD={V&f3~s~ms{0v6ph0dzb7#%dg?C3K8>9fgr4rNYF|$;0vZ zC%woa0QI>XyfTcqOL<|KRXrnqLM(x-3b2y~|3^4f|NOxw?q`$222zCdozOaLbM8+K zR@(^t!t+k{%1>GMr3i!8Mu)zy9B=G7?y(xD>Osm;57*H$0aQMp*|alsgPu?X1YX;Q zoGzSjHSbbS6Yovgubiv$S?kUJPM&ps7yV%Q1w{BCo}zj}sR0`L-(6dI59#luCZ^#| zwnA6X{`kgB*2aiP9_g;KE-K(_X^IykqMah`!jufk+3|>O@u+B}TYUKszAVUsRD??x zUAaj&^8zEECM2eYEDF2$h`ZiNF88)wgG4ucwhEC4v6J?*&ACO((3`=HIwu#T5zwkw z$t6IS_|Hoa59I-7@cxppomJDGmxl&7LS<|r2Q)A~JOE8qO{mn2aF4p0#z3ysL{2v0 zJ8aWYROA@7ELS6$3=dD|>S(F6r=ETZ0TV%pNCBRW8XF~OC$V zt7!~bU2_j(j~5WwwCx(~BSKQJGw04&Ll_n|9X+E|aP+{n5IVea`W5@;pIx?Hcid(l z`lZj<)ao_!L|+1x(>=7I&$?svfEslvWg|h*smI%U=+XP>AM&`ZB5;$8wl_kB7bnI+ zzOaPj@HMh?wxes88@A?`0YULY|o*7J8-z4bp%LZ zy&{o%JN5DYi1Jq$HHKDE^QR0EnAOOvJ$m#3Hb&0=?#wCDF*T4%kq`bW zP`#m6$M_itr4T&cB=E?CjJ%T%fi&l7xs44_0J!ngolz`TjL_|`z`i0cT2W5reI+P? zx^@by{JV`@F0(Gc~u$zv4!P2IK~Q1t4uh0_V^Vr+bx$U%s-Sb?-e z7SN>TPHCJ0KhNB?N>=$RdN2&FdlrBaIrkHTn+~Y-Jw)a z1pd%wa*n+VKtdtD-Sf7$Wri{0MwediMm_)9^&f_EKekYV0JhQpmkzs~hZ3 z^iv)pcN(4b()Me19cLtmgMvVspYmQ{3}6FeNEM6Yz-X!8<%fWlKAet6pSns2o`&SL z9KOdGao_UAB{%NCE(lb6h(fDpg!9~yH$|Pjtlt(xd?f>f00~ zni`;1JOIe~SYOO0PHo!=v#TTv8h93CAZL~A4eu8O82@}X^{|HyGqNI>$kl6&6?_h(+cGg0^#U5T-^}y3( zRtzM_8lE@BTvUFQ^+@?b{@ee)EwGU#?ZGnge_6n!2%Wcy!q;#kkuU>Dh7SO6H>GIr zx$Us6&7cg}+yVkw_z>zSm)_h02yD9+x6zhHJaP4PCr!X)KQ%2`A)LNEJ7?Vt8>^=w zmb|3-Wt7C)A`y*xKuDTgFYW{7Y$3eC3`)v}5(-0JX{U>4??8_=zy}CI=vgF`|H8Ac z5(P-v!$9y^h?y*Jc0&7tZlLVcXm9-A78H!}h=L0o!-~QClJMaCKsqR7{^e z{!kCEfvAbl)r+tR=L1fui&CUPodP_6`Gvor{{_D%%@A*gtV81@Rglcl6N9{n)dS|* z`CglOlUC3P)~$q+^^p@^63=98jCDZSa@|ipbH<*3@hqFdPx^v{2!ih-J{XPF^_+d_ zOV60+zmP8B_a%i#*zAi$9lrXVWA@kIc^Pnk7eMG;`ZWy6N?e(y2su$iKxv#UJj3J1 zp0oCYL)N+z!X4dI*Cv+W+f>^+q`w&&tF^*!X%vB$=dbih2#>>06eWXap*E=n0GqrO zwbZRAg|-afQJD1hp&>hSW7H-{jrn=TQtX;(;6SaAIkKi*?PlX(Sl`KqYW<}M${?N3 zT&!c?1D^CV&GqrX_acKe#E6Bj8)1TmCa2gqXN*^g*%90LF?#=b&s%L*XS5x23p%jU0) zSmE4N8`uXpq-VwW9E>`gjR2l05WzVFDLlV4z_GxyuAx(B13Zmz8-|#DTf%D+i8zb5 z$YenHS_wNl`noHVEMWk^8R!-PG?Y2tI3lc%o(MGV%Hn(^N$nMgnke<+3vQEs1*nkJ zFJ#Em^Lq7DP{XKoh73x{D$OY#iysgZtD&ner-z(yyD4ci!DRfPi{I8ys12hWTv-kNe z?^z~~>U}hD(*rmt5nag=Jue~`Ze9rMyo|wYYi}e z?Hfg_{X|~}m{0YQ#ghFA%^kPl6_R7)8fg?)1&KefY5(+&COeFw&1nt`5i|TiOVF1E z{OsBWd!2f$#Ts(f5vy^lTq7zF$~TZqK?xj%9h3G`r=YDNMGknJeYJ+eeMhXu#t0f8^q1vg*{0@2*?3W28IV|!=s_?{GcQ8RiwsrT+@MY##F*v#*(+0)JfA>;m27~t zMQne+YY#4labs%(U?pzLkbs{5{`VQK)hHd)Vs$G2Xg3ZEb*vTmQs=g+R)5)_AG90eEZLCx7 zHx;qg!P{+oB?)k8r5!FI=QPHiHCgv=*wIft3}K4yjD*;;G*AkGY_C&Y(lZ3$g4-}b zkBgb{5m@)D%zL1vJ8}@g>&&wD4WuICL|-&Ayql=R1Mj2zDT+KqyXPn+h9NrfMNyja zJu)c#9M4XYUaV&GXvTn|KnQ$^4K4-A{%7~#IRG4sRFe3KRw%c18KbhaxK5}TfV50q z_Dd)15_!$}MS5|tsp~^j(a_*)gQ$kb{=U5p$B0khLQym$VKbM@9%g*FN{Gbv2i96uG^9w3_ z<;{H~AR!|x#c}guFjzXI$aQ#mZaOO9L7XFTiKLXvy&dG4lz*?!D$A_=tz=23kui0k z#;v_xFYrKKGjbyPvsp}>^JKt2R~;7X|K zsH9#jV^frM_u93wQQLUwB|CK6{YHx!UP}rE1zW%oNu)?Skg60CjPsBvmsBQKOW7lF)ktpI6}SY>=t z^#1r+IBIb?lm<+SGspVGsN{&?F=>#Wq1t z5A-7RA>$mfL><)l)|GJsj+ORnY0ui!6{-p`xCOvbl!kDMtZPQkUA=WQgACeNvh;qz zCM+S>4S<2){9upuLl9oyrg<4Da7D>PC{_PKZ7}hoJVXlwI_t1w;_w8Jhi+Qof21pJ z!}RDd# zOi`f0hz6sxwaQVzt4PUe)}UTa zO%)an$%ujCQXo?g4`JVq4$Dl>T8b`g9u!j&Zz)fuiO^nw2b3dpv`vYUmu`~<_YmpV zfZ%qbh?={0T7(Ek7smMf`LlNX_;GF$D2eA2SRb>I(-2(n&Qln)B#TiJ;Rj{1GBs~! z&n_bX%J~uYq0M+_SBLFpOu9PVsda9|bt5bbh~_CQQ+7KwwPX|1GkD`8C_~Z>cs;JE z6i9DqxW~Ex44pkFLii=o_<$|(5T_YC9B+x+0jfp9l593yl#7j7lQ~iFTwQXKIRI3sDy3C)K*SHQvFr z*BZikTq%IBd3cAlL6|MDNjr!jr71o1q2RaI*f1!4Kle*u6y=S9U^DpuB1II9SnNTR zNS2UfUQJ}+=!D2!rU=nZ(+H~Fx52t%Sl9@8xEe)}e+hzF3IpasxF|QZELM0@NtSo= zp}q3MN9AXg{lwz9m%Ql{vI$A~wxe|~NVN_8Mbx{rDR{PN@;$8TVu>uhU$*`PoISe5Tr>1R7hJx^c z{6tHuX#?Z=4gGB@E2p0TyFwE zMl_-WCr{IyvjR5&y{MvpY+!XV77O76X*+?F`r_hkNZn zCsjakwQ?7}(Eeawxl|Q46NgdJMK3*SxJsNs=@E)B06SjJuQGG(J%5wD&|5pW&42je z+O+Bka=fY35GdzhN~j1nk?T~+pBhpz z%cN|S^Ie#uf&?;XybdGlZ6x24w%(ori`UlMwUKK!dU~4oE-@{28!iT^kCqxcde0-I zE2zh(ope6))l+KDUk&AdhC6wQ*&%c0ZPzp@``>y-$ zwXKB}hdCCIQ0FTBNzqNPQyJlJ~ z81Spp^W>rF8ro26_tBJV_ieR~n<7t{4rlZ;ARPt4Z*FecrJEWXsXzhQ&YW9y22I2C z(h=c(tgGN_oi3VIygS`B3-?Lgzk=fqt(1 zwHL5i!ng!T8%f!C@gzJ_&KRH~%y6YjmbO=HY+;h8Pi|e{1fW zc|cBSNr6jg$(xcgEfYmK8*d}dgANB$*oiq_6SofggMalOti84s<-%)x5SZiL_Q*pY zwSD&iDC>72^IaI=RvR6C+P?GhNwOnZtA>o(u?0aHiCqC~u1qh{xQ*x)(aTx7%5G9k zRg3qvu^}jkPN0cgdkhW_!`QZobOFz5)<7T))8oIXiK)k-`>fditH>*<%Ehbp?brX@*7Mg1swqmUL13ioNU><% zOVE!iNvBga7>w%uAiruDVak+}MQ!#C3$=lPn8-;B4RBLa(7JqBK0{%nIj*_#X}O zKBOe0^d<5VL3RLz$p0F8JHdIxTM0(lA)G7C(9kSSczq`mXvJMZWL8sDufc61dF23` zpGb((EYg1-WVV(;g(?SEn*)g{<$cJrUaLJ1nB)8p-@eZt8SJo*EZKq_>6>+AQ~;1@ zo%ly6RM#3_`ZY-jveAeyNdTb4GxZP6^zX);D+GtYC{T(0P>pDfXD3vB4(!~z%h zN43-Vn@&My6~g4}8px8JRB|xTgq#|LE9Q#CNp;YI55_scF*p}%8$wOmekhO{!mx^b zP?@5TZ-kJ$hI{Sk-2oZ04WK~?k{swdT_+WCU8c`O4tDUw=&Vg&=Uk)~La8T3nw@IXzG$)yF*X(Q#OjW#!N4WTDQr+a|IaNyu>9uVo8$tAjJrfeQ?QB#jF zkelt@*~&D-ezYOz5Tc@*Gfj?9+3f41wzGS{8UPMyJg;RU6y3e8py|DK_x%qu?}a-f z5L1(n*!A%lYueui-@!xk6i^}|TMBfIJ;=IY)Mw|(#nH_$-e{lt$G>bRUVhaPb*^0+ zw^@2(>>C=O^CHm-3~)2~#$&HA@*WSOi7?$g4;^AdHDGjd7#+gVpxy$6rc)=*+v(F| z%qdxg$xTxJLxarRNGZhwO{srXXm9R7sQ+ zPKf;;gGA|4dfaCWM}>`PzE!3)&yWJduxmUIDL^vylo;m59{2ka05*ly7hRtpDQBNo${J1u(X(<_NI(Q7 zFpQ?d$cZncl6fg`WL0xB05-~vi^CO#aGhiCZf=Vhx`7TtX#?UTq=V!j32cEtSi^l^$VX0C6d zvvJBG#HZncFY3i$3s6NHXlGG;G8-+1mOrj$F>9mRYcB+prEIl znxPtyb_%gSV0c&^)r=WP+nRb@0+c8fC6K1)z;|4W*BWTU0BQi_rAQ-bs3L$F$4}7? zwSxH0@l*El#jE%q0>eZzkm(5Ns@>h4wr6J#Jx7ujNUYh=?k<&O{WxHScjj<``SvavT4f?2`~tX#i-;# zsobi9Yk`Q_i7=|096c{kZYz*7Cnu*Mj*X)rgVx*IV>|nLZ0yE3eF7G( zt8)j+CTD$ncUxCqKSs130UqSFTqE9hZa!t#rlxKGV@#NxJmD&Gf`p>8q&d7G-Ugxw z)03QQ8bygG(9jTfoP-$t`^QJGSuJa@G&f}@UU|`_gVgXWM7~dCwL!?Y+q8{-?z!jO zpt$o|VWleVM9-zt5iUUv6bXE0W zun967dydxdC}BdI8nv7Pq^!xT%$5LjfLXGuF}x~`VEA1Qaulwe6&TS#6? zlc11upnf+Wg)7P<{B<-#@)8z|-~nq=q-LV{LFWOyU^RzIz>TSGZ?I@+t!+U3tTWmCfFVRIJ>C*Gc1-#p(>8x?JaR8M5wHsTj$X! z)bl`qTg-jc zR~G2GeHTOg>TCz+yz9^)CCutrcplEeJl+zH0Pnke!DIjKe|nh~`s%z%P8!2rPui~y zSqL;WArF8et|5Rdg&XR~OhZy7qM&fSlv@E#S1r7!92FyL?2&XGK&yv7F1a%R0*pKg zf0JDL)&`v%$=9nlj`pS6+M`-oC}1+YpgI(P$-9EHvyRtBe%(*|a`u`)zoJ8m#;S8= zBDLu_31yNkK#eubphFz!W8IW02$2r-c_QT6S5fXvH%2~7cz!|d%RLJ&N~A?6v-~{3 zet+VtC;97l_wm>VA4L!aH;5<$8c~Zlh&0S1^_#^RoK^o60SN3t$)(-k&EOOOEnMHC z1nJ}wDJ#u7(udMbJbbq(vJsMPRf>G`Q@dyciIbPRO4SKq54|Fr;94sX{e)9)sa3cf zY=kHyAc~|iE{`U0hXOV{&`RAZjww374ZW^1XAcpGB;iP{$~!k`PSw-bi2Pxs zAs9Dw!8Hq~EX+-9Fk(FmkgRI(GuMd}{WM0N=&{J&%{0Mk99#f^01{?MV{G|tiKvI7 zVLogi7=ubaQvQ^5hv;M~u9}x_wF~t0NWybNjS}7EgUCdQsLbZ_rnSSP@W59h;6U_R z?ISSk@K(OW@Xo(oQAG&Afl(D`e+Qnl_hkpUDz`3LH+>W|sLe%ui8f1Fk&v2$w)X%Cj;26YAUfvKVcRos z&^oB5Sk11usj)A7mDwkx+{8cGxpSv|yLCZ~N@x#f!E)GHy-XU8IpH^~;~JMp7j!+sY*pu_?A7q&@&kll3#7 z<*8@CgJE8Vy&oe4NnWw5oiKD26*$}0)V7x>O%3Ev+T&6(Jh*$%irnMLmru~Mqs|_E z@O>cdI(RYbcKO0(yG$NBgJ8@N1xiphT;v&aHn-CC&SO0dZPr>t$yRc~4TL**U=JG* z^^O3oLr8t~mDfnmjM?5hciE%wdoQI<5nCaLm|jfSb6@|S%@gtY)GvP8`iBPz_&{Kq znYI#aXMi%ZXl86`l+*`htZ_Cu8i$5$97D^02Ip)`>G!)rqiWJnRN)46kt9IxvQgMn9|)ipjNTrJa} zbLm5SuzVvkuOWN>3y6AQUY~+PGYw*Tx zjdWoY1B^pQwM*D)*!wvMq#9u#jWt<)eKUK2P%lxs0`j2-OEGfU87g9O$l)ptx@IW1 z4pJo+D$V0<$;jiyk*Z54QO589B#1fWT>W9hT~dnGLm6wVnu-{@K5lIAyT}Pkg%HHUj-tQ(T3=qcTyz2_FIm znj+rX$KOG&Ol~0`@WTe$0S81#la$47tx|=8^Eo|6y8vcPWr&WetagJo-Rk@rhj*a1 z^|P~7uXLz$G}p|tDgq|NeOO&wB5I7&NtNI>e^W%pG{kQkr?{z&XH19aP4skxnO;kC zG$rI-f}~1BIBsY{mq9+(KqwEOHlL2z$YqKHNZ$pCL^{p}doM$JD3M;VfrD+9^=+|c zIA^O7R~GK`r)()zYcEb+2Moc}qT9818#2C#`Z$k@XsBDOqJ%o$*x&pKPY8-lC;x3D$+SpNZB=cIa4?33yp$A1L}W35#tKcW3gm8;+YgaaNfQd)05yA9 z-~xRx6pl|LwA%E&-93bYhpn}z%hec*q#7m^o8z2*v1VQG0yrS_l2~6Pmk8r|h3T>) zG_KLtVVzKE5KvUZ{F5C!ItiOmJp!oNq8ZlJQK~*D+pUA2Q3D{5$34V|^jf@evFc~0 zCJB`xbn6U@BMsEm+G#C~q*vM+?dp}+A-|@rdDm_{LXS<2f5WOn%v`D2XW#hR6+7_A zXBZdHfF}gI2CpZG23}d3uxFonmUGouf6uT>5p}e+)A6&x=BJryLgmYjhI$C9OZLLC z7i`zAe!KVHdzsNPVaJXgpY7VErJJoC2XniKuhj)xyVRNgah zTp?coDk|Pc`HjoJtN;RmDhH;xHyxo$lg@w{6uQEqCHC z22cDBDRC)uol}S015M*p9~qBhmn(;kGQ=~tFiMoyH<3>G?1PZCt7fbte7n8y|1RP@ zba3WnJAdvhDN(#1o?R8GQ#l+hI{=tel7+E8QIu(rk0`*lv{JMyS7+^7e#z>noN6QG z)3c-7g@)C}J_=y=K}@cy4cP{%(JX|_3=u~*KPgc5a=hLei5OmG&{h>a54ICbhpoND zpsfj8B&@!=LPg1Xgf)QILxe=mvZjlY$3-_mc7`*M$t}4&xGK_uL^%RM^$SvJ1i4}l zs+Z0xDPEPW1_)tGp^KX#FIWTV^jdWpj;IQNeW2)(=D7$=sL@ynz$5@8=SqW-HcKlxYC`wx03%E?KQ+c-rNfaJN5t+=QTU^x+@+*L>Ia(RG5`(sGU;gETmIru> z+n`9CdQudTamlVqsgp#gi?V$P!K;Z`%DB@FsIGEUoz;&8OZ(_@;q<0Y*N?4bsw;`<3g&K0I z0J6Z!(h9MRCH`)+VDpWw_D9cOuz9?R2w~+Y=@aSSAfPKN`NQrOi5??zVD)k@jVMje zRIw$!QqB-?E*V^&l4Q{V6m__eZ{QYmtq&CGcL)9`qpyl>bDu)Qw4jsgt8hos`>z0*Loq zXOG+m;2?iFgE7oucr%n%dRSQ3>Q;G86dJyktBGEvN`46_DME;i6~2_ z?Y(V3;3jNe`|4MS3c=Qf{G$@d81K>6*+~ki)mq?>oH=pErj{4&z7PMLbqw~QKq(Vu z2Th&4XfJ;6DU3k9J@m*U*5A}-lXG)ya+Ea8{34rRi3kaci${Z5f*T?tV*}@n!x72j z{UzA#8A6)1G(OS@WJeGNqBk_RF|IsoPo6w(SC{7iEmS7B5Gy-|XDEOqPe?LXLGpY7 z;zscmPQNX={%Pv{_x#+!GT7ivbnQAEkhuA^`vLpLK>&X3dJOPcuhmPqMfQof7kZ7B z0WS=I5T-_703x|fh!`G))M*}1Qp!ao&ypXd00cD3X_T@@Qn?1lBjA0-A5qnYl(Pq8 zS)v3vOf>Pc4|UpyA3A^wzrY^*K66ic?CLAHKnXZIfXJDd85^IOat(rF0MHNys17CN z$3UZs@p#ESb6!8hzN-`Sw#fePCz{y{&?xe|P0|?=$k;WFEu_&PE;HmQN^~!ccj>FC zu_&{K!gV1V+j_-%dy`aPbz9@ZAE5%KpL?uFc1!l{Z~tfe>+k(7`&AKFk%(Cn!u0B2 zs|u|!O`dXq9L+^46=-wrXO0ShLHk_goBA98aBUNbRcA?g<3Uxd;0gA5{k$ z=2nDkrPRwBI>7bYknWQVQn}&-thwqJ!tK&?%9)GjB@S7rDr7gRRw-VZ>6kD&;S4mD^j0?gz*q(w5Ok|hY&B^^-b z4jcs>236vONV~|fP)WD8`YM2ahA72r^mDqvxfJQp^O4?geU;dgWqueb5}u7J3fBN& zOGH9bT)%z?MU_8d-FYX?UHTCB{ec|~)*2zA9imYrjVBfPMwO7h0!WkQdi+~+wh*19qMs$l%TONLbT&d-) zc}u{=4pU*VpRn`l^f}AVPuM0T&Eb2x?eKg0==ay2Q zUBD*#%Ay`PdXw{ z053C(@T_6X_wU|gM?U-*UMg+ckB{29=U=fK5U#2jF15}&W+l+%>K^^@{0voZED~lIDROlwXOYq zHVkJcK(r@870}8IP1xAXK|Iv%zFtMk33aoc+9epIFo?MXxCjC!o15D0wKM1KnKS2X z4$$g{{FM@?hp;2s2YJ$K1vs>kgxnoucZy!d_ni$k6xl$LVw804Kl*|AtE5sIg4gNZ zG$C1sOIh-@tEK0&{?p+@HUu`L+|;5Q+>D}@pD6>$s{kAFCiUSwPz-0;c=B7$<0@7Z zB|=_gP!$?inOsQq?!qbp7wCbTH$Ya0TMobALJR=u&?k5?c&G;x%C>`(S&?ssB0hzS7E%P00NZ{CeYs1 zcx)`RfdCOql@6;jqaqrbl1Y4rlrO|pfih%E9^S?M?i>FUpbyGhC_YKw-Y31k3i}WHQ&7e-M8X%M* zouhd+Ev*=Hh^txj3w{mPh#^N-^}HJzNyh`ulSJ6VI6HYNFv8WOCgaEk6)Tx_zfF&? z+Kz!{h?@*6<62N!G@{H}7u9?MPDNzu$`yEj?4|x;`ixZJcq4y7B3QX}&@Rv%GDd5F zT8a(4ZUQavHxkF*ahce+oYFM{7}}Ryllt!HkZ#oIhyrp$0)+MC_oz!3`4N#GURD}l zrg=(AgCzL75K;PdK=LWT^T~YBHi=Y=*XKj0h##Vqp!gkXmL{_68qt^yDpK@J)Y<^$ z!~f6>i2VG*UANgs`+25OqW`p($R>0@05HHto=8ZEuhACv(I*zl7woS3$NzInFZywR zuE<8^cM^mO*pQN|5PZr?71T!9ON5rY_U^ag-aZ%I*jioYM(8QeM%{$FktTGbW>G4I zRH#OM6KcpK#c0Ro0fl<-ro$+t9BGu5*=ayXy&bvzPP@nql8aZaV8nWegtXJ(hw;}- zi&SzfL$+M!64?fTpBD0V9eDRKI1ecl%GxZ`Au-h3gz-bI{*nhc@kpk3~4E%4y1|dD6Q=P5Oj9~!muMJpE?HU zp@ZF{4_OXxbrs@QYMPw)Bp`%phq|72Yll-)uQbYa?)%0KHs?<3;$8&a(yJS;I;E<< z7Edzbo~_#7su7J8Qyg+^h;>&B>#G>6W2aBpBAX?Pg4f_Bl??g`g=%SC&lBWGo;zCu z!=+0}+W-JS07*naRH!>5v7oRk3QXFmSa|1>@80*pJJ}L!{F{bdm_o*0`$yL=@7lE+ z=d*?eig@kEAR<)KKDG| z%bxn1fTw>}L@Osl8jEAyz%__4$AMTlR;a|Mw_QJTnyBTCfFK4BDRNsNL30#Ry>G z^>0C015~I9T#oSh98n5Q=WJ~g0Kh}SYr+{M8sN7%a@%VVw>4m{3Ioze{wKzBuEu~D z$(=v+&pv5kI8!2M2PjXSo_U7;8#7d?0I2v-y0j2x)NJie;@_RnBOt6mSLW=YG9T z=^19|+tSfX=UDd2>NHXB)tv3v*$!84o`?X$Kbb;12v3b9KMrWlCP%5hV)R4^a%wBY zQg#Yy@*vR;W!@tCe#=c7^>^WWNcd zDJmw_Cg%!q<@Mrb5#tbXQ_(xXN}e=L5`a?ze3XcSxRM8m^{0vEyiDq98-7tpj*C8s zV9UAQ!pd-#3(nCdJvCX`tA(%jb-WyoKZ!G?aTFcBUTi#XibV~2MS zSqzU${Tfnu)=EWaq2iDmJ#6ZUk?W`qYMx0CL?D@YqNtEctCh z^-0cCWC0Z!X=r9zB~7ndV7G_(**ZjucJ880aZUX_y|xZKUPoZ>92ln6H_2)Y#oqmUUAIDk z7LlS#cw7w-Fk5(7`OGA_M%pcJU4$b+ZjrLYJ%{#LRX=?RrW)+p#VGf%0nc#2TPjL+qOIQuz9*HwX|yUubi>jOV=#`;A*2wYFqCPOJ10=3BX1z zu)PM5sAm)Tgc3LB?JL++YrfkPDL8j+8eUVhCkF4CEiEmuHRoOYJM z0*vGvmg=W4zrg1@1`FuTjsc=~uK+hrkJ|g*Qd0l^l5!0^NytShamiE;#p7)owXdr6>1k(00hO7ubBIFM_ zxw?u<1w7p}#BoJMyk3p6XLuf|+-<;Bk#wtp%k5Z&;lFPwkJ$|yH}OUItQdrCPRfdCQe`Z%4INdd=6eapzNVwmUWXUonW#!}>E zrPY<@D5prATET%*<&VhXOd6&Xxtdg(T4<*ser}UqNvHgP1LPJX8^8gpMFxVQls(qf zZg+*%#sGkTQJ$Y%LVwq|Dv&LDNO&p1_Iaxu(LDpFF2pr@;E^RZ{OI4D_3k45PFbsZ z(@+3Q_vU%4hhr8dnzv3>QByBKB;_F*>nC%VvKWq1p2&0+!w7@u&1efil|C_(Bg8ON*cS-V3X=i1m~x|ftgQrI7-MbLdP1=?}GHC_!W--CP#y%akIWijd)lK zaaGu&=m1Os*D5)5-xJkU`6+k`a7#o3!>`CjNof@KdZLRgRD$=dVZIh=1G~WV@V_N} zv&lXS%ArQ~l-?34I}3MmX`VF7B5n1xchM;!MF|zrTA80iv(Xup4xPgX589!JAF%k&op@e^##q1$7}et^&)eM0sx{X%z{xm3dZo|x z_*k4+pg~p1dTu{p!w(&`+Ll(Ex;93$tO+&%rF%#3w;^6nRLY)t=6Q?Ioo?UWL$orc zRXGAb)H`Hz6JxeIzhnbDdO^nIuB#!SA-Vy=v})D8iGfaRkspiDgCAj^BAuW?VNG}d z*RPCQs2QIO1et^cy0+bDr1H$O0h@XYK_s;2!&9s#7a0O+`njhFWk~AEIdf@(s0On` zrkCvoRWgJ9LsptyCsnazm&PaTwta`~z=7LA)w~CP6NTh-^4JMx%xv0&M<2A#Dsqy9 z&i3{lhRoDNN77L{|MDr@xIAOw)(#sue7o(q^Dxnke)?W`t(G;9koVXepR*XvXG&5S zJm1U;L{hxyBEJv8Y>weQEW%w;YAhj723e>B@HMn?|H^yg9rFqABmzmR)uIfzOS7Y1 zJ$cr?`}~VGxk)!zcA?r&hau*%>yRCcEwLC4%F>791|d(%8%n;E*Oj*<8FRox`SIf1 z@BM>?`ltMdyM~&6w}^sOTYnMaq(#(p%6+Z-)d%fwc;_`T%p zxwL$NvE$q0>F1s$cA<(CCIUppwDw9}skxs6xx8Zz2Z$%l3?5>ytYaKwdKW2)U)a-Q zpX_b4k2U)3(I$^Q#PatOS5PX~%dkE5r>Kded6AP9Y{wcCtgDHL7XX4=G(L<1IyCZK zJy$dtI7YvYY|9(cxx0{(8zfACB0$ zi;RxPQH(a>cUf z)Whc@y*uO(6xmn&67f+H1E2vUp>D|151JpQG+&8cBHGL9n~_K8OG>*Se||u}iXhZI zRp(H%OV_t3s@Y%+g5z($O$2$G)L#j%g&L44x|HJ{SYCjyK%QikeZ+GTskdCYg}xv? zq+zCKr|0a6hdCem=Eiq;n)559+>=uILD%X8CIFT^1CP!@^@9fPBxG1g0SOf0PGBF~|%?@Ia6C4)(jDW0Tj%DBqm0YKV!Q z?Hx?oqe0f`(}d54tgo*RPwA@FL3rwd^UGV5q&I%Pef6 zdeM%({t6Q^=dD0gg&So@AtM-0h5QK2yZ=;vCK+k+P>68D)u zMQ2d{tf~V%09AbWC}S;9rdm|R2w)(cTBFnKqMZRW*Vne&Lk~WLx7|hsN+W9=wC_Lh zg#D*)e-C9HV~t41lo$ZHIf*i-S^;C|C1)sDrs0Ji!s`JdjbWErS@>^# zee|*6QgcfKkyace?A_6mo?Qs>odVGx`nAk<#a?9@>Nc z{xszF+66i*8c_V6wFw{H)zRywyT}s!` zvjV4-0)bWKQ*rm*DDGJ{{h4AVXx%bhrnYemny$bZjlOw@1c~w)=B+h zg4|mXJLFXqh$^5U9kXGNP%W7yfsCwIc$}V6A->l8tx^55MTg%UQ6xp6RDtDyA)iZ8?r|`lisLYEY+@Oh$m-=Q+$*Yx@jAyqrHEYQkrh=mIn(0&-hKRTU$XKBZ z=OP@8rokSo+1X7hB5A8v>AA5$_>&M)_pW{(et=x?48)iXa(fx;>FtHf(eAh-GejTM zysN*LZkk-EIBbp(POTZSlz8gL1K zxek5s7DNhl#8Ajei!|z*y)uT4=I2zXD3zdQOsjYl^MDbto8wIlu2)G?=_Aq^on4(E z+bqq@ZqQwlN*eaV5GkD!dj*PhVtM7txr` zR=ixVBeI48fz?EXN+^pweNB|ti}EZ~_UDWe0*Q8TGNJHdkx=rv8>99be3q$I$awr( zL$e6r0Wzq55PZR~x(;{9h7^z#RYgG|SV9@jLy)jLr3L_VoiVjBrQGuG+-j7&ALxg{ z42fW4aG z9MzDrdzzWEumRYa8=KV}j|D_#elDMmxRIMn7`UT2Ihp#mX_CTSjqVzp`xRgO^Uft5c5M9Lf)5?t(M z!koM(p?8KnR*?clJ=r(@eB_5#^aqyrUGdF(KD?(S-a`y$Phc&Fp;qTg@gI}%!}3Jtlsrn8Ne5_O$ndHI zbpm~pM8EqTSyx?Lk$uv3sw8nb8C{g){COOh+%}Eg=o6z22=6$U>?Ra3L{7u6{NfNhSdn09Q8M$?NFDl(h^Z;lyOssz!% z%?zm{Rd*=*rYKKVXb7^CA1+801pW|RNxcwVz0eGl3d(R_8KtF(fXm?u67^W7l=i8q zw0&)K-4a}bWYPf^?RnW_^oe9$kuD&wt6U+!_KsTKN zStn@frNK@Sx_>(MF{D#*G-|usT-a@PdWIT$cov}PK6nf}2M6&^K&eCk{A`RM*3Sdj zDOH6aVkWJQ>Irq!3=_6e32vBfr5*h}bO+r5t31XAgIGpqRF_`|SSb7?!=bx#pdJJ0 zSnO<;JShS{5r6=b0BZ<&Re{t~yk{0e8>?=znaO$b)7uCy(@!xjDhn3NU7Jl&A$h%u zUPS4*sirRqiLLNA(*TYr9-fBqtS>TifJ2c5wT4&M)-`f=8dER6%GA`9J6|i+H8D1) zSk6-m)3Cy;thJ%h60_Sbn&JoXO4w^4;l>DaZ_z@x#MHnbN+kg4)T<78$esFL6ksI_ zM5_7*b%UZNZpHJ+qoC_3(T!nb#wI82*%w~6%i}lT900=rCmDLCxK_I;3;go(2f|+t zJ>$V^vvGZHpSZhv>pxm!8O0wJ;dgR1%6$(FgDuM7q9WVMRQ$kwuoucoKpPuF$m>NX z69DrNUS(x&hCNZDQs&|^@i!XKhArb+65xS1AfTb9Jt`&ifD+YwN&Amea5fo$@_uz+ z-26wsFM}br2$2oFQu52YxK~v6FDFF4NwpC9>uB$@`mPr1zkvcevxL_cwwKSnZXf%N zd+feX4Wrn&C^0oWr2a;4*oEhTlsVFwgsb@_iV`Wr8%?3`MIhjtcdrZ?nWyt7m>&1vD#Er9~ z^7{<@D$RM4zLtuUvKI5d5<$}ZCxJGNbO=*X6|3RdWvU^==k42H9{*9nbu0Yt`R9Y5 zxwE9TQH70Hh7;YV>Cb7LL+xEfEF`~LAc1CAevMvJqekbP5y92mq@4hi-+bgwt0_za z3RJpHH4=T9B%?~-y>-9jSx-&<4gg%#-$?1yd|IA1+#sBeOq!?%w6_iPo{#8qLt_)q zoJa=*$7HU_YWF8-0T8gue@6cbezrzVV4GC%=YDSpd$MYO_GKa+?3rL~&OZCgcbRYf zb-Q{oU`IbzZ8u)>+PA*5WL-3}@IBw}hKkhsp z&n{i{8^6}YRXnr`+07w)UZLMfQE7oIzjGi7MeAIDHhvAY&KV56rpE5>9k7EtcUudd zlX7!Dyon7;;#7JX!d1(|@z4lzEu@x8WjrMrXu>+K3mpr(Mo3RRJ=6?qkx*uGdEKg6 zAk9~hLH9S%unWN!Q@R-sD@{``5g~oNCdc1vAXA(&+BL#&VL(w={|@VdY#GKdmsot| zA(IIji|HvM434mfWfZzsbVJV+k>cT~G)d7M>i@ZqFy%->ss^K7WFBoE1;m?ZSTsLH zi71;r#_;P2y21uAm z$gJrsBq^c|N^1zb=(z}dXt&Wa!USEMlN7m(9tz(3U@RGEph5b$?Gu4}aM({ZW}=p37& z(Ge9_X}A-~%|%C&_9ClZn%i~u6|8%ZJxjE!W{Bt?JT7mshc&nasr*^wbO13RBu*)J ziMGx@0CRGE+J5WzzX0gqoaDwupmX$E|M?|oRXxBu$?8c3g7-S~HPL}NK z#X0-+-+I_yKK3G!_S+~Z7;#RiQfzzo@3hO8U$@K0qju+geRlf%to`*dGnE~RK=kj2?V4^Sz?TR6QUomkPA zl1(|U<>|Zv9q4Lw2B+pV<=5+-^aHJ$10sBK(LB2Ks(*@$2w@LZV(gwR>RP3;8fN&~ zOXHm7Cm*-;q91n}kEfseD4#+%=M*D%E0kL~L=4nT{P3ZLh%lv3d3jBobgRUL%Zrmr zRn8g_v?z+NlZeMbW_|SZ_G&4p>Ogs7&{d&P5L*}UAfqm0C(w~l4L%E_bc6Q&2n8=%WF5)r-FytC*uK{Ffl#vXw9#RM|esE|Iz|ssu7mpp(DIk(Y zD59WpZKS+587U#z2ru52l#tA&@?)~l`cL+Iww7?$);Gu}4ph!W4 z(o#iq^q_SJ6zE*~PtgJ|4_+xFfsO)zLVRFYmE0FIA$0GojlfC*LZ0T(2=s(8Iz^JI z`d;Z6-J8p+BGuK9JJnWNKw=ZGq(DA14(Q=eVA+Gl0UZj@X9OmMa>a{L?vOXE=j$rS ze*zHdm9hfw=9%*^(WqwCbrA%BgC77888v?3gm@n+tCIKU<{+>D9*BJ66_kO4t^)T2g9sMpRqj1f_}FG+J{C z2YIT5RVCkV9Qv5#cxR3}2eEf%`BXN3$qasz!(=2s8%>aYvBfG-Y#4 z^??X|2ZV9XiEJbpVwQ)GrEq*6Iq_l8J(*R!ye&KW_(2PG(~-8S1A>}TBygTi9b=5a zA=YD&6y6!4BJ4rQDc~c)WZGZ<-Tw&J3-CZ_S`E0+Dx^`=!-3u($gE_J#HZU2LDD8w zRJafuq<766uV)X77eaI=60T(*1-WK{YIVN^z>vIBe&2zOn>tX>R3D0*$ezl01OQmE z7-g6Wfs?*jTO-m0;P~!W7T>Wl%9Y>J@y~wa(`D6v-JU|`0f^FXQc4Tdia(@hdlu}iI zE_5gKAOp-`=eI(7J$d4+wYPOpWfQmaCvT9xNV)-)J|YySo=@0!pIfl^KGtSe&yvnY zzQh$fddD!8TdVd*Uth47m(%tL<+OVN7yG+wnbieIr@AXd*)v@zUHP-?M$0;h58+7e z003=C$(6uBmTU{#fqNByPOaHV+Yzly!&%Z!PXPEef%XJ;<$`{I!>AOK^kLurb_x(zWVZ5p?Fp5@M$r2~Y@~p-^s`Q>PNZ6EX$=QT^e@fRE}x#gC0V|u z7rk*IKlFv)Ka9Q-f@g#CxpLt$W;%W}jiQS#|E}_Seb$E-MSoxU-WhJrp$in>L1lAF zRS3qk(o(jsrw5+LFu7CZ3(Lk+DT4%c{L1f1?^5P*5&%>4QA7fi zVpn)hq&elTeNG9;NS2M8)<=i_t!xJOgCF{*@_Jr%^EXl<&gAkv>&$c1-QQnDS)$9PcMVb2iOys5Dfn^xDwhxjlz$YUw_3PnZ2~|MR2tpn2Wa$Ik;YXzPsJ z%`fk??RoOV8`bvo)91+3by+7Ih!W@Y)=?f<`?_ zC%BK!Jz*QT{Ro~dPDW9r&msG>Fa5TC`Xe7_tT*Jg?QaqR1=!LidTKpnzxVr3TZa9V z&k_bEO(%JFDW#k8C;^0nN;!HxDNV?xOf=ryT1F>mJ<$<-_;C&t+0fW-O?4G`P`At+ z=@Zx61-+u@qA`_q@Kw91MCB{49WtU;5P#mE_n+ z<|KRS-5@ztghNr&3?&q<6x{(_SwmKpG*uK38G+BE_V`80ROR4F4=ehcqT*1Nw5YH@ z>$s7PxR%=9RjL=!<$w60`>oNxLWL7;%Xxrd92Wr@IlbBwazF~C6|xv)r4CdY8o={k zONH#wf75596JzF?U$fS|9d_aB4djmL(rYbD4W6`5es&lqb_JQNardGADa|d7fMME{ zi$BPF^zC3q3&YZ;mzLrAHQDhe$L(Xk@_>ylF#ciAPl8t~0nk0&HH1D9?iP@>xokjqO6p+`LLD1w;f4#6ph16$tQsdwV;Gl$@G206;_2 zTWj&cV?g5~Q3n~nFviu7z&i#r-wP>=S&o^s=6IuZf@-U&+g4SGQa9!6=k*9dIa;GD zFy>|DzLeNDv(G(D(0duu<6$NG|K}|FicV z;FhL!f#?68bI&<9=UX{+Rdsb$cXiGI8fcQh0E)88h`Wl9GUDn486)nfqwW|UF))fC z!{9gq3Oh(tBueO}>85k2uBxsaZqE7MbNBaqzw_ODtEz!wS)Zxy-M9PHIroci_`m-g zvhleOY)S2$zO%iR)}DEnPcMqBU^bi!r#xvlWF%=m(@#kaA(B=D^-S8R!(e*tIT-Cp z()Lfl94Lg^av{NI{mc*kZ0u^M`Yw`NTO-wyzj6Y?O+-r{Y52+fTBREBOaXs}-B(0; z*QGH(Omx;)zKBL)1mv9A)7#$qA2HZPJr`W{I-rBf|q}FFUU?%i7Z`6&=#?M53Cj$Mn80GoSiuwce2#h7ODEn8Tv(U;nd$yT*lQ9|sXMAIHA-+sT)_)97u+I|WT8QUge`CDpitA$Y`i&XtMj{mYlmHYHgb)^C zbP8x4OoCMafmsx)g2SrPmVHY!it#39f&R$^6!dG6OUA$==jnTo95@_by621WrHB5B zdIC5kku#)@f<((8P{V2$K@53Bgm>C^KLVY3_|rg`J0l37-8+aHlwk;jCZ7l_rA~0V1nbRKYlr$9A-RTJHyyh^9$#|h>JJ$^(Ft} zrsN>%_-#NB*n@E}2`j{(%2OyG{+2j|1zp;G|FI-Y#+!tE+XB`f!M!){fnX#LOec$GbS)J4?(C@km%8Z zO(Mm0TyZ@`1l!{7`@bGnUv*nN_4wyvYV=9c*|+jOoSUCMhU4QTJ`TKxvCWi7-uJre zV*b!@9Qned@gu+ambmRTuZ*|7<*o6;t2RalrMZvor!+T(**ZyqeuCnFy-11`v<3(6 zzB}4Bb;ibPt|V_jXNS#5#T=`n+5)HBOuK-tS4w%#*cBvT@8VK&Kis&vCr+T< zIXb);r}_~-sAynF*QY*+SL3t1{m`3VN$x^(m$2>d3mYTseF|98gqUi>L9hCHpOEPA4{30ku=fT4#Y-EUo@Z*whoqN@coY+z{XrA zI&oXvefMEPMvEi?L(9iTEOkr}uDuyGabOxyxQy|h`#6>bR6wfNov&aCu8VnJi9H#H|*aE;%B6`J|Avyqx&>%B>OIO&$ zJkRhYH5_^d+cYbbDGY_Ukq|zR!*!U0_U=g`uUB1lO?>!MpNIi`J7xf`DiCiNtk>Dx zcNw_yFaMk51?WoioiTLItH1`sMW~|cw47*qf7Y@m+q$CpitX_iA0Gq1v!BbrE9&_|X(MCZ z$Xr}W9srzB$(_-F!}VW(<}2~g(TLZ-{ClIfy@$=x9xu7$#yD|iC?4EDgfytX2J=Gr zpqVboX-WwEI8)1HYM#R1f(IvO(Rx(=^GJY+(E~=g4Md#nhm_@!HAw5l+K8Uilo&N& z+3*G(OEE8GsE#Dj=9l5h_G3QoAD20{tK7|HxhAJ z1`ke*Op#*7%W}6NVFXe4l^_3S=C=O*j5);3NI5iGyqMw`Ar+B zFilau_Wro}dEIf~5khP6*O;Vq`rrNS!}02uUmyD)+#i?j+ysr7!y$8+98L;jXaj+b zSp+~suT84e$9g{W$usf9!HBp1=GACD`Y0s0E`Iv0XJV-SV0`lTZ-}3|avDZ_cMOwG zpp`JwCd#u9Q-H8IUBEow&fLL>32)*saB2zI(3ePDpbwq+KAEB!clt)VA#Rhw@Ke<{ zMS3V+0Jbz@iyIXR>)9&}(1->!`peTW(X7#)?k1dGDGS1tW$0jC($Z&mM?9V}5yH7l zM)tShxr&=I{GT%*;vimk!R@0d@rfe_6V=EI*$Ff5X=vzWIa_ic2;iQ{Lq0D{SG#4QR ziA&_!yn+7kEP*8vP9G020brUe^olozrLRhF zhjz z!+nGJMNZjj*bjc&SH6sJxtQA=z7wunJ`av4In=G`v^Lgs-YG!+?)sG^cHCD1Msg>x zLrO)W`sFI@2adjMMe_wDy5=dk1xeNkG&7LMzFw?s9%eko-BqMh8#w#nQ*=m>BqE|%EJ7s2|?}6l+`2InPt(4o%Bc$HY*6h;9uskE+KxP6cg<@q21PWQGEVRxmr6k+o`06L4AyQ(z<7 zwe>iEUeeoz*^cU?m@JC;c~o|yrKsNu(}{l(pf!R21v!?1BYcoBUA^&|wzz^MhO@^h zJwcMeiOzLol%PCn@J~^Zw-?EVs3^0h7 z>?S7*{q4IKJUu-chX;<4oROMUQ)8)a$|%nEdkMFmBARP}sE;A?bsZS(0|RY{Ck~vB zO>LN$I&dja0kgIiQwAYPI0$(d@@pK zE3k#IHbsTjIl^bz+9cy+Uhri};lfO$J{bBPiqjM<6+YEE2xA5z&)eqd$x|L-St-kUX_UW6lOk&aX6o*Z$_Y(uU;j zuyX!e|M>2h4L74Ly*T@WIdIheTO$YQXC`T9Ke;@=F-=oCx_XTJ(nEY~hIA#wXA!q_ zUI3OPdk%H7t3nfbr~ZfuSO^g_E5ZbW6cWbc;dZr~<$bpch5~T}Bu2@01|nfGL6`kheP}k% z6s5v(H4_qguK}B-XBp<}^XgDHE`t;cm}koLUlmGDq>8+=%**s)u|G*ANne+_caG#S z1(2oTvCXK6eU|o8ZI{#JGhpk*8-MV1@!~sgi{JnAcY&k{^-a<#h*nje(}vc?G}(0^ z2em;psAhKg?F=)o*_iWnTwN>I;M|ta&soQrE4g{@tUW6`n-1k`$ef83l2`7^&91q3 z**7M|OZfN>eNL(=B4g#^i|&UJKEh-U(;^z@H{a-f*MW%BH@_X1`$1_OaN&10_X#FB zm!88MRUyXBJ&mz-$9jrQfxvP8&7I8_K|-2j>M>8bH31)x7wYb0Q!zxA)cU2~xPNK` zTLlduwLkVW55?}Dk@(sHvh$W+9Vb!!z5xYOx#N=frFVWQp2ktKtE(=q8gIj4kCf%i z`*8n2(w402-Vpa4eE^0SCs458DDNF7O#Kgk;XeY`$CKYt73o%O!mdkOp{5w~q|`RiVb+WkPh>W0mfA9$Eh$TRE(_Ql+G#)}}pdY?M}IKCTX z4()%GBu&F)`y~1-?S1wlj81ZlW{R1rG^h1wAJu4>(_ox1TUE%K8UZGOD$S?0I)o)d z;;mdNGi9bqJT}sLdb7&f|t)5-kRf(A<(zbMuUPy!Q)8ozI1K_ZRO2 zuekXnBjh3>oxrk!2=m?m{_5>$ie1~+$BrFa@S~%8ZyTB>B=?EYew_0M5zNpW1J6@1 zET@m1j;9Zvh*N{Z%(>cUm}7`$BMA_n1n}SfhU>}7$+eVTm?cx@GX6#NEhE6)$!I|X zB?=YK%^69^e`U0H3W6ozte%_{laFvO&#Y`J$JhRDfZACIWQ_ySO_9tES1!d(gm@31 z9*qM}lF^xS@R*p)@eLyM_4vV2G{a~@Ci)o1_4vP?j-UDQeeuMjn0rVm@aO-Y#EH}E z;>mA}#*>(+f9gjz#7XMH%s!5$?=aC>Xb6V}#-TIKv5^qoWx{0Z8(O2IS=`S!6%;5s z2%CT0WrhvTzCvG&q*8!FS*$D}UL_P3%X{#0J!Kz%x#C6tLoCa&+W*C3ydd<}iqg|uv*vi`2DDPv2`9kSADSf9RdHAmHI)vjB) z#vh#X^s}tZkX2~l8D#q< z-Ld7eZmR3{fb>C<%vq|{0kf(ZaDnG@8PYduetzIu1oE>$7;{U~trX2f7<8FRmap73 z5IcLD;_kz(ac^}u84(L{=f;P~V^N3?ot%lQ?tD#Lfm&gb`Z}kcJRQ^bo`|jqJlN|< zxQCs4gi-^0cI=7=4jsTzxk7f@%@L@LDRvSc`kjx&FaG&k7#|^ym^7{-js64ojKr-! za|2b9N$hoaGNq)RVh97p(fG}Gd^~>Xt-lcuJT)8LFg$g)QVE%elS*|{eByzp;=nP8 z)AC`Ml*bq^gF>5O7_ELxb39+9>mIid7T5#^oX8duC5=yvKqz<~BTmrgCNmEQYvG<0 zdC%iCY8b2Ytl33@fyYCLkR0{Va=*hU>Z6jGMl@&Q3j)(oAy0%E_~F@^W7d;=3Z*7i zQVofhJqOxQKbljt!B(oWNgXex=5X;<}%L8_=lu- z@V7ZV6z=9>3S}T$Nd=ygi&2erbO>L(=FVuNBJvz*!@Iz7bKJYsFdsYb+#B~jJP6^1 z;oY_=Mh8yD=_9i^aRT%A_fcDlnodpI4`#tyWit#P4}iy92Xk z#jPSpEaA5zUU?dtb2sLvQJiawz_MC8E>RhmWpMVX3bToHWWqZu29xY-q`jOI5Ao52 z?{^Y7wHiRfF0_4@%tqR#7y7Q+bs|+i7uL=tZi!Ikx8jHd<>oIw5+oK@y+Sq_8Mnp> zCWZ-QlG;HuuXw>-@$%d5G%Ols0iXsMs>d=cNNL_09um2nm|7S|hC#!IoU@CU)S>>C z1Le6QA&XN1E@^F2p(?JkDFsP5QlI!c)q3Gnf+_pJ2KAiJ*IW_XOc9wmt z1ZWELjJZU>f$15kUp&h+@PdcW*9kRw4vQhdxQ6tl#A6=kx_S`6&;86#$DjST_r&8k zk*25-98l*_XC}KH^P)O#?Q-Sw;=GJWq^JM@KmbWZK~$b~BJb?li&u_4(+@hha_#B} z4PApgq^B=SJW_imW}|lMoG(pI7jx78oXG`_e{HM%%~TliBvNrr6Qhw9oh1~h@LPvE zmWHMplNA12ks$GF=*59kXS!wfgwnkQ?bMQ_wNmY`nw8ltgTPFdX?_m*PrQ!-y=G)n zk`KY~ZX)&l=+MD9KDaTq7f-~tjhHl+_Qv6bJEQl+BB7k9q_Ne{&7Y2qw`__NyEh;? z9*wDQ9FO&57R}3Y+_b{9&ap2VHZ{k~e(bgJ+i!VW^dKQdVHcH~$K!p!^??|C=sLVT&B#QO4TqI?D@n z>@ntS1V4fbIY>75bj5rZ6-&`H|G>>x#3gk@ME)-wi9&K;B+8|P-`5Q3%EyPy+}stP{y$H|1{{^!s1*Fb2M6Lf z=9X8yX&d!j7GviPgVEiwF+TG@9*Qfk-4&S_{(?H#gF~?205njt1t1Vrlc37TZaVWqy$&PRqSrYUSvQ zxn{uG&E#)df(c1U(9lZEkvvX@Vp+y5!5BCpfeOT3=7I?k{;CStTrX1~z9?cMDWjSm zfi51yIrbmM=Hn?ci%wCD5Op3jkNcp7GUAZ5l_u>;np66cgd6C~+9vG#$y*X`(;ku0 zSUsMf|7PD8e&sVhVdpB9SaaUZYUfr7lat{@xtWzzv)de#*V%bL=QbzC!Q=zY?qime zLU^LJ3?$S#D(d|#XXrH&e}OSE8C+|w2eSj-e#JHML$7*uDzsKaz1BktZ!?Iha!y(e zo+_D>Nc)O}bYM1A#mb1tbg1!|AlZzX1K(rfFbR7q4a^t>d$lL4W8^pIWrH+jB&jy_ z4I~9en=>2Sma=2aKJ*_$#9>E6+_D6OQXZs&i>0oV3|M%|>dZh}sst zoU^c2q7raQweL2yG$W*JZ?{++;jl|Y0Q}bv{&jrxAO9Zn50V_x0xyDC$;f3I8rbDD z-fUdwua#?*t>qdhPH*#{RWS3K>=~}%>hb*2wN9t`9Hv!qU2AZYUz@{4{%2sig^tS$1rlxcS6R{xt2Kmk;h`}%rUSark9=Nxb{Vt#qkH9j42`pCQUws zvtXbSFHofzl1)JEnC`Rt#17_a80(=jpobe!s=WcU;6&8tmx;ktNnv z(WIyEjarMQ7BUpK>4ct@6qtZXEY0^|lc#h!^)!}?x5jV(%)2jI7|mwv+yC3%$*RCW zWw}RC*~`QNpJg-%9po+PAxyNB8cT-Rx1p&hp?xUKU_u!iCix(FE2yAbhA}WFhrVq( z-!9;E|HgeC(SrlAk%A?pcg@YtzotMECb2$hshB?gS1_yad`({_jax)p!mZ4;SVPS~ zOB^TaX^|pisoE^5zuWN7vxNO=U{zB?rK1{MSE0$+JsMyAFBCIeHx?%_DZlOqucV6g z6VbEf(wIELF^ULo+eb#}r)T28{j;&>W=xDEq1x^SM0N%7 zl;GIBE_H;oE-)uEm|P|&O7Uf2^a$F;VVtso4p0qeSIRE zDG!X1C@_NJ1!-u)rOc-c&nk}Qa+v6~G%AOR72Jeo=Je5#3xZ|$`v3FBi_UKnlXHk| zA{3dFDgww`QsLJANQ15Y&XI0Tj8^~l0>>r7%$i6?qMRSnxl*S`fzyIOPM#)!?NnyH z<=U$u@MsMhspA2W6~HCD$u`RhYsS#Y63mkr4&UNJ7?oikTsZ$0z|Dgphsg=*qe7$EGIvcp76hv*{bZ@AYxz zuFK-r|KPVks?F33ppPVWF{WH@DPsmRz;x!bd9QVbztdP5Z{opuR}PG>OLE}!Cfe#+ zuHNgl*>Q=YjEwIQd1vqC>#UYPd-YjooxZ65FqQJT{XX~a#7i>@$0@uSZl=?6NgXsT zgNMX|VF$-&0@!ZF>)hM|={)n7g@30%)B3v~e4h7ap>;TofsUPLVO6urTyZi!cZmEm zg;&7@3~`^%sr<+B2aoOtuC;)NQ_uH;*+hP_e_28by=p&r5 zl?Z{hnYMUd&m~mZJQ?+Sd*bUy9!~I)3no=mxJCywmC4mn!a;EPl(Un@m_U&cC~z>m zUYZD0`yY8CB{eLeRp>Ui2dKre z4*M~M?6_nHS`Z?sU{Hc&Scg7;I`;n~{X=&luKnR3+8G~tCyBcHI^s=#P#>pH&PLzo zakxBm&!;)VTreA5P8Yyup9& z^hxFbtzcUhGz3CVL^XYqt}Mm+t!O|<_U3%flVhXUT!Qf?5=Pp9Ii#@2o&h&nr>ngS zI<#deHceII$(gSB@DqJ;fP!w*Fx2LSO3!3(=jP{xLxeXck@s0o$&}-wmK-mL8?u%O zb>5SX0rxp=@qE7ba@@3XTkY;|^_9QjTV3-l&h3=Ce9LC1MW*K>)a)ikTWhO>&5wNZ z@3Wufq_LSH&LS9XN{WG|fYoQA0CS_M;WaOOX}s_SFGyO0CbR%*4;0*eualW0YQq8T zmFlE?LX$>7yBf#5R;Nt4@u}H~6uu+^PtTFNrXSjZO>?}A{a2MZCo>KatY_b4h-PM{ z)4e|1cQ&(Gbs)_)VMdU$q+X6GlSmDn!@n&#xS9pE%JpS7seR7@qRe3ZyM)>dfr>3D zvdoBv$#yg|=x89>?g%do!jn z10Rp&EelJ|{#rf$4C~BViRAq^{ZelTp+HxY{8_$v4Qz0jD|4yTo+XTK2=tv-v!yImFDN)YpWgv3WL7E-(SwOUX{Tt|hL# zeP`%|mrR1Jm}{VVRgDI?iWz49)p{kBt8?c2xdt=U5_a@V0|=srCIElor-e0PW8B(7XRb9R17_ zAlO1&ws}`P_{ib7@3E)Q7NW_3!R|$qI5j*>iHkz)>Y!lNE!W3UOcuxYc1I(`X3H?y zLI>F^EodCEcb_Jt_TG_0^vAspys`(?a8&tiIAmuTJN(k2IMz>6Fmf;~qJB2dK*nge zAC$hyv`EOT8p$M|z(^%ed}c>22rL25g-E$y8L?C5?}8hSc}_Vr(5}qS>9673!Hghf zD?KVPJE`UJTnZO%?Z6R{eK|+cq?uI7c@Cm?7yEGs4vv^q@C|wU+un20!e|bS-|qYU zzx(FpN%FLm(MWZ4txIN-#~%Mi93uhO6l>7P`k7F!!n&_R(CUQf7s)#`NaP8a6b&&^ zBWj7jt$-?cliUz6)@}Vm@s@w_eBkgD%p2xC7R*ex1-MnPXH0{OiVJK4%rx^bBMOvd z97iiSH$VEoqtUUsBRZ*jHG>ec^)J4X_`m#Jar~%?j1N)$#)Cqk|b z>(r9`C{o@J5_=6$OY5?$%v8IC*=GiZzAcrh?}|sjgJN;!t-$OdQ{i5h#weUk z5CLO>HBEgjt?qTgizzvuWx$mNF(+JGfY}|v0r~MWQ}Le<5?zI#P{$0;uk25=ZX4aA zsfn!&4Prk#*Jw2siPBP7_MI!t2n(L7W&@cDAW8U!hOHI+^!-YHiQp(RVoO7g95{VJ zunep7KeMrsSK0;jH(f0^W)o?i-#C{}z+t0pXo740-dDVWDt)&BsLLR10N#vuE>w+x z<_wX~lC%N=EFx01RDj1BN($Ek5FquS){_oa;GXN+FkwKzWj6Axd8{P}6*ZYs5ZAJQ z05UK>yJ?d2=;Hvo%!8T*7ix5TgrqQ8ghD4JmN)cnO7$g-B!Cl0fS@_UjBqj-dNj}# zfB^*?hIf5CWHb^2W=uKJf=O;iOu+u4cp?O2Oo}MbARxP{xfHy4P#ZfS6z^jU9xn)XZKYnF04_>!TSodHVBS&&bFPaP)j z#MAfJKjv)}*>Gi~MJD!D~=?CK>NYA{Y7t;UW^ zsB&DP0yA32BPY(pI($)3J~M0KRZ9j$XyX?uU$tPkRek7gq?w;#SS){_Q<}n{qMyS6XQBT7kg=*K1q zeH|mzXp%%TrsbW)&%^7ih}z%Z7wx1@pQZ?0H+IcBIP`%teK_~94=H9bM^PeE0C#j! z>KZ1Xh5Q9&9H?y44wHD<=NwNi)AuF%ZWwMV%;vnom}FB*kKz6^CV~EQosO}3CC~c+ z=Ad3J28h&1i6UB`yY9L(zVzT%V3bf#!jUWC=14w8-q;W4f@j%s2E*STbDU?dXNJr@ zzuH_wkGp;~>}$Uhk;sTaeyyuu%f{n1`Ms;}&ij(94)c32w(qNMxE{ok5l!bX)kR5! zi*;cg{nW!mY8vxn%3z~U()d_>=SoI4n*v$mMI;{}5%@?j%zT1|7`B9#^J7P2&}w6zV_&! z#<79R*c%j2Ya{nSGx;$VkHx>a;nLWGkH+N`GW`0f6Z8$ZC85)@ z6;MH*v28AHz4m2s@Sb~PGmfdMz~>qkqU(Ap#_pi3{JN&--)}l{kegDLgL2-0b@!>E z-ZMyjZTL;7vR@`qpLHkTk6^;U0WdWT0vI)_M5YS-z}VEB<^E7$1g_%-=A;gSl1!X} zoZ_H6UT#o_JTx87W!i+yjgFydUx0{P+HpKgh3{lktU002#@6U;zZwB$D{6E41S7|; zOTvbadA7HyW1}&R&&-40_!>2nz;_TJtQWDldn5BrDr_P``lkA+QMC~F5D9JW3)6*L zR$@B|rh1zZ{$T2wh{`DA(=p8Xu{q3ln1>D5eqwkw_K%#7&pgdD^q~P>>+!qkTB7(_ zc_3a@nTt2PqMIm`$Y^LL>*#Jt+JQRvlkf;* zc_|TL_uWHsFS1W}EFvtBl&%S8`UKqaCg6B}ej?Ei3~iY5c?Ps&WMB;cIhc;^J@{~t zS=#*vkS&7)tgoe~LJMa9MaDEu*`Hw _5TgQgSqM9fV1+)VS)1P=e<8#-bO`9wZC zNWbWmf~q0JrbUouB-{+G5|8t*yf5(V`-Erri+D(8L)aJE!AbNwY5tl2ly3%xX%>yv z1c}WiS=$S3-xagrW<9?p)RqpPO>mxpofji~tCn_l?SeIoiOA;MCh}FP6a6}S6(qLa z)=vBoc9UO!9nwDMxvvP4@WZ93nwUgSwGTG{f&X z07ez8?@0;4xK>k%*+IS6kLPquEdfBzaeiE%5kqLx6o@#vHg5uzr%VEqkZkQab!cr& zveN{URAl3;W$8gW-QKek)!?zjXt~Mr_xSDvu(kL4{CrM)U&eUYPp2j8uiyE7D*(^^ zS!Hji3KW=p0+5g(vduV8Hd1rPEQD$DQK8C|3+Gk#PP!Mg>C1Q;&rnmR zDFC92r+&GBW17TJ1~f4`sc;ZzU#;0*nNlNffI!HUA{5yeeXx3o;oP|`%VK(ggt_+uf2LJJ}8TE z$D3XjT^kA6?Y)#jZN(URbSP={Mq!q^_gzYYCCm?;LpV)+LMD^;XRyV<>LFT5bEEVO zthBa}E_pC=*Lkeffp_T=@xN?66yvbPI`N9fS|Qt<0oY_s`6}WG6vS>xzHXy z_*C5W1FwxMZn!Bv|FKU*KUxl|m!R>L-Nm7i^{O92S0SBfg^9LK4@Jy|ho|BgOiE#M zXOuWTNEKHZg^5YB#egSGc`rj~J(&WzIFQNHbg6|U`Wj6ZCg-KG__3GXjOyr2iqg_K zw4vI77NQyhM__zLXJgmS?NP;S16soe4f8gMv|6c#eB|H)4$2d8#r2pta9^Gt?Ld<; zlJL&JnL?~5?7M+PV|A=+nRP2BCKH^E!>`2Ff^#L{cnW`vPSTIhAY95MR49J9`-=8B zepF@?Z3G0SwXG4@fbpRwQD=K|VtN55>XLwWg&U$~%<&{6)89AC-(~Jmh|V-*UaPr7 zIBXy4h?^a-3!g=OhYhI54L44yr% z(5XP7i59e)1RH;g6LLK5_4-w5>Nn-Q)nbimRD0yd{#|JMu9yucByZVZ{EN4zBrkl` zfF!%-!Z%p{EWdLEoWJLredpI|?>7Fp8N_QS)visOajwxR6thJ_q8SIL9ZCY8CY3I0 zju5q*&Xmqr9 zlTc_JAYozISlTTY*c2|Z<`sd%>wNFZ!qcUEUOeY-wKFSyp&t_Zl$XQ4)#ffkoY}qh zH6vCT^N=JofOrPty~HyssOaj*2B_-3yQ@16pFRnJ-~tFxaysR=b0||M)2zE^!uJpJV3$uu_w zyie1YX4Kr9w_F1OnT}h2;@`x3-tY#}QIAFU^?Tw=_y1q<%A0PCyI$}Uaq!e&eEH!| z!z{pTu4sjXr72(o;*^jhCJai!_f$L3*!596i1}rnmPyJ7jS`4}Vf`yIrrn%5{%wwv zOl9n(G7rGEdoEiY<~%VJNVwQ8vw~}!0cRIs>e4*&+k6Qwgli#H*t%seCL%InlFy@i z!$_2dJMm8t=7|ymH#}F;m2bNG_E^8^3W)u5TzlJ{aqP%JV3c{37-Ir#ZEXkVwcz`J zQ|A5yaqQS}(%`qoda`^TKQkOp5DhZk)kZE3ssvNxy{i>7*8&W4=!B^~ zbYKW=b1ByCsK-Bp2$9)wm`#Xo1!w=cF0zCU5k5}Z`*!@68d+}~H>>O|;bR#SV9H^H zhG7X<(6K+|_@H*qB2LgnG#Mor=nb1;LeQd5qH(B$QJRPO)kM9(-W`J}X+!HVJ~@wB z5bZSZYw3*ox)zvX_Hw8Ac?r|xOv-%PQfY}Y+K+#{BD{hCx^hy(CG;%E}lbzgB=2FPYL6vUV;RgDRfD z#?CLIsuF>xa5@mZ#LNhfdbAj(`*uMxVktrO-3};Y03^0)oLrO>bg%F_34@HqBEY4? zs^N0=I7~S%uN|cpgU_Cs9ZOvK4DT(8gk*lEvTJ;nEfE-zBIgA9oMqy{c2K zVPE)U60rRgvD#z)O9QB>&IDBc(}C7&<~XORW)UDaPeTuC?mO>%UOaa2@dU`(3jlJl zH~p}zvGXj@`}WLFfZvQgXD;}aek&=fg~*+Z?2Y`3V^y8+bsl4+d~9i=`Oe`X8)G{4 zP5wDs%i(<&Z-G6B-UjLA(v1{|d&<*fHjlO$<@ z2#%m0N?j3VROKhn(Lp&qLscrrWGd8LEV!1)bvDyOH|DXRZe)A*WAIpP>)5iIsx4kJId+bmgIP&HAh38!t zPab8iW(VU1&$}`{`<3^iH58$%-BPXV_}CM`a9s&WlE{)N_IRPO6A5w(e*w%XjFHO{ zv%wZi5dfN)g+J&Mqi1fJ7jUUKHhtGgOtf>W3Pp$Qyr@C4prgxDW&X-AJr!~&_#AOf z1p;6#iq@v}(cN}!R0;8&r7uMyT+~9fwNE0kVm~)j8409>kIi$TJ^1x6#MTY1Ni*Bh z*&H`)yoKu7({b|1(HNx`&C)1D6Pz`RFr)e5^2>K3iBoEw={10=qzi<0{npm#Kh+$MJw&$9-i~P70#2@L!w&+@3Q55xaUQK(Zj1iGL$P=7 zRWUYsiYOS?hdlz|Lr9?=I7Z{Tn($dlY9#@NX`MwQBOWx(_!6cUsC;6Ex9w<)`|llL zAG+7rpBDX86M{z2jGc|Z!sswnSz(MeZtmj#%ttCk?InajiuMkKP8fc*-382;WpO{u zj~cZGlEayab^!-cBY*Ts(!qZTy4K0u4bo?(JhpdqQV_9@F%eo!A4>R)l-N7^jU*fc zK&!2nne!vm2=fwXZx){_i#8&-o3qT`04g9nbDxgc=< zu9yvGGkb}c&`%;9{41hNRL<^Zjb+Gxu6)Cv)qdyK@eCLF8CzO~v(BuBRMy_d*=58S zBP_}+w7DfLcGHAb0dxT}VG@}*`zApa{rUk)05}j2KPN#_IrAVA&qK0cNz#212~*T2 zV!>j$NdC_6k?={_wOQtK;Cy5RSHb|cQ_`d*sgpVM8C-4;(;_={-kX1%rYe8S0Odr= zzU4FG2t4jFJ+8gaXR-}azq02^P_$(OpxofK_N9s%Srg8bej)%_nUJdnq>-1r@OkmY zuY4+=eCj00d7LNLg|SJQ*n}ym5wn`6k25ykY2mtz!Ej^cYw1|*qy5jGA+wRvM01}W z*Uq0~SfZ{*?PC7U=82xC=b!ygK6;O?{q1aAyv=Yun`3pIBw+dq$owT{j^j)m=Q5bm z^k9WXMOT9%sPvYz3XfI&EX-%rN=FK&vCU9X7sx4$@^xc5Er zp?AE4(8l^0Jo$Kx--~A_l_m$Vm(Npqv$chgMG&Sb!u!vhh}|!^5(a?qSBS;pQhzjF z{sVE{-qzT4=)-u@mtr5jALH2Ym+1QvrkwiX1h5Mv!VE0XMqct`vBB|K6s2av8cFr!#F)cpKt5`TiB&VN(>2}SP1Iu89>pw zZzA<`Pj7duTh~k2F(JooUHF+mFvv+#ED`~RV8bjXfkj3mMagM4ajzw_r%u^E>Dk{# z`zPZafBc>pgU}hFaoyGX(2`EZ>CvGWB7}2{D!|h?eF|YrVba<*QTR+AcO1vzN@GWC zqbhEh+!9M%J4Munxns&WW2$GagLn?$(=bK|$0#r}1w(D|uvn_Zzy9UBqB?#oX*JFq zA#FKRy5~9~vKnP}#$wavR-8c_;*qZnMf>`O*t|nWYfRJRVW}gss!Da}!67oy61BI0 zCT!EC-DFZe8JBGCX1!S}nN6Aw!OJj?b*bJ93=htrGCxJ@;NT~u#;^<#pMyvXY;~-4 zeZw3+813`}KM{q<3g$`7Mg}I#P5`@TJ6akDhwY|+j}M^jXu^z$;EOh8iG9`x+!UvM zFG3o9Uc$d)3bRNRM^)?ml=1f~;HOfcnsx=oL&w(nX|#nf29u-AIdfYebLud@C7mz@ z&6JU!qI&Zj8h!;|84R$1XohhzNIo71J3|9;1<+B1CT^)OlPJvMhh)+{@g|_oKfD65o>xwBk2?(&(IeNiS32XK_`%$o3sR?>^&~Fj1-+aUhiD}_` z<$0XSTW#_4Kfn1m(iw{+Q?Y*idK`za8RGL`fiuW)B5F`H8D&&qyqDQttT7K6!@w9g zESD!2yNJrjd>|Qumh=rf`nPN`M?!$^nheLP=+ z#xv>&qf%8SFpB)^utiSKj$o(fJ{$*^m&m??6|tm)D_g>{Mb*ZUZsh=8#tpS)o;2^Sj*s7FiV6K zhTb`rx#bA&6vlxYq!eL8ZHR;zoh^MarvX>ucxh_l$x=()Kg6->?q~&xwzoeKaq`n~ zpl?@fyXA%CSLlhq`lCOM22{7D1+-;^e~wl_R3O92*=n@o1UflFQ~-`;FaDQ1V`T6f zWXQV^4iN{0jKI1KMkVgSuh%9vM(|e#sl0sPe@jU6rmy zW_zO!btWyLo$1|L!mNY?Coq?Y4f_oUf`13sA-ok@853If&JMDD;vo9o$Cl!X8?R+- zld*AeG`iStP3-9+z*-`!u5_vj@LSZ*%E1-+~88JZSyCo>jvqrfIUworxvmNtR2cgUI;}w`6HQx0Y5^Gy>sFQ0=CJhiQL{TJc6Zs}HM-8D#D6+)h zARQPP%_=fE0+xi|JQ`k;X&69i0Hw&i#3B`mFeqwgWW^U?e1L{@t$o*GqGzxShGm1Z zIxHNN@Olnps&H(ck9s)#GSAZ9mYY~ii94^4iWra^{4Mj6998Am^_){J%)3%7HGR}M z*7vBMUf{cp#6)xGo9D*yCm}8GG7gBK*lZr^P-TOx)m~Uy+_e(nI={)ELa}kBxlVp0 zjP$?OMAX@==Er1~vh`;+)AejgZ%Zv>X8pTHRMIoKzQ&B?jEWbp0i*2Zi|tw`yHLsBGGpW81lK>mQ0Mm1gMR*mf;{mglLxvIU?$GbcTT~VGkc%?1=FK{s|qs z<5Pe5mz-;d@NA_%0~s2Lw5ppQhtFg`0E2qa_gLLE*pWMMx;!lD3JSlB<5k}%3K)@rJmTlaR(~t+p(!bf)> zYNonZ^4E-v`Iykm=_zmu=fn+wB;W@m!?Y#y7dW`cTs4Dx$}oW9W_{Ea(0u-+p_9+q&HHmtl%B*^5@1pPOk5%?Uz&0H0RQkTJd z`Z2V&HvvDuoP%Ht4G6c5;M!)AZ%q**TZC~{s&`!OVc|xmwv|+;>${rb;nBI+eZ%E3 z%rl0Ud*bfp-W1hSn45@AbEB~vXWK3`3wlVDXMi){vhD;qH85+;FH~SK3ULT#;xHP$ z;Til#zytG|@L}#Vypg?^K{40j5D*CXBIR}Bw`j)*$9ibeoQw!_Z8qHk{q4bAc+Kw3 zv3u)A=5{)co*Y6eQ(-=cmL$BniTX1S9PYayXm$?%Sz1DZYmnzkx@|#f&G8F;d0NNX z#W~}EZg=H&iBpmkwK1czT1SZKda}BWBkk4U9d7KjO`@E)bp4tK`?m#ea-{AU{B3vr z_HVE88Gf^Mvg0+vF7u!bw+K=Z+2~X$`LJ&lICmMGjCnDU4JV*6J~L-XvUjP?U~{r5 z1#C4BZa~Xg`#jJ2X*FhDWh0%-k7@F$0|;a+a&>(^7QYQ|U6$$L+4kRzf4(~lt!%{Z zPpWk1iT9p3b2|E{shk+7q;<+>%|58Yc3YK@5`2G#P?#5E&Uw$dZS8um{&r^koZCF+ zGxGC(`?hl%lb4te&&q^k&A9oCx#_?uGwR2=kZF@hr8TS({=EMl6G&F0ahd91e zN7y#&S%sh$3Ei~HDy3I>2=79=YCsAzMDd}CV%+iOAB}DJW_;#@AEO}L=ESr<^6=wn zjaop`tuQMMFs^&9+81Y9N$LEmo;Wq|m8eWLQt#2^Vm~H| zdQ`tlH^u3}p?K5J{%^b!=7s;#9;%JSVF1o)T+W-y(Y$$%ZYKAOE#z6)clp(^z4;Ot zpI(^x4j5{Q${ebG%gh7QFb5@wM1g{ICIC~yQ`3_edG?L9Rf;(6HI!S~lg=b+bvzW+ zbg)Y?(eND1E`@}+Nz61gLK3I}`pf=D;4zhS5mC3fthVUc-<~>-_5khit6%-f=s$8I zo;cATotyBP!8viyu61aL$fbe#LlwO++(3B*^F@r|Q!sBaHOzW>{Uh;Ff_Dg9!iPxl zi{PPUm^%C`5xj^*;WLLL^cC$Bapn;;0Go+G*}gu;PY&R3R*JzB5dIPjFv%9{FjvR~ z>ex9p&svW@9i^=lO&cl4rye~PqfZZzK+N*>m>k$E`b1142s}+1@LM`sF~?z!hi;%4 zkI`lP73xW=zK9kE9J>IVhyi7MvsCsFYD|H16p>4+N%pfEw+74(OVEN@Ow~;~27xza zyk>x{68mj(45wEL_FcBAA-({^G1rQTiSZZA+hWuQCX0haoIHhqr@$y&GGpvVXbW&Q zh1O#k4NZ}GDFTm%eH$q@i>YOvkHzXV=PTTSB2vp-52P9FZ_J9$xq{vtLTYzcLtL`H zliv$5G&;c8mI=FEjMh$y>UFYz*LRS#4?m58QJ!Bj$Hx0C~dV7vgP&2JG-zVDUG8e?ErKW!MwMi|+J@!eUw&esq|MpnwGpF^9$glI; zzH3(TTjZ_;?|mtYr%VX%^H@UcTn{-0Fd!0~@py)om}>f#5%|m*G$sDxeBKh_kdSll z5{v0`WE}Kh2g3L}!>V%mI%x`YB0}F`Khszs5;-yQn7{p`euFS&CV=M}knskY4>c)D zA3Upq{qQ7G!{a#g_2aaag`urkJLW<4LGsLY|D0y{#J!~ZgazA+Lk=JBfDbFv(CNcBKX^IW}9;(yk))37|49jcrITz*DyIJ@|`yc zZvLNZhaArOiOZ7J72gd*m{Di5)@Fw_HL~lU%x^qI4P6DI33T!v;4j?=9I%e2+Lr+- zVHaLV%mjW9AmQajrFUUW*u^(NqD-+dBfXXv@UOV`*4TB)?zr_uFOC298$TZ#>N?|^ z&0FH{zwnjhxnF|Wo+lT@m)Z`+)vvrQj$>MT`s7~THAZ#M0WvZkj}1F6iNRxd*iUvx z6G_CjcH9(wRIBXisf+*h2Y)2q_n~()4v0BK!abKk55L@lAV!9jgf=JD@WESey)oLm zcL49boM_>rzXX*oC*tI(BRqqg5%?k0;~*+?;eEX%pEA>;N&1p$1{IGQlIKFxG*#iF zX?D-P%i|81w&VQ=S)b+T?pYVtU$;GmCWdhUolQO(Q!*K>RRJPhk0yd?)a4!-3BuuTDyjp_`v;V;!2pH z>vofQ6ecp|JHoMaoQR9Y=1c%wKwH(^#PfhfVJFcSWHkNZ#N8I^tH*yw+`5cIv5fx| z3`R2^bp$0k8A6t4{OQ=+n7iHn*!h-Q*&T1bfsA0;4>lnjKX zkL2mgCh$2v*8*@RCCi`fs2ABB{%wSe$jknD?GnJnp9xR|c#qpZiHf3L1=XGRxe>g6 zSwQ3YYBAFDRXM}H2#_|9Y2vXobl1l9@x;+XF^vo6d3@EilAtz1{r0QjC%npv*NXVlh~A8a%ITheV8ELRCsQB3RD**Qw!(?6-7r4(gK(co zHNucEDrMH5EAeIxfem5GIaiu5Rk)sb{tVucD3O{L39+-tpMB!U9qo zPG)UAAU2Z(jctl|eflu|AWtKiJ(l+7+|n1&rd3JMbSp>{zX);|=>M>YqunxQooZk@ z!k^=s>#oExa2MkvEV4j4XiOv1M0YLeoQI^E7%pI@gjvLW;eIKDl!YM)fYSHO@(A;( zu);ZQKWJPmsAjtJj?R`C!-r)5{wL4^D#(y3oqRg2?LDOHCS5!G+P&!B&i0>L&@%5a zojQ`QrN4pE=Zb^qzDqA7A=PLcIzAF@tmPzy@S5s2#K8lT@x)UPGasGFiBc1-bD!Xr zdCr(#aSB8kUx%~c8T?s>*w%xu3gF=h)=i|QxN)>_rh!dANFUN@MaVgI0(a}5MrKc{m`Ez;e(@_aB{_?NhAnP)xW1c4#Rjh z#tc1CX+&bfYxFJ9v)u9E76!W+oQ(E&k1L#;aO@M3A{LF%lwq7DnmVq$SBo zjs;Qe43$f!3>Q-%a*=d6b)o#E4a6}4KmwNlfai*IMAA0T@Yk+2L>ZFEe-ECBDm6hh$98{6*g+ zoLa2>E$-EEGg?2MZv+mnpj=%Z{Iam-%Hgq&cS64@zI7u4u z!D-|aa1M-`6{*E(31`5dxgO#seZA_<*b2M~pSCLgK^5k|iZ|~BIB0T2$KHwPB1*0e zZCeGC+(sfW3gDCi^-t=-TLoZro`{Qj!fqQO{9yZp5`3ilX9?#}&A)1%GTe>u#XaIH zTfXmd+)^x0$J-w#fn8xTe({cOBCy2e;ARA=QHs8q)1pY0UE!u4pQc&-c*d!NBC|S1 zS_7jXC&!0jgd*NWcS0)(gH7%#-t#??wA;e{E@RG7iV&@mzE1aj)TvZ}vX0t6IH^;F33=>6p@gwYl&f z`!hwTtmpmv1g5b8l7k)W9!x3RO9&?m%*PV@xW0l}h4~GNHeN`pVW|tb^!#fKuglx& zFOEC|!q22C&oRh!v4hPPJAcONcMbAZ5AewIk0qxz3Cs$y5eQ`*P@$proW?HLP-#ya ze-4h!FeKAImvL}WRb{a@7e>xcDJCJ=B;CHRL2w!qXU2JPQA?@7Ru7QA*H1U^5W5f88RJ#Gv_THU11H=L@^(eFZE4yPqW zl_&}Du4Ve{`Mi(*mXQ!>bInI`It4(zIZIBXjswRz?pe)C23 zU5{!$Z)qJJi&%%22q}bqL7gxyJI`8*jF619rs)N*DM46qJ=1j@%dd52L=?D^L0q|y z#8M^H!)=%_j3jc+mAc%A$yRHKtBPc`fC;WyZy6Gf*^=WfDnj2Y{Aqge`bpHoRqXGo zc<(=aDrTNI7I)s!78^j&CjHrX_0D+fpZ+dh^Tqg$Klpvj6&*45^(Ui>=Y8)bo1>+7 zL)5Qti{72vcyS@Rn%1Q~TP4@a+%%FYwKU2QejQoeTNXRBlB)RyENNcB<9~jkoxQhA z=1JxP*p)ybYNdY9@yteQbWG#SIWuka4p0ncY-m8*21aGV)HY~7Y$Pf`27{96)V6pc zjxiqRu?baqsnQy|FS~~K7zS@zY}PNWM@>Tr<3|sjb?)KAyqd1OTAd)-mp(IdapL$f za!pVQ0P|B*LsxW>YvQ@k-u;hXpy*g*Y+kpR7qgICcSlrXF4 zY;V-n9CMxsKJ%|bdI2WIC?APp1BtpCD7)T^8o!7df0D?MQ}rX1a=_@t8W%}#zK*1F zTid87f*C=xp=+e0qNeY|Pa&%u5XTh|MBOhr;dcKS>T17C z>KKG~6K4_+5#{kO?;eR(VC==cTjJ&GD$(9JLVA1{iZbRh%}DIu0ytj>(GGkYs%V2} z%<)0;s}q!;pC%IN&oH69w7w~J13w+}V-$~rF_EDH*Cx#uVIvE`#`}q^nTCC@;`mvn z%BzmtX0BbqrIJgI`Ef61$5$aK|2t=*WUAfCqWVN{Sc6PZsold`I48n-#>8hh-fNv7 zo3*iK32i=&!?mS0TGqElFQo=7aZxI?!gx%_!}lLZ*M7TynA!ig+FB&P_ILjLtn+lA z1Aa0Do1b0%_PYGq)uY<(&Tlyp%g@NCDQS~Ko*3#!9@&pm*gh5%<^lu)I7SEn06+jq zL_t)cnM1Bj9{>|1l?-WR0VKq8#^kdZ1UO%B*sH%6v1OSi*B*Oa+9(`PoFNP1-wDxk zKJi$pmXVNvhICw@&>LTsR?gk85C*9S&1b23@LR^kjUADPYkSrDx6y!jj!NDxUK^KYN&POQCy zUl(he(RmHH5h0`xgsu3gE z>>G(#oW_LG*S<4$Z#x|eBcF`s?(3-7dTC7cos7%dcgOqQ`SECiiD`wPFKuX#BNZY9 z7W!iG*wsgCx*uE_X8@q?q5ZKCZgzs$_0bou4=1vLy3C zw2yP01X$Kwef0xKpDgT=-agLx0Q`W*Qy zK2H*|I=FJZ^7fQx;}x5FV{emq7aUBe_rMAEHmTIdNzdO8jDDQ#q=uEFM2nB1lJ;k8bX*^Z^E>X|Lc#& z6??Bqh-4n@<$UU_rDWeq#>@t6P&26Brga?RzlI9MtQxTYLAVW7GaN{XN?!&m$Yu+g zEo@>unE8Cc^99VDnphha!{lOWI@CbWi3BuuRscwILw~&AdlQh+L4n2dO0AkRvgdkT zW`5z$6yMyGiZQV8s3^TBX)U-f_sPhgXFt70fV1fc=e54yq)$Z%k5wAykqUJV92)PB zzxu#mq0aP8GEMm;XRDHrSE7_L4%rwIKyt^5N}qSFtbfvM)ChtIJ240ObM4i4(AI3Q z@8GVB=F$bUZCR$ijM-rJ=$kN=A;D}OGiJoKvl-s$ybBjjogsQQ=Ql&58B)rbSuavc zm%^&K?!;*dW?^>Ny4{3Vng~H;sHE$V`jmcV(F7*RpS__6Iz37IL1Lf-WP%qYJ^hia zE^8FQ682`?@-39_-V^`*gYS$Zr;f&^o>@x8cg1BpcGB+=LhO#9j;>%I#}gh& zxrs=ZI>H!dAuPhMDs25r$|UhJE2*iYO-wffL9d_@k!euKNEMUQc$p)o8n`}lh76ZD z4O-l=siPe~kDc6ONH^LOROJ3P<-7B(q+8Fvka$f@k@=UoZ6q7y0HM00I3uS0RcS^7 zg^_CB68rXC!Ammf-96Zhzu5E~X`U&_Xy!=EsL#ydL8Ls(X{}9PL5#Mv9veQai{o>ya!a0aD!S zp2~2Jb*uoU^hx_i+LHDk`-XL1#I#dSlvRl^=wvU~*s|`|B0}U4;~nLJ!c`H?T^qveIOw!~ ze2RK2YUj8YvuY}iWjOhB{0BQy_f zQ+ukmF3|z#&kC+S=kc0`)Ic?pTSJ;-D7+5m6NEMQ_l=Uc?VF{)IOjoj=lnz8$&qc} zbo8p=*A8GUVOCDZqt04r{LDL^?<6+FB_WAAHU;|;-mlL)4(Z(x!B1TwaS=^ z^XFe!KDWuRq!F=!S4?L-C4&VS6z^cL_R(EHTMHWuG9CN&|8Q^Z{aWInW}$lz>W^ijK_5bf-N4dgRG;|FpydPc{>Mf|c1MV$to zRW&!D(a^Vpnabt>0++^v+y5*YlGCS8V1lu1H+dPD{!Uc!Woi_SLL3@#Hq010<^u*? z>0A~4A`EyVJ_lwY))d2w(UNqKIh1=LY*yNJDb0+lqqxLOW`7ByG>RlXGJ@S5)p-m4 z2AXNJa9LFBIJW-$n|^(D@pB+}mVMuT`|Zmz6`h2No){$4F!uae7^`_0zJO4h7^`GN zg%0>Iu4-$WFoTKHY-(EPDZZxetxW$Eg{Bp_jYJ);9W-3~L?-qr$aVSX7JivuSH(TM1@nc-pgMEbD3gnt>u94F^{ zC*Mc;Qh2^#gbdHO-+t1)>_e3{I(Mf%#3FjUeco@s*Eaj-vGmOxul<{Wr%N4EdM`}Aw85;o zb41k4@>xPNdG46KDSu`oYga)iZ*6Ucezrz4emUmg8KH*OFn&2!E*~4gZgc_dyV7iY ztLLWy)CPO*b!QQmvrekj$R_Bl!|9KjeYyrP9$Ka%-?>dc4)aq?0myQ5@BWLwj9>e; zUrn6xuiVXG-rm4(O`NCqJRuU_aN9g!?T9~uv`rwM30Hx(dbYBi4-J(4%a zo0t)~Rjw0Zi>w7qn~cSLGU2e0{7%cxSds<=4jzzA48wwq1;@QFNA}IAkKL#;8=g-o zWsw3b|82_w!~UD;&ikgZv)L!jDLO2vGg@FXG_e^?E;9|l22*G644rqAZew0pbQBQi4BcP0fO#3=OLg4 zBcfPR&4QK|FA*a8 zm2}R+cnWDZ6cP&%4u>_oJuF`W}9|*X<)z2j%DG`&vw8!js6V2D0PHJs_C3jD2+Kc#tk11{3_>05{M|A7*qW1~xM1Xc-Q+Lv0OL@H2ns zINNh;KN95hAsTCe+!P9LMVQdUco>bv^Kc1H``P*<^=R7a=!@fZkJ}d1#L06&R}5ZQ zVsA;SU=@zEwuLG(o&4aE_%I9ZYWC=aglbe&sErS^n+I#jAW^>`jZ1tO|TH z(Y4FfibChG&DeL%LPgSnmYDk`<}t(B*`-O_Lcg6CKV`;YLQ6G6Tn%$Eg9GUdQCU># zH6n|3ztHy2$82QO=0f{%0oP@Wh4U>SeDmg%aGnKN0(mYn$@ks=c)achUcezHpCml< zm{+UGC9|W0Oy%-nTx5I_kmKO$0=K|`7>ej| zuT=td9H!3|_T1bam+9bTcz7cXb8LdlrZXIGz;-@~^kpJ4rMiBSc)jh{e<300a(!32 z7tp1D5UQlYaCHBF`)+68;rpLVFyQ7-ID!YdkxSTZ8%e^|LIunw!uwoz)%C($vD^l% zfTT4G0GJ8<_0>VbpC_Dp9u1eiJf_vwbWq0E05^y99yNGs1B5B_0!)x5d|oDUxhZ5x-wqH$##r=%8 z7&l*a1+`b6jB)nnBq6Zn#@^`d+MDKRfj&(l?O7MXu{Tl}O9tDP!@h`r7E^@|q7692 zcC~kMzhSx=k&}>!klQhNY@{ma)5i~>eIN$}rV*+fK2z@n#c$(~unsMe#ScQ~gc`AH-wlhhAhj2DnaS4>+Vt*wm-t zJ1|;hyGli8jjMS~b{(CWb4ZJ{o#KfuPmk@?JuO&o=U?hvc~u>lc!_fur%t)})1`3% z@x@ViQ^^w!1Ax22K>UQ1;m`i;9pN)R>!pZ-W?3EajZSQ1n%FZVQ*hu)Ej$M3uUhwB zTkRa{BpsDKSqX_D9Zbx&Ylyh$thiO;U?7^8zuD=!aTLMi+@rB1I?IcB;xSrEo1xPb z(JG$xl#8ttR`FV9UXn@PgiIobc@`pUuNaOOv5{WMiA+TuWF3e2x2SVNQ6Wr$M+N=n z71};~tk=P+*06ORV_?nApv(r-A*bz8wGaNqhr+*j?Y|1k3k>4c;YctW*f23a5f`yc zB(1T5r9Z=ZiD6ZWksi0Op-3_0wH;K~RI8uN~h_IskDOPL~FeK6b3QR_qRZ=tw z5AJrsg$7r1w^*G=T?8^qmR})SoD@+!eRiQA<{{KGdm*xD$G6{iGOT?RWxE#~4!svn zhBcU!Hhu4eQNvC_lNDz)$;@`k1Y3e1`Q!J6^PIJJCELe(<3TLi?gF=-I)8$dCnJmf z>ia(Dm0@$=Y}i1Y9-4bY3kLZ;AN-%(i}FZ#;J!ml+A!bT1MvrMdtLaW_kI}j%1j#E z!nwl9gS|-F9zXtmCJ9W1W3f|7kND`suNYSyiUv%w3UATDG%J`=OIqA*Efjv+S|Mk&U64IzGiXTLu0|RkT@>jOJkxl$GTqk|vcv3*2%Q z9gT`n7mAAGd=&}G8tEOcDw9uee}^vJXo}Q>eSL?K#M_D2mF2U+O|Wfo^zI`Vyjnz2 zlT#qTdkT~EGxW2DxTK{WbQ@S&MP^LB8vcjVz-fkf`wrXz4(twR(Dyly-du~L9dqEd zlim!+Lwi_cUFA}@a|_4m3*pEZ7v|>YomIfmyGEwb(L2Bv@Eqe}`P?ekuCs;3#bfZT z>MzIf=6060HSBvAdWmKv`lhrvEizeU(W{6CDktE*Lm->r%*$FzIk|DZ7hl|pL_qE;TyjBo8q=Y$30jSh`bSRiv8LZR{sK4Lf~Ye!lXy~+Hi4w z7#ESK&E)Hm*)f$ZVM?4ZYJ+Wzf^)YHG8^`gb&wz`yfEDR9Bfy#p&+t>tQ|T^i=y$q z1rR4H=@G~HcDTPzI3fV8V&Fo|Afkp%A$HUnp3gEf9Yn#NsHwwzK$R)mA*nP4WQ?g{ zM5y;1%!Q1VZJwenZ+`Pz!Y{w!O{5t}MFs#B9+t1OUesprO;M%?q=87c=@N^$B8!a!MfYmAd8Fw%tpJz(LoIUMB?I% ziG$w-2l0Rml!#v0CJ`3H#?N;We>-ne=oZJ~G^FlRyH&SD0Yw zg3KeCwGfH!;|%@$DfD<9+E1NdbHAUqfEb`LA8mqGVUh_a0JG2|-oYfu#?=@U7br`!9eYP;!o#zgc z$CxZ04;v7$2hTLZ2cAH3*u%gVqFITkMx>|MhENhGtZcW$P#~;uD|6D3a55v$0dMO# zP^nu}U`$CdCC2?0JSO(zy|qcW;oDVbPSlQlpg>jb&+-c?@&l=*D1+Wg6X`8e?Fc zep^7{a*6v=WSrerDfExJDum#q!P3^IOecLM4(aVHzuD)GMW5}v0&mK+(R{>?Zj!bfYPVUtn9s%Dc!yj7>|M3mK62A7UzZx;@1UE?%4dQpU#})?2*;BmiNdcq}nwIqvrW%v^9JgqC zmfXEMdI|;)lt5#@?cOk)UL;IXV`!2Fd^R*y2NJ1Z7FS=2$U#2a=MhIWfEBZ8d9A@Y z@(skTZIDVOss;qTXp=}L5{Ohz9C0;8m6g_*HlC`HFjDtAgT-y0^B_YLr1O#-(>oU{ z`m+AkO-|f>K#Jka`b7AnKmL>O`Zv4*7_rk@7zmp*h&0IG2|8A05PS>$G^bdlGw4-v zWcH8jm=~wXWI;0^9873T+Fb~%CoUugefGCq(bIjlniU`SHJoaPvnRRGs&|f6{Bdvz zeVpA`S)^ab*p`@q>D@)YH&`K#WA$)mayCq()OeH|A(u{RmUs`ijlGAtZdlyI9Vjp0 zg0ROqse!f6!|auhBl&ysm;V%77~GuvR}X=IFsf|Vyzg!A3Cl1VeQryY=s51Wf$fXk z6X9jAd38A5WXl67-hLT(aB~f&={NuT2bqi!kIyJ3M`@7ugx=Ax%*3&dR(rP%qksbU zDtcz^O>v!eGDceHlsHMPqv);vh2v2|xryFM6x$=I@OxBrjgS$fG7iQ|guV$E6yXih zss~UTpN&Up-5PSMs&5zz0frdAU@@ZX$P`Ga0k+JAXzh_(w?Z60&Jo7Zn3GI>tI4g% zPEt%7{%c|8*^3sF{Rnjvs3S)mJxZ*u!J3wNp9OAlf$eC(w2YpMM}Oxr>pj7*tKB|F zmc`W$hSiciB;mva1*5xib}<~|!ZZzFtuCpA485g)PA;4c4?Xf&xZ}<{*h&G9*|H`x z?f`-Ql5Y3hE*6Ly0z?0ZQxFe5^aQuHJ`p8WX#R&T3}9~$Hf7l6^2oEgN~_??S+?br z5KB)ZQ-QLlcqEO~i7UE-p^&CqccsZP9M(+PF`kQyO8r*A zCe>p5zX{6Q$GJ{l)5LLcW`jvA0@m*dz(pJ<8wc-bmpHOZzl%(!m6K+YXQi=>Qp-Eu z@y>ASsi(r%eC=0<=iGM>z-G@I#PHf-C+Jmg$#ZgtDUf*B8-91Oq(LA%P2}sqRcnE< zu7WBE30^@&RIsD25Uvh{*7?~y;+`+ms?WrsiCgoDhE*6mHCBC|d{O!^1}7>}jPI0T zS$4Qm6Gg(}mri0T^RkGj(4c7V9!5naQZM)EK$I7k(Bda-H~Xe*46;Quot4ID2cW|~ zU5#%ZpM1-k{~#hQs0FO5{ZoD~`k)A_^p#i}2c$LfTk*X}N6?ll!iwLm58FHpD|b}- zBJMWX-M~*>ZbH>$Fg#$yPx&Zq5i}uylQ6b{iE16OeH*ER$7DM^Z_xQ3#T#R?7tWmx zm|G10#FaF<7hRMaKld{q2(Nn8{cMq;tHXr&AU84o=5M_#oI1v~8@TtQKlb$;2Yixi zzn8<@{=MPA-SgqZ;-lzHtc3?Z@OWsS>tLY~#smiV6pYR|1h~1Y7nYwq5q7ywU#=YHm2g4lzH93@}o^uT#^8)jy>SA?19ynkV>$xJInD{w@&QK zD1vq(jxY9xz=x550g;($qN%QEikX6aJDH8tNfN(!DVE3s@w0B$3wDK7oT4t63EDnB z4H8n0S0_8DdTZ91a=|t`+fJ6bF-%^JT zf~lhx7pGC<JXooeJOkz26f)iq%Iin~In9P(P`q`^%TOVnD(mC6|8V7Jvav4sp;$ zn5TSVJO)7g9RK>q8rjEsjX$(as-$=vumBt6gu_8;Fq~d0*d^ zjLd~AsxgRW9p%t5`ldAp6=CvgagB5rn+3}Yr?AGjH+<VJG!c*#Bc!`ucs23SR$W%AsO*D7L{dr>@@wTX4ZumUr5a5_AE{9zahBzO?6RdA|4 z)eHB({CVLH>}3RXnJAlihb=l*STMHYn~KaR2r0N_{ojc848YrPZaZ)LROr;Z?;~8iH!~`EnX`+4hS&V}i zRt9tu>D=?4e@}SH^IsVDLZhAd78Vx5#~yqrJpR~IK%5&&!8MuEWteSGBho>!-_@H- z(gYZ2@M9L69rLq>p}TaR{MVIkfrofk0se?TWp6z#)5$fi{*js#b579?zZLB;z6@}& zrKELd^YeSbr1&hI*Y#ztp`V87#YwNDh~IeEseEghTd*0-M-ChrWAiWSWc*FG2-jE8 zfjWn>GPmW%ZT7+3Qq;q`xQ#O?!eqeAQ&UQo(pI8#P@ISOR=~u1>pk?awt}+N4jiNJ z>fHrq;o>~fgas9FQiv0d#S{}2!GlR6O*}a+wzIsuJ)Pz6aqJuE^%|G)qAhvBnc^Xl-T7d{WJ4fC;xqf|m$QGAOe#8t=y zM_|VoFdc|f*X;)ehaxtakS<8s# z24Enzb%s*mDi5u}X*PjxgL=8e(uA4l z!gy#{XV=>ApSBlWE>}O z;X4FxPzX$YV}BS&k7F{5KXFhL--HQ$;3j@_5Tls);5GKK{VaUa#3ABea3vhDUb@KS z4C2JReCFF0^AjV{49ZqFCXG=8Z#p;5X$b9L*yrOYE019bQKh=+U2EaxFTFE7_xVSt z{{oZOX>e*clQ9IN|L5Utpo%(tg=_#*XrlQ zUTn-T8Bfn6(gr?Ut-gr#;V*yM(eReve^+?y_}Or1FD9nhTVH3tcNu1&E0K1!&lcY< zl!@1oJ}h|aBNM^q1h~nTjSR`b`|k)Zdf>&B&xtLV9{Xbo9BgqcwvOmkdmCZxbXZwD z&MBB>6ii{t5$$3H2cpk)Se!T+-<|AZxW&O53sEr)4otIS%_F>PC^vV|co$wB%sazo zke>E$dS{B0H^qWKYbZP`y=Zc&m5j(3%v?HR&UeO?r$!XNZ*UaXg@6ifaaG3TG{$yM z{6{*kC6@`*ke`c!sMH9odoXZabu*YWBJ%+(R0O12kvP{d1htGc(t1nfZ`ud5q9HOZ zhw4Oe``z|=_s6rr$p|_L2}dU(ExpDqUl}SoChAYIflBtIPjO--o$N{D+J19# z^j9xK7`MC#lRn0Y9o%*@Tt;d5@yE_!RP-dEv!9`L(CB4w_Bq-77sJ9?kjb$Ljj{YR5hupg_L-Mbv#$Hl zFp-6`4FwE}wwPYn_${U#Y^NArxT5X;dh$tGye`6pcGqC!tV0pjW*#c?_t)s+KUIrm zSWc0r<+u&iB5WL3jkPc=w}LJV<1)gP@4`C5iSb}|=2NuMe5}9a`&(4IF!dhcN*qYe zj@>n3Jwtw*f=1Wk0uzw{d2uGDbHW<#Xx{*!K9tIj6OTxcI_%QaD$Lki?PqL;N3eJB zy4U?m_@tM7LimE$d@jm%YVTv80}-5})-hL~u(&;#k6P>)n1I2ckO^=zBA8<)i!PYx`$PFVe@cOmiC_PqJ_L`)eG;)p0QAA29CB~qm;y|`*3 z7vfLB2yIZev}eo(MG(?;RsaZ>;|+&J`|B{ zg1aZ;Jp~MK%ZtbxOB?pb0U})aRTpD0DB@@y7QGsF5mQinG{1y?#UM*xQk&y*(Ut7` z3cXm~(7aMg>m}@OX4mIZCY8fNeK9=mMdRUfKIdL0B?dGI(hpqOyv9)!&4k-0V9zEL zv*&glIN-qU!(1qFhze%Fug;{{0RK8n&uCw};!e@VD=?!NGS-|;Un6Mh7nGL*}9M~89cg;9MN^l9#c=uf$o$3%G^ zsoV;aB{nB&Fs^sPY}ApUc>K@RXUnYzbT2w=<2Au&PeaKdG$)RPIZo8<#@c5OW@r<} zWYc|MCf-$;Xl-^V1g>FeQO3E!e)0qpf2%PU$ALN+_G_2>GW-=^<9k7T!Ambm)1>-@ zmqS5B-J^HAvWtYTi^Q_mXKRrmyL&%(qkzI=N&qPrNivv~_VUwp+^#-pA8?k?)=pQSiS9UZ80NLjf(?loG*~@}9?}e>k9o_h zhPbFigR#^?LS-2VZ(vN;TVY`ZI*M-76nK2-jv0>X?uOww6^=jY#OjuZk_Pojv~^)U zlftLWhRo@Jbj3VbYBB~c&{4~A;`g`E6&VMYiZ%*hzv--3oVX*zF5tFOvj)tY+mMkK zIOYdB8}a%KX(Mx8oEMPFdGxx*_NI(Pk*`I_TqHd~@s4di8H~7~Wo%F<=dP%u;yo&i zE$e8V%*Q@(eo1|hh;gd6uuSD_Nw;IE+yA*H%3QA>EvAEuN=X%Q6!SSw4o)hiNn|Vb z5RrY1H;M<6$dD~w;s)zSPBsB3#&Y}!iKZw4rY~ILLDbKHa6>rdPCeNncQ?s0?bAQ~ zf$+(n{FgBPwKwWN*ol3BEvLK+a@VnoFO%VRhDFBJBm+gHu>;&s_EH^Gm3MXn9^S!2*+_kF>&s5bMnc$f=rBC#$9@)n$Rn0%8J1U0FQY*?M6BQY zc(t&Li@1SrzxI3I)Zc&5Rrjg56|%vGG%AoxhD^>_w-t7ZbK_Q+ZB#Y+Mz)t|1ky~s(qLx z$F_eGQ;{YJabE8hrVAsh1+ER2ITW2+$a#;HSqg^l8M@!pH@)@Xyr&sFkk zGBHUrc5#ez7q%HB$eunE?(vu{5+6@g#QT-Jv6hL;`&XhtJQf#erRzk(ScOs3)sbvO zghme3nWjGEF8`^`R*nJW}63pyn8;nqx~fz%;QbQdZ^azy;&D3KnDCk?&- z=ETXu5wOh+A@k>2WzC&RaQ|3o-&c#8TWX@qV@i?P^>Sw7$4C@u^z z)^NKp@NT(nqIj=vgN%piWv-Q?iHijT;qG7227lwY1&4gLtyacu6}|M^??wE`WC4>R zUD4VCkBhiKEXFCM9ZJBhd)xwo*;2>fg@{fVDwW&x1P{zxgd=m0t|(U~O2#fS6oV5w zez&|Nu}b)CSmErui=AUx!hCtRqe!E(*>`DeMn#U3(5R1<@W{K?HS zLIa%*!|XhfFcLs;y67zH<=$6Q@hlUFNM^ja>M}iBABqEwuPnO8Y@)Tiafq3F?^>Nx zaTR=G&yAA@l+%iX2u1qi?Y|Dk zo?2jlcmrj@oLRHWJ12teo!^Bw2plJVO*$7_E(WFnUc`wJxBiHsm-gwUAtZ>>l&yr@ zJ}61*-NZT@fACJtm8&Vw`;+?X7jk z&OVf_Q5Ibv<6evdb79|IN7(k`a;lRjz+WyF#K4jwcH5_dY1b7k%v8KL$UzBiy9E{r zGwn;q>ITZ5e2cbg7^jXk;}{)r4KW=Hv=c_c?GvREmLq05w!|G*i5tL4X2X2ExK0Me zUk#y2YsbD5gfNu?tNep`O5H^<~HE9sXY z89@OZtttE%(j_jU;{@C{e)+dvZg7$B&F%Id+!KduF^IqlL2;WtciXGUP2uAhHtciztCRE^ zOw&5XwHDb9(#Aw&I^ywC>fmu{>QM(j3dSSiF#VtCmW#*4yc*9rLURl?Pl}1Bv?InB z2Wf|G(K#f(9~K9pSPg<*J<;*`u6X(*R7;Q&|ao<*Zsqe4wP1MjLzM!-&!N%7(; zJ4dWm_DbMM

ZkjyNEcX@d*0oZxvR%<`rnmJy^aAYi0kzDexz#Hs6c$Y z);r6Nj5vme;5sI~5mTZ#%MGjT-XdYH& zOv}s^$DJUFQ`%sj^1JEXGSMc7IH|dBz_g94Vht^@vgHaFsS6+$@0b2U<*II2=@Ck!nq?j&ipIEH{jdxi%uKFe zWF$5@13xw{Vd#Y~{n9TEFMH_&h>Z7!DTv1^cdJO`H`K=f&K{L>x{Vh^+0k;Yu9V;w z-Tsh)h}&{b~7p zr+;)c&-M48C=$f5o9WMgcK0SU-8;&XtbUeJAnjumX$n1_d&chy-||C04wHd)KYAa1^fcD6L9^~j5E!5dqy%gd zgc&4i4HmWyYci$Q2uqauF*-*i><(37L&dIaKVU#)TGLBN-?)fMkIm;2p zwhE*Jr*+(hH&Ox*k4_#sbeI*Uih)RA7z0k^N(z(`czhJ0blf6pqeQxiw4n#_oMH=U z{~nnW6}CB!3Ino&^waIBIM%_Dm9@AM1B5Uf?u$3mF?I2#iH!~Er-U2Y8@)^)++N(` zi5z`oX4KLrF6rGmRTr#-{>K;$h45`nta2g;Gw2LkG^T(zrn{jPDxEqmm011#Z}|S3 z7DtOdx!mvJBm3DEW+H^XB`cI*G4w$g5)>!f4yPg9MpC+={SDN1BJFY{YZT3UZ_L9j zC?`4@7W;eH98s-Lq(hO0IQGraNtq|c2Be%tB6@iAO&?vQ7Av_4u7$tnZjOB;_}knd z0u`M(z;*WAEbB#^>ffzHFV~Tnt)O7-L_RgWn>%ulav;e#iDnIxp}nOn>|9O0sBEWU7>8P^JurTQW*sVKvqT~hTLs5SI(-m;cbxQA@|Q4L=&W7dF3sVqVFnN_G-XSvSKn%S9osC=+2y9 zDh1as?Cc^e`I^hcrOT2<#Ta zrA}f(-I;`wGi~AhM(b`7X5(MI=?nXcDkI|;yTg?=eMQ)SPSGB4lSxt?1;>h#t+cJ+ z3S69%n5e@buB~N^7*ZJQH4OlDXTz=*=A*e|;-CK?Z$#CCJ1%6Nm$2~32`=v@Q4gts(i*BroK#U) zh%h7+61y??zYorZU3+F>ek?;nSlscz1bgPp0!;H}*t>6E+|yrVuYF-*F|K|kXpyK5 zBs)${6XVli|Ni~tqkWh~j5wX;)XpxL4Yw}61PewT0v?I3W>IDM{cPhMQR#CQn#$>*HE8Y<7yB(S@%E5fyb$|C&p$*z zvEBUWV=#u?&C-N!FVUJaitb=Oq?y`0>eHra4iDUU#~wDpCc?)b;c9gZ>cLCUa&#Mz zo~@zZ;fY3)#Ck^Qw_7))^*OcMaYy?Bj%`tQuh6}S;V`Y9l(F5?`C>cCcgKeClwKB- zzj?rBAVKl~15CehC`)>8nbQ7cOew6g?W0%m+dQmeVU8i;c7nHaR&ueRSV!NBekkBy zycfT*Emg&uK~B{l+4iT;B?w)Ve^Kd+0(bHvlnOT_-{RBdepC4(f-#xwl;b&IqW%X+ zpvXT?TrwlwaQwuR;fH_phr*}7?1Aw4pZj@X&%9S&b4*XMZgI08ge@v-lGCyh3>b)b zMw%sS+)iS)R?_Bes~sm1%G0n*Q)Fh6QS8efh%v`msftJHG{zOkHZq@vqVA} z4NoFWA^8|*qWSIL{mt;F|LxBx4^cA%Rz#9{v3yCe?X{_qDDZnF?n0V`fLD^X8aL%7 ztc$$-9iZPu+)TkxlyfM;Oz$)O=A*0}1FMW0 z_7m{da1wKKG#1oGD{Ty^iZ{kCK8`g|uT?+DYLGioX4vMNLy|EU?IP?7r!Z1>?AT+} z1qlczWK?ilkO_feOT6lw;*dF#NIOBbT1$Zo-J`CFlAMzZ$LRN3n4jMZEEqMk&vY_T zXtcy3>}i`b=xwZ$M~e&NYFIiwb@EA+W@VE4;lU3*8s78Hk3|LVHa0cbgajrYhm7nS z2Bfsy%7lq=wHh`#&SQV)=v{Y&1GMSDf!*Q$=e~$ZXf+%>G8>*c_F!1x?v6eZA-7N3 z+~wiK+3s=|3=D`C9A!E-UA-@{@~qE>`CTwNJKN&E*--bA`W%tZXOdh4-`0=}_nIEjxv+9CvvACpVrPr0=Hkhr$r8R5e21vhu9`T6!x~a zy*>QJUwk+`^zg$NZ5c=gtS9kIBl5TxmypYT(A&1uJ|3>v6|ga38tetkQa@iDHavS% z2*+Xd5H5w=`8H3=%e0C3q_#Tggz(hWH@2wA)Aai<-}sG;Q&u&K|2eH80gB>yCM8WQ zM??WfWh{i1|Dw)?Vf3xrVy214r;sqX@^5zc(ajSusH_lKc{k8USch>K=N8s+6wy@L zb(_$mtQ#8(=q$K3qjI!cdz)cyz7_V*vQ3DB+1d(T?pa z(tWN^kIdaTL=d7b_ndWO002M$Nkl9XWC&N-30XEOOjj34jcgr&ZcWWuvKO82^I@55o){;2RS*x+*75 z9FG=qr#bO3i?mU@CBjYJ4#b0ai7`jQW!l)2-$lE}*IBWid@3wqy>$Xzl=F<+haNnI zwMw^I+DL_{FM1V|D7d0#8uc?)U{Y4mW$CUmNiZH0jxjc6{8)iHM#X#gzT4D&5{B#U zd+!Qg@fBYl_TAA8Cr&-iikdATV9sHCCSjPtu$OV}384_a@9Tf^rp3{nqW=H;iuwKu zF!~5vQy<_Y(Q#TDkHdmlI&oLyW-YACDFt3Zx^SM0_6o^`cpwhBC2U`*D7}h-I&oJC z$1vwqAcN6@rn)_$1UMd-R-A(Kxx@Hqu}!w0@$o8-w7wVx&>AMZ&mqA$PG3z-!gw6o z8>aV7g!R^XIL-FgdD5SQVL65w^d%VGT}U%_are*?jLEq(FyYv(@_4mOuZub9s>-3e zXAg26d^>#np~qo1){v;ohr>u!=H@+$%~lI-S!F9p9glP>Nydcn51uPMaUl_PhF~n> zG-vyuX)x1!`OS0(McfWXFTR5-{C=ednKrKY7Q0W8ZIoc-c!{5MK4lPX*!7 zFo$q!>fAJ|h;H3pVds!lANDX<2Eq!kZ3nVIoV~|HhF}a9x~{Er29A5qJr!-3gj})t zPiAV*-o4@2V~>YleB&=*E$_jI;Bkut?zgCCY8Oc<9~OEm-1;VGn~D||Vg44~KkS>| z6AmRt!FSvsYMB8k5HwDVTMTE4e(~SoI9cw8a=xj!3;p4HVlJ$a;SSiuWcbWb;ycI6 zMm5I_Zm?V1I0aFGou%69Q1CYr85xdbNz?YwIvU{w8~c+sx}uR0iBb-95>y&hIkZ_r zdAUB%N}ZKG3X3XTb`kN9vD#LQFFb14!VosChWD~)g>wlDom`&9N>9=C(qfkh*ZWgo z!YM|v^O3`c!{k7lCYb<`h+r#WVw&5OIaSa?FQYYR^O!f)f@(5#UOHHxUJtt`4}|r{ zy5#p{*u&A|m%d^jb`@5`!yh>j$8CeX7N#w>H6`*GMOy;5uq?a|vyogvD)nc)b+&MB zwQ8+ZdmbPA(1YQheeh?<579P6-`hLa*%BJ(K95(t@+ILjUVSJWzH^$1;K?HSE&Y3V zekw9<=h)VJ1P*E(DL`Gzs|qjJu290}1nHJQAAKay1?B^K=)^go>*8u(=@@!)US;kU zmQs!-7=tyo0n%g%{?eg(_`E2^kS6<_j(w(h(hlQ5B*Uit1ik$bIzMz!*vmFwK*4id zsq}n3JUIhi%s`jHn@NsFBjyXcpuaEJk3qzv9Nmpf%q-Fk4C|qQ4~3>&+eewS%gYcC zpb*_}Pr^iw`5$a!rTp{DRCw2Esj}xx=(gE$~<6Lw1W|)B(%AuT@e7{RH;-$ zm^)4dhvO^44kk^P^fQ!xKC|eTO25i78-a5}(YY$&LF8hnLM~#1t}@#Qm`l?RAhX4M zSYG00FO7R?h@4b;cDiE2c}FFmY5zXQ$|e-7w5b_ByH)d`!xp zi!{91xe2nb?D2|tn$&hJ6d!4K7l4sGlT>0N{+|gDO-pIUCHsiK{aeV!)4XI;nXGcQ)B=yJak#13f zV@ns4h^0dGMBNBFX&G+F0dZ>8BQuUreca*oIV@;|Qp{c}MM!MuL*dS=1=a8;b+?@eA{z73J6^IdF`%2lN04q1P+`bc zDlEaWcMA_7yh(0#WZz_Ri%?%{&Ozdj_3GaA`(-Ajw?ggBFBEZM>EAZH zCd=ZTy0UV2NEn%Hr8tT{tD+(*#}ovFee8N!RZXH773(?C%XZ508ni#T@7l&o@LCn2 zk`egGS#iW;ybKPxygc`oMbgC@p;)O36uJAl86p#k9zrRVv8kkxl_CaDy~i?$guqi8 z!v%rLO8Wa z?5ezDVk~!eS5tVB1FA{7d7ck-yw1y0rXcm?f|@J`@kjcz%jm=}VbBArdyReU2TH2N z9v~&9<=8*+b_eb;Y!}X~Jm;@spEGf6A@#->c}MfS8(GPI@$G#2tp?o z))1tq%eH5W6BK>aJ%hDUdl4W9X8VlK&G^X>p6SNk@7Fe0NT zFnc$}VtHVV`*-#feycBZ+Z(y^HPss~Jpe)Sv07kIsbzCHiwv2hBz%McrC`lVYUi>u zjmyYrs#_GTK1;J@$^`sD;qyRqQtoNCPRVGC4)x&bTWla@SGmEWVx_Yh5*%b+(DlHK zg$TpL2}kvZq@lsoRQkh%9926!+6g(Ak0nj1!JVxibr`&f#oj%R6wlHFta5Gt&|?|5 z#oXuLYn{{i_^hO{>oJMNzTs=p?W)vt*u&q%;v_^2?(0cKwT%5Xy5!R`eDs&`Gqy-O z{sEpoeP_kwpUillvXJh>L&myl7P&i<9!sSAuIv5dCmNpmEwvh_3y6w*Q?8Fb2(T+) z_Cn!dMoB4nggArhAT+L|2t{c1+@#9epE7dJ zz|=BO^LZIv?|6Wk{4C@Zd(WK?bE3VX&0=&f^zgx2_pC;X#_zJ{(^%8dI_QT*@7wx# z?WaCW=!)Z{vh#62WOpPNw~tr>AI)-d31><4k@(3Li@+6T0$ZaI1W&z4L2f4WqtP~oEc@f z@zMDe0vZ1-YwASJ7R({lijvNq#bo`>A;{!&m&j7S8?W4*g)5OIYf*-+k@9K>pRkX{ z0ckWk5zX0@id-cf1R=P@RdJIV5YL`pyePT+BRgD9v=gYBY9=6MqUr{aXBrADa)X z00QRR5^D3WUlN^kIg-|mc8PQnw^F6U?os!zONtqpk~#4(p19%DAD)D851xwQk)NXn zsH$pqTk%BF#E@O)Edp=SDC`I$Y5weiwV8p6!$mMK8*qjC!xT-eeeWPelQ?94@vkFC&W#!||WJz$uHmy5eNJ1Al;XT+gC`})aIUa05{qA6PV zj(^73GY%KWu;J{xy1(5HCX%zPp+7f3{!ktIS)|B(+Cbb%JTcfO1} zCMfg*hEgh_zFn-j?nUwPV3ydwstJq%Sbas62}G*198eVVLb?)!biLb|Gvo$$os%3j zMzF3yV^%U8p4&)oUn;|Fpli)LHBCnhaHW4)jadr={e@D|#K(2x0fs;vSBF+@C4jAk zYz6RP;nDdZZXRH_p^0fD5~i1xYdgP`F>! zvVAao!&a%LK|ifUq6{h-{_-&Q&P}VrP*3iTAYEaqc%D;mG#dJ*B+je;ymJ%arRhh{lBq-l#ELns0h=UV(e8Qrgp)l};4c zoVS?Rh9<3l2rQwQ%Ty9|(2nL#IAvFr7@eqcir|T-ZpAEyiHdUG3ts^(Rz{+O`lpc* z>in}8P{|(ZQ<6+jrpwYwWCqnLXxEi{-~|--Y593X~O{ zwHeM7A8LYHkvm(&o>wc#;=iak24a%{qYYtE^QnP$mqZd;FozbyD0>R3sFZ%@yl|Ri zF!vCz1ZuidY)v;)8ZR5EVxGb~qDvL0Q7QP4Iq{X^xolIRbWGn9c5&An8LW{IH#9UQ zIrjHUKJp*Vv0)Ob^m65q=5!NFj3I45Lgy{vOU5e#T?xZEYijZfy6T~lla>pepu}7Z zKL~fe!MfuIctzwQV!tMP>{K-3zw2*m`?EVVM@*}}fQ}?FSof4{eXB6T&mID?^2JUz zwE_d3<5O;VYcU*@m&J0`S%Czc0lP7ZoFnl`JcLMUD;*q-t;{1t@o`&Djp_djFPT$4y9L@Mi&Ar@dnT}=R8BWgZ^WLWC z^cjt^9e%y0Dt*OokDX`&M*ajd?|v+R5mE0L?74LPZ}=`uvBbP;p6i!vf2yytamt3r z$P3t zl{hardV8iiDgE!~t|Yc2!LVtoVo7%QYKz*;*w4;DRhMKD=TYYZPl5;ZL4?E|9J4>} z+w(E*k;5WWmA?}cN8%ax3!QN7N=s%}motb}rM5VIF4M}V`3#q5Rb}6Zuq|pt8f-t? zIV}#dVtaq}r*X`KqUi%%&QhY1azdXca)Vmf+{0nU`LE1!XWnRdqRmB&N#X*ys!#6C z*<%FbqaCt@G@(1`{P}l3)UIm>66n$6da6lYtXPRvMsd>slk=9a5T%gko+`m zuPrMHIG5HVlkae$K3SycR6wc5>uGe-=7N4P8&|u^&mL56llQJ26A0`xD$I|XdL)tf z(uR-Y%+bg0guZn-CDAj+2l)X^qyIJrfNy@W#>QUcw90A&n+N%#RtD2;|h zy~$okwZYEH1xd~dFwe*_={!K-n)xHcKj-Y~BJXDEU3IHGvU#|C$!RLrNpl`C<$P|v zLlid`oZ^mixum)(!{f|5Mbd07&l1oEXM~vxpZGk1QeE!b|0h?KqjYy|*^SlGk7uQ% zGuUom*p2rL3^4=lTy2VDpy;*+PY-1DHF|)*9|s$LN_p5%qa@a}TfEU+whN#*nBsqL z+yt(8ZxO2@W0`U_%E@c!UW0E{WfX>1KJ~QC)5cka4eD{(lIWZCyD+)74|0K#;fJDV z>aH{lnyg08(8_O36PinsmoAeN<%o9!vM|LXj@qBk8*ou-o0cZjK93A88TAG%Z{b3N z1B`xzA8OVQ8bcX7QO}MNv_c4H^OJogIX(c_5Scg5vdNaG>cf3{Nuap6vm7~VLrt#g&eOqj1OzlC$1`=D zs;QEmf1+eQF8;$YVF|&OAXTfi-M|_=vy-jjk1)CkXFJCxmiH^=jX!%p*UIupwV`T) zrvRHvL%Fg8e+HB(1&od9S~6?l0o3!VMI#@@F;riHv(1YDC z+xYR`JkwZMTe=2Pq=~#>@VH3y`H`c<0))8buien?=S1kc=M1E*dHW-Coi~CL2Jc|c z&UwPPuEbJyHxxHVx8Hrldfub9%g2EEWb8Aa4BM64#qI9*GE4M`1NOgk)8S|2or8pd z)`nhR`DH76&wr*Q<~>oje_0RASFE*uqgKo4Kx*29=e4}E$l@2V)nL%$KS69*D%u}4 z3x6y_Z3_c~pT)SxvHIIfp>$0y_Kc}EUR;t-So}7xA)(Rq;DEnb`gSo!jRc}ukCIFs zM(z8{7IDyZmKhdK%lNw`0>XSRgJ4{7v0I7FMM^-^4m@|@vxunIKoyv*TJBUf7b6ph z{gW*8zI!mj=O341(Ozi>8>SgGH>T8P1kq#sZ+NNr(KvKv7 z|Iea2Aj2#=CR!Y8SiqS5Pi)e_m{}Z1iU_7>lm7beaLN|mU7NC-nvdLx?%nhlfscM* z0Hp6lwu`>(gAn)Pf0c@nbqCcs4t`6yaK2U}=G8u*#7YC!(q;H7uBBRJxcXZ&CtgCk zzV!X(mM2cCSN;~~>SmrqA_V_GVMz^<7e5stFM|BV0chPdOt?9yR6I5T|M~&oIxq|) z#=7Bx`O*i@?0@0(VjFT(`!4u_eqI5Hhg$C@0hR8x)P)@cv0k{~7l2_vL#N)BP~sS? z(BNhytRA6X#^K7_mpkxg_lxwCzUMqI!9!zm>;@O?KhX*SkyB#MUU6*zwylataQ}%m zU`9W2&Ce9rNbu8#Xe0-)cB}b&Ki;RQ$NYt|3)tz>x9hFOb5yp}ktnMgF;mBFDDy|i za603}_%6-_ptx?mdHKIJlZT1obpJVk%7DvZtWiuSL({2z){`kMq@JMVW3cN@o#K?b zhNHfWoU)UidQbeMRr3xVy;vm<^w{ooK%p{ySf6;=Z`Mn^n42cs0sbEgGAY(K?rR}V zH-UayN8^x416n>(*@JDpGdB1Tn?7;l_z)nF8Lvd$`&FqT`RcB<^@85dQ1Fe+j<8<~ zkVcp_6Fddhd8**^R(;~V%h?Q0CqU=q{zvO><3hhf(C4i7&4w!?VE>RsYZ zfctV5^t<0JcF$rWyMLbqV5e_O2^b`LBuwx{TK;#wZbG4y?LgTREQ_c92(%xItS2=t z4*85i4zwQ{?d2x}`al@UY%M+Amc&n!cUm5(zCG{({VdP?7Z2iXPRia6Z~v2m2*LPp z!MU=WX0${EDhuWV6)K_1$%rYM2Y7${5eI7}8%V`&F927Ysf$~FX3W=pUr|h$mIC;x zb;h+T>(j>G$94aC(*^`sYo(c3vF-w(bx#QSOX*gz4Ek1cAMPF9K@*4xw7pZjjxdZ@ ztydF3c@htRaop;`?+szvOkMtHl(EVa(lGn^MtHIY+z$If>!MaS^O)Y9y!L5r%<&AE zMj89>@X`=7!md`$a;lbJLGbqD+1|N0`YkyIvdKp_c%lA6_P%m^D+~0f^Wt6C{+%D_ zNDuM(7SAAx%GPrd0&cEp;aX1UlgW5WT{caSy}{=Y`#wN7$ttE4;4M)L>=9=R$jHzeEVOBmxV3%4E8aNIylriT_)O<I%Dj8Smi7M2p=;TsQc+@iX7tO^%iX;~@gq;U26$B(Djjj= z*v`GSvnXa^WO@D1NohIjs*=GS2) zfb-Ir)Tn>cy-iEnf`lmp)CjKAXg*ec9B2G0r|X>DQ*H0{Ou6N|+pyQx+TI!XviF-y z|3u0r?u~Lvy{=vC4uaT;SZOO#9QJcAJFkJTEWr!}HzcxM0#4ivQsAeDn)7^c2q1$W zbC_qK|5uXgp+W>Cua4fbg7qePn!G^+2E1j@pS+YP{4u^P0fwXLTj)pW6Rvkxs<4`% zS}()ky;~IAG6a(v*S5& z-0aJK?(Pu00wxf)=lt?zXZVZ$Gx5&%E_?%4aBXM57C;vIi3Oaz`%}$(cj0^68`WAX z$n525!pH`mAacU2m0_K8SnPCw03lHFCt# z#Y`A+0AYCexnI<(#`Lh3(4v-nxbk0xqKgWqSm4+e6QfDJWh~w_*78>UW-!F3$&U~a zIs7i$^WpbnyN)}cX1Vq^g`mN8XOf_X0{h|Cy^y_h8+sJo`T&p2@2#hhcinNd2vh27 zN^uvkZv8E;gnuyHdZomtG*{OE_We0<)bcfa; z5O(KN|IGJJD_%1!Jy2?x1&DbRC6*Vt7k8$Yp|)kg5%hANQPYDg!;0ZBxPSD2*S9VV zSTW4pQPwV8y+KTqzTlGM(hFHOD`|3@4Vy&<-Cxh}r84n1&TY&qhm(pYVk}RbyQ&eo zl~UlpRHrp7!|%O5wI*k@?!=~hN46xF7615T;>p8(qrdC>^8z4bdGy??QkSxqlOxLRI%k)Xf*w&PM z21fdsac_pSsdz>}yy#mO+3y?5bVr(-8n#z(=3mwjL$q9^e|3bK2ukM|C)X2F#4B%) z>?r$)N&@VF7k)VVpKj7xJg2hG$E0YnrkWQmp+`%{-pU=v5{|Ew-^Y>N%rIg19S^Ow zue842_&|6Aus4{Vju6t*jtkvo$R(-?N(w|`B7Cyf>tb6I> zCkik=b@DaW?W%;QAe-}P} zWPY)4r|ukWe#t0B^rNM(AELgQpjlvzq4Z<;Hc( zCEiVkn~i?pCn4B@&bzr53jJ1M-Dsm{0#n^o0 zBXcD4FL;_*R%U1o6xdBqmUydl7M*oAf~INY6<%|1+u-5Mn^k(~OxaCM({p-(sy;4O zz8-`6Ls<{D^9&|3aAFGRclP0un21cK_E6J<{i=3h7-o3g+96Aj`sF%)s$V))0T7_o zPcmD4vFT3LnZk;O>ZN`9u%VpN99}HGCq(m zSNvv>pv!+lp@`ZFe1GwJ-F6W^TdVHTMA)u{u$1gSh919QlYM>Hiq{PwUiw2zPp570 zVY|H6=Ci6VH(}VBHpIn!r96?oFmt_5TJRCn>W~r--aD}>U@5&CNG4AhS@G`0VH9~I z5wO%CMY%HyeYZbKi|V2CCEJixo2KlZuZg(3Rh^@W1j`gsgT0x%XrOP#3rHpPvHl)A zCYYn;3nF^}&X(%viLNJ1#>ICc(R0!Uf4(V_r|-8bJh+y=>?@bAOY@eMq-Ew-w4vWL zY;pt8O)wo7690H0OM%Z9PPw+-b1htc_U`@Z3vkgodssf`7wMt}vzMR|=!&yMJzJ17 z7EBP`<)gjxYwqfeWpb^JxG;#pewF`Aj1{>nmm{r3S#%^VAviGb*6CB(0SnfH`qd1$ zn;&)Auz>wi1cH~|9E~d1X~-Uj0q#}IHZr%SNk|+f>=bxH|kv-IT|OsW^O+w z?>-Y;xWFuHu<50m&(e@QO@3!Q-|i#?3V!DAOC-=HZSlc)mRfcZ6Lle*q68#6j^6Hs z1rmMU9DITHIHl>j2g(LTX|~A_RYj&ex!wxJdxmRpL$9^&#UIofkhSN&GYIxzJMtLD zwGst})bb7nV1LO0lm<2u2AaK`j6MiHQ||JkzX<*IrWRnOGj#sG-wiDLXlyZa`$b9j zMy8+g^6-a!`2g!4AuM0$L;EhQ6XoC7uBHVRAdm0!I8ZW*DZjortH+yc@pm^F^K&jE zNJA>0hv85nhS_8}fQ>M|VwCnz&Aj8EV5mKR(aN)G^Lx?09{8d(qtOg|GkaNK)L)7r zXgKLQAG(15{;Q~cmSk_1q&BFEmEB!#ZptAv_HN1jG?P`_i{Hxen0j~KP;eq%X2dI5 z8}H+I`{o?E|It~Tp93*e|A1$6~4}mER1x@iWx7)knyoCx(YFkYWRf6~~7D#7URQ zZbx2A{1rD6n}IWf)EG?U0pVv;QI1P~o)dN%`W#nLWG=T1Fu}cwxv8u1c&0PrDW6wt z%F>Jn+K8YhAveQx<=-`9J4Z?C?J+|Iqek87vhj(_RCDN__$NOpa8l)0X;M9-U!7hi z>=Si_LJ=`FkgMg+Z{1~Z{#$5Bz)rI^F?Iiy+a}eroAIP2)VjH5scmDaKI_@#X>8|z zVU+_M4EI{O9P`u%X|OLe@%Ge>T!aMKlq$Wf2wZE5%$!T0`>$O(fWKyv*X{cxu%``; z^W2^KDAS|UYss-VBi@iKU)hP~T+^H+#woD!NbNwQ*D<{X$RPATK#S@dXcb)nyHKB= ze-CH&x8@(eyh{zS0b8Z~HW;<$>J?!l;8Ix$!`}(N?{&H~@@%|rx{{Mt_TV*h%@EV) zn0p7>vu^fx!qS6Zd4aVDGvD|tw+l%0sSdcI3BG7YY11=bs5X3~v)uCuBmbvBy6_gYE zA1pbB(w0l=M8}Hn*ptgg-zxAwulP?l>HllbU94c?tE_YF_mZA7+h(0d!IyVzOYPbf zvDy_x|9uo|x*BWIR`iaofU^KPbX7sSPTvRKt}j4ao$uB&fHdmtpf>)9@_f5Llpj0kAWK9}@DcU)Vx_ppG=@EF{0ryL0L zCz-LJ4ZS&LLg3oSuD^2M6K``mfZhS;T&&zKAfhW=vJ3Yp;1`6Gz1U;Z$JUQ``_nun zJT*(b1G*We|M>J{z_)OjT5)RhgvdRUf*7vaU97bg@4;%3+WN%H$}@Ta1lcEd_Ovvh zXfZ=Sk@*4-YKwOn<@0IQq4gC>@Nvgd-BI@C8>=+CHMhZKSegD^PWT}0Ij{QCf(LNf z8rw8La%&E*@0)0G2XOK`yZoScY#Lk@XJE(g!^?0CA-A=)H8!OTdomBpigD?DRIc4Xu!n*<#eKK+Yakx+oE!bEdl8Jj>)2X+!sp}=2A2EWn2UvzEb_w~kO^Ey#fUcD9MrHD)1%21OwFPsfXw&JxQu48H5?aqG z$b(Adc?GA6j(*6YNZ9Y_)Vr+&kiURb57YI-;a6=w4J-8?saKL_;T*zs*0dDx>8nMy zKX)5)9AWS6<}_7fZ@J3up55NX1-L^!)imSE?P~X$>fjkbO9g{BgU92B7P6ILN6Sld zbHMn;n5V?}EDel@4}WtN!)FvX1zw1*YHMmD#>dB*1r-h17)x~z;zrxgGJjSog@X4f z@*@8l(dn*poRQDS1F7A(*xNiCcDkHuck=Uw^a|0O4G|pd>uH<;=0ddVxT+dALiN}& zMq;tsuPk!^%n7oX0=aOVt<)&dL<`3QbSQ57BHbYSBHzIOdxLNdW|sxPe+a(14bHzd z*Y#|}(oNzUo03=TDa_W1}hGk zVN9a+73ZXsPxF>e6T6+_Oi5WKDZ$+c`1Kxiy6I>{Rm~`H4`(hC#UsMfTk7h+f>g1|lp`y6CD9HbktBh*!K1&6Q+}RasJR-bFNp88vF#y1Qdh<|9=8tK$bO&sM@d`sj~HA8THEpZ z_^!V?dTRB$_rsr=d3gzL7AcTFv5%c?OlYTOrdj$2^kVWs>Y-iX0U%diTKc7qnTNWF zI5t?OYzw(g9`@w)j7(BGKf#%vLQz|-=I>2z`-PoWvCsRRL3gN~gfu`^XJuyxuVom`t%7-KU)tA< z*8g}|vrukJKc3%2(9r-_!{mS5k%s;^kWY%7f@bmy zy;b$VLn&X0V9HG}`E8ybT#JbbpxzV`w5}GGeBf{_hgjI3R%j(!_lw1ZBBTS@SVl`V=Fmnd|g| z)7^-2!BqkoDZXCE4Ra$SNIW+_EQEE8i>?Wt8Sr5@9P+yJ%nw#SQ+*}qDs1XAi+pRmAz$v%L) z23wX>LPA$5gOOGca_rMjwLQ_|ats>QsiC+zRWJI;7quNV>cRQm-&fV2o;EhL`*vpR zL3fNelL8Bk#y)5=R7mYV@eZ7i;xG!hM)>IbG#0WSAt-HPB1~0#*ib@WE_h`;@{O$pjpKlED@$fsb+_DcakVwa-Wo_AI70H3rhC9`o zB2om2^?v7P1pT*b^_`4UlJpFmiz5aZV|IR^AauG8ZPw!S2Xbm?q7+3Jt&49WKJy&} zMQ3;DYN6_?J_&uGG>Ft9An33#ciA4iWZLbLs3Mm7a55p@u$l|HOcy6FU}fb%wVVqd z5`5gKZv$yLH(0Ko4->&8(4evwk%BO04@z(c(|FGHX(Tc!@mOG^{IGAD^@%+X-Eixe z-Z1RmfVdg%KM{X;Ej*1TktpuADrj7BNlA$0Il6u9tB39&shlRLR~i9Yy_l3;3$3Yi z!-d!CveuhrQkR2z_W`maropn+?KhA(m}M=?$;8S5cAT(MXT3G?2=kwc@_nv0#qM(E z64A(BMr+}8>snnqalMe2a2XO>;;V@3pj{?As;@*tV@p!d5vD2X7^?nYh+)avn>Zeh zVG89NCXN3zvG+`uRUikY(_2uyBjhr0DkC#9E%es@UFMlUazGYOFXMJS;)tt{k5ElT z=z0>ubi_r(*{RlZy^dUALJ7yJ2f89it}{r%UQ+Cw9YAf$hK`qPht-KJ79GY5Vw~W` zh&eeUq@G`NlC3+$vK+S!NqM{5sK~1}&7`v;VR%abXhjPhe%Ox64g!PZS>t8~Z_qD~~-Pq;G$b}Z%DONl5^Z@#I- z441UQk$1tWf(#Y(?gqhEL2VSvr|rv34$DEq+G&A*;qA==iJS=XngaRls!C;awN@h= z0q+GzGkc!sBiA?t7hpy2SpF=af>&8#-o~*$b}MS!Zim;*t-fh)W|GA2MQUIKXiAw( zCCKxXnI_7zT|`pJCs>}1N1L-2y5{kad2YE^I26py>slERbJqWw2J$}GjN`C!1=?{m z_C_ui|Bke&y`k>ya)Z3+9_F_=%cp2N7TvJ4P-MbvNnGq(NR279~&R0ivEj_^X9z zD)c%kcS+zl(`F^b_MYY^?Jbxl6SNK~x`p zu9dsIXTPU!)JR7*$vqBCw``WfYNI7l`5>)0eiDI75>ZsVle6tSR+`IWJ^7WE4#&uL zzE#1aSje9X;XU&Ed87@oVUt{wkFro0++xW?W_J-g)BDwcNtDOqVy-I<-g_Dp-j*o8 zH}J6Z`H`+48#0sZkap+|)PKe;H_*sa`Y??{3`2^o7uU)}n#tkBSG9W=p+}y0FfDwy zG*F|<;CJ>tw-FaoI-^y+{5rh9U^ZazD^44e$u#xL|8*_k8NQh=kC-Ip~cUN zG8A=?E~{%$#pfO$hHcRU@45{>`tB@Yx%2n#X1PQqiM!m6W4_DEl0KE+%OfnA!JC>N zRvzhx_$ozC{jTH?Q?{hmf}nF^)V+}+gl?k1Ii8C2_XU6Bb23mfC4>=8`Y63{Y18Vb&K1|8SZ(?7uF-GbP$T#d1o z{R`;n=ptIyBKcwMW?V|7guHIYd-4gTl0kJu6C6dzaQ!o|4w_&+$XgqkuF|#-Is+t9 zA%n`AG$_W4TvQr;i1cpw%BG0rPoLSqA~cK8Xk146t!!`6gz9zsGaND(4gy%qM40ur83l=!pt6FM_F<)$6id}UwOp!I zruij55!qcKxdcwGdrYng;dpUb=Z+tBBS0XPA^kGUp;N^h&80YV0YCv)7$UO~4ze{!_C5@RgF+`d182T)TqbWCbiRtx=<=J4MkY<*NA{@4{Af6;$ zHYz0nQ@H~LdV35j5Qcf@?3R_srKG+aZg#(>>wn+Q&2+5wX~zBu0tYVxQqq>PZr{4J zr7rtvo5@X%J|kF z-05zYl>GjuNlL~XXy^@b(X_>vst9qLKk|{Tq`ZJh6~VynggtXSu?U13A>=$$3yGCV zLAA@fdb^1A5dq$m_!EK|a1!FETK`_}j`aN@wV0~$CYCeZ1c&My$PkP~p+Om=g)$a7 z(%i+Zd(;f4PRpHaQo_LqsvgN?iA}~gef$$#)>PDG70BC(exmCaD+s#t!SE4o%*D2j zil9w8;UXHu@qX&PVfndPrrBBgw%P2wvW{Gi>xK4|+Rkggdk+a7$gJUv35?+!XemxA zA!|M0)K0ec7I_LP^xR)W#bU2W00V=z{<(|c772%YdY2m`ksF-eHqt5S`%4FJhNUhX z3K56>^|*isF0MSpKfXA9Jv?8k7ZoTpu4#&)BW zU@WDBsbVoZmNz)TT{^F_?#-Yb)3oO|wQH0@BP9Eg%*II=mFh)PbDtm&onbBTXLiW{ z(E_k873=gh(#mg$xUCfw4b3QCmh4ohn-mHr-j5p@^5uKC_H|{tx+DnOMFF74(J$O$ zh}k%|LflE=+0y2KV?Q7plS6qsKXEZR3wn8sjP%()xXuR<1WDn9%}4ZU-hAxuH$`a@(OC8n znMFqpjTllg47NjzG5};n+7RH1(ktKAz`95gR`|*CLl?qI?+^!(kOcXSJX(~j|DHje zO&j)I8BE1`sJbz0am349En!S)tYCy418Nn4)HBSWNTcT95{=V4xb@Y*{F1t`al<(~ zs??m%W-^fLzT!JueqV44GOJAe0HL!Q)f%gEcGlY#`~EPxG-DQqgL3 zJY{=d6m0aTU}xa))WK;K#W&4jnHpUwObrUopnyUMqS|A2fwZeOBK*VrZAFJi+RHNr zh9DyMSrWdAL1ojwOXyIB??cK#Wdd(X-X_)!AOcq}@nijh=o;c6E^}2*Nn5uOn=@;P zY9MuQgGaslCpg&_5aaw?JXm;Oo$=qtZ$2t=t6e9^8JyWGxdRnQ$OWo4s(_qjge*ab zgdkSuVaG7fq#me%;~vd|rIx74o;n3}7=n6Fqf#~ZmkmV1PJ!vj<^Hm;9wx#IM0}H6ZF{6d+s(iNJz{e;at@wFZEsg-v*f@K^_CO zOTuxxYv3Lx(uy_%T|-X=q+wQ*=?4CqFJP8o!_UtF>n4%AM4g8BI2q0)VSaZ5BWQ2| z*@{{0Liv;LQg_Dy0q$ojnn&g9Uc{@ZK{=n+Dzx4%CUdO=uTR3cm-;Y7*j5CS(n8iD zm2nbAJX9x;f}?C_``;>o)=@Wc#MnPBe^s$I8~{AvU~qA$XA!CFpeVVyLuao&oSYD9 z2DlCo+o!VOn4h&3Ew+!XM`_!2sG(1j9ofR-5sY=&TxL^LPpsizb4UiQcH?T(u-2B> z@UH%{P12pM^PsrjXz*@Sm%>-Qf1Hm{ZJ3<=3h8V@>?akspdBmNG&&T2R+1{q(zn4G zoT{o6Raq>zFhZl-5RArDcOrjkm4er-fp=>jj8p)1C~ zGWF!oAnkX&+hY9}IFI}<%tp;P**bicDr)isA-xRCJ*wxJs8PWnMyO{2hLhIZFryVx zBfj47^4oOdfg(TSBSwc_io=CxplfnwKX}AIz){9Ub7X z!!3uvklaWBD{2f{0N=}O*7PBrj`>J7BlQJAA5Q!V$5q=Pp_EmJG@q%<=Bnp%%QIrr z6KuzL0rQ1mdv3BLCRNDbT_%j4+4uZfWdWfufng!H!JeRTWruWafLDo#!48UiVCjb{ z1;&LMWmkzXXWzbWc{pPj`qWH+V<0j)1lwgUT#po<7p^%J>-JelR6=Qcz9eJ+t9;lc z8CWbJK8hBILH<$>VRr zIdFRsn1ivhobJ1EK~!ZFyvsMN*GSH=2ECMcUhTYZ_JDDqGOxh7!^wpjNk&HLaqvO| zHHv;^LNI~4*7bDBN{xY{<*nf?&ds0nJVT{POAXQn;=lN<%A}_H)z8Lu+Ip;4tF$l` z2}=P@IWnx@f{k@54|{g9z2LIv%L^g{ooJb%BG=#Shw8F0@mTR1DDgjpjtq$?Xxuky zy?aHlmQ^Q=?sdCTpK75U8yP)N(=u-gVST9X&JRNSO|C(n)W@BSNS03VYo8CK~;iboH?|5yGoS)qWefzX3u$&_ZZ2O>;1)V@yqi7~;4+ z&-mpgeJ%ps%PsX*%-}C%Iwe(0TDQ~+p}8o_`b6yKta76fyHSLg;AzoNR=iyV1!Oz4 zUlq4OlHLJXH&@I2A30}QfubzY1tR;&o&1}W+=C@>92SoP-{L>cL#&YNBz9|1R;+wO zkfh?Zb>{E}#8C_m91FOo1!BZjoxxMTB2b1QNDF#a6+2-!^1&z7OF)?lv$bomM5XA( zB6nFtXL;cK+)c`NNm42qGWWWl|N zX$*P~Y-7_w)k^|yZUh+8amHN({}%vYK%c*~g^&p9VBLhEg|@^f!G$)6@AidULSe>q zr_+-vgcUyUKF3v^9<~!uT_7(NK2F0s>tGo`HZ)987t*^lWIXf9y`0-c^aw#Deg_UA zlzNwuN3Esc44arXltfSHy#d2&Vo0Z)JY;rNXQnUX(Rj|mT-dwx)`kI&5Jc)M$+2+F z?9joM{&A3I{GL`Cs~UoEUEw17fgWvutjeCkJAkQ1Ag`kfxX#U%~&G~R2qW>TlcR>qLJt!Jh|nY*F1E8A80TRaorm{~^~jTk@!&eQ}! zgCU8#b4-4VLX>Yl*a1>@hKZnI-tbVUO{lwVad2aYO_TNv+h}XBO{lRH(A+;vwSDLc z2Ug=A?XwSw4drFwJ@DN&JpG}qbFN^-xev5 zr5KdcBl0{%Q=v_sJH>R2s1KSNGfO8`EoidIq|1q2O?y4LIrbkzHD02hT@JFz&oXTV zRRt^x9LwD$ApLwa+1gu2+k!GL@U!q?egy&*+$R(AjuHZX@jf$vh?oDMS%lUC!kHX0 zpQbXwud6&uf*5nEJS}&kRu4GKGu&AjydL;|-f(J2`n*YgGoAqQ%Cn;^P!ym=BWR3` z_bRjNM{|kzt;O8LS` zxQweMl1w;C_%2UDqjp_6}y9+nm!=O!1 zq4tse7>EYWNF9Pno)Uv7zfbd*=rdvT8DMybM(qo=Ve|+8xfC>hGl!^4)o-TH6CL6~ zU(|+lIgNNxf*KrWs}9u7rh~ThD2?eu0N*rR;=XJ94H&n~u7l48oj>_qL%B$AUxz@F z^R}H4)K-MXLKs<>{JPXZ98>+LHb*oH2Xx}kaX5L7xV#si9}0!GDAFadFkXfqG|}yA zXVun*rP)KE#P@<;hG~zsR1SL9$@tG)zm$IU(dI+hK8-)x9Va64Mc^q8R05^~wF1Hs zOG>>SyploRWeSa}N?#d&Wob2?Sz5+uawF|-Z3kMrb=IW{IfPn1M_Dy|E_2P`*JI(* zxipw#Vg|jqv#Ei7h07-HHZkw;jnVgAMn(H*s*Z%8k6sx;_p=i%V)F%XIM^$PMQdI1)obE-U~b*eJ9Qr8>aFt@Sa9Ln#MZB z^+*Ayg^ieSI@7SPX`f4F*N?D(De>`CWfW{1p%F67hax^dovOt}aA{|KbCD9qv zK|FU@R9NU&ffx@pTZUYCLXMjw)-X0RI4g;Jo|*9 zphJ+L`+JA!<3lEU!egE%%mbP$Qlj=ulw!OftA4wV_ z7N`s}4D1kndX-UZ?`8*TA@J2@|qPq!S6B?>y2b zw_xF-*BLT~nqePd{LrS5mqZ@}h|B_}LTek$Op6-PJ`to7W&*KGi29CHI|^(np(j~# zh2diE2$IIYMEk-xF9uK&+g>4Tr5_1Xwzw(0!~nt+q3xi=Z_9TZnuehxaT;+*z~^VZ@@gt z;j`adQi%aox}rvY^L-5V^ij4~;ho=z!te}nveN~@quoA=_47W0MjJ-1)oX;*h(Tbd2a0RF{n9pKbbh2`67IXKW0#8u-`i{iJj9 zE_`$K;!+x&T}lTEZY^vo7=P;s?Ft$S3obRP0mKx8&o13S4V4GIOVbqQ~E!&5AqxG67DTjlQG}``RI3mR`NHk&-Pu8Lo$A!4%7fl zv17z76yWZP5aq!y>uy>v$>&KA`)s|NW0q8BV9M^0^{NOSF))TlKN#Ntra3~hakz)k z8nysEjVIL?BlH!aSH_KKmHP;|=QK!|=3=d0i1f|sx}2r>oFg44oZIl=xA z)|paxJ~bfwEpR0IGUJ+gF{+TxAp;z#@WuQhPYa6aD)}oJQSS+YZG)vndp6dj5q?|x z{9tg10RfeJ?C3HtIKBdFHsZ9^xqkY0IE_d8gRw2PyOeD^GHzH&CKA-e>KNkr5nL;A z&Eu1UW!tXY4)u1nC!j2SR7(g7lr08GP&CzX8g*fPIlcDA^|XF*9YJ&Ple2!x-fA3b zf1|qL60T?^6r7#35VVQwbmwD0SNI$B4ufX>rl6s}i2<4d`TgR;Vk}d*%S=|=!DzI{ zcGIKIW?I-Er5W;{$II<~vs6&C1m_^L+r@&?N1zwff`gLI>&44#V5 zqpVrWOFh|!N?w?8v&PbmJZ6HYQ#Eexs0k0T(vB2|O3Ao9P;*`K@qHKKtphgpHED(k!SJm6CDF zz^J(`&ruxgV!9+?fu=wTY~XzrFN2)VGKwm%kdOJEt!%5jN}=XNR$eh9v!g+DRbOUp z88SavfF3$_$&%mq@6O@4bhy8#8vY3d9IRfPu(Yj#zsufHy;%HbU}lAQ?B? zIJIGL0G-qCv&HrIUU@m){^;$rd+&Z~;+1iKyq8wiSJH%mW6BPc9$Ji}2lo@Jl{lkW zOn>|bZ>IILi|K!S_pj0idkPj@G-C|Hr*;?VoTV6+di2jvt&y6u_JZWpBO_eyeBS^< zVCFK6??fP|A?~qU1i%VHIk-s}VW5dB(!pE7B>W(dUZfPJQ+-!cvTKJ*@WIfjM+uf= zzZv3N)u###!fZeuAVt&*YIRr@3m!sP<3&ES$2Jur6wcuRt<2xzo$5`+iO2^Ri)sG;|mMbTuSPanhmt0IU^3CgLW!Ni*^m_KFd}_w+D;MF3rhv6v&CrOq99- zAZcX+Em?<*8JB(Y zR$+6;z|W#2MWOp}IgXtrBkXtkXeMgdIVp(bb6G4K+<*@qzoaWg&=!Euf% z!v}gS>!W>V+=A3jFmcfbEPX#=;pZjaSrjC0r~NaA+Eu&kDO%G?52LMuN8 zqleLz?Uc4x1lNW{0YZ3)xWXVyuQEy7ZU5NhJji?M?5Gk}0tus!KuF>g_z8;=O1}h% z&5!t|^Swc#BdRI`@`>^lg5o=6m*q91lk7O{aUOgyz4&sRr|*pXl!abzCpC{yi;AnL zU@@%^9CfCw(V7rbc#t6~r1cQ^3S5MJ>|7$P>&LO1igY7Rj?977bb@&_S+X+^VH+p4 z3c=`SzvdwP4#C|HTL-&6G)4oMXB##IGgE~em=!c2tf4oa73>}0#TonJxC*t&dASqIdz4`wEU5%6DqJzH<$1P*`0H|z`B|U30!J9! zQV#FLw9sUdpR>Rax*7aJ`x0eQ7Y*K^ThkZ3l3(Z^-lbGIjCKFCfM^a}8Mp#NP$Qdk~oum?;8Cj|0%Q&}Izi_YSseOKAU=>0>8F4QBMS zIObZIU4$;s_EiEw8||-rI{KGB$l3+E1o-Lowx%&MdVwP}C~kN4%K|%P7WE7YuT%iZ z8jq}n(m;8@fa(x3r4G6u@ZA+U80K+L| zWyJE2aI~CEue1}o@tuN|?=-sAr%Y&G5jc=y$oGVw9B1@f9v(~BD0vn_6>yL$Ey+Nj z`Vl46>J@|W4fq(1aPY_s^E zd}87#G&@;CJ;U`UgNu zelTDS-qc{JZ_0fVu%(aUSALZT_n-+iW>H+uCl?*KWPWySkP1xMU|!OWJShYiBScH$ z^YNePd)|BMW@sK|i10JDaVi3GZdHC1Wcd!ig&U9;gG1ydT2_s&Y8)_%XVuQo8C%;gUYt#rpY6o?98EMY4!GKb z2}pXC{ItKK?g4}2ra!e0@_WYmz>NU{ue&vxXy3B?cluoTf`cwMXxrfKx&hlzCn5v= zF^4P8&LYAC9lg1?lXedFLX#kC5JV{V(k`7prC+)X+AZufbO+GE^XLTao5HxZX9^k$ z0S>6v$Ff?`K@CC0V4cj*yS5!&Jf6BcC7cKHT>)@}Mnf&ykO^Sc%Hcl+Egv#_x`R_L zj!}n}!~^qk5Ekd;lW1a`5P~b=98!Kud&bNLM7suMcEAM%7HP~NEQS$`i(*g(k?1=5nL92&;X4S8SgW?s{v3`kxQ zF9X?%(y4URZ-m?*6^VnBCKJ$fq649!07L6`^DEMofOh4fE{4dE5I98Yr~~YyAtpK) za;Xy1n9eS8OI;W)f=x2qKz3Ag&a@N(haj{n(o}POF#e}5s=NBpI4zR)g>y^k9EVvQ z;vuw+75W&$m|4L}38yuK2cz`h06+d9=p0Kb3JOO^!G{=wCOqd2k61e-{{d3-{r7*I z?tgSMz52rI>D#YdM=jn<@9%D<;Q=!w3Lem2ji$zd>}o19T!e}+SB0!sRa!=~B?_4x zzd?ABvxenO4t~fmd=$Js4fj49q;UG#qY9B3*|mQH+Q=-r?-`+i@^oB81x`W$5P4o z`9%J4*<%XcJHWdmqlJpt&I>0<3|es(3iThO0qY@Xl$Q@*SQDzvCPXSeeT8FLK!-P9FUXfxisb2HtS&pDHZ%}zjo>8Cetq`&*| zyJ>rOlY@r3B$zAD&W+aB$&-e=g_;0!0f0S*4;KJ|N+ zc8wzR3@3e4EXz&r_vnkNXG|MuOjo7#v`{Ip^l5QRFVJOA{uA)RJr78^zcPwdbs~Lf zi_y*NxU8t(Q}Cze-~%Wa7@Md=H3DunFhXNy)Ml-_Il@^H#J!EG*sZU^gk}ajrI{%n z4fSg1ZVgZ?`r4B-J+yBQOO0Rv2{1rL!$(lVluuxV$-}oz^I1P9`22EGk4h z@Jqk3`w7~Ji3^cJ!yv=Wsi>^2vCUEeWka(XXRD2cWL zI}cb^!Sk|oFFv4+&@N*~sfBOBL4AEHsLskOV-VwaY5>=Ggqhs@rEw-iWQ5d_b!E~d4! zXW%D;^ufJ5c|z`ZLHyvS(lj`$pBfwD3C|j}PJo?DHzCODQ^ZLQQL->a8pcVt>1Uo$ zYWLgk4|9Ou9`6&sSkVGNBb0&UHzEV5GB5}n!5B=22A5D^c{-2s>^pH@;qDTy9|T4&gEn<0!_7jAP!IqJ_CcQtB#VP1fn}5%(byhRi6RXfHLgP4uWuI zxxe_#*>v^70zPRDIGhJ5dU%jN0y*c;oryF%2oN#IU!Ta`hZWdwU5}()5QfUrj5xJpbX3|1sUc&SPlZJY#~j^#%i$ z@Q*&A?y*+NJqr#(BZmUJ({S=#c&bFjNpAoP1|^892!VcAV2S)~dj#)QPfvehY1jA8W_*7dKdMaPrcop{w`c@0;4j6KSDanLAY^^qf)-onWZtyXe7&sO>9zOL zzSH?Xsn62$R23A1*BHaPIpENpor}YxS_m5xoe1@J(~el{8rmt4+a`aC&#~MEE(^Oh zs^QtL>SY)#D%;r(#+LM5ft3c8UHIkoqNVIHunb4)A63uWUfXIq+Q6VGycDJ!oMJ|4;ZJ$6E8S6&=@Ne8&I~nX z3{<)yS4n_e48L@c8iALb^ol^NHf)P+q<2_uzJ2#TFv)-rHyKgj0T~B1I&}{3az_Z0 zz|Ou6V_@h}c!bhbApx%LJ;E*;TI{eb{*Kl-{cat33RsFB& zbmtGs`oauK2VY&%kT-(oK?YMaNbU5(^{eUf#dSRN?xy?w`@jiC|90 zK6_bL#d3%ppNrj!3e|iQV@hIQCM8F7CAgset>pHu3-AVw4 z1_UB-o0G^}Y!zbZf%>@CsL{`qHD0ib&S6Oc2Qzi@ZnGBX?vZm#&9rmt*J<|#2 zM1PbvK6*DTa%}SJ&s^`tK)5eaP_$~tz*JL0HhmJ_LsNHo(f=V1H)1k}h)D#~KH!Bb;S0 zu?@Py8{f&Sa=b{Cam4q;k%{@O1oQWOEH&_Ku>Vg7QAYJVdU@~#JaNk++|{(X4!N5% z{wRErhgBnFbR%CU5Fxnw!RM1Yh}$_X^@Dzdr&j)LX2mUCl{3gm4+>Ou1mV!6AW+m$ z+kgFQFQn(5>!z7GwyKZrGZS*MqtigOrfT9nkiPuNwX{kHyBB;9 znjRlNgDZ{46t!O<|l`C~s^&V6Acvi5a1T0bsn(vB%r}bpOGFw0-9; zDn_&)3_#oLWLa5QNrQRzrZc5mK)dnpzVTXGeg9Va!Oz~}ltYehM$oYBGS1kp3Sq=y zK^0tVyH|ma@CYQM9fC2C75LiD@P^2H`{2=F8skPsl8)3|Co#?6kTpgSAVO3~&cfBc zpj_|e*|-iqVSgdEQ+`OyRX%1<3S;r#zR4l_m^jv_UddBhj6$G4a9hEemYSkPeYzz=KhOFb(aj!jfJsW%pIDabO?8}T- zMZ@Im)n$#KC8{fSh#(W z6Mw?-9q9@h@dX}}aU$0jSXF|l_>y@}j*~r1BCv9D=?rOF%zPW}l0duYIY>G)Is<)w z`Ri|{vuiGeA@t)rXEZ^;sCk6CwrcQ-5Hzfm%-ja~N6wMq5RG zQ69XcQM3mLX6;I2>5&My8({~^e){0UkJIhVZD!`cUV)B5n$PesD1*LMlORtLx4QG4 zw7Ry2pbY-9M6JhJjS}TG`rCmG5KmzO?BIRaDM4eNBHdwqhbl4P_i(Ot81C@fxG9+P zxOt8BK@@S6|IF$F{?*;EQ-xU0GS> z1l_r4mv&Qe4i(y+8C)n78#g;if!Ccj3K@<|YN$pSrYnquupE7B{}yERo&}XsKk2a0 zVtMyz_s0@897J;f8UgG)pu`}}ix~8&V^lFm2?WaTK{N(&nS@OWM=Agy8`+po2D0nU zkIsrp17pwuQv`TvctIe4`|LOQjfl{K0Mv5W{r>l@GjN#!wIvT8MIt(Z8pL~NQ!>yd zgC5GUbOq`9>#x6@)>lxcKDZZ_)XswT+3LE8rSHPp5|aG_8VuBD`@3i@SceAyZ91Nb z5i?h|d$AlnLZWsLbA8Ma%pCrsda;j&so)RN(?J#ujZhcJV->4?Pt*3n>%)@{z z%C!zw$^p$Xj3H539|tJwVZS3l`o`}@_cI~4AU{88fBOj_AapXl)3|72cdmz zd2Zg@V;y@JJV8CpAXmfcUKqt-No!?X`p3%5F2hcEgrOUaRda{eqe?vrtjN22b{70$ z<_5EFW0*JLOpgX5b)C92hI^Psuu}j(7!7ZTz#36CTK_P(eJNk~_`F+K( z(a@+ScQ#3;G0TdB*obD`X&U*_&T8P7ZJ>}QKKQBbiudA3oB~UEc4Y7j;?!Jc*RI>G zg}|Z@V^_0dQPk=o+K+X6i>f+3^9}1PpQ7F*vhEIUtv0h(9EZstT;I1z5DVpcjJe1} ze0-kFx@T)z47KNX@2n>+tD{TOiXXMOY|l1gooHhs~!fe;v+9IpAtiJjWVC| z*QXnuR@HyvZzHTZrSSk)EH5ythhM4zcAyXETnKFP+d44ZV!P|DJNH>W!5EYQ(9?UP zr}0Cvc!p!% zt1I*nI811Wae~1aAzN*ZlRmZKLzYZDi8fBd4U8fWQ9#tL__Opya)KYI6PoV`;vpeu z1p4rB%el?mGi)B{lYl}8r&(MJ?YF~%fj-yJAV|QTn0(lgf-fF z;Dx5udNZa>Tb#5DZn`sQa>TATw)|+Hq4q@@F2VD)r1`*Uk=x2gU2_cI`#mpLR+TP^ zf6Kjs+Hd*#8L#uniMdba{zOj?JVHX1_5Nobx1mw`kr6Ekj||xrJeit((e5`VW4y6>a#G^R=RWRe%ige zk=iV^G+?$1*Pl&)@a0!HdU=w*_m@9N+YVN!KcSM*|`<4Ol}nyr(zqbIJj2BdKh}Hk(GtKXSF>fp-X- z5laNG`ZBUNGa`|XL>cviL74WWudTO3f*6$Zl4ntTXge$~%8LA-yg$JNsBEL&<3b}g zKx2k+o$A(|?VWV%-aWKd7$K^IrcVn#yAG_NCrllr<$>O9cL)Q-&9mkV8S!6myVbMV z)TaRDKuc~N9Fte5NttX-**)f9s!-oRyAeyDlmn{?;0bs8zVOUMpY*rdc`m5Lsr1sFS*_s7P#@3=>kk~Qg~0%P)?__&^2+{IaX`- z)4%=qf0(Yl@C-{$3});G)5SLP$|z^-?xNfo0+TBmSv`yUGVmZ0@}*sVR+#$&1T0*D zgBk|41BwD*C*7yRwk|X6HamTWZ1LEKNAB%!v%M8tr0oM>sPjeo55i>_48A0;G}#q2 z!%~J*CyjGwF^KQtfmCczcu<=OYJ$gVY+bex-_+*1q>=fEgT2lOrJKXU!&qXJQ-m-H z?{TZD+fv5}MJ{=0!w^R-P`)&94qkj27Y6U$xCLKDg9WcvDEF{7`%gO5cSadwEK3*Z z3OM40xMW?$$>Si}c}3v8_$?m9?@U`%EkcyRIN8A9dKuwjnI+aGj=Nu+&l3gdeePh1 zu@%94ATQvY7&nO0Uf$#1>>n|Ul>L(%qp|Iy-p@W&s3qTwU*zf z@5b{gWt6*&q~y=Xcn&pEFc^_nbR)Aa`@;5J?=h9+IvqHIaJE8nDYOhZsf8fi$XyJ4mYA96h{^ zvzX4UcG_bNa~H3o=CQoCkS?*y#Wnkyd&0Ly?D=k`OII$XF3j%W#xK(wFJ21)?Z5x! zkJ5u%n`w3#DVOD&n%i?93Bp;pc?lDLXQ3`f^nK~G=o4O-->0)OZCt>33ZeTf$rx8= zArQmRkl+00x!{KcK)LbTJhHG?2r|BzpvvR;xA|BB%aMskS5~@r5hPSyYOSx}QFD0>!BKmgO*B~JicvTqDVsA?2keB2mv8(hqZMH@=}BSW znL-#`OE_y6<6VuKf<|_8EOT-#8Fe;Jjs_g_try1$7X2;oT%prr!2|w0yCxr{Rb}V$ z3q<)6^&jn{3NHqu* z?_#iJaMeiFT`7Ffi;@Y%tAG{iO#xF~^T*(}RUlA=DEwpl9O!spW=und17z;(c> z#Eyd{oYXhJDZeufJ8t+MyyhX(SiC67KlA>0!bYafC^#xcB{Bn`@j-z8_Fqt8RPuC< z@)AaVW2Z#}=)@9E1|u07`Q+Bdy&#lv3NTFP?~<XGw>f^mtma`aB}uo8W{m30qm}m$b|{xw0<$3h^%ww}c;*wq zo?E_5p7UwQI=+bBqwM`%T;{gt(l=gzF+7y+eD{ZJm+V2{sL2?tEVEp~Mpayq_6v+8 z`2xdZIPqY*j7a%y$;Z3Fev+tFSsPEpRi*DTm?6jWn=5m6iNB>2h#Q*1^e=g=<^Y1Qe$9m-3p6tdQ0}9{= z_5nxR>bk$nZl@*qHL#^xD&eo%p1XC0>g}Dq+?ZY!S{-BS^;l#SH|W)wU{>qX56lLqXr0#9meZgA*FQ-YFJFMtRW-xpnK-D59}m&O+Gk84 zGOux8LU3W(;EoUbd!`G1!oPIfrIW7P+uLc6vw+lO zs7a;g0&d~jT_GCq*gwMZfQeWSKN`C`^fkL$T+Uls9j2u-?9|dhB5+|*W{7YBTMJ9tic=JaaO_s^?87D*V;HZK6z^X$}rnBF{z<`1M95^rPQEuQbbOnlm zdk6s-V$We)!E7yTNIYn*gMn%nTfK~r2xXs zlxvypaB70@O(qDIuOqbJ)s(HEbq|f{_Jgg^fCF+mO?*8q5b^UfLME$BTb~j26F)ze zun|C|1_IR(e=7iIhFD&n3<5EbkjC%D7_Fo?5A!U+_ooGiN1sbN-rG zQc$P~#%tbgg+~0`IGtk$tR9?eA zV}5Ogov0X)u~s%5?4}_q!x4yZ7q#%gKI@Nx>llNAY&Dq75dw&6#~GM=7vqh6j+$=G zug2LaOG^vs&d2xC=HUajjNu9xB=m^+jlKKn0Q-!s8xJ5lW)G;>)~DS#w*HU4@p{@| zi|t?h?ax?~$2%N2DLf>~5`<{E&5V4R77;G;}Yg zZKgf;N)2Bdxqf-@)X5RhA#Z(5&{o&;75wn_%8fD{81f*UEBo~RZD4~DHgNDWAQ8*L z_qNecvD@TGubc8!5tt4Tjl~T>DEK0X7vhqdN@1^{Hw4~w?1|J!bUFhLtHg(fOOEVH zaYbr^0O1);p3O19tEC5?nN~bh_;8s-9Chaj<8=HEVN$;`2!|~Oe6C#_# zszuy#ms8g*>g-%}8PU_L4>*F}-6J!z2w4aSpkoNu^)@@wfY>1#Pw`2+BI_Cv`0XS_ z*a=m4+6Yp$M%uebD>a1PLDjWHXUdrP#L-ubMu$K zOvBA#nj5hD1ncIVoekFO>S2`n!dKo%fAIC!(joiGfBLH%Fm(_U7}!3A3Z>dmLCO&c z!YA4a)jOk(nL;Jtmk zNb-Z{@Thv+geoqPRks@Kv&^}HF^`c&C09nj5N+zL#o043(s*smpwP!4F5$1jY>rre z?xEQT<1(}wO>8x?CNlSlD&EY#%-tFvSBO5Nt}r=i?V%w2hAi)bbFc8cwsQF`IV1|IC?nG#dXYEptM%b}fAn%UNSq`RAFj z#?E7QtLd+y4ISt0j=AhHlYp@7X9nz!hyi^Oc#H6+w@bki4Ln`3r}SB2c7o8?M;*V< zAid9^cBH3CM|lHq&03{^K)jGg1f7cz1b+wKWV8WQ>}$seV28lqPCrCU2I@}WsJ?e* z6gC)Ohb{$#fC1NxbZQ*T*F4-Zi%p0B5MCMznCv9Xho^~C^r?d{9iq=4g>RR6#Qg)Z z@i4eP8k;_XW(SSiB{W=np2EDlk!g?|O0X=`Imm|}5BQnOmMVJ{wjE14)VbARV&R$- zTwd*t&mAVIN>SRi={U|^JB|_VEX$gI4dC55P$^1~dSHKZ&;=cZqgsU_% zMzY#L(AZ~rJ_{Pw+B^;B_pcWoOW2@w86eyp*bHM_bjQvE8svarv*>yVIzQP!1(H0Q z%bnpmwaXmAEH%xn21d6~YP2JAM)JtbQus~BMh5|WxJ{H|N4Vd(FdXk*s^H|%(N$o8 zcP-RiD-VY|NVTp`>o}<4f+Ifo_i-`4hH=tW9CSU0HFTfllkGbn$4RbES++Q;x5pae z-Fv)i_0s~(X@A7lRc32z>zC5p+S%0Ko~GM3aPoC#Ih}oWE$!dhNrMe`q_E_&Q)7J) z1Q~Op>tSy*HJ1iyk9YGctXqOSgZFn}!u53b=FPPC?ydC9GtZ^fOJ~DyXa^@@;A(0x zGkx&E&2;|y%jrAc_!@^7)zgpO{xJ0rbPgG06qd9J7zjsT+5{0*u{%gPdvJzr?|5+9 z*a4v$yggdk_!`S;5cMchs;OXt5PgR1!@va7A+EC$;mx05&MuLN{5qS-gGT;lUplDD zcO^=@C)V3xAcitfIDnX+D+_M_HORKCb38i;@VjQ8%EfJ1e2>ph<)1uI3WHqzfG3a& zM^Ls=peb{Ij;#dAI4v^NasDkgU+7t$F-Jby=Kd`Ozf` z`~h_4@Q@oz5tg6v$@Bpi@fWz*=XwjRlSZRiXM+lxYR`lhv4Y?5P#t>Fz_E*Z`_KOK|AG1*+J#Z;rrDhg;wID*IBQ`lU*gb1gg5IpV8Wr#8@CXS zM+i=|O<8cV1@5$XxIu&&Z8( z(m(cF&^l=qG(zAd@4a0HW|nIf7U^61E!$^!fLj$`d{BVonq$kS<4_)a^HP4#!~E$UQhSg)rGu?)*61t^2h2Kmig}Ds(?BfvS!8!8_$eK z8k@$sEX40{?u&VwuVLa28;EtnSf`*g@~C>U5%09&Yohx06k5j?wJ0t*Q!`R#9;k*W z?^v6(2Cn=nVWfuFn%rw`{@A50*;b%)t^xXXGK6hPadjg zN{X_K5QJb9zS$9$;o6>d2!3lbvgs_Qj@s?g*^BA=GgsIyRZDNb`|EV~1DtH(F8sok z^XwJ>Fs)+T_QoqOrN4dqr|BH~n-B2<+Ffg>SHAW#J`z&8vG)<9X&--Hi&zw&Nz(LMot)-W~ z`3gpNYB1}Jz(Z86t;7-*0`UR&n~C0{@!cphi|<{dK{0jhB;#JSK{rvv_peq z@ULLqM9Oc|UP0u6Ms8aSV&_Fcs4Q?ea0$8mzI=mf5!fJJh+DWtU()C1XMfw*#fZ~y z&I}zWqJ#Mxsy}}FO?DFb+9_P&M%t)^(qGoae4`xlax1b-%l=j~l07`;G*81{+YxO8 z2DZz~-`tKbfI%C98*P*{#C1<%3_+uU0YHxL=I0eNaJWAF4?&&56sZseGa52xaP+id|8<;MZSD2#b^OYtv$9VZm9;%YsU#9n1EVrTfqLmn=XP?Eh^T9a%>h1donAvV4aEmUN-?{Cyg8^zAt+e&mz}Wm_ zYdiIGi9^9cT6XD29MwmTf(9Z>Xf9kD^_K*kao;f#=mHCc5aA}T_P0WkcS$T8C@V;T ziy*IfKfk~Ma4a)vC+6<9JOL^B+WLQ9$o2W>r8yn@v4o9WctNtvRAg<1zy*ZCcy?q# zuJW!_-ZUj-pyqVOH%`gNI7I+)>skQ1N?6jtR$#cW)!YLVP8zWP_wdfXnE~Q zI*Su9Pn2!2)$Exo>*=lcZ^R*8!SlgLg$yNQ1&+M!mjPZxMQ({&R{nfcn>K-g0a093#bRj}*YGI1CWXiGn4W)t!K zz$IKm7-1$TV^X~@6Qs9bz%o4rYgMw&M%931p}&uCtvXtvI|KsDU

Ftu{qQh$`la zR&V^`#KQX6U(^W3=0dna>e+=wglN>%lnEcDUZ|Am_triJ)EcT{NVwl)%PZ}hVIc9S z_&7*0W^Q>8@h4A0Q?X>5~^e|3UxX_@~T?hjNy9wKe zLGI`Z2N1Ov`3Dtops8plV|A2_6B?dh+oR-k6;Px}?!UbKrm-ySl*Ju(jcZN1uBro?by+hJ%}s5BP+@ z;lXONy7Ncl&_p$*kYZIr@MamPkMOGz@QynK@o%I?Y609`U0sVaU#4i^=2_-Df8k7e z|HGZ273(iP%ZJ<*;t~od8vPtX44RAFCf?EKpnV8pmMc6Afv3D^;5^6oLL`5Que{4N zAV~>S%geBK{Gx2=TT=tIEKVS;gQwSeHd2>u?(g5e6GplL(W+B&ADI8YZg?zV!>X3q zYX)9sIA!oD1Cj%}1ZNz-8Eo)zqj^<;pH*d9!Zn`p%eV47(%CWOku@Y4iOpIj48D_L zM4;4MNAoFpnV+*88L^#Ii=~3-OV;WpIP6+U-~8IE>9tp$#|~pNwnWY1c7aR#)?Yf8?%#Ynz5D(V0>c1Bo!` zW1HduaX$R@M`;6><*w&-+e>M=dofMOuQoTp!{K~-{k0d5DIz6(3A-q=_DJ;X7~%=3^ySUeEb7~o0r=x?O(qaVIb6WytfR4>7$Q= zU@`+%2&qcscjN~n$qd|rtHMqD6a?wQ zf5Bo9I%Df3zl*BbCIlRh+rl@Z0}fC;r!4fPAX4&k$xN_@>K2$t4&r>c-Nt{6Mx$di z8J1&TI#cuHSsn@C0pno}Va3Aij@)|{K1eg<=X<}%Fx^V3n%aJV-C;dHPOI!Rxs21g zP0G4E#aLQKNew#;5Pi-CYO<75$IhvS`nZmV!xppHS#Wlr*=d|%gt2A8A^TkIV;lF& zZSZE6wzxgmdfVg1s~VXrtE~m!g@=M#;3#nvh@$S!kon%lk<_=o{Y{oZyJ-gv-~eM) zXUFr*XqOmluC89fao;e#^YJ?@twMvI4CBg2ud)N6;AS{2)w+t*IL@6WpN0yT9giP$d&CEFfP!(xuB81^|Ip${_ zN+;U6!Gu9p&qmO9{=)Knx^(G0oy95eJiq+Lt04PTco_yzW7KOiIM+HepI-UuE9tEt zyqzB4BjdY&^}Td!^LBdaOV6dX3u|fbaF;{2I_blEzotDqX=&*)!~xR6gfCoL#rH-t z-R7VlHUot5(;>!3YcRYq@C4=9pT3b^f8#|wzVY7OD)Wo!@BiXQX|OX+Z@lnYz-Mb? zKMi+~?Dvu6yN4moudd+m1tN6)vWK(|pASusaIozT3bAz+a#hXFRF=#2Mv)UjVdM~m z!c1bd3w6(H$dG1b2nK=ZAK&Pzxcl8%v8qz-Zw&TF^fxee4OZU@ka*N1mfxUUrE=jP z!G1AAnNO8Ie)DWT=2tXi+MYmmQO}(C>Hd3yqq&~~mp`FN_CZ_#$b0^C6489cE*P zpS$3!J9%o=GKvC6!4GGGwl(J4#tC@jeCjyGo4Pd+O(T*DK5y#jPyf@m(h9VEbcEMP zh{bjH*;sRLQ^q*mxcedZ8s{Im+W{+a-~_jcIszv0a|c9)zr3{`UgD{BFN0mQiMqsD zD-0N4givtwG#-?8m2c&D^aJfK^sCWi@FVU{hWsrYwg0fcGwi@+fy`j5!>nzb-sv%P zPPgUo>RE&i7#aklKM8hs!LN39bT>f1s72v&Ni3iZj(ZyY6#F~}a*ZvuuV^4}iWjr9 zGhFOG(FHip6zeQ)EU;s+jUYTgQ{YLx9e8IC4U6`#<|+C+;Ojcv9WIXOY6BHGHCQdn zWf>Mxi>h5zF#n9Yk`NXQ{UHU%(w!NDa|L&WVb063Do+HYQ(+;lyJW5aqOF~Rbd$Eu zu<>9r-DlFvZZqO)+f<>g*+t%u_ECKJ7yR>B!bTJO22ce6xEf3VU>XTI$j3il2ElvJ z4K$iS6zN1RFP{NNyjP#^cQ1q9-n4AD14YjGCK2;H)~>>|6E&tY488f)-74fDiR4Fo zXTD0By7jiB1|01^!`3716h;_<)lthTExN^Y${<>2-?QHDRyhY@pIskQ+}9r6dnfg_ z4$=XL+&MR!7QS=_TM0ae!kCU=oLl`5)4RXgPQ&}`m*(B2ududweHQPYwRHd2AS^pz z=Fgy_15x`(o|kYndl`e#ciw(C9nCe;?T`0K|3Nw$&EPTgFl}H++PjP~Da$7t5XA^} z?cVM|+P!@%y>RuFw0LeMjhT^cHgB;l7UF_YcF<&;ojsRo+w5zHK4&{~>|WVVXEAKr z!&YR~r61tfK#E^&%;Lhji-De}gCgzH-X^N!$%8|Dg_ucn&>mt7c%pt?_9r8Ht{SAUePTs56R%^v+4>B1~8X^d}p89w~^2~ zf(w~x=Wk)iO5YJN@WpTLK&+wB2s9y$LX3l{c=sd++Z%1IDj9g5QT;cno#B;V2j0uT z_*vd7GMhBkV)>Abu#FF`gunnV4hlCG5#oQon_pJZ`pH=l5R`Xwg<~)J1JREBGjk5O zRtziZ!k4H!$;+L`2nv?gL7jt3WlI=M??5MqxJ>U;u3KO|gmB2YLPrP+H8dbiaL~y^ z6MT>M!NhfY?Q@xI%(MHXi?GnuHtO19`s;uE>nLvrgKKd@X9mt9)zBbH0hdSXC_a${ z8tlxD(|`G|-@$t?=MPbr5wLyORSx_* zJ(Dy9jW+%;6e2<2XuCuy3=Fo-XKmC9jC|+vhj(J;JG^rO?&=@I?bu~kXMyF|GrNF+ zFjOEG5B2jh#a1YmSg5Zm#yMP@&nSd3{^=;Kho;7IJQ2A}8cV&rmmvK_Jn4wwb7@0~ z^GWxrnVEM?ZZly}9;P`~o21vKM=Qu$`_vcOiZ2Prk(ou>0xnzV|<|ibvx>`evPT zO)hlP&3CqNo!bk;ws}s9JviD(D{Gh1tKDm9`|c>+z55nMJlknz3kjWa&aa<~{o`94 z!K{`0{Bk!vz?X&^mmT~OZ2aV})56?x>R}cA?3Gv2)ho}W{=8EB7=d6bT|+CgdiF{> z$I<0i*`hmlWg!Hk17I)Hnujg+Q-I)w9HNTN1rgukjPb4wm^KnK4J*N@7!nh zb>KjtOU4C-O@rh~w*wbWK|jO9L_c)Mf()Cyk9A zw52&Rj(?}_W|8ZiGt1@r5>+?lV*VLx$MXyXJ+19MhMa#M!qsPr=s|F8oY^!HfF}$L zw#i`M7vU*SMp9a2`|dpJ>z9|#l6^ZZF5!6;`cN2gi+AvzXuFLym&`B=e-Q@0pWwIQ z|NPVMq-Qa_cKakl20Wmnk_8^kP6Pz^F#Kd-a(k`Almbeqt79-C4+c4Xa){PhOO%Ko@Vw3LWBS(PH#C z=0RS}pSXwZ0fT9GmSrqXF0JccA6WMhOy%L)XB_SCr(LxP;w=Nc_I3&sY7@-=(&bC= zo(@Y0I2YT**&>d*G$_^yRui6GSCFND+!DS|Ue?(|%|fW9pFN~ap~d_LdIxp6kxA>V z8+X&KTMt5TP@B=_OcmV|NMG44y^R)Ea_jwT$aJT0nt5PZzPGJ`T0yYTD)bjJL&*a8 zsr6B4b_vEEPQpN1%{&uij>$Q9CT`NeSU%3Adk2SVzrJxl?cpfRQlqR~yj3DpeAuTT zjClDk`scBQjnfr9&2+4_zx`g`7o@avOF9vF_8Xt^j`hq)(mVpbr3tNSfKV2?1JgI@|Qg3UQYbmP6JEbLp zZ8}X4ptRh8_daCpo(wI+DL$%ui0s_*76UUvq|0F~XrT^np+f*h6oj2Yo!L-mfMoFI z=>_QoLv|J_e@Q3D_Xt_37 z?_LL|*7jLP$9Abhz79aTn2P0I$P&6m6A|JQdPEH;Q7?4()VP@Om zv|MLs4~`%z;=8tf#7?dr?$=!c*GRTOn;gItA~Mcp9#ltgQ0w_8|M6St%ddTjQW(T= z;M8s-NZ2gYW!w0Q7@~O?4PlMM*Ld4OsL3S2*|0t&V)+(Y(Lt9>tHL7-7%p8g@Igz? zLKQ-E1CaR>1x$fyj3y-c0tA<24K88$tV{Po&%(XIV610P1r4tzd_=8~@N>ySe?Q@| zmA+E=Fd#$X$+pezpry2g0loRTwb*{2N<7{ZHyBhId9XB5M=e(%seh_ZNTq- z^-;RVL7JY@tRE${FK*?|yR5P{)^aAnywYAp?NGoSVZ_~eHRyhVM$Ur^JB)D)@bw++jE0OEYF?~O z_VYn`&|TppQD@33!QaC8^8}OGoX-;;OV}uDYeD6d78Qih^T1KnfSSY_D!}l288k#L z8&w2{;|5oaKFx4ta;7V3%_oczWwRAbTv8D}?qd$;D$cf@@xa7d%uvQixv#(YVtNiO zfJl6f^GrNxRmSJJBc7Z$=c#xwiQXYQMjmkCs#c9u;&|hG+aIOv{)2S&`HSiBUEG7S ztnmsAYxC$%sLv)i{F+%{pLKUJ{pjyMPG6qAj9+_%>hn8eFEwZe0?add`&0l|*)-hsx z;p=bWes-7+KG?`-bWiT&rEHs0V-<3`OE7#59_8q z)Q9y01{a8T55p_xg+mys-Y18BRD>WAOMQdMsVJu9*8Y<3&i?fL25e+N1OQqLa0V z=SvY;!UHG74?_&5;!V}>k}#x0zvX-*(o^uK;JeLIRU2!t0fF4k(uAN9aKD7S7Hygn zp+uQFV8z|ZQf4GDHC_r;wM@b==<*YIh(@AE^w9yQ&UU+O)t*5$t%ONmaRpmKx@}pRCsqesI9dbPmCD1{yhZzyZgmGI#JuVJ7Uoz|kg}##xp- z=P<~82LBr~sNZ(csI^#ztUuTb!D;a#0z0$HdpMDr0q;GtqJsvl-o*1GJ4P~&S($QK ze}x-L!kzDzUc8$A&9}ahW*6!R>6|U0mL5T>kKmx8;L#y7Y50X(#xlO-Uh*zg?(&{!s6+>{sP@zd>y0t46yr|9Dhqo@6^IADl7kHRHz48X{H zJMbH~qjtM4*J5)6uL*x743rs88EH%-Y(TGAI#Gb^E--0f2^b4^@`4|sjnJ5Mg1t=- zVZ!wGNpLPqX_`nW9xkSluRLFuf9{!N9>jNiicodahGg&?|-sM6b{!9PI!ExY;d`jVD0z(yl9u2+| zo^fnO;28L3LC~Y}N(;kJ@el|CFJ4ebg^vk142Wna8br2aFX1Tf%9S=T{(Lp&EtysD=)u}N6_oh;fL()zx(cukN}tXcI*9*IAL!I zq;9h=#{i8$pc~~C&PAEBUweTqsv8@3SW2j+tIs`~Zo2IiL(dDN%jxHT@lWaFw{NHR zB_+;Y+IYa8aQ5Usz$@Z=zubipHbY3c_0b)e;~_>nN2ud&r}gz!1d1iR7S6|ZzahI$ zJO;boI>co%2C5A57un(RF%tFC`ZL&ROw$$)n(AF7dFrXl+bhprhe)RB{a=2Np1JlM zLKTO3?e>D0rbzKU5Oa>>%D0C1(i8%mnOjVC)}@C>%nmp-u8#-F2|Hm(P40e zeuRNxyT=j^nvFU}rftqV7xb*3+uahN+tJfYENz;ic6gTWJp z0h$a2F}}cKGMUNbv}sa!=bP|G>*3bIU2JlkfwsFWIkIir*_(oaLxNS7QJOC5MV)+C zHHCYr69ti{EX}%l_%#*P($9gIRlap86he5aB^E;B25r=>cZ%Fl+{_ zCHx=!`G5X4f_)8#P1{sbRR}oG4EYd2sMkZw$VAwIQkr!J>T;@h=w%z7$b?ZI%dYzS zP_Ppo;mML^%y8y~MkVTizQ=D?BOd@KjylQW#TOt%-&Jt2ozda6%l9s4h)eVA;`4V1 z7lDV&#?da5koxGR|0{_>mJKJ+`j6+D3M6t+oj90di-%(!X}wpT$$yd{z} z3jMhB14@#H_~s`pL*S4RO2^beIC1qkq5J@YW(ByV zi2>&{Xn!|0QPq;KMnZR3=9od)alP$uw8vJ~c~pHpG#MDGE$pV{D@*D9e|j&iUOtD1 zQVv^VHdi~_2`_fFBX-UZUqAli?Lpdp_YTW4Xe!WdT)F;Ss@{EI?)-f zc}-dWgqt(w!rW2+tNQa;a8RGvL&epdKG6G}?vpy_?&&l+ z=RqI{kYEzEO5PQBEmzs)-5XzQmH!RjxXSmwu*=@^l_XbLD=TXylA=H&1A~moxqCY2 zJ{`~LBJ`{&y1D_MjLj@HEpWn<}BJ8^RVq$iff=lERv zS=ehr!kqBU7>l$s3KBep_0FtJ`&LHxCgI!@H*37*ellylHyaSlE(D9FieoT-3S0*M zlhA?Yn1@NHLV8#Uid4fZgYV^K(zNjK?JZF5e`S?)J_G>#>dO>#ny2(~O`knk0|iXz zWf(>ocVIx9c>9XHPg+N|y3?Q!I+ z6~a?_Xx2~W}Q#n!G_E-!K8E3h2)y~a3MGCi^E6^$$--AT)+BNKNKk3 zOOJ$``>-pcZ&);p*Kn;ouRzJRq81E3yD(W#ntetIMQGL1@RlW%;vo~g+()s&P zp6bm&JanNO2<&rH?GuC&m5vl5&OVqWVjyM4Q)J#^iL69{5QfbdG8}?mDfqCrDJw<^ z2s&LS${xEnnTB)m=)nZ#zSp3=2*W(5c{`i8V-YVJVJNDwt z*9K$eM-!N7SE)|ePHhf?mgd;(wL)CKJ`oGcyD;)vj6hk3Sq@6iq{#TkWTce)Ny+Ls z9W&DukzpN`yDGSEj*Oj&?$Qv_>pB@Nw}>A(7PF+^u20Y52WPyP8|MfVJ$d3_oEgBy zv2-&YFHDhv(u=^g6I0i2#L~5U6t7vNBzk+QqFABy@Wi7>w1uw3fsx^qu~Ubb&d$tG z2LS>}mVmkL-3nx^{T5j;NrORf*~V;X)=G7q?+LDLMpNwW?u{2;cqYaUACC73s{QcJ zttg=BG-2*ck=X>LieI~0Pnejy4;W?p%Nu?ADcWDn8YHzana^|ollk3qxW-LO2oIwH zD)>$!|0O&5vsuL`KGzX+`NL?gdb=77|Z| za;Oe?!gVrd)}(6e1OkoE)S6_fW_GWP$a|Me^n+1j(UMu$(DDiG!0`(+=0AA|BsO~> zk4ZQsUh$qsr^D|u;+=iYv@D*f;KSb@LQJhnCP@W7jf%G$6)b*yp9gM=jJM8j_D*R7 zPn(Sok#V4%rABoS&oWFvS#_4+PWU_L6H^5NZe|S&z*3%`DtTOqgb*erMFMOZZQU#a z2=UlpDNddoW=ScMN99s6ZHpLkRHQnp*# z6h3QxV*S~(nmwwZZM8k%CJD>9*XR~oqV! zDVlO55kSX8ReNd8qC8r_&Gz$l>IO`c;%c3jWHkdwgnjqc`S_d$j=0Z>CNT#E2Y*Y- zlJP+4eD0<2;e8R1gcQgp-XjEwg6R$ozM4J5`z0Y+m=lh~0coGl<$jU?+fUS?m13_! z%vQ-A!|L48K^zOE5?1N6MMtD~T*DQKa$14Dt6ZiSNA8m#*Z3mV+NV2VQ-l%G()gWr zY62;(g}(UT=Q)_=fBKPW5dsbn!Ngbw1}2h1=$tSMYt>3$`6oRnZG_9ek8pn8|0VsN zr3Cqwd$EZkyMaV5a59ZCaVrN_>HJtk^FDR>SbX!@uf>t!@zk%wz6vhfCP9l^xHA&) zs`0L3N$^<^2~+Ou3DJRuva~!$lste80L>GGIe3@`YeQWzJ3oVZvq_zeLiDutVu4tI zse(uyJt-CSK<|;bws0MQK-i&%!017OaVSqdex#q^$$89q#AD9ngr$z#2yD7l+6l(p0=ahG z7Z4%m`b&S=n+gcB0%@S4i517E_BV3jnL^f{r)K0GCG`qKTA5h2h7 zJjsNNY##ry0~Kcy?m%Fq4t{p+3>d44H^vdD?TJ7hN+|48IyvEM`t~#b$P~3~Y=K_} z*yRb5Y{EU3ozDIKi6iY7-|JG#a2lfOn9_#&f*`@~3W&&6WCOrSuw+#5S7;7y=9vaj zS~HEl*8t^PD-#f7-W)WMWn0- z7#G9lDbP43_|^W$xCIq~WZhzqG|?+)wBkBx zL9x)Pk+M(tEf1bsia;1~EfOBEiCRcK(syiprtSNEBmPB~UxxcKQ{#IwIOCqs4U5)Q zm1cN$x{p>e+`LX6&>%L?Tc6VUFKrR5DEN2v8q7FhyddLxZk?k zV|v=yJe3`<$qvWizBk6x_`U&u*{k1X<8Qz~CTu92$T#_w`{YvaY(~$->&6--8VH;< zu9apmbB68f{(W&DbBn|;84h1VTeO5A_-ggt+@;P9bRbWbjeUs>J1Ei=uEN~bSqq{) zaG}>@jM$g)B1{P!xQ`GrjWEt~aRo{^!h8wq+!C&)r6dB872|&S;A|S4^@|Ti{h#4T zGtD+T;W@VyIo;H>A^e_6ai5jy{mq5-kboorfbb}OxTvP8S_{KF>&pWwlAr)2 zu3UL0o`3pT${aVx`aEfvwgra3LTRH$Ji?9zUf3vbB6hK6SmM~6{1$w49RSeU^eO_v zQgkDQ8^J#RcrtdLJ`t@WST}Cmhj1q{|wV*@4Alb26FgCP|%YCS2Iguj|drr0-d> zoR;!fP;4xW}`$0@;+Og9onlu-}5YbQ&v_Ov} zG0R*;BpH4Xwy2TL>sw8U4VzX(31@qs4ADrewC|Sr90-{04RKUJap#FVns4GhxjM znLtS*CPQUEl1i{YzHD4xksW?cE-^l)_q-a{kR9MMZ=7F&_S_Vc!ID659|Yd=eSGiX=d4kg^dU=?&hS0^J@E_o zfwdM^l&cE>MsfoZ2eeDjlCew4@~)+dF}QDy!}F4*1@UtaOM^_@a{lh~%JMoxgBPK> zcS2uRR*6lc+<~muxjuO~UdQ78X2(9x_|ZQInsr(HJ^e8k;lk@2xBq3oXV-aug@Y%L zBt&>SU`oqnioK9da8IolDa*ulzWQSeNK)fuP$mX~D?lQ9-EKB%ZGc zTtD2NkN^5aA&y|_u0xj}p=i8CLc_a{DmBy4DDNDIt{G$eM{R!zacM1OPQ1^r;W7kEBL=V5^f;1XtGL{JCd{qqrACjO*sjYteIPgur$PVU6q+vPAL#@Ky`47>f{5tQ9*O zEm#}6;=$~4v@{V3---{g6@M|kAvSPPY?Hp%f?sf%0MFI6daBVs{b(|t`o>^9dW0pS z=REG615sI?BsGv?T_8jbD?vXdvMtK0?_t%Mt1QLEV;7>6b$svIHQbN8F?w_~23f}& zue}uyZ{Lg~CyvI+r!GX1IFM!1{_<)gxLZ~US{4860A9Yc9LLU{h-R!OGj}IrePJoZ zmb4;#*t8S}Rz-?rL87xT*L^NO{Y2*I(B%*?CAdm3kp9tG{P4Ni8*_Zi9^uT`zZCJ79>YJbscZXB9Ns$- zY6MTUJ%x@Y;uv^Hb_th$y58A)fAG8XAFqw&Z+s^)cb?*7UiSo+wFIF|xA zGT74+-+2CV6xz*HP>|AnLM6y8dJ^HXbUC0*jNgDl8IHmR1Q{z!!FKna&vn-GNClpV zDPy&hfGnNzIhi>=gHyF)_rf|2!lU~q^GJWJf!mYJ-v7k<|Ehf@lNUV9t`NqIcd@!> zJ1Lh9vv%ho7!6}#67MA0wR&dowGUDg2b8Y#zKoBE-! zo-%4-E!D2T)t-}p@%<)(#@-&5ZQM8otSYAKyC23dHQ>YhNL#W%Qpr6qkC3~$uJr?2 z1|HZCrw!{~4@%P(h3R$-vSbnoz7xDN7RTY3c=d2;6hx8omM)!6(juIC&4!`^H#3sTP#T-Wm;@P7eajAbgUV5+* zFHhBC0e;7>ILKdme7gI;^wfWRf(xE)mOV6#|=nAM%vg65gT_(>&*v) zc6|RS!2%%g7ny!mA(rC8*|YK6zww)K?!?Jx1MpVn=VA7%k%MSyvIYDIf+5xc0+rMx zZe~mJJ?43eg~&LS_(7h-ynw(My1M@}DyS+2wcL5!P}!ZpKxfkIki$4|x} zg|&9>+)qWTRu^ZJuu;GaWs#W``km}zuDx{e67_iqJf(hqqgoIs*h5i zqCm-T(pGEup68aTajj({`npHy?CP$wW|Wkz6E!z5*iBpoE(HL|lF|BxM@9zYxo1yO zio6N}o9ADSLr1Q}{cCeb-s{xaU_QiG3_z$mdfMZSSAHCCy!w+kdiX>&hlOwGi# z_uh-coHsBu81KIRCb1~*Ak2}$a_&U5A!w{n(J|NG86`Ry?$P|s0L>zP)>ZntEZq1g zYO_>kgwWG;_T% zC#sT73XR~ELBb{6j9LolF&R7TM>FZD`5MF?2GNYWqN=q7%SM5C3(eV^Fe}p=n+cF+ zN-0JvRsDtdc~o?>;j}N)0BaKgxQd`rB4uz3x`0l_bCxX~f`yDZ!)S_FIm$4G9b+;W zTY+nzefE5`bRj$ei@J0x+i0)boy?6fP?^S}bY?ObG_BBpYJyOWMy!Sm(Utk6`XvROB>WiJ(=vm4CuQLmBdOo$+MVWwSZ@Y@eHy z045@z1ah2SS{t9MH7^Hznn|Pb;E@HwntBavGld*NnS3;hk92ViRp2-N%;NHUmpCo6 zbM+JiHPg83;HyFkIlY_@mqQSgT=aL;V~V|6Bi^MIt6@i1FZ>Of4{q$S55=CQ_L-~j%{G77U8WfvKIA4+aEGZH z%C%2DeJaIzymsroIEQs-X=w)G31Q>R2t8S5;`V#jDNkOC7k~3R2x3d|>PtVtN<*#x zGvl#@aP{6BZ<1@h9izB~N~3*I=>@?6mDiq-XajBj(BtecIcg{V=EnMNt*0P z3#qc~(;hJ}HAmzoMhFBdS0QL956LQf9Vvm5>dWF9Q{G@A`0!eeUSjRdI zU^I`G+dClT5y#2Wsh_LIPv2jRIf(rpIc3C_${i(jE3wGrdTspIEIs zWi0_y{FsQ1NS|pIPXJg0(7r^k8NMV;NTbTeoDDE(KKsLOoS_EiR}Eo1uwvD(Oz1y#oiC$+c&Go zY%C=XnS)A84Z^<-!;n?%AwcXw6ju;v4KysnfQ)-;32=_u8a3e7_>@v>35G|!5dsa< zhyw?TarWF1e#hlU9Lgrz+BRu`68t?F#wJ2_j(b(1S*8oS&ZSl(ItUskom^b66Wh_O zPyvI`46j&amP5v5OsRwc@UVuk=vw-uUb` zExX(w{XZ#oMH^wJU~Y>kWN!UW2A^66q#Ayhw%?auzfmoQH%T9wddC@&#A#EylyiM^vC5j&YjR zT^`$vW4$~7{|FmtbDabW)BwE3f{Ab$0I{%g5&!lloZk3P;x1gDfPu-A;gO@R!yuUq z-}=TkiBC8i!-EJDAhan+8;i@BP}w%4R@jWKg%$de)X3#VGom2TCd_b$MrnDh90naG zGR;nJQy8d58ejj#Bhj-*W(SKpbNg;Qe&wZj?t3rd4mnP&!F+u5##^!U@E%rysW^V} zNK~dy#>d2Jv|-9sGg)6>MKGYDTDgujp(iR7{+gkdMBjLS%*{NCEf8V5vPgH<4JvQ~ zsvX-%>ZGv__Qk|(C5Cv_7g*gzTSVYFP6g3U1g1$cN0P~w2<*LTPs~nH+I)m=vrDK{Z$tiCD(K(m4>Iv=00xv$u@0xR;&B zim@Ml7WQ>D7_WiOmR7*)JsQtSAO68V{$>`C!iG#&;w_=h?G)o+&*3;gL%|j-TH9C; z)^XV_@6aM1pYf^TQ*m4&(zjYX}a6AK3Jzir%gHB#A6_779hw=eoAoYz5`>;kINy@iMI z&aJCa#Ui)8VSNWo_&GBPHsj(YVx8KEwV)2eCf1pa4c#^f@vNtf5?y~?yiG7i8Cx@f z)fM^-?Nv#=Y^FX0+N2hfJby9(*P$rvBm8btk#dvFFGzE8@gxC*`)SEYS~Szpk6wZq zq!=gWXKC~#z{&Bx0*A1Y++@tfSF<$|Ebf19h6anvp69D^Fdi%u=ObVy?Gz9LUNgoB z%(9|2Xn=yL|0VN=U|F!SOh0|x5EU8b6s|2O2Ql@*ImhEW4 zAgp_8d-6TfYaOlt|Qd@gWK72$fD77@WzCr+IGwtDfPamX8 zA;1klz5Cu<@#d>90Z8jHeu``s>O{Q#+MDrbfB5_H>%aN^xcI`ASlC#I$=BXS7{DO_ zK(|x0s!n!>?uO$>PQ=O*K~|K;z-qq{fb&A<4oIP=t{xcuVN@!s3-Ft;3462G3(SpWJj z{*>U@HC#rAyHd_h@{V=mwt+wNTa&MLZhUrSteQ2>{@duZcmsKAfjXwZ_Gu zBkP#0TMi)>rSU)F;KABi{bTP?_~P4_z7r>UPDcl+q&N*=%2*z-g3T;V#Dk?tgdD2X zF3iUO8jvRLZUlxQ0anA@6(5&_xs266)fCJ@x24{E!(H)0a2o{Xo6rP1PEWlN%?jdk$cBPY69 zD2jc-=vTK$!NkN}rT$IDS|V6j4AgFBjZ*d2=2gn>&+wUmZQQQ*FEPm0{i!lOX5Su|f<7DceT;L%}l(kZUCjYR$0vsG=2turNF8m&gb*MgvWR9)1;$22=C3Az--{ zewOxY32In2jKgsK#ARXAb&^S@3bhClu8%N~fL@$P`y%wCc<>{rp8#w?lfMqc0IroQ z?=w}PF^iqC{5ZlKmrBR7^4;&tw3{A?l!V5efx~Ije1n`)G zs=&Ho93Mm4frhP-VBqlV{p9ndHwq~k?#bxE6UOK`_fdL(iy4p{OQw$^W_^%!plEv! z*UCdWr$DQF#D!4+Yt#{OO*6V@xqXEXU@p026tIL})-^4v>*!kT(-^FM&J9mhdX~b5 zii^z=s|Zh3V7!O)+Eyx6FLxB<=6y;ykX6}-3#p0%VYvnDc*z2u1E0IV`)3bPN?}!@ z8J8r|S}PWx&wG3!VMD@~T2ZsQBBhHW5Gf(1AfLu4SY$U^i8G&kb|5Lgx$p+7)Ii7* zNPLt)%in(f*W$$CW3f)EsRgK7VDi?JFi$_X0h02Z0@CIl_tE09M$w-w7-bH?ZYPo! zX#<-bep?oF9fFl3TVjCH_c7Q_)4$PTbklskjj@|NTpG^6bfY?u8d1 zRL${|KmUvP4}bp0aq+n;@$BXEDRyIqIusA@+>Y@xxLAnin1|tCx^j_5YX`6*OvTCb zXX0zmQHgNjUJQ2^Gok+nkHL?td4P-MBRHdi-2-6`a1{X-~av}Mukk1??3%ayzY1hLU{SMmEL+$sd|4&kf6aO4O= zOeJnjKZp(B$MJZLgu_>nN5JN7`pX!o0&d0#;0U}I(f6qlpT5k8=2Z{zB^$Grn(Q+q zhhLlzpP8_Nx%EqATmIK@gZO=eNF`xKdge7yI?cG=$37KWo&4R>%Pw9+X!Bkk51Ki|Ui)NV<_-l%*%t>m!zOo2$pThmP z9PLNX#qe3W8N={b7v^XR*c!{YTCag;OWVLBi&wzSVT_5)%z{wD(8VhUqN9&ga$I<8 z8^m|uVl@466X7@u_GFacr0)Gr+R$z=mu*wY+Xm9__ET~^g?wvbLc*fLgN(+w4KrVM z@#Cw3YoRrkC3WMZVzK+WgNtYjfkd;n3`wGI!7okvzY4KM2@ZbAKUtXq;ff_-A8@GQ zlCso2bRB$`33|A8NgzQRb{*<@m=%nDk4msI&#Wt})+H;~E1#w~U=h>xi}w zC<7|2YX-AITT*JpA@1F>hnpSxZxO+^8s+b~z+m)6_);^**aE?yRfP=#hTXRkW6-)L z4r(3oxvAPKkZ(MPg7Yd$~@S(2UV%^HboL$!7vbhMP~~lnb=a@ez#E zGx(gW4)DLETw!UbA%U|5z!^dW@RypeF;@k$bT=lR#d(R_#t89T=4M<8kjVWQpWx`A z7+@3gvn#F7OO`vn*6Lg(_GlMopv%%48$cylUfc1LnVooXni@%GxEB@}U6p$XWp&_O zI;)IVpqjL$9(HH~THRpBHKl&e;|mEJ4T9HrmV_-ydVJyg#_tBD)G+}mXjr1yjVjRs zohhMF(>H_vj*T3Q-~9FO$Kk#MsgRWI+?A$QIp2MAkKg&V@5M)VuE)zSzZ6Y$IKA@BmAHBRdVKKlM^Wl+k7qAjj92IWK3;zF zB?OLV;^zGa2rO^K*T3MEa$$0;x z58~nL_oF-wF~ASmGt?OeE}V$r!{c#m{9ydupZ!(LPodo*#ElRvR3=c!Mm`(3R}Aj6 z6nqmFn*xooN+4W^LM3}-v#+%UYHOeoTBd#U$iXBSO+TDSjHe&BSSr8+V@X;qLS()Z zHpV^22ZmznGz0)i`a>)wdul-ZrC=zCjsk1~7?4DyNeor1m>4B?fo4gv=elwyg^YpHOyVE=Oc_>*JltoyhPs;Qo*rO z4t4ZHK@oNyPb0`~#yl{y)=6{25^*~UWBbCUFi=2YDI&CYR0uACS_knM1t8_VrT5oNEpS-ry^*9wm3*0KC%QjNJ_5(!eosIAu`+cfzhm_FMMaK+y&dL|#bqd2-D>$3O3d6d)<% z849$bt3rN*=JBb4x;#u*ORBC6JrI-ratwckH`NLJL%af>wWc7b5a?aR8kBEAv1acoYx|SWmf#ou z`-OxJ7pbwBjrR>RQDaklb@dDeRS5E96H=4Kd!o7)y+klyIC(LiI)5?R2|U}JS!R)8 zT9oA8B;%wB?Hi>5UoS*}ZmOI3N_UA`-UFZ(*OyX1g#NzX=sGwO#bGLk+I5r#EfW86 z;QYZ@!bf)-lm99%gZpUvJ=D->qPR~hT~NnhipRfxK8B7D$475pja%2Q6W{RDI6ZbW zzWLO%WWOAWzkKLz5gEBCZusb|8%_n&WCaL{=?|OfBg0bZz1*V zU=2ANO}Ko{pB;(UUU`pLhqmb2>jn{sawa9VUZUVvkswUArKP7r3h6u>Z>Lp=GUdaU z7V(9R!_@ID_qSh;p@A_h2vhOwrBe}8OT=(IKpHK^|MvU;R~#aMcJ%1kc==<-e)}e7 z=L2YR5P1Z+E&{c-F0UgQDhLZoG$vqfHYz1|Y-yEA;kX|{!x5MIKem?ue|a9 z^ryC!%&ig{h@o1RzezX}kK#4?b$LxhYX3e8WeuX9EQ}H`@J%MH=9J1ALoz%XxS2jY z@lRtsNlW9QtZ=&L9%De9K)Hb!t<(8(cRr4mdZQJA0G|gQKss?E3=|I{Tp(beQ$WxN z4khp|w#XiP{4km+=CwuT&;o*RM_*eUu8+kugmVLb_zqSQn;{lZK(-NdmuQde@XK98 zSRYzrZt5{QGtVFxd7A8%I#q0i}+Fs-9`J(n5YH95U5kE2m6(XwG334uJUYG_E-OK%^QbnqCjAs7KH%? zh}58t6Z}mWPah*jS6XbG&;;4c}8S9C-w8iE^ zMwCa>bNYzOS;h6XUEGLKEU^D$-!MhpaxvDIi*I)vjt}Q{;*V%qG2coJ&8D{KTLV4_ zFc!yBdM!97b1uSY(VUSO~ZV4JY201}2WGAowA}OXt#9pN1vU z&y7EqAp1StAiGw42R0msu_4B7h`-V~q6Rp84)BBdCs|?mDYM38zxi+DnZ9q(ngn+c z192(^vGQt>$V^ESh1oYM`)-icHGwBUfuar9%7(%WG{pK(X)FkHHSl;B9#SMlw!M?u zBQE~uJid^y;WM&DMgnvu9El*NciC_LUX>g0XZi0YCTZm{ONDolwt4Q%$$0wQIVzjw zV($LESjC0VL?03$0ftH652Vb>3Uw$TKs6gJu^DRZ0`&Uae6n`ryYbC}>_wPazMDm$ zPeR9m{^TN^fv|PmY>%nQ$5;&>kiIlc_ftTY`@h8w4h{Cl=z*bRQMvFN$K&H`AI04d zu2VQ`8K3Vc)k$BB8&}_rx8Hm#jvqTltVUbB^XAn!efl(AUR&ei>mQ+=QydHCJ%^^Y z#)g%M$Ttdqg!qh&&Dl77nnq=6mH8QWE(VAC83(mC2xhZu<;X!RfYKA7Z4ssnu|~tX ze)Apz&hJr9c`MpUZSAg&#!p|r8V85QV*J2JOgz3vc1Jm`UcDNRv3fl7^wY#akPA+Y zjycTD1~g3(v^qs!mi%B#{O*7AFNhE6jMx6=^|PAzjCo&)Q|hmRmZ`*_e7M{*W0o26?t|c$?nQ#zz!eEYvebYNx*pPj z`BY(oA6%yNs^*di8~Y^@^Kh<>KR^4s_s!OT-?Nj_^^NcR>K7diLYN-S7!u*)f#~Lj zL1N-%yb!+~q{qiF>0Shbc9?1oCR5%ecIxp2M2KK*Vz9OmoNEXn#Ts2Y$?~!kx`Gr` zjXfi$1!CS!?SknC4+$W~I@yi?1o*ExIrQbnPc5%h+|Ph z=t!EK^UjEDO6$wlVsyM4{6l!P$}Y{-HmQ%Gupz88!(hrKs@h`xq@oSDGR3g4yyd#7 zH%1l}W7Zu~!@NE-iz0vUzO-a`J_fUa0)sAx#^E^)I81QG4}SLg#x=Xf;dwt` zSz*o|SUY4SeFmfG!l8W452Zrn&NcWA2S#{NBG$FJUr_(;(3FJ>cb-8h;0_4msYxQ| zRM{8o(s(D}8DtzV`JWj^RDXIt(DNgJ~6H;+y2S4X3rWyh;v2da3&&Sf#bW~vEEg*jH@BnouNZTYC zy3E2Ytgpqy!-sME@xv(5cx;d~(oTewBUjEw8wI%zojn-OVHMC%d+q&?h)I}>2lpQl z#JG^2HS_2p0Cgj}dOG6Z;X`yYr4lCQ-es~z-hcO6oH%nR&RsYkAAk5!+_-fsE?mA8 zBbblwVI>(qax|{sy1Du8hjHri#TYnyn8^HM3>-KVGY@XXIbu3CS8hf3U^Om6SnHH9 zU*B4!?nMs)aJZ4kU_NZ#%t6B$j1xcdM*iI%?MG;bU~cQZ@B{#c>aaw;@3katV5-g+7^2;EaXy@Sy|IvR(b zy%Ko@xhC4s7dk1{g%zi5ViF!gbUx^Ti|DU?H_J1W;139tnW zkih_~#Cvs@+b%Mc~^|`Yb#*S>! zH)Wk%`;GPsRp0Q){*MCixSqqjwpSy)}WAirMHzh1E3MLk;Vrh_p5$DADE+uaFgC8w-(E)P@qYgy-{3szX2xJR`?SxSvy_oxGl{5P%zm>`H&Y1 z$DhEc?^$c%(fA3|l*RofvVLUM#t#9e(aBzIqZlpKTjS#T-S|EDKoMcGxf3flmVkAX zyUvkLQnfL2;a30ej}+q7`OWy7!VtuXeI;I}N-?q$bgM|OtQCHwuB5`4z7_2>7b~M9Vny9p^^+*y!&(gG?P0;LJ)~uxK3XA#Y zJ-(2zkpPN`C9P`zi7D765i$S@=}CfR;TB{PR*(7@q`Tz+v_AZyM}|gI3-dKn=&H20 z-Xnc=g-iugsCMknK!BmapV)OE6aW?)b4z=PERR`IIVT}n%gH2Lh5%I&QdX&aV3Hmhe!cEaq3hY8$BIg`_9+!H*dz|)PuN(wPOWlyRf_v_h;@# zjlwNC$BnDP!eSqMd?SvY7>m@#w4PZy0aoH^vOvzAI2_AZ3J$iN z18&gjAaLdO15sT@vy%3}kjqvI-Jvf7o4(4k-v3}Ro+|gm$e}jo1`tC~b)8&zrWeMJ zKyzd;ZeDvpVA4tqKmQD-*QWUA|MGX@!`I(pO_t-8SAGIP-HijIBXRf99fTEv?+6s_ zKQW?g9QTU@D|5YqLoJnyorb%{V#^y1xxQ&mUb*>YG(SvZ-BoTxllnH1Z zA3KKMyC0#Bpiit!0~ADCq=pHetavbaH|B1<7o9YAu}u8VEZGHUpSuV`GRGRPRS2&4 z*7RnjNHbQ(5U@BAGrL+3ZSNUN69BtN3NRrc5NoO?@SMwM&cw=l?-Kk=I&5NWXs+zN zu;w8md5BED6|OQ%fFv#ZO(EsWdNf=h**rvw{UZ^dZ2U=3&`qTF0in(0g6y}(=@JnT zkIAPu+1H-PS}71nwLK?$9`B@HE|_2boTIU}W_u*3(++lfZFZZJ(UMp{ij}0BMgl80!_> zW7jBOFva+mD3n;h^;d)z=gHoBcz+@u660YOOQJ766F9FDG?{P0(hij2SC1C<`4Dv7 znnr7kVU=tZsrhF`4M&_Eu1y2?P22rMc}f`2fQx-06?`@g*!8sr= zmIbz~`0&6;jC2eU(Yi&T7^P4VG&I@lAYe2RQEtc4W&Ect)X-=JU{^P$ky>|S;NSry zGA#mVA0p5l3JVpH&E#+U|gi`M-vqct1?lL z;vmbjRuAgRIY5y#4YkR8B;{BLhY;d!T;^OAzrC_a4zGi@-Vp z;-3E6vsh=kVrt?+tj<1)zkcOs#CJSQ8f9x!4@J_35r`I}x3`a6YLF8lPPfoW1h69O zy~nlVwSdWh|W8Wh%bq%0Q&QV-Nc9?6k27wd+;Fqv;v=KJQ z+E{F-gOuKlG66|IGXgR}u}ipvbbldi02iH_LD6iM5MoMnqs>7CI^T`P5j)73Ug9M3ZgB7xgdO349r{l;;7%bK{ zHCOM)=z$4@2*%P(+=N|0H?R=61~%r~;kxobSI|j-MujkJf~yJl!wbu+H8hCv>LeI^ zdTlCc!NP>&szOtWFpxp|0`27%upnAu9A*R#?^db*;0&;cfWWc7xrkL`9#q0|gOF=h zmc&>hyoLo%cVG(wkLPazZzVEJ`bg6*QSfMfagzH1>m7r@xE*D)f>pcVr*z-vxUSOu z#7JR?TIY(yfaq1&VXlQd@k(ETBh3?7bPtky6U(UeEBuolYRoXeQ_GL5AvZ_`0+Tkc zOB7fHCJLSd=QB>i?8Hs94?qE0fhYkpXLpl@EyWuo6&qoNHJ0a9`A5dPg_PKiRQkQX zy%^YhjB-~b-iBvzKgpHP-y;4-tvuCMfqwLrHi+YBjz6JI#3J;07i;!B@UgO3jVZG4 zvN#iW6b8!*g|1*$O{u=>Bgbtir@uNypLtFF%{IJS?o4czy8 z@mm4gSLs&c{OmWLn#P@dpURF)TN#Je2{TY!&y}!4V>%+>B z(SYjo5J~N9DTbBIH(XkRps4{ZVLe#E%-Yt~7K8Y7P4DZ(Y}-X4s{_Xm#fj2cTouG@ z0Cc9xP7tSY`|j;ngaOYl%wSekOCeo{#$yu%{@nlQ1^^Br1Mu2Ai!?kNh~cqAlsJAS zA&6a7=jZ3*F}+tNCm+O1Z@r57F7rhm#GP{xQ|~qc(FFI-AyrTO?5#LS3?Zkr76zwI5Gv&@9X>>!y($PNxQ>NM34joph zCi=$T{1kwgiSN*^{V^uMJP6r|DfsFeA0;8-*M9Kbxcm5iy!qbiardLU3Cs;{D_}u7 zfLqC`p{r<_tHir(g1DX3F8IOk{a3`TG{+67UVg}4o+=_FYzIxYx29q>QE*dg@#}*~b{RA~ z0`3A~2WAj3QgI*P&MuLH(bpB>rB3bvVW!M6w-8Ikliul4>J0n3O`HjXEW;4W}r6<;IsQ?*6~4)971 z&sPP5OxOTcV7Mi|Q`0P>Amr$wu!Chlp>lbaQvF1$uVL9sM3oU(2Si~5v5}rbH0?r} z*rX1OquYiC*sZcq3tF$91asZX?vR6o+9(1S30cmQaC6 zm!dR5i-iJL3xV4M{iD1V;_>uN1d%n~_i#_UGgAbKx+3kwN|p5avJbAQ{4m9Is9>-* z*67*A^=hhn6DD`Z`&BrS;F(}pVL=6pZm+~?Y2CkD$=*=DG0_Z2+7lcb(QBm+@7U^CY6+l zU2q&Cj2TwqT&fPr`|WC1jMCZqfBNU=;{uhScXPlSaSWBEO49xT;S_4-oEtcn=KYz^ z3JqF$otN;Eo!j7>sRFC#H%vL1%#-e?z)?rwO?aPhS-cj{6^IH}I=Tkwp;e5z^}Tp!GNP|H7xW8dUyHGW;89sYSYz!i6JI0f zHjfa$L3YpQJ-!gsJLoLn*2Tcw_|~z0oj8Jrmeei^yINPI5I+R|19wun7gJPrRHiy zs+s9dXo3OhK3T^~q7|Y*8kD7nbEL0nF=-)VrG<3NH3CmJ5q65C+|A+ByZ7jQw5@lN z_TSsv0}&yPP0=9IJtm_bM9K%6{zhQ@6Od}w<#jfuxM?#A`k-yukJogy(=O^r!#t425%XH7LhuHU#< zA+X@Ntqdf#Z3r6++(%*7x-6{(Jzsq0B+5l4Zr*qoi&tN?4-7`0xS=(ez$#Y68Zg5^ zl3*?NSbb7Wt{roGwMGFyQ(U#6f%iOyGnz2PEAZFBhZzJ7DoAo){fW|YO~WNDql-(x zBxAHSx@%~~$*vAFt4hRrP4YVy8%*cANfop$gtxN*+%l%Fj^0$RJ9EEUi-9yvEPF+8 zUK+DQR!noVVet6CaS?tM4)@I3Ijsm}Mb@YlI$p+VYhggwFx*QvpnZr_Hhlks32r)QY2Hjf zjhQvt*CrC}6<%TFyVSlYlWnP`qLu^$VHmw3NwF>+*8#I;PrjeJvwCW^H)G=`-5sp4mm}Ks=!J`#=xc zG3jtTQy0uS1g<{EbJ-}@Wt~9_PuXVB0V$Ynsa%FWDA-9f{VF*VX_}at8#5+{HM6z;keXJe5plNFYWl?vM_G+0fV_Ealz;T~$Ab z(OKLxJ;zCHB^H7l{Q{PV5_8$C5xYTYv0@Y3X`N^sK2wkmgDwR*$M)4iD zCn>oT#{IAVyC1|~{^=jEtGhIIE5wg}_`~SNtb6|XlROVDfPZmxbU60H*Via^)d!YA?(JQ($PVov$28b#}ZLT)7H|^ z+e>M2%w+Cc0b9 z0!3Uo_oIOvbqSKzh=pXGwAePX7s?<_6Ym#@|5&HK$`CMegczG6WC_g@4Ze*goV0cK z5Tu|q0t^<|gCbb^x&~qK0Oj`KF@5|}{$tu>YU~BVryd62h(ymg76k#Br<1UhGcxJ^ z!50t`8K8tyw%rWz_D|xC2$0TeV4=;dEXpH+O{|vnPw&&Mxmw0AvEs{Q^+@Kc^w{*B z)<0twcEF)(8^M`G@E3@8un&vZunC;385e@X`~2a-xOA#5?)~TnAOT@o2hOpst*w)Z zLQ$;(3}Y2*Vu{9o_H;->A`Hcxf2WJwkX)$t%joazrD)t<-2K^Pv=>fA|M#9n*`Prb zYxI!yz%fTa9{yvN%jRAMT$ar#p2W-qVu*4S@j_7ACBUe*r9g^Si>sss7f3DUQ?HBa zHr6!)JM#qvA&P;~XiEWQlhoX@*1Mc8loEK+&0k+Et&+vIGQpantQgb*>}gEjqJd!z zdR19Pap2mH@;J(ZH3~e3T|p=_W~2t=XvRmbprLY>xfRlu{Yw919heqqpuI*)D3Mlz zwnM8&X7(q*&<*xaSd}9R=2|1gUEoYOv|yL z$FqTmOv69~7`KmmB&&!*5=WkR5{8QV4{JKG@~^&j1)5GHK$No*L6n8!c04uG9o_HG zQbr%QU1qSz@P+wjtKh3lnsI@n;(O!R!F}Vr3XHoQL3x8ZB|85sdIuB}zoc-_dNMAL zEWngofb_||C+rG0>D9IFSG5rhzVUGc|AkC4MU(O?0 z^^WvYII0%Y2pmfrq;957MLUAQ8N69V`rKoe+o%|Na^O^IcRW2kO$E5er1Ah!iAd!MbvU7VL)(4Z={{&~ON#WXvLuh_i*JHcwSgwNd@9AKkbP!GOqcmg!cV zxI~)Rz)M%o#ZzCu9H&nmL=)>x0jmWxBn7AD94?c-aT=LXufjRE6Uf=W#F)tHfavA+ z+M>6Uz7zc?DFIuE58k*MAH8-JDYFp2^PAs};X`DDsaNAuc4;zxcD4(c-M_K`;>OXQ0s*KrCyj@r)v7v^|jA{tj9{ zR<`Ej@k%@XbBH;FI*)ZhseS_@T0~fD?<7r;ZntKu43K`iStp?kQ#30UWrJXO_69Xj z9zMDs%dBY~^>#B?CCR#|j?O#xP5u-c!6 z?`jC6&Mk3Z2u#8+@k~t(Vv)6zZ{S^G_vw0PoXn%?QVC-wU}SL~{+i)q11Ga@KKrlF z%J3P%AAvoqnXp6F7cMmza}KRuBAm|S(p0J&2C;&cZ@P7!aCJ4UoeeB=2(isn9MxTs zVj0zT`WD)`hfN7z!3sEf&IZztXbR93j8&b z!GwhA!?{+%n~gbj$3*b1Y_6oBa!WcJNUGbX6_;KS09(egwu#W*T*o$?8e?GL#ARZD zvso~v!xkBHo|5ckn5e?R>iSG-51^ksRX^T`vPO|98@1U1*AnLQ3&f&f0UhWXFcdGA zZT^O(P79V+04s=El3QK>t8hr?bx&vsDk@BggZni9AH8?Nz_kK~RtSZS6l}=(Ds`T3 z%5e+Qg#v;l5|q|B9mbu}qt-SBXk!AUTf_lDZ>k&Y6MNffVb@e!#M`sOT3{L z!)@G98!+_}bI$W8{-^4~`*8mc@2zE0OGZ+=KoNg$oa27Etm5r1?tFtn8^5_$;)?52 zp2n@mOxOTWM0p4NWZ7~z+QZ3- zlv)%>&ZR)rA!0QSpF&SNeigv3s>U_XM(p<`rsU_B6kx~T1O{pM{nw}^2x z{F#|W&Z9;K+LNho^j~MPxmcJWSd{`u9UTK?!W^R|d}nMIdgwy?IC8{fSOBOKH;vYr zosC=^J$wukv;xy2t|t8TG`L!TSWT@yii4NNV{@`Xwnk4JIC(SS&t_^g!91QS0O< z%!Ude5~;A*>ql?tRa z`+&uvuo*9gkPD#bS70jg#Ku-a}FeOvrS}>=dKYuEI`t~c)M%|AM z2vm->-A1x5;|7xuBp)jC5YDu2B>uzdOQ62A2QbuV!la9&IY~{-1#+c^UlRv-Z6^MJ z#dml4exJd!<`NseN(5KB?i%oGb`Fzn5c|gb#ZS-6uJKKFPJ_t&Q=fI0m@4j{!gdS5 zRm3N*@NY9L1&%B#Ub8RfViCOg)^v1In zHPioZHjj)_hWk}G8Vo9n4EpnLzBvxuQ&WiN?LzD7 zz)=;LEf8S(JY@#nrkXNd-%rMp*22Z$XvApv43D&SykBbBi1R2D-yJ*(w8Tero^^X7FZ{%?q+DvxWzAg{X)WqDXNX5 zv3Qweg)bLP+E(D^S6d)O-_JqZ5WN(}(ISy!BA&YgkmXqj2`0bMZvl8ePs;&QM}HTZT~SHm=I z>QrLkPY_ek!E*;7gnEw^8t&eji?=`i5aD4n28paG;`3cyco#r@GtNAHCcgfg=ZTV^ zC(8z5i=a8pfX=y}%p8M5Su)nk60r05D`Dc4Zr?%DZKFqtg|!~May6E3-AR2}&R=?# zp z=DVz8KC<5R3jhE>07*naRGxYMavVN0N^!5d@$PH4=z6;q{oR9c;oMOKqI|5fM@y_< znSIgUJ~D=@2Z*0Qpt?_r7$SHaID9w`5#K^3hS*(%5Kxl+E(Mzwh|L&b54C_S;_7z`R}EE|DKv7Lta5&$pkMviEXbyukB6J?}H8{i6>m2@PSx%%u{+bZUp*J`pMIrCVheVpa#H za`irH;mlAWl$2_VU%|kQuc>3X+0@s|o+|tov|7TbYsTPguBHHH1C9%5w9d1uAH3dzHulf%QM%Eu;6DnTNn2L2 z%b+&FnDCLbYkn8*{3$U+U^smb-lO**3}*Q1cb;but%bc*6f;Je#T+DS8uv^JB-iN< zD6xlCV1zQU$r@{Y6f;k(E2E`TrfId;9dN_A4l{!6nNwLaLy5hEt{V6*T~VYTX1|Y< zXz=kGJOHbQLZ#2C0Vf>CpY69b#?k^bjT@WYZYQ`PJ!doF*L^V^IpG@u+f;{lLU9`89%|S$(EguX}q{dyOKWbh~dDmz*TbQh7*{V8?)b34A zuqnDMAX-STnw@PC?{hXOcTNffH7y84lu-e}n=o?Ir99twkZvpv29&MB-0hEmG(m3_ zH5fwkkeIm)e;yhKl?83mR=_%9CBmiUN#ZA{&p|8pGL<)tk~h;rg4l}WxkM`GB#p`X z2wZEyueG+mM7%;Zo;`6XT6=n+wQ|%V<0R2Olh3mvofCy`tj5oIlN-f)L2%sy2ND$KlBe;y(hT{Ic`!R(! zs#ez1F&?Aepg|qN#jAgNBL$|;Ew{$;OPAwor%oVfAXC5;SJ8AUU{V)pi$gab#tI!{ zXJ(cNxNV`n$0_Ffh&m!G(Lo$b=Xy^p<4Um@TLGeLVC z1n~>_xcAV87w%0)2SU@86Bpvmx2{pS)Ld@>9U>!x)jhR`AHPlkro@yXHfk_QtND4* z{w4T62?%MVAUCwm0#Y@IndZM7R;2PC!LSB{HmDLrAPMjg3cpK&1M|=f%_sg-i{uOb zN!Rc`hZRr*2tR5nk;Eke#V24J0xIF#Ki^aEX!GY+neYMza~^O6{M1M#j~%QPJGdb! z0iCj2bU|>AaWqBlzXQJHXaP{9bL1iwYgS}%d6vs)=tNY6O4ao{Eu5&+b!+tA4A{44*z^MzkyS6CK)(o6(bs)%!OTeUo%Nx*; zHd3gYbcrZ50B3E$=kg-;j<9Z6Zd+Qihv2bCv9}hKv=@4s;=Oq?-?&c|;Zw;@chBESedI-e@4Nwzm-{6dt@}VFg6>$<#4M}xdqoEXv3I|FUtdGR*nO~lBu<>7 z577t$Mjho~o+fs?(Ee8D(hk2Wb|7puOgIkUmmFUR>JwpSf(>CKlV};PaSAYSyU*6h zcP{}Prw`LDl^BH`7*P$TzhiKwu^Pq=P;JmcL~Z8zl1slztN1O7teDbhfM>;;8UUlF zb-n_qGy}0%RQt4|+|D|tc%o|AQx+BifF-1fhnsA>$TPS_THKM50RS17z|=fJpUrXZ z@F*@6tS1!zQp)S0$BLtD85}hu0OW(?2jLH+Xg;f) zKTB;4bMc8kVW>02cr4-?>7iyu&%yCHP7Kat8l?U7wKwB?zx`dZI1a}*zk?r)^INcv z^ioJ`nf&bT9tahTzbn@f6Sp765C8V>l7*)KNN+rK_CmB?K{JBz{l(w@h;+kToaEj$ zf;i`iCa+tyX@DF|*?L141^*W}%PK3ZUN|W0k;QjaR zQ895gPMsc$!R`UZLs#3`$+(6v@`!Gq?E`O6;IRVDvFaqroLKCDs>grXCZ*p0NwS zjsDvW_C80Z(cJQ43?3SbA+la(mMFBubp?pfmMOL%n{cPrkhCB^n|q%a?k@rQ|FS=; z)k(a-4FFb+N8+jwk*ag<3mQ+(LjvyMcUi~DjF>mh@!FIQ$M4yZX&c#fJZt~k&-=ot z60>kGGIt7=4PvQmPGuHJ`s1#;BiT5R>RWi&hPPKyKu#7e;UX{$& z!1bpq#taKHH@*so@YUb}3D#IsUz4B#JvDvP_a4Hk8o7Js+8Yy*+@C0h(o}!fLYJ+j zonAlf814638jPjU&6Qa)y${dA+E(CM_C?aom;Gi<4dK;(Hqbx*lP4AN+qY1dZH>Z_ z-2@%)z&I6*l%3nDJUfKuK7zY{0s&g4U4!Wt4SL0LS1qo@zdd$5x^`D#+`u(3T;=*y z>HZT|#lKzFr%c9H^VSmQ_t58yQVGTrN;8FFgbB{Y@V zB+{4wxp^wP&QXc6l{6^eGy#4q_3(@Bg&6FjMuKH}$pmUACS(c0;JtU=p}E}=>V$N} z2E7M1u~HRTw<-aImNIWeU~yk`sWpL6MK-SqVS|bt2u+kKhWT3T2^uBF(Z+r{4w0EM zJ~SBbk$Na&YXYXsXH*b0kSe8)B@VR@^iLujxB0RiDO)QE7mSP{OL#Ma?9T8R#@QfT z>9Yi7e@;ob;{3)GJug{064Q158R2Q1pa7D5!rq9(`*_Whe~s^bmGJO?GS7OB&r=hv zqFL3!X(=oukTVeyQ#K94Mg4T})v zOPM_u4TKnjlhy2+NHfav-bmPxy{HV*IMD!SIG_6Ga3Wx6o5!Ymc{ zEE8-L%2hUjcliqfNS*c93Q@zQWxA_n>=RA_%N7b#AW%r(gQjV@qYj4SX^&@eHZ(7wDO|ci9TlQZQF^Q9?qz{x%Eku=tgolb z)@B}2=h>rmH0e@~dKgMsDtjU7?VR2lhL{I%Xbc4u2zfAo8yI6iRtV>#rCB&7AgE%7 z0pcy0?dt;`+P0sY@{jM8HN)XHil`L4-%6dlPMOrnAbx(ZV}UYb!PB@$oT8 zQPgXnW7=fDef4XMd!O0o8W}3~=2fyAz4qK|SFF9K-`dGUNU@4JvqrQPCX17=;I%5! zD(~3V?ivpl@*twaFc}wrM;PYKyiLd3U`J&fH{R$0sDEKJ9^Jn~jeG}XScRH=0Hquz zbI?ON5J4p>c=@%LQJ^?%7=e5m<*IZxYo^q<`uu$WJ8yh+o7b{o+0aTqYLk?)0{gVH zY8-hlk)@C4(~9yG=Y}YqH40vQ7ezosWg^KeEmX>$6jD13rQNmVg++uC&lduih!nii zbVQq?bFULwIIadM1HEToZIPrxk=IHT+y>ktMRjAyW95AnN-znu!4PYx;eC>eBHcHR z1rXV50PRpvY&;oS_W=3nvvf4D06YVE)f{@BPae&E)%;y^zcv5e`2P6*-2$NGPz=q( zWgk#B`jbARCgJ}}jwe4un5v3!G@{d0IH&7VCV}(l+VtIJ1=tG|!>kqXbCHtY=E9P- zB>M3KTIlCTkx~LtZC*H=JkEq7Bb}<9j;h|?ZWKDs2YX285^&bf=95AbE-Zj^?}Y`| zB~rM2-G`rNE_v4B=4LpOElL^~jyi+hM0i%KtD^>d792Kp0ITY9Q}#lNIY;?Jm?=3Q z%4~$lJP4O{3~xYLm22dR?>blV9XUN7D$mEISt{JiG{)9zSs$ZNT znpPUbQ2GdRwEtK!IIFb(GVZ!R>;G{eTGmq8FFCb-1&geWewNePbT&lzrPs*0lU>l0 zlRnpsEb&c9-gG#*bX zM^SAh4K72D1lJkzGN1{imQ0qwY4pRK*2iP7!L89n-59|k!V@S*C6Z%6MDh~n-oI<7 zPEFEj(r#<3%V0jBu`LY&IouqR}yX1pGnP)^)S?mXv`yzl_|LGv4llY#wVt}!e-WHBOOQt=*3I* zkTT07+%>XA6&wN|q(mzH)etyAtaD&(f_TD#N-H$CX}k9BbxZBgl1S7#)Jd6&w8SDrrNhjnIJ&IaeL!uMPNd>oq@r77pzlDP-xE|LZ-?L&jINN60Bt~8$M2le-<4^+EP$sYtQBc<)js$F=hcZ}PLl`g|=7fQ3yo(Zwk5XwN z3a1VLRn_^!x<)>`g#5Cps1@VLhq5uM-*Y}v z>>B^B^~ZhSi);hLb@XIW0@^_4$VT8WI3vfkDXXe=^Ly!#!)WD;2V@4-?S&$zlYvd@ zo`?83!s>`%FL^MO9_~})8yX!Ea*`Bf!x=$D`FS|ldSoiNe^#MbL?>VzwN7gFZO9pV zU5*EGs>$Ejbhr1tIAAhZ8VsiLhXXF+@cCGGJy$Ont`0!Eo8V{s1VzmECZGV%1U9Em z0ID5;TZ2@|;lK&x$sO|9TTloL;cQgN7VcD>J}tVd9o$Kf(W!9;>&@eam<`XV7|QL!Qhs_gA~b&W*2Zt)W`tf#08!~p%6~BQJ3oO zX|>UD$hsh|st^?w>5#}Na>sdDU3y>}tF+Ux$Vp~0R9NX24CKHN!`UwVDhiSLCSVRO z0j_*Fcgz0b?VEr+TkOQ;J{y=g&*orCC4K!dHcGp{%d(4%t%f)y*)nX0n{?vz&|1g_ zD(s^G0phI{;VU48jG1RMv{J%(Xv_B=S_mbs2&wDDl!f|w?F-XmbQ9;`7olW<0?Q#- zRRnZnW1VYWx3%Rp+t@@{!L$4vr62>3-LekKA97Sgeil(#gS28>cbrkd;7dr^#i?0i zdRS*4ksiZ%prdYsW?af5M-5w(VX^ioWSo}>X?k8=W1TwsnKARV7hHXMeSX~*?=B#b zC>s>dAuYMWmQ-_!I4P@ee?A!jHfLTbP!y6{9zC4f2a%Gm2LnW@$3qrqmCfdZEj5nP z-Y2zK;rg66%UlAL#%kg@kmAu^mGM)k(y*aVy9fSSUnd7ZN7I?mp3%|#-iU5K`MYHH z$wRMmia^?$zp;JzB5LD@=2z3vc=CNu{@nbm=Cvp_tJ9SM#%Y8+t~bvaKAf&0N|q1F zBCvOOUhbKLNlbWDP~E-#4%~GNwAl{AU5mFGT`YVsjF?y1gud5q~-__A&k~9yxK+oJUWulM6fG#g}`Rp|1 zk@uFiY}MOkDR5=tTB>`P#A`T?thopqE9iHn^*!hx0qk!Ab{~NCvW{a++=863*C1jG zpzBl)R2BlQPo|sSZ(!6ZX@!`+=ON=Nz3vBW+SwPfmySKQPC$9YUg$t?{pNW9{Iylf zdI>~pNy`z0mB?ynQmTwIqK|KdMDPQr;uETtz}|fmfcpzcuO)Fbiu}D)#K|UGAdsap zX&NvmDgrO%i5ipK6u=fKyJ#)dMMd$#IWvATaLUT9k)^9D&_ZSfIF%+5bU=qP9mh;r z)-!RzK5OHgI5`Xatw2YZx@U|)qK{JeYhzsm?AS8+LR|Klz~4*viJQtx?M3Czk98{V zcN-2nB3&!IoDca1Q9>iY)0YIF$=PTMn{KwLzy#ckuvkSDlvqO2&b z;O&V9nWs;5!A)RnigLdY9(^y8Zj?gkh16*f2SBO!p^-kfSyPOgPm!WsnB&~#W9Y&c zY2##J5WX}mmem@Dk_ACzc|FRC@{9&8wM2`6H`{DvXc)#yT9fc#HQ`i%RMqqZ@>Hto z+SNM%!{~(2OcMZ?F|Z~cjBWvttH#2sWYPdx=J0IuHV=q%pB7Kmutvsu?DXVwc5Wzc zX*lwu(2yVPF`gJtdStMJ5!|#2(d#d#!b=VDxIl{_fFB_}!_jy@^M5k5r7TX$KJ`XH`Z}D^o&IySHpS0XGLMvt+yN5M=5J^vPu+gd_B&iK)#y) zQ{;ID`3yddJw&EUR-1cLr;eXIa#&FnzY_~-nTWAWgsRq6;yCuS?t>x=GNziGz;=qX zb%+_&?^8;i3kKXlR)A@^hUFbf!}bSoPu*_U<=iu?3%Q3GrQzb zki~hW*rmU;#?B$bWXQo#c0>+}vP{x-pNB&-*2s<#%(3SS1Zm1#Dt)gKvvi5%MFB}2 z41?}nfK3@j1#jY*Q8$N}LAAOn;|4Iox%2^iN)V)t#%u|o?$sTSt-`FFX7&mkq0Xss zl=rNoCW^-ZY>HR#0omOzx0BiBx%kO|$0%PM!4BO*uu>)Cq0%s^TOMbDtZ$es7G09) zOv#5bUuvCBw4sl2Iwr}GR(1Ss-wwHH}>OD5W=*)r&BWtGxI!WqvjUZg;w!fFUys;Pfb0ErsVO_6^Q{nJ@8Fv$6Ec#@PiWDDZ}N)<_K z5Yr}9<|z>Os$cowi|7Ny*cxiLxjV}?dvno7MyG9HvEuNw zziNZ-u_mH>pPhl%gOs!?48x-xWNG5ALnI1eR{t>0-cZ!W#$N)A8?_tP9@+H|Zqj-R z>bM&&6EG0DJdPV+C+Zf;2FspvE(D6_x4Xuy5}czv0xTYZAoRSmbvY(dnqVjpRL81_ z)n8p)vGvszgcZ77GCM)Mz9`hsRi2SJO>_h?2oh}PNGM{ZejXru5#eXvW*HA_N@P=^ z28!>P z5~3}dS}{gN?nyif0bUc~xhK#wz0fL)PQ1!+wf$q#<&+>R$IA#BIn^q`2a&CmyOgA; zl?#+7B`Z>%GB8!XB6J{>Fc|x=`wAnV`6U6qe1Nzeu7D+TW75%-M>%yw0lH?-OVJ7w zqHESO)cAOnU5YM?fh_WS_Y8TRG8%mN&^18?(8x0AF2|*D?ooi6X zjY{!M<8jWZSU$%n>nCIE0kSSuCeX@b6OnSFQpfcXqvciD4Yf<74arClED~smpj;dn zk`;#|!I=+`rSpLJlG?_{#sQMcQIT44E zdh(>bFo0v6#2%3utgs(Rd-Fxs7`@*h_R`PnXYC)r)nx%}6(rDMD63v(&E@=Oa&&vH zNe?{T@odh9Jln^gqnp;p^4u{-__F*%ARc*D0+|V{7{-ApK%&E%pqv_8P6+joKszWP z;RYbeuqqy!#=UPJY-5a%P+mtwazx?)62r8=wgO!2p_K6O;U>|1*k1YCv<*!N%td4l z$k3-~9f??3C-ns=w3Ln84rAxnR<@|MqPSSV0!CJCvq3T(Z3u8nYuwJ9?gWIGBn!gi zK!Bj_%o`~K=Gub+aeiSHZFQY%R`$hb<0mI6A#G9SfYXEb2NB|(C5FSb zuEL!$0G0SG%B^fKynY4G`p7mGW??;LUQDvX?%bWh0ot>zHTdpVRhL`D0fXUmY{u0D zTj>f&?G$Y8!8Sr%wNs~QyLzRU>7B&!aRpG1MFHHowI~efIOlHDQQyEn(CVduc4Y{h0Kg19Vf&*@2ogBpum;)9%9UP zfXKr~)+osoqX^FdPXdL_Mj$IC=SJNMAu>B_sZDS#$b~Zm$Q8!IOIAe(BIt~4L$S*| zePRIJ3qI}tdF)&~w*Or1ljfU$DP6;BsH1%TRvic_Z$Dfe&h9TS)c$G!M{a%84N|IrRzmI2mU6myh_Z}U^rYK)GrWUK?~`#LGzBLa&ON>1#Ienq_)cn`WjM%jlhz+{ot2-*Q@a1rwbsHOLE z?Hwr82mD3!0?rVa>$o993rs+2?%% zygisO^VIwC$IumZf)d6}05a2VbxtVjBBxkiL5AIFitu-t8}$zc!EJa5BGvrXn{hYpcrvK7J{MIj6rjPQE&~O*1G5!-G1}-1YAeS% z98EH8-j*7{C^EPsyP?3B=g&ha70_G>kB#Ce|LXJoWMl|(DDS6nEcyT~ACnm_@*1zW zjF2xc0Q_Uh4}PF4hz#;VMwm^Qgii(W;I+zZaSm)=6kQer8x$eSQ)OO|GHe9`zbsIJ zD%l8s1nUV-g8yK*z}NM|n9QI!FMxYa!=JbZWLAj=IR&C?kQ}ST7$idjiwhZaiW_Wa z*Eyv$zrs7jO^pF(rhQzADCEI1+IDDUWAzHgp#fGAXU*QO97oP7%KQsD0|+O3wy)DC)ZK z<8X*{NKr-})Nh`2ex3-&PsfB~e>Hb>NIF(Pbhpti}U;`D?G*3W9ol;Q=j0JY>!hrH)w!%$DcD2^4g4 zdJ5wU8XtrI=1<f$7ugmxw}HtVZd zdvO0Aycd*)U;^EK1c6a&mNlnsiy=eG4DAAfJA`y;@WePngvg2zS;R>Xo5A*!m;UQ^*)iX98BDbUfHnX*l3I(q z+9|mZl`DlOegdUV<>;2Ch(tyXVVum^^+z{pqXqLp zrbIJyLKAV{f8ffF>c)jwND!wGounz!Qqt_L&?Gf#NEpu{0Zk zmBnD9F39ePikZ5V%e-k;g=DixMB)xbL_}Q9Vc|W$eE6t6$7nf!_2rkz808_Qf?Np1 z`e;wu#)fxYhO4kZr&RJ^v)>qwx5`vwTD-%IS|6LD#k;$Yav5o13`qe8<(Q1fF-o%U zOvHZUx4wvS12^=}oc;NC<}Fe|4v~X2SxTlKxo4>MY{3{p1Pv~ z&jLCpC&PiGq_ToDpac!Vi|J=QLp|39$k(0zGyNZjwP4d}z4WE1JPe@LPh00fdW%f* z5x5!n9B{BaWS~PnJ$q#{Aa3N#ImGB@=ky}m4Mt!%Q7~rTd3VcxqCo#rM58-R{ zS<1rbd9)C?t}mdwx&Y8)8}!^9?gWRRy$6szJV{&?PNp&#$P0?5!k)^bmnatTjB!{9 z9MvAG5@D4Lv#1<|!BB}!j;_8`8WJW5=mqzHsitfv+)5EgBadK=Hz+5{3MmJq5{jDG2 z;ku|9@06CFJmm-piLe1mL$}b85$Pn=NqSAd(7v8wG8}ZS+@G*X`W%=fRQe+X~VBblZ?a+S)-)_Y7Ak(eyg} z!sf;0v4S4xZBdqUPR%d!e8GN;jdPo?JW0n)oO_dT`B( z81mcmKZmh))Bf$h_{YqixBF4+h{48yF#S-?(E*es{2(wk*+E|9Jud23RSj zY*SNq{b1ex!+-isyYSj`76q`Uxk!UA_t=?BqxP@<`G=IoSOY0!oCndhv-9Z&BU8hd zN_omIpnj=|6WQYUd%2HZ>f{x&AcySRG77E*$2U%9r9undevRzo-mD$q^d21V+RXYr zd|Wvf?0@Rv!uzNmPt=2QB&y?*Jb=%AM3MW4JM8^No!ign%Lp}O3R#llL#q1-t{tW9 zgS21D!Dw(qD5KGc$OR~slUyO)uMQYF8ghIEhSc72P9pc@)*boOMA^^7AsLdKHXSKp zG(w{F#?ee4ZrR=;*$s4C5S(0t1)9hhr&q1^0Rm4sT{=g@0c-37MeNFaXJbkGgLh`_ zzrLKbXbWXAGTzEKRYn0+rsAt(L%@ z^?@VWCvc1r{3+rSoF;Uomf)~cK#&W^qTQp1$z#Hv{VPaz&B z8QC&AN!ekYN7)0>b_FtE2MwenX~}DqzisLdWilIJQ8{lRabvK)!h(o{ zNcI*fjRQHTK#n;=DSogEDgtbk2+RaX z6}^GVLHc~nHY(GU;Nf@WEa!g8Nl<<2ETw@?3`z+nK|So- z7&Zx(1XQ)CFrKg*AIwVV_c}a0q#BX2`qX_8YzZT=w!Z8h0D1$uY}(t1a(M@7D_+a{ zcHrWWASfF0G5S1)_ZY=9JA^4t^spoJ5}$u=+M@JO%cE{yW+Le9^3%{G zcK6)Ol`Aj3WDoA$XN3G9vr1yNv$(R{lbswtY0qDIfl|_ahRH438p!Py*0>G& z^iG&blcW(_B1zi3685vVuiO5kHJDI`ZSv9u+gMq#rI{s4D;uQ2WQ=@vb?qK&aG$y) z(Itwrlx3p;no{S$;@wA#uV1ud(#a*RIm%{kNix5J&6bM6w3@5g%EKk|aK9`bYsH)w z>amaDRZ$JQgMoU7fMqp~S{qfUYahnIgJV%ZFY_ zN9IU?vn;LCN+}9}s%)9-azK`}*)(KMa`>?zI%)d!{RiFZj^=mg74jPw<>@a{woe@H z_xhb~PJ4u?zi~)mVaQMfR46zagQns*Zvu!(5vnr)A3`|*_m-woZ|*hyQp(=dlX=a* z{F6UG>EiI=kpJF4{T9!4-i}FK?-f@mf{)rq?^bQ*=7IH&w~)pAnRQ2Bv6c5fu)~!N z>tOazEEKoN7cblN>l1eV*UyuxR@6fW0VTQsV7arGy*4r)z{w}A%=7beUvet2=Psk6 z%wrj^NT6SJp(wlOC&QvK1rlIJ^LAFOzcjy90nlI3sSr14E#>m4V9*7a|C!@lyM?+ zp=Y6#xVSr1MiJOiB|(ih(0Uiil!`bClfZoo>_}O~mAtgljYIA8ew>rf!_nZ`AW~-^ z%i-`LI~qmKqh+n-NGNc?Na5hg*>L%NmL{m#Rv0dU?|BhxhXk^J8`vaXfD9btkX>6^ zv&>6V1UKjioX%2>tT>?Kt`_8)bw8xEmZhwb2PEAAw(mc`(r+JZr0oYY46*F)g$xl= zH#+7-Iqm?UGRj1%04d2lA3j64I#d!_1v!M2dMF1L1ae0&Df6Kq zS<_-Y(nIVVWk*0M@i&|%zI5#&GH%N9DoddNAPUGR5$ArxWJqwnYIHn`y}3+a$+F?} zlHFiHpd6e1{cY$L+9<1VEnKUzVq)KoA+R#mn#JOX%W$-n5!U`~VAdp2l%Z7;LFV;r z%0cjW=yF|~oNRS}9&!DmT9BRu2}d~uCxmCQ{_}h6H;+y5p1;>Ofs?br`N?P})Je#B zD5aM;kIO!hE#b5{-^LgcPVkh+Gdmj+7H9aiHf%07_c>g#xbGz}>c@{FcpU&i z!}L`r64aQf#VMVaOtjmh*%h0)zl700avOlMn8w7xxQ=T6DMquPMB5yrge37+37D`v}+$+x4R$Bpse#Yfm1O& z)aTIH?eTVd{gqekU=U6bT9DHy=sq@Lijnk6wSE1|uTz`%1DM^k#bsulV7XdQo-sB| zfZCrAM`CLULNPjN4pE%!5$i-!(Y-teoJE`mKefRK5iTN**x^9z)QL2is>}K11Y~1O zmPOjPix94X-O2IXD{Qm^4oLv#s)chT0AY6;h%MkI(%HtN{_U2!cJSJgG3HYiPD4G-5PDNtdD!YPOQ?!FRqbV_0$!n^9gXLxhShkGxqQ1 za`yF?UbpeCvbBBjioKP8V22NDwmP4r!)na#eRz%f{3)LIj&0oL^Co&MkHb6FLaX#5 zhS&3msBIo2gu{Ub$0m_Mi`c`Pw82w)5K!2U)(T;iebn0}PgODl0m&X&gfI%Wn%XuG z@?XYrkW(C>tRcYnF?!^HFw0v8TjE_ucAy?d7Ak;|tH_qXp^kfncE!3J4YC~S8dIuT zfOK&ihyhdteKdJDJ`-gt=0*YS1X$NP=fQHQM4$=A%KoSePHp*O4Q;l@>hDF;%_Z<< zC4wH(a6AL*`9zq)bx8T^Tq-BJP60(tpMyi?I+Y7l>-T|&@KHkX5P{1#_EBQ>3a^09 zsJl`p#)@a4R@e}cevFKO%DP$;0dbu^*M7!H!G>e_=)iy~{`)s)>^CPmTmR1e}>nkx0g2CXwJfk|pHq*#>-A-dWx+viUYXGLv6@D@>;*-e(ND;Qm zOJ=W*Ly5n{NmPPq20#4!FFBq`>Xk}T|GGB0SRADsb>kv(in6J>OWRFt!K;CR?(cKn zmR=)gL#ai5$;l8fR6xlv(W_rAHW((gq~!qxN(lQ02Jxt1p(Je<#i8gO>~`HDYHN#- z0_p^)8HQ$7@2OIEiUQo(j zyYs!aHf}bfxU>?b^MK8M}XT)?Rt_i}val zUbhDiZrjzXZ`JiJL|?CdleD_Hof!krn|SX{y|v!65Ip8DXx*ngfYOQ z$MfG=-2{KZIISr2CBSMFsb`09uzb`+eQZdf))f&|R9=B}M((2wYDiHe@}zDVDe5R> zYtmpLB9t7jRhrPr53(Uyl7UtPr7V|oM7V}e`|*jvXTv;kG~EDh0f0xnXZr$JH z+;iK=r8rSgyeN9-w4*}~0Mf~66IP?4$Q$1sy?OK0&F?t7VU*lp?;y5=xd_8k$nvCh zc-JU_GUB?pY*)WOPlPsQY078C!x)ZY%te&>(t&lg_TX^r8~j@~+Xu_-o%=TbL5&gf zRmkPiFxvvG?ji$PrqsgwMVjSNdn%7xSQ|xQn$W4zr`iDh0MB~b0q5a3izZ#e8mY2l zs8FI9_9`j(0`=)b&e2X^Htu9Pu`O-fXq0?IUaXkistwz1aAK#;*ehJvJ;a|AVV z5MU4Eb&AXtMZ$84CiWw{0+k-YR9r@GmEl0i@i}Bnr0;kJk~=@;KYghMS)CRNlANVg z_Jl81-+i`pqK>BSYyP|O+t2QQBdnv=LS?-GWlnJzX{E$K86Y#E&as-XR_tBP(@|g` zz7<#UBTK5%wX#og)^s?Te=PXUIAYlT`1+dt_F3o?2o3}2KYU1+mJR z^>;x6G(=7qGX=`x_=Rq=B zhxf+Ieo*E@Gf#A_O}T28?Zh7=uxW%qT!$o8GG+h(KmbWZK~y-dM6RiBM#l}qz!Om- zIGPBa;o0GCyLk2-S)+nI+VxtT8x!8jS0#0dEfsHxvREQ%Q>H`%2IXWu?eR>`hBlmw z9^7VXXh)XAZM1zjG1gXB9xFqbjM%qH8)CyI2Z+!rws}?4vcDP9PnA*RX2oFSOjuG11-(&s=^u&O<1TsC^W7;GA z(N(xC3Z&XZncc!<*WRukSU;Ka+71tVG|9;JeOo3|AcSq^kY4&K^~UVB?K1Rc;TD+@ zJi}J5;iVT}!c*?Fn>Rn=It>S5gjptFQy3KX>cz`0)3LRkf`bBH4TLhx#**^S(YBR@ z^)o=KpdDe^-&=uc&}W+ncr<}$i2!B+K`E;;IXZ-6v2U$7Pen>byC~+K@nOrrdbdZq zZ{!4Nb172}Xed5oZImxMn|GfA=aQ=*bRs50VX{brupY@({Mm+HOGs-9FrJ7a;4pM5}HFk3J6; zVB!6HR-F&q@TpVwjbHzD0IXernlg3(r$+!|l1&}jI$5P+E2M561J+7*XOC{6i00mq ziSgo8iq~I}k=Ex}6M4ykh>~0aS)=8wdISIr@aQoH!He@sJjyyL>O>K!hDa3DFrpF? z8C`9xk1h1m%Ku;c>ppQZnjh^p5C3RJSqY2HIpJt$x|%fHI!(Ow&}LkE}T;UZUB+XIK|2! zDvK#TmKtBjI2&nNrn4x;R*xvdQSdkdGWHcZ6>3Cp3Op2bJ5U|+qrd{VCk`3+4}ew9 zhQOm9Navbk7i8dcgm8Qc;J)N+sL)eINlV@u#DI;plY`rEI4HHSR|;;V!Y7JXieJyG zd1&ornAClzSsR~+BSsd|jVb3o)s^PM0u|A>S;}T<0xsM<3?j}QGFpr!ccpF&`bzTAwU}S8K=7|7c+hfZ5@240v$~x7_ zFpx{a0msR4`mW*lx_K}>2d$0dPTw1)J~DUcT77xZ-@+8C3ZU2E+fc4jrxhhE);&Q< zslfeRolDu>)g2o|8DE}kqeKP12Ad=DMXxehti7I*W^3hOfqvTKnVby)4Ryb6>u_^2 z1WMm%XiEm+o7-Hrsoq{28W`aLtG0%h`*=eKm72t36TZXCcZE5cg`y!~QBdUqh=xg* zZmh5332w6(by`i6cz+c}u0w@Po9Ld1c$g6Cz(WXeRW(~YYL?mof8rQ7(R|C>j>4ST zhNIAf;cI2sOlvDOH$7~?E^G4}42YwxYIDOje?s~f+((4TsrvjlWe6o{PGeY$fE};B z_kr`2qacMRrp}Ts4A}74kj>4^fRTtgz-MY}4a#pe6#%yYNZ&4S5If8YDNzo}m3Fuu z$|yk;GPPw->nKqk{x zQ_CC7Eur6?FyQ{e9H1pUcRxT=k(}WT>p5k?%!q?yY>c6BnY6t}#zjO+yIXs<^x=Kh z&c}eeVcX!`w>ih~@Gu513a}9Fk9#w=KC@&~C#J!+^w|>N)-ZMUR{GTA^t>N~1CfH) zMspsyHXQpgfby^7WE{h-QA6lQh6kZyU$hjZE6tk_`WuzP`;-yVA!FLea%gk84W^pH zr})q{{=%WOF~=u{sp(2IUgbI-p7^`|+B8*-_n^f1pQaL%NJMc+iEF4Gzhi-&Q>JzL zrH^f#{qbk8Uw`nU@7hm)`U8}xfS3T{P=Ix!u|W{|&yRK5%M&dYY0DDncx`!kme$kr z$o-VvzV~xvViyI9C@;qE$C8ZdlYSp zF=dYcZ#$LYC%}`;-e?8uz$0#?-&q^6d&;m0gc+tqR`l&`b>|>TW?hp3I;xS`Aj?U% z>%aeZEB3$ry;By%I%?g8sZlmW>)Qg*b9V=3W3Yih-w0^QARGXYri0KA&2}Qmut@aS z5e|?SgC8f;PzNt2N970%m>kXsSu$nFvp7fzvL9hNM~db!=tb}v!u=s?WVsaVAVYNK zWm2@JLKfzs`9Wk_QL?ui08!;QsY6VTNP_9EkYwPrV8oHjB4y3(tsTb=<0Jdx!GR6H zj=IZW&{$iD@(Gy&9Oy7k$v#{p#VpPf<(z$ghh5uQm3_s+ACwuc};*?m{&?y9vzNM4JBGYP-QSz zSLtZkgU91Qj*rpmnRL2kle+N?r4*F{dT7J-Q7=4s;hc@( zfQVpbpHf2{!ZLa0ds~ng;n39r79y*$OeR7KF1>#U$yf&tm5|jwd-jntRVuJ0d%7N-`DhaD!B z79ay7N%XQAG$FBoL#J|H2c11@lxTJq_vpY8P!H+CaboKL?ttBeJI zi_>v%=k^VH>*+=TEbIVS%DrO@5OcmzboMJ{~6(KJgeHU+*W*M&tT* zANpP6J1^&F{==(bpMhQb(s()Dx<(P<>;uY;ur*k*P^T^97mJzOHpMmmm#Z2372)#$OC0Dm5p`U zncu3E=!glC+>G`=5pL>q(PoMe!EH1C&FlcS%SkWSi zag(Ea1kOdcn7AA{?pIisI?o0r&-39s>q!y$oe2UF$m;`})R?{LJkZX1Bh0`3(*Mq5)^E7+wd*$awflyvD_ z+J>Knw$>7$U&&t{OqyCoqph@j(@~e83r6GC5jz|tN*M5Vc+kh1N-YAcIz(AP#3Ev6&(bCEz7UT~b8{8G5~mj{GO$Gt<)HyqJ;oT8$SNrEQxCKs zfSSlvPMnysp+WE=5b`WOnz4uXF@R)f7B{xZBuv}X=?UAUQ$*vh&pmeq5GTM%$~6MI z75QBWhd^v=s~dARIWcD6|KWEa1B2Xa2%#WtcjeV-K&%iS;n)mx^;vgd zPq#|nzyOdArKgz@0BCf1b`>yQ-g<_HFct!Y(s2TaFAWQ88fxJV%1F2xL=$<7@?3&l z)VxvnMK-NAW0C96v!M#G`6U3o_LBusWO7KVT~VtxSO~|koi^t@B{0$1592hhu*vR{ zB@u(DA5fA!bM_UEq;hCVT`ID~uyT&ZAhutY$WPzDn~4|aJh;niD1%R&q=qBWymBe> zj|~;Slw&UkLWi<_dY@*^VDeZ8MTY#I4-tuv>g0Nd69V@R7Ehb(myWuW4$q2H@l7dL z&I8h)k}z@sSdF!x**dW9xuRVf!*NW2(ePm*N-;Zi;vx~-efVbB3rv<&rofhWEIvp{ z6h$pVFHBYqeIT}9A8G6&iZ4NCEsU%rAjhkV01JJfA%9-d;ek*B#$AT{p-YPVO?%%b z9e^{NfIk1Yv}Vtr=(TfSddY6g7VX2?6a(Cp0m0EFh>?>Z<*BujLRPD(GHC(o<7JGD z8v;lcMfBo+oRG#uS9O=@dciDFKGb(15S-H@gQB&-aB0m|3wQckj*R4yb!YeRGuaw+ z0a~ADMjD*GqE>t7s5p7WndZ-Oj6M&?I#IgX(Z%zkTD~&Wl1Je;l;n5WHJ(Ew>x3~x z%rs(NStWI!MPkZsDj4KB9g|H!cglGaEGH zX^t{8pXl^`6o(*>5!{~7TVH<%4utFn*;$yGHQ`s8a<#DT?Hpi7m@-U>gt`wUYm7D} zktmrBd{AUr%?UEfawN&vkS*7svqskv&yV{J@b>^jUYbf=!nTBHTde~6Eb#R z+2uF-?mDG#7(6&c`kSs(G2HC(HklY;2V9Hv{F(kv=*?+#XhAQ7M{&GHyk6y7IVlwa z)2BV2$=Q$+l)=__ed*y4`+~@pCrkZ~o1`egcyz|fQ>#BYIfZ9Qq|3ro$oXR9ols~j zvr;)4D;%O*;ed8K5w`S>^gy_RazTJq*XZ85`}VE$;*z7>kz1 zs2^bnMGJjMgrkm*b7wA+5rM9l#eL~Zuajyc@)n~d0#_t!<0S=G123X`Pe3|WC;fHl z${D+O>9QR@_@TXb`?}q~-DQIlDp_Etk5x`Vun}$#>8rHR@iQ~~O4emvt&+G5Xs;j)bY?wq-E$F9Er4&F7Joz&f1Z@q8ry*<_s zV0E}}fHY}4UhXy-9U|Lr{SAykz?F+COwoPs$3L@!*^-@q{zZF7J(K5G(%f$j+7u?M|6+sHXFk{7i&Y9>tx?V;8)H}3#t-A=bph37iAut@ny-3b^3 zj3@hFJH^>rCwpuNIUG$x-Td9t3jhBfuWMebzUzAR^$Q0^UlvTi)|ZCn=@sr({72}0 z-rBflesKE+rJ?Woy`mOjHJ;`0>O>gFin2@?OKLOr`@jENR$VKCz4;y_UrW|8$aLaa zj12(1k^WO;^xlUj1_Mo`D{PHQabkkaQ6E=aiE^+4GG37(#=yknTv9%flc4~E2*lz{ zD)!=79_*xOuffTHd6XI>jxt4^j-X|0OE~i1vlBS)7f-xymV^oSrLWqRFMJa@TDRZ( z{r?8TMRd&7H_A_ZE}y3~d3l_OCm^CIk>0LOA*iIH$D$d=HtA+M(l z|4SI1xV#8v1p^;%;~Gf;)VQV~a#929Q8=cxbR`80fRPsj!Wz>dqOgs%UF)J5!9%xR zl-6qvlarE*QeJ9j96$jlNRH|#-IgWsbC4k^gHMtZ+e!ya4ZYrtT#W$`KLdmCK7r)j zbkW|YG?Luh$gp<>=(X)`8syj=XL%K-+(><4QqzZuj|tAWY8Fn zMjpeX)MbzeO2L;GhedSQer`0`$%H*-G?b}>`2c%`Fw7m0Vrd-j-hRr~x4efK*i<>3_UZoP->p#C4SB z=F%c8pB*+aJwYmX&*tam-CT%1$dOv%i?}&+-(gM;x#m0f9^m|R+1N=sP>?z)onvKb zxYjC8gD?jkoPh}dnk9tnIJ*b#fcv36>fEU=(oWk5B7@qpS;Ab`|QFW3oEZWx0qN8x{?jN$jlauz4tku$u`_8Ed z)9rHN)M<>zfQ3MM$9er?VV-B4p{JY~5_sQAQK$n+&VqPGR71^?t>-DYK(l_^_|0eIzfEVuZFFbcSrXPln_fD=feHDyqBy4# zc#X?gVB8dixS#bt{;0@Wz(Xl}bgmlc-MZ*}PML7R=I6_!;l+mhdz8Br@76RZtYT%2G|>fv>C?o-}tlyL;v)79&i^T7E^nx#@mNG=n&|Hlx`wN1lR?$ z;yF9sdPr96E>7$@oLa7xns$=x-fw^V@7q8BpZ-9n=N=>=isqD^K!g}MFEF1BhHx2v z%6eKJDNP4Fe!NyC92|9t@eVCrqXdA`RvliBg*Zrbh`T@|)%C1=IL2;$A3J=)oVc~; zk9tn}x%n*gT%9btvwXJy6IG^J(Kh5DARra*`F=g4}Rx4o4a*~_Wcfrp-=}%1?NyB zF{DSr37!#Iu-%QUBNuFe@XiA$UpyNHY7s&7&&W_8Bjz{ZQ0j8vV>b;JrzDD_TxN8z z93C;nO4q6^ruXuIdDhCh0R%m)S=SV^e~@bpC#;kJcv7MXgfetq5uBl8wS#Kl0V(|1 z!psWmgz={X$C1e)lZRx*Cr`CmvJ1JV)Fu!#+8uf1`f+YpB7#vISqUM=KBn>`hFw70 zDl(koddgfQ(#3Ts=&x9kGWR89vWSd*mJQa;LP1O8VQP`F9?jXJNKu%|tq$=Ps1ogz*^Vi7zfJ z;e}Hy;I(R{(vY=)vMfB5GS?+Qk*@}FpSIQa-@Aba3PH-)0AAv}?cV;tDohKy@zI?1 zPQ1hj?W(1~qeS9d6DjQd^*tM%x=3o;3s=TNgr4*+*^7!8>EI1f#zz7Y#35^8z(52R zQ?WIcSnJ^nr(G7Jy0Hg$#)d^zV?>`XvUYhKARim34JYs0-}s`{Rt_xnv+H*C!5!QG z@HQ>8cPxX`BhrjSSGP@^zhL9a#Nc$z@V5$%&%yeZdD(!+q|tx&XFs5117$hSu##dN zb2!cnfVj=wpJP3D>}V;~$Rd%>Y#U&XO{dQeDKn*L1K!&s{Yg2eqoa>nXB?0y#7HRm z7Rp0HdrRrd)9&o=fs8F@*YDniEt1?APDq6sq!gA9=T1(Y2SeoS!DA_J8c)gKr~i=Y z`}bd`6dJn1?I-s#DQ@1O^u6|*l*Y%7hW^5u)lm-G`C12I9JC*6QvAq^-YrMob*B7# zKlT^@;36L6D@3;8KX~o3ef#U;Wj=w2_Y-I=`NB0QpiPbLK)iY&)2au4?bHSqxD z#RLqp$jp|xxF`$SiOU!42RcbgfDj%Q+ zc$q-)dM;Xj>Ahx_L(hrJz?hKDB$9N`M-LYR@p(8BZIrfHTcnexLTLo|Qbtu-CAK~H zt+rRzMK-~SD(i!&Y8|9gk6|8GNh(4KB%UB>qa>iRg<7`p>v$pS4v1J$xt|pNg15!q zU(eZvVLbTtN9Rjd|f zVC|(~7UgyL3jl)ClnTJcF=It)!~u+H_w*2uxnE%Yz3hh&0n!23y%=Tb5@i}u?XRs- z{^MmW07652c20Vi*U6z>Up~aB`>cNmY*K*NlReYd^qCP#gGC1+sEe$O)zhB!Nw=|I zJ#@%8nUUnH!4R3$Wmi?STpn?7`FynDEE%zFwFb6pcz=e4(G_CgmFg1 zp&E4_eq5L`2_k+{i(_YN8%{xzXGgsW@S~KHqSZW6 zyBsbL=}gtvgseZJfObrZy$Wcj1TwrtW+Bh$_9Bd(b=riYEcl7xX&WS>QNn0=17*!o8o766oX@ue3TNOqo-Sk>ll&47=9 z4+Lz%V2JVr!oHo(+5%aWEXuRML+e1%jgE}j8o!HChG@qbi833a6`|9xuxJt|q!kn~ z*Qr@85f7t*X~Amgpxug6OsNitw1Y{NaD-GK^@91^BBd7Fe3*gQ2sTbWW0(PH1osFy zRJUYm0+fzIa9Akg<7Y=i0KxVRjj%ECh^b%i&8^wn|M!oW!$LdnV84BM;|BFR9JfdU z%*PaIyB=Ewpo#l!b%2`%u5AOyZySD&EUjlTHmC<-^E~#Zou^CMJI=J*o-ydlr=~F) zH5?9F$=LK=iEfbQj9Uh&T;v(}iA>65lSFzJg_~folk_7B+JiIJ21Z8;cm*ddwLn&d zj71!F)p$3=v6%Y*dr8yQiwQM0r*Yu=YM+Zmfc)ga+^%@CESMqS!&f4Rj!Py z(xXz^h!Pu3n~i@Vhx)hK*6-@SpT^_F)X*E!yv`3mnM$ciQ8`28wh{Y>O)n!{$ME@y zpdFWuQ#RZ)dqXn{8ZixV4f{>)XsVr~s@$53>CodG5S^Fz2xYBMgx58@TU;dm@xJBr z_-tK+*4zBTSC~x?_u7B)?X#Ae`3Xjv?9|?X{V#ufpK|DFa7QWdQvuspq*hKMpvHeR zUnflqbd5I)Jm#_iT(=Kp8-k<>JhG(-G>8vL%kn1neJ5Nhs__RpDMf z>u|nwj?kukk@+hxv{Onsb|%{4Ns@!+jh{k!4{_1_%>D_GT?iAkjt-322F|URhkfk9 zx*QD*noskXe@92V-f(L~ zDoKe)IT}eQ3gQ6dg8=eHYUaZ!B>n}Twtjn5Pm$ zcPf}IKaR|uo*O$C)at@)1&le4s0xym6z_ z1;~twfF8~z!_22jskxxcgJBmHt5?ns>!u7{RiIF}EBKwRopTA3r;d>>A#gc%waCb` zobv!WLHDSAuB=Ut63{U?59br}J2~GF5^zrTA(Z9M4FFr9nZXMdsxh&coq&^4U`?}h zavcX+XdDRJcV_pVN|v7~v!RP_Mw9yPes&7e-KYDHV}NAi=1I5Se(=CCXZF##AofTP z5*kDqs6#~D8X3H_8m*#rZb(4EB;5#N5e$QY(5Pu2o??i_-``%x7$0JsC*9xIe)1E* zgliak((`0Oj%d}~V|GgB08$q@Ib==bk)9YG(EL5GYe?O%O82|aFV$)_C= z*6PxRJ)B|g2uw#kU?5VIXVgo*i?fsH#k)mW4jx z;61m4Y>r!)TA(_8(nN)2HtOp7hTWaLsiX%3vx@fC_x{{|?Kl6HoqF{pJAU(RX2`&{ z$+}I9PujrLq{E&3=%+t*nVuTTbrc}#*T4A{SF*Tq^M) z=Uso)cka*2`=wZA(D;e}aW0gO{wFdb=^jPaa$=->9f~GHAn||Y^%v}| zdx!Ra{RzXWV0~Ocu1ev4`(J;=fVNndefzbree~V}N{|i_mB9#S6J))%GKWT)n(`&i zA<9ns`G|V6I>(BnZ_6l50gk)KYGrs&Of94B6&t&9&e|`ZvR1NN7r*^2%kM7I0{8(F zGRb5f(HaQRUcE@|zPoQncOR?5e`I=sKB72S9eYt z>&y=>($_PUEb@q)6UZC*EZ*06ker-9d`=Ff;WbZ0AY30H%Q&MFqD<}$AF1q3iXP`! z2E2~5*UW@#A++||$9iuRO7RwO4&H8pDmk7^T1_9QRg`GoZE5WhIR#96MQ8lcM-}__ zc}CICF$RK?2|hH>o)?fkj>DsLa3FpZ%JgIqJd|i^jGkY7l(wOfHn16Vu0TPr$;o1> zEiN(cMst6s0SOR7QBGD_ z?9i-(55~_2=>G&ZDG)rQ3k6;doD6}3>y-1VI0X(j@mPK&XWGkZnou@KPOQuJ@-eRT zr<4$%ud0Qzl#D-$BO5xMVtpdP2gm=e~hlO$4JvdgH=~6>a=fOPP#SvR3izw2wr#*BBf91pL?Ri7W zQJ1R!Xt|_Jo61waZlo8b7%?0~vfLfq3q7uVi98J694KB=TSEIPGHnGUCXNNQLk)vL#Us9-<-=_1Fuj6ehhELt!4{a1?ocC!_4ooIXo0 z_YT0#6l|LPI1_u6J8oJH3i10l?l8P<%l0>SY>fy$y}M63_83I;u#FB5;qY*6E0iSY z?eC>Nx3vl*BZNggeXK#S9bOD3#CA_x*XX4AVY6$+!HCk1mn9Riy1W5e`M~Z{qnx?_ zkgr*LaCgQ5Rqwz1A;ZjCZK${3W^UZI6y=Z;wEl{OCW|rO*w|vw+ZLeLak@wbX)8{< zmNYN*M{Q1Z^u#(TJwZ=9JaN)xoQj9XwzCGA8BWC3$~pvRWFJ_QtQc2SG8*Z#&T$+I zoUAy)pH^!Y&nZrAujj-lk))sZZQ*PHT;e{`tZ|Ok);2O4VGIi&i<3wTG>Sb$3OYcf z5pQSE5)Rt|ojmW|zG=4>XROG+C?OZ3%hl0H)uN!-fa)r68^g(3Lum_4);OFbB8Z#6 z`}h~1x^I(bhTf17YTzr_EBsG8r|D?Okx+Tb{aZ?!y`b(W4K@t09zJAJumRWH$zDyDa51oPK83476j2@ddY5$VM`!NZ9~Aivj>OwJb&e+*K7oxapIm&3S%lWS>iP z_u$d}p%g3JS7f@w&izMUu_(ajcDN9H70M~KWwL(jfJNcFAd6N4B<;m$Rmu3k#YiBa zF$4_da+w=W%5?)7=XViO=e_oY=T6((@BEb4$=MK}fF>JLg7gr*IoU$#vY491q>%;< zIg$*?80yJzKjBx{h@e8}zIT21Q!AsAho?EZySv{wA}CbUs~I8ULFyowi{NY&%XtDw@tF_=Ja(=c zMvZ@JomghAv<_u2l$lc|Olu_4EUlZI1!cWNf);^KL--I)Lfs}Py4cfVW8lY90Mfk# zV=fcLa}ZHhlxKBB=ZB^qtCSZ;&&dDVrhBf1L2Ys97^)6v3APVL*=2&KjXY!QZ z9U&Zh)B_Xh5me?S+I4kpDm~O7U~GkZM%P(_#(Z-%4K$#Q&!sVd^1rfR(O}ZnpbJn7 zYey#;X?u zEC%XPWkBIy8o%czkv&J5kNhPGoEO<|tCX>VIOr@p=Ol0=l_TG{M44V?6lGX+C`b|Y zK#g^m?F`c?I(YIF*Uwxq)*@YQwMWppe+VY>1G3vIaB!@npAL62PbJIG=4^Pn-%zPU zhaR?+m5bcmZ&(lh)=*&l4Ml}B#tkwy929XJ!zvF?ZE<>y9E}8A6G;qU9c5L(U+n6p?*@!F0IYlpE+}u6lc3TzgkhnH8MB9M26?c zm1RW0H847c*A7Psn>5SyXSpBb+m)A83lD;)3GsKo>f5xC9WYf^tztg#B?5)|scRlV zj;4va`1THvB>_*u4y&n#MM!k&C?C~KL$o$4%M@#en}bb!>%okD`0yU%&B61ad^Ghji*oo`22bAQ zFFPB*eA8OD<`*z9E7NOVa;b3Y)C@O^65+_rE2b3SZ$l;iW(oT7Acby0nr$RU) zfyeahjsWeccCN00iU@$nXdLsUapSt%D1spxXh+f{XMpkV=PEM;V74jJ*|C@(}lcUdJjswZ=;0$b^D%QvCoCNhd3Z?I+SB)k?&wjs-xc z7&#eS=?1+`&W4;tl~Onrfri>C9~)G-LUFCV`_+O}R%r;@+S+4evG)jI0CBCKjgk;hG*go&*}sr@gkaxNe=oiqPIGmQn;2`DtX%9A=68luYPLi&C!AU8yya z%xJ~Po|RqD(O4tg1h;N-ROML6`DoIP%ZpIRtnzXWXV~%4FxDeW$$19++$PS3Ul~TN zDY{b_IXChF2PB8XR3iJ~@I}}dKQdfIHyt6@%A^mBo#eh^@I~$0ttC1T>7cnui+dKQ zDa1ZfQ$#A2ekxghCTGLvG8+;ME)s**06{6zdc25QG#(})my2fPUJ9V&WwF}H9>jzs z=g(?+R5n9H*Q6Zt@G+DzmTJ}UKy zd4}&W)1iORISuLqfA8v5dvNDIJR4=k)c4ql@srNk*dY_K4~V9f^#1uPmzW>Idl2kJ z4D}Yy#stQB`s^84H=}m#op)R$rm^tiuHc64)Wigtj3rWTWk=p69EEg$h{exS-_DR8 zlw%ac{oKkt!pq$>%5_|?fT-|-6m|f#_HeEN3`93=g951G)$)Mrlq0HHJZykJVba7^ zu00AnW0eh+V{IyU%$1d0TgZ@Ud5&wuJKclNV|RDgPG7lfQG_6kGa)-u1c3X9?hjPvAu; zBdmF_G+CGeh2F+<08>Kbi<43S+*u|%&Rdc&ydV|b6w$Z6fabU*8L?i1a2_cQ+vu!kucu>OjO_;jUzS$MY7h=GqIKhi*N+3TFT(m6UXV z`)%R*j?(3|mtM7jbNv+msc0AWXp1Eis_>0kyau%exGuS|Wt`4BDPPHkN5e1}@aOSx z9YMMac!kLOw00iS=UxT~{>6{K%jXl#nh3m<4Ch|BSas4>pd~LsH7+N^vD$Kdx)0Z` z%60kbM0i3Fa(`tC_yIbpe2^UlDaVK`uT%h|g5p=Zcheabuun4FSXS0gpM_EOW5hx@ zaN19IukHV?R^qdK^bd8s(F%)ZTRT~2veoL$K!6#?Ko*#Z(qb=GnT3@_hQYZY8(I@r z;^P_c6JJE_&e+Nji$j7}qld-OBmJR%iU@|dhphOojEviVd}`2MVWvorSO*oY<7mcV zxGaGI+)Ysqr!7`;p9bt(z}6(ld>7D{+E*fMlilAXn5!^Qt*5(-0B8@}g(HyfWd0R= zEujwk@_+Um!1;AcFA>zyd9uNM6mWLyS)O|wM>$rZF`>eMO6c+#dyypo6v(-T<11X* z3S^DKuO!;(nv6GS9n{?5BYUGR7q%285joaA1zv#Yv9}t5l1jqd5)KSbG>he&GxT5u z`4X-~?~yHZ+$6}AN4Q7!s>)Tu*Ez=OZgl)n&USGAuVYJud1Hn;9-Vdt&w?L=ICNSk zb>e91xiV1N`?AM!nT6>{0Y_LR;C-;NY45}7bOZactKE{4nRaVf0LX?Qr@E(=wQVF09z-SqxEEcsO1XUt{ z5er?I$hV!;mQqC9n`uCz@Ix>kMD27Lx+Jzq(QEW=U$Psj?jh?vId1+Qa25d2imNGG zx;;zR$s*;Hij8*n+qrWW7&U*A8ezc}9z254^w_#52kqn+E?EnyTeZ;MfA1sCeQcAH z({_%|3~_MWq=b=P+p|+s=XkPA=EGAT=^th25R)AyxWK*Gfx$WhU^dLYak!J>CX%wKg<2eM zinpk4;>0JX$4+vRGDRb(~xp?j9iRizI7KDj=6=qpLz%pRaPMc|AT7Zcq zAj{Q7BlS*e~A-xHED73KxFsi3->y@P?A45T^xd$R-lXXFK^y2 z2^*3mc_;U|_DVNh`<>fhZEVC$n;U1X(nLz_JvC!=fxAK6#}F=8aHSL>oR$$^KyY=- z@!Tkyw9O{yxUG)9D%3-uY1Jh%TN+xrXmm&ramlihJS_+6CPGff`q#`KTqQXyiMe*- zdUzU&CoL|~VR&wk!^uz}w#4qS26jq|YSB0+D1CnR(k0GAA(A))JD;x-X=Q$1>s@Af zP*4)W+=O$9$zYA!&qqPQij!vgA!UZ z5Kqvgl7vZM0zJf9SIK;fQB_8(f*;mr5&0G;S(%K<;AQ!uf!rRag)HNvx)@oHlyWE$ zkXfWMa0#Iu#}dfq^CCzCM`J~b#6J}XJ~ctX>YoeLiZN5_G`#OcEOzs*g*g&6;AdJy zypdK%3$dx>SmQ)t!{0O%NF%g-EHkGQ(CsTE9ZZ^~#XiUAG17_5n?a?~zZPL5+MiHc zDr-!>XZ;vt1`f+bnDic-63%>zSxHOnwrR{kuoDh-sW!F6Jp z?pdTc%ikJsRwP?u5{YY$J|neg#cj9-rujaG$!=;2Khn|DF?{L*jJ+SzD#cEA?ZWT0 zHCav0pFSNI5Gtl25W8+W5WDy9S7C{BM~H_wavW)LHFh1?%l^IGV=7J@IT}~V$5v3O zLsEVH@S*74zKwW{Zb~#?)WV9Ov6Y}o>UY3^b4d0IR+`)@ct-1GtRmTK7HP*-Q%O2+ zE$L4i+6kt^B)f>EVsp>!arrVqPK!w72pJ2+kt|@VlfmeRUuA;x+*{$yMpQ+tJabq- zDj`^uvtf}?hXcuUf#O-6#7>;)V_d*^&rSkEDRpjD(;WyE3rM%ej#F|SL9c|sHA)BF zgAd*vy$5$ebZIe6mDD+cW=l-aEbtuer>;W(AQ>!F`GiQ6bZsHbEI}BW5Jrqw(fZVg zKvCaeASsp^%xlhbBW@MV&eqP*OumZyMAwRbZ-cSck*QLLKXBygNIdz?ug4{Pu=6a$ z6-92~ms})VXBq7#VYmKCD7ya4v=Bjd*{H<5jCe+hmnE%keMVv_*}`)%DhdjeX<;~M6iY$?Baj;<@$r<&>p1o_hWVc9d*2wfU5TFz0^ zuOn!9-R4bLuxP|bR@fpjS{D1uGv0dUu%5md7VhgHZm0;c9~wpYJbg3{-orHsXlw1- z7mZze6N8S05qk4Tj1{JMPF$Elqqn5{B2-kM^({{ifos%jkQh5=lotzn?cQ-9jvP83 zQwSEq%8A8c zm{dXs6*AP~b%#pR%GODdO4cRFv^YpBv|v_Y9oUT0@)3m22XRsCU|w4gTI)=4CH}t& z+ERs3QHguPHWl;K&QOTaHL2yGfxt$aLXJ^sw47aWrilx_AKwO}~nXzAuwKVI* z%`iZZlaKxvcf{HLSK~u}^UfF;8;Y&lyNOX-itV@OqGRU*ow#ZB@DpS>))44P8e!9q zwa0(>^c!)8nsXZ%;{=us3wSk?9? zq6rLP?X$w;$k2`9a(Q*EEs`JXt)imi37JbGNW8r%Y_QM4xVg_y=9;sU2h$vkrhtjd z0x!mBh(MZc)FcXxnB;lDMHr&75(Q1}Xx6pF3)CQNAWkKK7e#2asYd*4N^Dc(5Dfr1 ze#Ja}>fh5rwPVL-v?P!OGv634mvgTl1;G&z_V13a-P_4{DaPrS--todshSCR>m@#; zm*QSyFzJ)HUKY{ZH&a%;8Rlx7h9WGe)e<u8)RmqtwH%-G%!EHwkefCG5=3r?ot+ z*13RYRM1U<6l!bc8q!#ic`c zfY9U#hma?!pGEgpVFO_Be8Q9uyfU29*Y5R|%oEo^lF+I>2jUtkVwK1w{ zfitO<`g9k;qpak!j1B^oHekisWjMO)?ZSrpBsAq0mv!0lx?V70?6?V$oFR72QFEF2 zDhRg$bP76}#cRQV2Y=$HVvcKVpfFd@w)*JZ*_$kwD-=M&EJ+9BjnTDZOSEsN*3H(9 zF-7_5Ejy=T+pXM-w7NoDcT~0Q1NTYaUVafqqGEzTW5hhgWTZWdJilJ ztFA@~VExW5jBzI#D`LGQgq{1@AA=cT9@XZd&uQ*5fkQmbVCMKdmPzCKR!e5pLdY#( zb@I@SnVy}Gn|0fL+omV#U~C2^&tO5Ar`}3(3t&C6;Gymi1+Yr8NRl81?z+j`%tq5? zZZKxDcyNtMc*4*2?vBUk2eKW!U!`L5JaIV-C^pLkGnObS1wjPQ5HJv+*I^OJ5qy~x z5a!fMSgRFO3MKBYKHotw{#9oH8nrIbE(=)|u%MMpt)0e7M%GK$UV`?EeX-*pUB^3? zXzn=|mrhX^>I`^;BDX*-kO!!V@#Uva#3LVWq{H@D?4`NrUNY;RJx1ITZsbMM|6Ab! z)1$-S5XBsE&-YN`K;J`3Y)Ez>sPi zC<=r-M4?0SxCkS)6){$L(j-aAp)05eW^mCeOt@oXS5%P&vWmpGh-8<;BGA5Tb2M(I z`y@y_j)tz4LdMidl)AyG24bE&b~cJ5WJ^#hqkAK1r}!N$Nq+L!@mL1wc5KFKf$QPO zi4z0~jnNxrPZA=I9y^x046etL&_vp1j!0#MK*mEJHbPMfBtqb+Fv^#QU76-Ns+vh_ zy)!Od7)FZji|*d0*s_r#U?B6z@CE7=U@B&O)z#}EplV(e3gYQ=Sae)4MkuR6)R39e zzOtU?X9#WhB@6i66mp7~h^r}7KqK2 zmLa5-1UhMsTSyJS42q+sf|ecTTH(Y%FBgDhW{E{th3S2c1$Xq^=~SK7=4s@Rdb^h$Sv@y)1)3#?9$K%-?V3EfWAT#_jkKA+mMB^BBOT z)i0STHBSK&--L(N18uhCZ@MJ4!a*%l(BuMwn9b{!iJhoGW2&SQU?u%bR#=P$gr^Q3q!{$GW?vCpw?K8Z87r_LV5Z&oj&tfAPv! z|137%gBy*yGrgPkM&-gJ?#-hFmr?W$Ew#0mHQKWkEf2v7%fbEc?~S`Y_()W5fB+J- zSv>nPsf#U9M4*Y;R#p0#3fLL<-0@I+^&2lCfB-8xy6U3Uijf0eT1xDZA;4`?l}~1B zY9%aPhABYEv9_A!k}*nz8}L*2OA>gUDkVa;vdcs``B|EiN~3cRV>Xsym?^&FJHYte zwoBJX3Rpxd*6d!u&7InyOSzy|mAXxVkwOIr0wbOsSQ!i|d`y?E0vEQB?eVehp4iAa zOH>Y)-b@m!XMK`dV3vdKWy@d{3pSQk;A)G5B6yR-!cl`zpgRi^$ofG^WB($GUHb-- z5TK8j&Rijjkp^kd=80iC3F8VY-VGgSl(1EuWl@w#fF-d@8S62M)#xVCC2^)#< zcw>hL&?JNzF%k(SkmW%nRN*+04VK`-WT3+o>w5W(LkJZSyEkoz$pZCB7bS&HFozXA zmVeb)2$n&nWxiY2A%{dO<6Vc_qJXty9eMfd2ofE-a4FU!9Yb?d@s(AW+NIN%VwT{^ zDy$wIl;qw>>gMPe*&^pK%aWGagpjj)A0-Mw{*j9pC1gd*y$v; zq!B;ZFm9E3H27N|KpUept(_`uE|deYpkA2Bh(F=M^|b>K9+L^fA2&Ni_0yHM=<0nO zchAdl_AC`iDPOCnj<7NO-=t3w^>5t(qkJufwhWPT3>Ilx;d-VB+OMUFpi3TyASGJX z6Th)cPk{A1=<9;OwK#K?)GGp;=#D!{>S_ZSK5D_|&YX`Pi0hs`lo2NrXQ;0)wSzyh za)>?w2U%3TF-~lZzV!;s)a_U_>S@AL!g7>{xs^a}U0E`(Wvou~2pZ1C3|5|{3C4;` z$mV!%)3{S~pQs7?Zd`{Y;~QWaL$r&3@$lg|a^V=MkkmFvVh9Y9^D^N<+*!jP;OIY4 ziyswN00zIg3}qND4yFE#f%ExYuxWL0o#k-7Gk)8!HQJ2Zq2=SS8q5ybD}6 zPQ(663KUvhLHHy<=n~NqvY5=?A}8=o^W~BkGR}@#Bl{)Ly0LI?$vp8Wru%ZxyM7aX z76P=cgbIcNf6|n(7AdnPVrxX*qAbPsTiPm;-!pBjt`veQ)LEn`1R z?3Zy!InrQl?CBi1t;20&aHPFO%>G*@_CXp`i*RDrM0W-r-&`WA3Y~k>!>KGiP zY(sv4G6!Uv;O1E@?23V^Z&TA{bDS8Rj#;XfUa1(4M;@fP=HLP`4s{{btt0jX@`P1k zj-rnU%48;50h@;h&lE&q^b}jNMg0m5*p>+Dt|Vj143DDjLO27Fag<`<`Dpb@Onu^g z_TQRExhpbG@vM?y&t_hWbe}y#k+DBHd^v_ONf=Xyv(( z!6S&j6D>-B_eva)%|eF59xE-o(M@vwLvJ}!Uz3C*!7IO5h$5DQaM@)`Pr}K-G*zaZ z5JBEGG0tM*F$&mr=tc)O@!M5hzHAtPf9jeG$!S10AT+Ym@B9@a;&nEvJ7ty^RJuARwMGr+#S)90D= z62)I2cDO5s$x0bU^KT&nUAM$MlwyXaZ5^cN?W2!~aR+Wo$vg#O<9?7QO2CrYknts7 zrO%2KU&1t7Lvyt%Qn2a^Ef6faXRdTb&z8HmN(023>;PFnroR=0EQP8BEB0zm*IJ-R zmt0YNt|SmJkCd*7H^pUOX=o)-b$oa<2|}j#nm67=ftop79j(;G&{sD(F$M7~rhutd z8mtxF2g5L$z8yDGiMWap(rA%m&`?;!EZ_pqGLLzC1`E)N{%{C!1w=E=FLRZudBWtX zA;h|lYH|H!ZKb&i=hom)tfPTm4(4%@S|v|^`}sKCcaan=s4mZzc_Lwu1VUxLa*2Mn zI3(GB3HcKOahjHpbbsDJFL!55kTKoFZj>$C*47M!*EQq76D-%B%lXbWVUR6tpGzwq zNRSr0L7~e$zfH}2sfnv$R$y@A(F^mQSBleb+*rCGm$_-T9s9eU&}Xj@B`(|7!$4t~yyz?* zxoNUDMnTt83YbN^HW9!cP1NCx2RcY&rTEs=D#{U>yup$dzp6)YFgVzPU{F~KVeMO zkuM@F%#5KJV_{gC*8+hB8v$bh9-`GaN1?OE7Ocy}_cgWxW0se0K4TVBnlLd<_Fl;; z1jAeOYF@xX@wt-rO+lOVlzP3KlVCv6%XzA;>WN5V#-(Dg({5EJ=Hi%sI>VstP(YWi0md}eaY0Fa0p z$H_Bnz%_xj!3DaWs-Ybaq8aurz}S_gYG7oVnALX7`lv)AGyM}TiP_k+TKv`s8uJJe z#)5bu^~R~;tEs748~)%88@f_0iYo(y)PzUEh5GH>vpWSdo;i6sb)&5(z^9o?a>f=+ z&1HhidfX^f`EUkcvbb!z))Tj}FIor!GRD9NXN3*N?u{*qlKhmu^F7nR89xM2K}i@C z5T06_yV3M}F@0@9GWA+mBWNgBU}A-x(z;uMqlm#XS^!P6n$_s^4H`(Ruet(eZ))rq zh0RuAFqSuO!lF@wMQDy7PNH9upHN}r3K7&IS_90X9zno)m?ALL(VAhCqk)_OM@5ky zw^V`WnALhgb-fx2Jy{>4k{FT#>4-Jl(~JRI5m#$w7AGUt)s6fb|RPu7}RqvkG6$WV1tJlTG=DB$O`Pb<7i6EZmnX#By zt#kz;K^LyXMj^s`S;WskT!jsBO~Ktvl}dyP>uPw+?A$QtSoZ;KljmBdu#tUwvSwB& zKUf~sVDMQ6*{AoHSiK75hJ$kGX!v zi<|t=Iu_^Z;$QyJi8yv?n)*yMKs!C2Ts%7n>aRlhu|&Fs!{)JW=z_47 z{OmZ2z$|!&fMMYp8O&}gEcANZ44u@tun3r)OeaT)+kjx|Cc%!7 ze7Or)02;}j&|Io<;xioo6*jvS+#Kjp`pOS6q_`07O;Rw3?|6jX`tk|bK-YRjuJ=RZ)o;)y4JvkgM{@Z0K<&O}G}TSct|)JO0gs~SRxjTtpWvs?iU!UlftDg=$yRkBoO zMhQ@NQp_&1VyNpKb2r+14e7P^Z&EWXuXACY&8tjT_yTL3r1nNB6tMgeOq(=N>fV@< zbLQx~U)Z?y?tS1gc(8_7nQ*JJX8@u~SH`T8AO~Ht@S*|D9G(z7hu}8J>Casrh}=?b zY;B-cM#@Kob>8a4l5{$XMcOo7}0lgEq%2r&} z4VCSYZ=-(?7LN08ETwG8pZO#`uuwn$!ygaFQwSViADD_s=Cc-jdg0P+j1x`Sz+f8i zc~s#dX@eFnQ~Ezo*@Ag+ez}NygFwz1f?sMRty{1xuFz{~`VctMhaX*>f z5k3?=QsrIds?4LcdS=>BrkEs)l>C|9R(ZA2VhzfD4K5q<7ZP4ezXk_xEZF%S3LC9Y zFlrVS1LmP*w&j7Bg$;jmzgwAE_&Et3KEDK&W6X=UPQYc-r!Ec*qy^hTTC2cLK0AQ2 z2(Xk6B_FAbv#{YBM$?usO(q5mBeYUm5dow~{6sC2Za3Aj;n9?GXD+l_cmsio^PD$M zoPzO9UB(oF? zLrFh-UXX=x%1A81UgVx;msB^cBDs^J6iu0+VW7S_&Ecq_w_u z>}Wjm>Z@_8k3d{tR=}E41O`lcx}Iic@gx27p$uR&-<-MTAb0S)qv1XbzKmP$mw=VO zmjzh&r|qT|Hr78;UI)H|C27dzXIcBY_8>w*@q)R|K;WkY4#5NHc$KdqgM(0Wpw$x9 zB%N>JtG4Nt{5^wbw!eH6MVfTcgi8ptXi!}=qx!9X`K$4X$M1||N1lrjVsfT)5N(Ju zIalBWgj1#h(P~3b7B3rcY0jP>iu#4h*!RH>f}nBR%}?Umq@*>>xwJH%gqTLUYt~k5 z!g5BsG>sR<`&w|L2Hccxlpv@@gxjl>$+uf;ZG+EDEElPaGMOBBvr;V)5;u` zcCYkd;K?IY^DN-|>nHk&Yocxo1QZPA`B)d=ZRYY6PU4T2C7<1OcoZM)M@8w3HnO-mti+!75Z_&X|7YmFw{$(t(%r=}N*vhTF>qkJgM>C9rYT%Cjh< z%ajM$O#pJoZB!j?q}~#R5a$-J#_U9EoH%3sjiywMv`D;~E$u64#P;IL$K&3+@28pC zF)SOz91S7w)@_J?^}k;r6J;iT;iq=Sj~`f$fAXIljNQ0Arbfo%_S-ha*^AWcK;WDK z9B>k971biVf_vcfJOV}m7kztof%fuPQ<_K-Z|3RhSxZ=GwAd&VuU2z1D5Et)rMyH8 z#w-?$@rf!brdGzu{!)DY^i=#_|8$(ds;?-fdpq%B;mq0>&gsSZ8O=%PD<#PAF45Tx zf75x=7B=ax$D93VjG#(k;v1~-WXVEd%}So5_(QJ;`u|$oDC?hKs0{BKA=5&UJ($uz zKm!}g?>=~Hn8g_~ziJ4V?jo61O5-CnCpF?8WwUkC{08-QFRa^=dGqEhXJtgKb z-@(NJD1kc&1&suS=3&?h1HHR`0^d+|Y26#K{PpBI}E2Vq#EhldNQKRI%fP z(E|sCq-tCY%P@#}Ol+%M*Sh_jjlUZICEZ(xafPfSjVi&6Uxc47j%3k57|X%z|#1?vj;L0iia30}#Z+A;#B@kQcHJ#MvG{Oc3&%xItBwyy>F`7 z!FUu9E&9eXz&Z=Bpms)6MCtdjkLgEtu!+x+Lq_A^yP`o0FfCg`^>IkeP}Fl4Vd;? zoF~wFW|?4EGI2(VF?6{YgZ=Yymd>*$i2Jw<4^;tCK}gwbYcw*0IgkeMzLL-(_@%4D zBds*&B~6Tnr|bBOyE6AzCTJu@8eWxt1HR6+{ZzP8n$p3)4q;)<8^& zoQoD1Ck@}CR|0VkCSK%Pd3;J*2qX|%PmQJEqy(S>%vP&GC8kz`Nj2}KU>FG{_g+AQ z(Ty+<0c)a3*umRwi8i{PR#6SH8o|fZED3)B%Y=)|qAV^n{lCkaqIkGe=~6)W_#l9( zM_M){ayc2U7{$V~kV=7A5&NDrl5)C00Fax0N;hGvumQvbPr8k={$ZDmWkj3`YKFP#%lPx_>vJC zE+zv`7tZda5WWoF=n=2NRr2H){^wX2dOapCehdHd2_pF~#jONQAJ}krG*z_42Os%J z+|qeVER)eSgCMcEPWL7P0p`_eVy>o74#mRxiRj(~o+F5?f@>?pNG#4%_IYlS7xiVP zPJ@py_a&NIfhStxOutJp5X|ig!bbsN#vVVlSQyuD-$`Rv+$Ut4C_9vv*3k%%SdGpD zn5Cz&I!}RHRQcpNYu9yP=_|&Weu{Xp9mYSGN9BR7uBqVskti% zBm|FgluS%v!*=u~eB?=?fauB;QjG*)DE%vMi56h%PVE_;^bP-)~t-L3FV|6rK%2vsD#x@x2iY- zu))RpI8KkHFP}XXP3wE31wpY5dR|2{Nb-5WWnvg`qc2h}AXXbw7RQQxa&Yyj*h!bu zI6&+b+!qQQcFP{UK;>mJ<=*=V5)s-JGjVa$Ovct-JF&FcbEStC5-5G(^Xb#)V(-5F zu#D+Ae{w7;o95$|J9i^o%)|@N(-Wm(KA!m!O))Z3{U(m@LM7=rH%&;1rHua9T}YZRCeX>{TGh+!*5wbql^K#cr*W<1TWJ- zMKWL6CgIBj4Zln5mMG`y?>?~1FA+dBR)C=}fu}hJAx>j3vDeR^iQb-#v3=8~*i5RO zjM6?Sc33qMxr8>Cr}<1RKC=>mkQRor)1B4S>L5@u(`Am4?C63if^>_dUakY_jfl6* zw~|b46EO!&v|A(YfUZs5?4x8cRt04_`!m#G?a+5y2@%7fnLjd0ib! z;ljzx8j-}waZ6n~xv!hYxX4%+Xjoi(4Q6^NoZwYj1*hy3&QE#H5G%wi_VYW(XhEs) zS&83h?yO8zL>GzLw#G&kW1Jw91gZ(SWg&|+z^)$Q%<8OTr1#ktyrz<1PYgR15co>0 z78W(h)6hzdv&3_VeDw%?0G8|=o&`oW1ME+pJx+tWGj!oSM=C2NrqgD3P5kr-6$+gO zG6{E|-gMpsAO5DrV35+A1X}?t{m*b=4OZ!rj9Z4mS-cd!#3!!FOT0<%eCA6!{AT^* zIN!1G2Uh-;NLFe4Y=!b6YV)f+3Av#Ea{MLKF0X%nyvAzv=_$Jd`c83*qCL>zyq zFYcly&BIlj<2K@}p1pjMVEP4`tZ5#{EpmWNr)TEl;y0(F_vf|{BSm@pnjr)Nf}qDB z@l9u`4^WD};Y)Gim9E&c{e98g3~quSBx^v3T?6z;nn#l*ko58eD(!A7lG)@sfbl~& zYU?+}dD6U_7oi39J0O5qHLM#zdTWVJu{ju0s?EaF>ci&YGPftN)a1U*?)F2;xwz^xb%kY)*h5!Ua&~IvmeE6eI|rN%zEXPF$0| zZPzuHOqpS#Z;CSS{!Q1I79Q84!LM+5;KNg^FoM=g#L`HowB$;x#5ZwLvX{|D0wWPJ zw7M=rI~T!E6+g45EKIeC73;U2KNLOC#9w>g-LdKFK$KwGEx3KFh~=59CXYGU7(Lag6g89N#d#;b?VMu8Zh zJ9kyY>qo}p<-Up7w5|~Qu%N$;mF@nfJEH-CqN1=kepJ}a7E9I*Xcamv zbC`J)n0D}4%5!7eI}$cTEQys1ue`bMdu^J_%FOh89VZD!j$%46J@RQDKwdd@D2|;! z9hrWG2sGRG?55CH2Sm<*N)UiaPgx=`UqT(Rs7Sn-72FD1P^|8jXHr=z zN%~HiDJ(GK6pTxO4khgmLRgPU;?y*p znGV^LkTFl4j8=T0FTYN##0d(M?bu0f`a05wgF;GFKja?cMEqAk(55ui9cnLpoNLwH%!Nz{x0d2DGxl=sK2nX&p zEM_)!GJYqIFIY{_B37RB_9-Z$3A)}2tcPFvg~zy8UtGHMQdARTVez*avPUjmF2slK z-xw#49*?t!FUB~rP_;q?qv@XQsf9Jz6 z_QMDRSMZ@DG}Ly}EN}vs%5dZv)0h6;zs6$L9Y6ikKM|$DJ}eWg0hs@y^>r|#uTnJW z_2YxI6-OwpLCa*UIRu>@`|gXU{^H-nN8k5z;Mfq1V36n3ZA3pM+&-F?4M?_OR5?@P zO*|B?5L1O|t6eHI%+qtD0s%w_^|MmX$akZMj;OhCP zThanci#>`!QpShR(BtI>m^DrRs6nCfx3tiY+ip`dZ7;>WA3hK-efxau+evj#TxM6M z_-%q3NE5~QsZY`iYvDq4x7WvoGgk>Nu8JP&49%COW9Z7&*w6u^W-S~zur*#U_E8nL zB`#hf*z}>cSWiId*;kh0@tdQ!pln-e zk0aFVI86NFIQK80KxD-b<)duOPf~a-wnmMQC4y9w#UkM`mrktPIpq4x0fS1vd(+Hn zm#{nC-&34>{@?KSj)aZ!!evMdKn9pbyEYj2Ig&N4lixGR_S%5ol&Cn_fqT8|SN=jg z6OrIN&GtgRl0dB@gyR$h>C8|ck-jz2)73>Yr*_`EV-sdDvni(N=g~-N>kK9@7ldwt z1}0RZu|UexEGe>;xB+Twh{?dEVf;lCSu6JRC?TbmT9=}0{RRqKDQFPSfREO(RZ3)- zH5oLlogr#AWSmG5+DwFjUZJdg&3oX zszQ&oQEZ9qmM7rW9yGdtGA-P_Xn~G9&Ao(3#LVW{U$c3?hAZxS`&Pz{Y`@RU=FNZP zw(s*yz)@HVKc`+0ct*CC64s^p5-eq5!-i-jT!gEnF;~L0wL%%_B~kxQn#c;pxU6`% zeM1XYE7sZc?NJ)R6-O$n5%7zgS2=nW|8ao^hQ-+Po=32PwZv6ob0#ibj?x8E3)|}` zD2IRjp2irenUAhVH^tcJ=i`MxJQeT#WE*iHcXIr{j}{n39hz8ap)S@{?v0a_hR!q2 zeY@#j^7R*D;lxFR3xsL{?l$hOkEMG2>^t_y{@r&{LZ6DXH3$?98+lloUsdmomtG?4 zW&fqv(7KtD|Hlagqz6w&Z~VPqc{u*zfBBoNGZ>CU(|C|X8C|F1rb|pgU11C@oTgoi zz`&m}*z&tf6jf!BIu9#k)s(G^&V|=V*Gbct(Jp3*t9k(~j|eR?2o#Ydu;?;I_{+-f z!%2SxHU%(gg)~rMR&)C@G*b7gWeZZ1x-~dSYm#e&Ode|>EkU13;MF{?U^9{UnYawy zOaK&(TiH&gTi{yM<%%(?w|@T6<(Q#B+&{j%H`ZOf5Hnrl+m1puFnlp~-P;-~q_2*SF2}2f`eWzCh|XHceKXSPZQWVwhhd%mJ~f+NN-)G`C0*?To+1efCeqah>?|TV1bK+O9)O$ zVNfmuIH+#mAjQ&vbxKG;aFKWUm~FVdSBU!{93(bV=KMCSFNZ1J{|ebK)AaW#!WUMl zO;QKmYJt+~W65@VURemRydJb>8;7JIlf`7nUsPgL9+?-$B~NDr=^QQ6KL{pgobHE2 z{5KaIw|9YF`<`7;pn-wuRsOv!RFnmi^8Pm;I6E~F)oZ8oZ~!2gba-MVXbI{N{@g25 zXMw;e()3`IP>p&Dx@_LO1%MhLN17+!tw`5|Sqov0G>fWO*R-B24WvFMFlEC4U@NMP zA!RoajlPviqZ>$#&8JD^-YkyPuL1Y&V0F|=1P6VGDVBp< z;suctfHe?(#^odz72P@BO&BP22%8!Zx&jxErY{8o_f@bMJv5mIvB0E4I+j`H{>iST zZOiNML^6~Wq}zl04j{NR#+RRbijJ4(V}LU3$IhNj!jD3MfwVJr^CKW@?c@w*EL6?# zE&_!n2}F_SGqBFgl*}}b8PgOjGzdFbrpQ~yX$UNT_zw{>peP9kFct)@G~a4;>~^G} zak}k)s(+kwH?SqWU&DVWD_eOj$sp5b1Xcyh@^7B6;E81(0V3^Ac$BUyfzq;p=42y3 zPb(m7NMsh63-4OKzxZ`m@4on3AN_b#jP=Kr*XQH%)Oo7$PEp8>inP>MSwtXRp!EC{ zF&0}Mejn!OmN@au>-0ppj47I6PXzTjs@1N-V9t+SjaweSBUW}S#Ta!j8Yc^J>9sS_ z_WnEKv%h~a_EE0+w)@w|@Bix)ar#**A69in^TzI|Mt1E#)knJEJnj~%bJ8}x5Bysp zfN*4Nftam%OyD1k66<|=nN-w{5z=z2<5R!>d-1t1{Db((AAgvX+WTUD{Q1aVnTv*= zrFi0>{a5ji|J&c7Wq~-YWkNt@a2H}##F^Bx-t)wo*zYLo{wf{w7>TU##%yiMuUS$E z9>U8Yv24CLF8Q;iBc9^^?6(}kNhf~$mS)xt+UFuZ(o|%P(>>=$VUx*A&$J3FOf1kJ zMTKcqIw4a+@Q_h1q2wh1(S*`kCaYv+C z;HFk$R0xJ`fp?fKhMQX&$zKGIdT;|?0)`bCXQJV_J{1ToZ=b9_WXY6;GKE%CfyF0` z&nflR8XY;@FIv-gz~g#5i8Tc5PhG*)%{3P_Z71AU`Qtd|E~U9MH`i!Sc1%{~7zLVj zqmYq2f8ck*eNflrffQ2*KhrXEquV6`6Zd>F%x;cCHCu&#dd(?NHjYLe1(9uOB5HX*0&478|Y~V(mWH? z24QI+uEC&BwRj8kIDtz{#t4#VGijR--gPg1TAC4x(Fn0Jfd0@Btqcwf;-WLsJ0egB zaAi*YY{}ihn6xfbBE2J~vS2U|lGUQs(ApT5F;9)E7*`cB9124|x6dMB^EV52ak2EW z37x@aNoc{3DYMCATF!`|&~QVaQULNC;9j$iY#UU83J`Dmrrvn$ksphtKmT&{jb4di zs_PXYy0-XMPy(21i=A^_~&MHB;)y8ANXig4$Z{) zMJmN&$|%v~u#^awH7BrSpwA-=gLP*1J#3w)T z^YP3de4XA9SW;l>x>o9`ldxJ#z+QK66p7?Ngk`Pa)a$XS6PyALE6ZaseDM(0$f@|L zzwsM!b@G*Hqoi})5=HyydoJ>K9Tq6F$>|h(FX%WijiBkb?nJxsTgKMcQwxE)clF?+9 z&m8eAc{FIXcde$>*y7kq>LWG9j;_uaZ=X$p|HA|X+aT}T!13?C@JjrPgLlTgEyIvn z+OOLCN5KP*W~Pek%B-yV22x?KQV?$QNZkALo8$PQq1fMBh=VJ=#OWchHjmH*a3OZ> znnz%!ncwA=*toNmhHEFIyQdRNZxb~!7GmqRZCK35sOm`}Itp=BY{CMKd*{zSJsYP` z+U|a|Gd}P*R+N?LxNvGN{+mw^(4IXX-B>S1$xu)kH3QGJyOP%}r$Wm7<8~!kR|V*y*0Ht}9dqt+u`9pavth_b8YjPC|-&M*(ULOS4gzqp|_ zzKyH_{PXPNtz>h zKqg@spct@~BM32LZupg1@FJK990YvLsq!J9ETYLxqnT-NzA{bf9a8wh<#Pbd;#OpT zkm<6@YiAE}Aa~vxyVqkfBM@>GVZ?}z)C>;5>-O;a6#(9`EfHY0Osb}np>O~WfecI* zX;2CUHAD()7F?1LA@G=Ez6cDKv=Fc`^AL4}%fv`57?$Ie%v%t>DpxNO$`aRK;y5hZ z6ulu$R%-_D-Y;pifI~P6Di?AxPm;l-#%AHj0xph?TYBQL_dXK8`-Oi`jyg}o{?!73 zp7>OSr>_!j8>^EhU$stn01xi2p^|1#0+sBU0x^|=sh#AdAl%n^)vU}2IEz)`M}!XK zcR!>}p)PIQ+YRjCzQ9Fcg!2*%y&Kn0fP`>lE;#o&knFk{zGUZA02gmnhQHUXpt59k zEx+BITUyNEg81x~Q*-bi15XT1!oey~nA3V!UQ51f-b`i31ylKah_r%Y5RwyB=&kt;O&^e*O>RBey=3Tz#|CBbiy+GUQmgOzN7%O%`yaYLM*2>~k3D`*yztVIc;o{Q#W%jN8ZSNhGVR|dW6y*4#@QpULFbt7 z_Kw)ldq+%GUW}ElJ#i5(a@)cL4^F@z{`m?@khgbkjfv4i_^f+~_P;Iu<7fZ-c=YbZ zsH-hejTa_VI2ph6GmpiSU;R1|#VsV<`RBV@TNSXYSS^x{dKCd06Ezh{MJiLj6}BP$ znYPV5xcXCtR)ZITuj@U_y@#sM&&$>0C;miKI--xI|qI zY1S$Vl zqKXSe{7i8bz|Uh?#^4o8AFELbI4^>0lhleSA^q*7ZN&)jRWG6V+BC?*Y8=Am1p1zB z@&fs(q@_$>{3YYh*?khVf(OGbvXibmKil!$|6bz=-~E{H@k`qi{&@YszQ@6T=_fU_ z8{5i@69fWj(@N(=13SI9NY5OsX?}jl0EWSU-}w$BO~IUK=Ego)(?ilAlNVvO5@`CK z+i#Bp+jo&ijT-~*ZkIhRBc`*uc_062!SHjYb!HNDB1G(S?%>S);XYtMc`+s?$#;KI zOZDAH_Y|*XJ9blI)3fkhv!mukYi1<>Fo=^ zmHF(La+~Nt00y5vcaC6Aga^7}DjImdENF0T9@4^>!SMwA#{aY_C1(idcoigk&}=I+ z!}9m<`0gBJPkr4xAHCn(_orQooZh4SyK^9VD;xXS@$x;*KR95(3a`XKWwvqiroQgj zv+0R9V=Dl#?l|YcS8_F_=k^(R!KnPFTT6nDjKF+nI4C}3>nFoSL|u^!7$L|(lqG1I zJFPvV$+n(&qy~g&t#=Krlo*G2H!Yn{H1_RTkIMs#9DN;fWN%q%_u!rbQBRO?C7NaRXfCdvy&NqRK{_`w z81MPmW26;Q*1Y;$+;eYBY}waFkX=tKa$MgDw8%YOIKB}e)_2A%mdmZT+(xX$O5F3Y zu2_Hj{qfo*G6lMd(b-JUXk9b0D4Q88>FD71AAI_AamVeC(_^SNzWVjwiQPLXhtAkm z=M_9Cpw)MhU}g)8p^*X;;jDYG8Y`sLM{WA0P^+afS&e|ZX|O6Y$r1_t#YYKzp7otN znMy-A$2F1yM$>hjG6*pWMjfu1jXZCWfY=fG6HQDbK*3bfT%$~!K2rJ=7kyW6x4&oi z6IxZZ;9B_5=5~vu_Nry43^VFjtn#w;`$~!j0Cvd=42?nvF(A@_dQJb9L71N^(P5SD zqY$8uwnkD=8_5#VMT4-SKn?w_MKhme-Wn)T|7-W`kJbXp8FMMEwBAb|e_Wobv`iJj z#Eb(7S1eEkx^W>|wh`}l@*>^0n`swet)Z#7DpSmaK|GY(#K>S zZV&rHjbasUZ*8S8*BrkQOSG{iUV33UzVg&`{M6sSBQ~|n#^4z`S)Y#h+|%RnJD(em zGiRq`OXo`TkUg>?zYh020i#o<%+h1W=O$*u9xvG|Q@)Ik@L6kNxSD1QW6yug=~OE=#>{`b~4Di`|!LKnXh6joJs# z$g-2>v2L3Bd1LXfg2*x_;=Ez=002M$NklEhGMBmSo3jf`X~54RMH*DRvle zrd1$KF4uEQgbiUttyZDP!sgXt4w9_ABzsN}OhJZ=d3TY|2;;P<92e&rke1>~jBVjK z{nC#;{C=`frsDzm&?eph zU|-;_&*OL7d9Ofp)p}BP5>M>hCd-m*Li;MmCzC&C)ewYP*9gIaSkY6r2HC1)1noDSS1aej%i~cwMuh`o50CjI(kFMsi z_{_f@j=JRy^v8jrEa9r;vJ+!NH1neiECiP5DVRGxXk2jZl}+)PfAjnCYyaYJNBvzr zXmzv56<8W*A2597aMaUmN~>Nog$T}_J&Dk;8SC3J!OZ#S-Pssldg*1V+-kMNlF4&g ze$?4}52RySik$O=evR>t>?;7Xv=+7Rc;f(Gwqtl31&x*F4@ zT+YL^=1~?*w^vZl0vS2^M_{w(iESO0sE?s#BMUAB9N;D-3i!y#vS;+Eep-}7z{;?xw=K?|KO4LD>;O-&1dyI<<>||Pmt$lEYdNOl z+PbFr+EYcG1&kq$QipY!fr7BxZ&U7!RT4F}?Fy#WPum+|LqNg@=i%SsfWZrxS%c$8il6 zRwDe!JTx|jUO+rAsF-+{Neh;PD9?}gFViLI%Jtiu$8dbcAFloCIXAk=uinvC9$@(* zZw`zd{+5};GhmjFDZgKTY}H+F2yD6}15hgU8Yy)aM6!68OhjQrIJl_%O|#k}W?2#lxG&5E!gzHED-c!sAmqLsv&;nBOi}xw2wpQ&VZ;QHU*Fn zL>!~{@Fgit<}|MC__Iy8W>4z7<4yrWYv*`O8R@*n+qbd>>pT7Cv2WR*&cFT|e)g3} z7=O$6@{`Os(=O8wGG~eZ^`~>h&9s%9&uOl7oSJ@95GaGp-i0l*fKcq*rS+8%0lYMG zBANdcvNGJ}XwHLZA`mNRRzTou(8yXlYY1$!jCfr%!lQ#1`rpIFt4CAvt&X6ejSg z=;+uL^8-uq%om@GgZuZ98CFBk+gywxOw7=ob7Y!kY-+|!j2nS#k?$21Junm)dtGnJ zrm8`B`08_i91A?xZ~wtlH1+xhF2qgIcWy8)_2C*KYe6?=W)Y&u7EDf;l>JV!*bLyG zn4`1;;Wp7OaV*=?JS6%e&Xu=pO}ZYE;4Ond;L!S1MZJS5tR{0X;YHSc!dvHxrKINg zqp+p+3%D2N2(DcuQn7^F!a6?KX4B)LC-cP85QSj&1J^3(P7U;N9clO*EDDGjp@xi| z$#H_>HxevNFs3nKMdC6V5sVFlTp`1-p<*nqBDk(E4#hus{NC6}>gy=(-!bBhR;cgO zL?E#=qPBS=l>sLoMePmxxsC?GQ&Df{VQOyloxKp3uh90LnilVU{8oaTFOlM%r!_?f zu9AzC3h0W9LpBCnjvc#p$4ROn@87d4hDSzXg;>0v-YyD^twiU0o8oBKxp?_-#6S9t zk*Mhe-zRIM8^PympF16U{`SLh%g@cm|Mr`&$AOM*vAJ?Ql_YPa&(0KX{n-Hwc{DGq zR*<1-AxtTYp#nD~feCKlN@DMz3*08r{Y2X2e~H#fuM?^Q+jKDJW(p>pBmK+aZ(rns zlL*>##9oyuu-M7dfQ{Cs6aXq6k{+>1i?f%Xvwi7yUUv$xf?Apg0czZ{}Mz#Qb zI02O1^?Gf$yzl#sqkJ8Y6DiBvwf#5#Q0e@{aE$3tBjyny0BZV5*IG9gNS~4@Z|Yhf z_v}B22Gs$RM~i_dD|v$fX=2OwFPpAp>_`*I@}TzPWaz&I6F>@H{9JAjq$|VL$XSbI z?u($~6nTxrL{jQ%X3|adH57ypI1Cz1)(*k2Ht~)lBa+_FX8}$Lxj;olSP(Rw%kyfr zaWgK&M@eQm2x|evva#I9KlH&E`RrJnzC1|113Gk)Dwy0nj4Gk-8uFxP_a0nCp$&kg z>y}N%Z`KS*d%xcwpZuL{Wy_M|C|g;|i;`=jK|8v#==V8X-&>aQ%Q&>@kU$#kC*sv@a{4xbd8i6Z|$y$&aSM?zrmpr zmsPY!FoMfrwc@giIBi$K7p-WghUgPf^LSeCahYJP3!uWa31c)C1E_L6&qGn*oC-|e&W*&`wUE{!zo}(P zZfsacnhcghf~)6TQJlj)Qh9WShB%T0j%zdi?)@~4mOf4s%Xtt)<8KyVi1lKP9_3+l z)tK_NB2h^Yd_~xR&edRXt>lD8wEb2p64L@TCWx(DCVjpEWoa1(JXxY_0Rl|E$b1nq zHc33zp12Ud@;C2_s;R4S{#YN@kqzKGfe*m6rcM~^;;q731%1bIpyhdLa-0;~IZ7i` z#@YV!)Z{3{?!6nZIMk+MhZ9p(F-i;h()ml#+BO-3#2)ouz8YJ$y)Y32QzP;4ftGmqA#i4B1%<9N{>i7l5f8twK6;2P zs-L0*?IyAzDN$aiT_OP?v(ijsiJ6?vrP?Dk#(N-4$!n6^6ro+2*KXgsz_pIcU=oey ziIb9&=mcNV`iBBS2W6k?h{kOwNGyW$1~B(vwJ%Jf^ooxhFGZCMWrS#r==+sT+VB4C zJ?*;gv%hi6bnonQcEtDp`;LT-#C*L63u|q7j6yD%ZSHfiz4cMbzxrN2)`go5TrJ`H zO)W2J+5jLsru;kC6|za7;Qk3f3KN{2uEnDPY`+`GXljyY!;#r{KPMQ#} z?L9fcM>8mo6_+ZJ8szHc6B)FVe&e$QP^P+yKtrr|8hfTWDc|xF*An*L-_$a0&9VFi z778wIB3KeYKwf?5c}&|Aln~#we_MQf_WkkMFMTBjhsQXDvBAhztee4Yy|vF*r7*?# zvS;v$-i3$ey(|!x-~Bbg#}D6O`%b^5>4J!R)9iPjCq0Q5OV7+m_?>-8!0^Ii6JuhZ z!Fzm2F9k{G-^Ixj_~)kG7OY*t^NBF2Z;pNdTtK70+v_%k4d*RAkH@j4@8TBcWO#nv z349bL2I1D!=V5sE$HVVVt zxurK=c;N*s8ZZs6H3K7_LAx&?L_GB9!#q0$^ysj1XO60sl?27xby`?!foq`kL04yM zw6(WI%Q}Qp1kOd$qi3c@u`rWns6xIkMs&75Nxz+` zri8iOx``<-N?ivV{bZwS(S1@N4J3^*r}y=41c~u(Jnz+c89j z1GDVG*BGG;t9)zcl6Iuqbm7FDKjkyg6o$ zO=EyKi&aUmSR;O3Q{f_!FYm<|ysj@fZK`z0qA>5hfimnuOTlN6_>c)Q1`K#D!4w|6 z`(D1!#qa*nXYf1H@Jee9Jetw)M~2RQcy}{qMTV7a+$U}2_qDG-)Z5#y;b^a)-|}b2 z@pd$Q+p%Ijo48g!EA6-m|D?7C6D+rVsV92h*TBSeOnkl+eQpMWba4b*(_Vk27 z#SKxQ%<^9PIb67yj|=&`h&^bG4vtY^J~xZ-3In-JKwvZ3Av?(Os3o<0hR=)CG+2em z@87X24xK!i`l47=YZ>ZR*;*MLJrqM)p)lMk<&@Q63uG_QgsqbG_@0MujWLMr9F>A= zsTr{Gz@GTVbI-@eK73a^cpC-8CYs2w>VtVBDlHOZSG6Gq5lk)~dnz7y^n>(`pzQ#C zEQF7uRheeEG~8TAslg!dHP&E}`&$1++)8iouh-S=^O#V=<(3 zuXJ6npUp|OUd6*~-b78WuN5S9s3i@uQXlD$z;>DLrm5Pcft%EJkhU3{RtXI*P;R`5 z8Y3N~j&4~`;l&ODFUkJ1o9@&&F&3n&ns&U3t9N2(7B|WyMc-()hLR?^)iS2br7kxX zT^p+6mmk{{1A|wI-N1cj#zqB&x)5Az>Fis8k>)7iWqI!@I{`yO3skcOVSzinMR3uW zid(emC>9PIyA|peqUT_9oFmTY1CJk!siB29_3CJxKOb@H!Nxdrcp$d*Zo%R`7Kgr- zi#s0N5l0TsGlseN;Ny*P%VJ{;QylTbAKQh+0zv)ASUi1nChq$%m942SQ@?OI*6|!0 z*SEw%)gVF{mOO-wW?b}I%*>q2QS_~nmhvm$M8h)q-QY~3;SAbBa(1qDje^pw*DRw) z%Xt!@*8~gkT#eTlJ5Y?{MJ$8{tVspvLIZFaqyq03`v+rGBfKRS$db$vES<6k*YGf- zF>8xuZC{4pVE)=7a(#Gjx5NYa=)N1>-cH4D^t^PO3+gX#Z`~(>Vx7LZ{UC$$q(ofb zypN2hd@-df2&NED`_}ebqBQ{^8;5|>Y5)gMF&QO%%e(d+jQihnA6Xhr_zNlGg5TDo z6C9Z>?`hmaS<=&2ZcPFU)})f&AV5k>ECXI*;y>@hzGQXaxsxCuk#hAgyfh*w4v@&$ zQy?hk7!m9}b)TfZ0(>uMrQp0gLWG1agF`mC-Y1P$p@s#U#>w-QkMX^Hj0aZHm@P*T zpH&pCo|>b9(fb~JZyY&tEMB1vJd~SrGXW{b7=&bU&v;*i4h5X@Rz}JU#^t>~#Jet< z@+REgvN_NGo}QAo>y9lSw>I77uf7YXMD?%Vd6Rv%iC`Kh zM-Ucg_@9JZV3OiJJXg5+f~a&*9kzQ@8{KqPZhR0^$$&wh27`%TA} zp8ai@+e9Fz0FDIJ1eWYGFja69>e2w<>;57^jl%QoTLyEqONh4?Mj!=z*8+5bo%rSY z%Ho*-*xHr}87w8N8@fzwkXT7IKW`z}C4*{@4%s!=dQ!0W+B09gzKu6h7`~#tgjBwV9^*s*q9>qbs<$0HRDcA zT`Tf>Qb+&MBRgV*UOKJB@~p1TkVOR71X(MWy6HqcfsnC~#*y5?G``E5PQo>c#Pp1h zOme?kDoW?#&Ib-e-G+*|c67kAZcf3p9812$CqCmh-Xf}5jpCC zY;Ng|Evx;+aLm#evz9S8A#l(zFkeqU6W1px;>`UjZWhdXAjkv)7y<=rGf{Uep1Osg z?g^I*n%R?}p+LbgAeKvCB~ctR;8fHX&t2n-TGn{kbL9vH9S@;Q)KgMG6i!V@r3-7Z zHGdfeGrTU-c;~6SCBBjrdiPx0U;h1jy>sgyev@c^zkk`_vPFGu(13&oD91v4w-IE= zd#(>ve!cZ*2}$`n9`E-Aa#r^>q975qMg+xKdbY$}2XBkbokY?@kSic6*52?M*UmTf ziRM7O%8Xm#L&EIyN@x^7yjM2HY)l?2lQvLP|GFZ2ik$!}9F^y}fD-kQ@Ua*xNo#_N zrgsI0^qf40n(y`3&Yml~Plg0mBW3&?E7S1hG3DdR-yO3RP;2OaV$Qq$Q4C3LZ(0|R zzyA@&X~qryLeqW0RLfIMf zb>s4|xO6G{-nEz91knzqHUZ0;I)B zcUc3KD!aO>qjNpMpb+E&bIs~P*cC_341vHqkGi7@q@{8l3OQp`LGY1iqxI#8u3tq^ z@2MQ62MGam1bFsSp>w&CW@l)bjhMX$AjYemy|J@h;_YkMVquv2vm#!T^!mYKNieBTFT~TjBd$Of2m=JJ&J>msgdY|R!UD%| zjTPcC6wJlj3chPzuSk6?>{<&a$?fY#)plgqfRXJ@HGt2GJB!wNN3<`GQC28W~n!sY14VlhsA zAn`@!DxK)YWw#rP!EgTDdq`nk3i|XBufwke0)(-inYmZ2z*-Ca_IM-;(zOXbZA2j9 z8lwZ#w2@zo_01cJ#lSCu72)i2=i=y}o+ImI0|Cl4arG*t^ARE};J9%wbx~S#q*qtQ zAOFEOi*J6p z6zhAdT1@}mYQjVBkCF9zOIMA6zUeJY`u=ItutJA0lXt{l_HcCx=xm^ z8s@`##6p8&kfX9{9^oQ~Ku`&hFhL>Jzu+-l##PX2Etwc}-~lSe@Ek2mxavyanE}bm z#2(r4_A0O$=e!1L?&OH$s3G;(*qW@cqxi{vjiE`Ii{doLag(H|Fv>FjyN0jQXa?ar zQ*!wMwi~D9Kfp!*Di2j-xVBx-oUT1|_V5A#giH)4JI95PhysKGSf==g+ji}Z-5a;k zQdrZn{%o43vG^@7ZjTSstvsjvN-hyaM>ZK|3PK|ANoz&SS{Sz|IX z4M@{t45j?+H-yPxz8K|0C9of9l|w)aLb+BqvFa^oH>3u>epiiCnYqGwt4x| znRw)9AC9fJBJ`4KYtuAcGDAobU;M-0<~iyJ)*Hb5PC>gCg=)@Y%`6w%fNN>E^C`MDksB%s-|8mnRNA+0XDD>Xw4qw-=?Q%`}P2rgQT_>v~(nma4Q z|Fkpxkzk9<9LJm}fLI|^3yRaADcs-uoNC};Mqk&`#y+H_cllPPf6@YJ5;5`M7OAKd z71UZPby~)HPz1))6tyDH6gTcvOblMcl0kL}rSSU)MyO*!e;g`4ceYaD5)sc};%zG< z@pm4*l~ZO@d>e$B`KD|kI@;H#V;1KqN6H#9 z4ydN0JuV(U7poI>F-9!V9Ut5r!$TLM|D~(3eSZ&Q9il$QeEj^c-VuYR&nCXm*wh`z z350!UYD+9slGW1H6mKAe+_K)rgv4T8X^E}dn&QQ0kH(%o8>y~K?-VSHUAX%UfL%st z&65VbiiM^`)3|odx6AF|m67Put*Dd%&Iqj{xGYYuB4GG0x&6fvaL}OWvI_$;0G?&B z9nuJ6J5nnNEE$z5xCk*|ATH2Cd~>)IC+Lxqr#?vuKE#_!Xb%tP;yAJ zDa#I7A&OGa7K4(-uuRdCXdWSjNd_rum(-HG%e}daU0|_`0WiSa_w;>tS9MpHzwc%J z-8~1evxK+=5YCzE`s+XP&wTmvy_fGwO(!9RLKMrY!4N!nMW}G&I_JTS7$oblZg-tj zQ{u`foP(m>`A>e!_ObU{k7{uq4k5~S$fongQuelWzu3Te)$lbO6V-0GEqoWwdm?f> z;_STl6cAQ?G~7UIVrnAo-L)q*4uFsEZ%@-7KZz$k(J*UBGR&_?RJXhuCW9aN zYd?_w&!7CKsMyQt!iCjz3<5s+(o*{A|L&L5el#G1BcDuDw1Y(Z>F~jW>3OsmZd2S; z1H%gU)eA3?RH;9$5o)`*(UU&?rL*aiXV5kvB&mo{=x#$hmtmUcl*i($MZ#>q&CKhD zYmxEOOF>}09(QM$0k;rzfv+jBB`=1mhQl1kE+8_|FK`_JhpITud~wyu_`w)rAwd0w z(5wl;b3OPlbdl&RrHg#t`b8K^C+aLr+$2oRhNf7Bxn)A?-H)W5{1|Nr8fk4ItZiv)h$F<~L*#lt^poc-LC`%kO+N^==aBLT(lPem3xPD3|K7*n>#M zqD=hXR09Aq&&zefu6wAN}wb(|7*h5lntF;q-dr^iVqW{DpMi_44O|J8TDBmL&D zoKDjS%Aft%7t>Gv^yBFZ*H5J;5hxElyepk$n~Y<<`@sRSpJLvr_Lgyuc8-Bl@B)Jn z%&pOh!C4W0U#m;xuDeAS|$M2@2e=wlni0P!+yt z(9bgZrAfA(f1bKO#?Hq#2r*xW-j@jgD5KSgJUk&FKu-cc^LH#zs8hOer{Z~ORWYYB zf0b6>eR)H|hVdP@7MoghV*8pa2+w=fkB!d6AU9q>-no-rkB;)4CvH(|i=eguB!iDI zw$|mm5>bfIbdgtej~;)3-6v6HxoTmsS`6R1#|NzQ#f9cWN3v@ut757 zEn&BQNCtR$_x>wYI z_46h&g?P^^J%hTE0X}M#4fM|*xFg(!mLDNnN1?16wd=kO(AudnQ$|uzfynTTs-9; zg$f<5)sSQj1#4!6I?p>-4MQyGP$r#%n4tiE;99- z$;kw84g7K1&}96j_db$3Ym;e_46YUY7^G)~nm>2|@6B*W6U;8L`a1NGB(B14!ENjd zvcl#nB?ws;w0m7m0sE<(Jb4n$$v*a8fvyp;a(M5)^r?UI(KL5vG=1Ua7gGQDaGIUF zg3vR7yi-fR|LYgiH-6Xg)cYjaZx45+ZjyYp^<7NweZn1*SJLNS98530d?g(_ygU8! z&(_nPAE~8#jvh_V;AGk}h<^!rKbi`dm_p`erx47?dG{+oOQidJ89WhL+Ljp zY<#uK?{r;hRECs0AmCn`krar0>-Vko3J8H1Uja-RyXP_?FCpnxAR@<)AAtxcbz@HG z?*)gY5~%Hv{3Ph|NuLT~qjhWuo8}0MZC3lB*#lU|Gm>!~&w|JDqcDefLky75p!!o| zp^#!oX%rAj;>0|P`_>UM>Zpk=z9$P-wuTqwj>WYCA+`qFhIkj>64?lyv^|{D8PW4) z-qS~%_3Z3y+RbjZX0dCBXm%si?7#QEv<&fm;mj-P&h!i=R-R} zjy^ADDJ~mn!dR(6!5xdbcn3ZjZH*DG6LwE@Mx}a~e(#ELdaM62`I)P0SLU1Gl8(r$ z;G}*Cy=cQ4FuFR6mIW9-OKSv&xwO8_hgCK~60G(yZJ7KJ6qT-Oeje2GgNT*73mrE4 z1A4$yNUP1o*ubW3{9xx)qE9eKlzLeXLBCDDxW39lt%e^Q_}q@*Vdl+lR`$<*;l(sM zI!+B6seh~=?L~w9AT@GlY^HwA7^EdBb=AsAhoOrIgO_z(V1Pp6A#KA(n~ z52f1|9vivcMPYqpFmUI!#+YpT{Vb`>B3aj zRt7g$nF1SR4!u5?M)sg_K>%A@#&-g_xUI5;>9Zrv5UH{}S7RRI1kDO~mE1@AwQMlg z)ZV$loeSnRv}SAcb8)pZy@cHG%2GXDny&>;Z_uZC;H+r3iKe^>yxZILOM+&@bJPyW zt2C|V+%O8$3Myze5IE!)3df)}c}O^&+4MmtTjza5>8dEjef};wny<;+Ub{2it2RU7#iU1>a2Wb&L<&R{L7@s# z>UnHd$3Bjxhw!cNSF}eki-R} zMReHPWTG?~6a|U~IR)Gq)n^?+{-T}m!2Uzh&>BRa7|0HuQ4Q?*Wi$>Oz|*kRU_Lw? zCLP8-XXO(SGCUQ4WFof7_FA8UhGD<72;v8kv+ZDxb?BtENa(9=Us@sr3rz3e-YP4H zB^TP6rFkS83 zNb|edw}%xN`Fm51J`J$%%C23b>C)UpI11W!Bep`YX5JA*L&Srcl&saTqgkNfAOsCy z$2^No4k6mYITj+|sW9L*fmV60WR0Tl5LP+0IPifsXd(czc`gKwfoIIufFbwBYLsMD zCa`k1QJ*mjW?Q3+V^T$v6QZy89_Wu5GFh#^9SSfMct8}GGv|Xj;vWI3?qM-UB3p*Q zjWCHa0mrI!aEJw!7GOvic!o&<+_hBkxv-vHk>rcrU4gC6w8|+i1SNeXg*gUX!Neix zB-^d#gF0p!L(1I&yiI`=fl)kN!i;e0%1dmpwi|l65suW5$#n7jgwu<~=OKJNrtshE zOjn;lvv332zFbMehwxn^Q)y{_G=2CNzMMYrLxH`eXHqPf8_r3p%1>49(m7j zntPSpGV}Y=?gO<{o9|?EH#Ts)cULNzeHtyA=IttY--fX4W`%u>eTUcD5zKI;cCMq7 zz=wx((D^lltTGyiUi_CD0}3Sw2sF6FoZ0}FoI`z>O?&X|V9S;?)7Hy|Z++<+0$mwD zCldq)J_4L_On!w4P*eP*xX2N3aH;$|_=)pUE@ioyb`~1c?d$n2|Hk|f?E?q4&%fSL z@s`)S=fA);I}vi#E#G&lTEG;aJ6(VMa}J*>ONo)d6EVARJ{sRM26DDmg$fq5$5sin z2x)}?_$@K^+2Y&hCE_w_1p&YP=*Wq*0U|I(s0b8~PZI|XCx>gLI>bze%Ni26+K(!c z0tz{?(Hg%uA%b-#i-N`)rVf8=&e3neeJqSl35`qi1PF>Ke8TR|btkB8lF@8M%Sa^o zNbGE|pYTre+}6lP51dB-GwbNG6N3GclM zEG2}TLY4h`kKFyW+y>jR^K+jg{QK5v7q1NJHQ6%jl{D}v^ zp%WZXcyz2K3I$=LgihlA>G_17Uh|sGgS**5?og!g&&pc2|&T zxR>iN3AV>>_BPX#@A}3xw68DiJ9;C%|NYhU)Vl`K)w$=>$NuoQ(y?RxqE#AV&MhEN z@KQ`7YESST0jHcVi{yJ@k;iVE4K~IiWY>HzXlQQ0)Yn<|HrKn;k)^TpzP^XjD0|GW zvlHklOl4)6)v}IsgdH;bXd}@uM;7=B& z+sCT40-f=lZ~ekvX6PZ<;H;ahwS;%>CFOlDf)-YR(Cq9U9Y%{lU)fQ06NV^n)AU?{ zzQv*n5ExNZ;H9{zrc30B?HzzMh>ZY&5GXAKe-%*M!I3a&v9McRrf%j*7d{_ulI9|3 zpl>9dJ98P0!F<}iZ!a{I(C}SD_!@1ZiDM%+!d{1mhw$^jtYJhFIQYrmcqKI#VCJMl z_@2M~XqtF=HJ$ocH67^LoA!^iv%w(qb$TP6{^T6O#h!HdF&2)OJ4j;Zj^YS9ABvR8}t<9`*~@b z&L6Fn$IkORJG7H1?!4!#9lIT{s}mWfs~i&u?HSvR<51pPBGk+<v->oMfum$!;11QmsV;XnsoLdYC%akCg#>vWg^ zRm=h5B`z05SOqf%cjW_7Dnxm};M-l9qE)ay0yt@=_uwUu01CE3Q0wX4kKdO@3EzA6 z>PzXpfBvEL-ftacqbHm*H^Vt0_s{(Y4yCJ@Bd+x!IAP=7GfzS&@@Ty4;Qi@EQkSnEL`Y}KY#^QZOd&YI z$*@UlK4R6!o)4*w?4-OyCT~CaAAJ$v^n&vW8p7R=ozM4Z?ocQ;qJ3I5sYjOhDL!3E|7nd?gKz zjuLtsrx6tT2y>lH7uY)f=#k?r>_;a;%=(~E;E0-`Ql6`aoVe%aLGirqQcJ<=&N;-4}nAN4} zG~B)$VG1n`3(yWsGYy3Lv!}16LnlV@B|)IT;kkjIg?(iU<sh5RO){e%biZKU_}?DeJIG&h0ih4~TY5~h13s=NiooEy&VLbKuT z;#}N%i-01}39TOAmOQ7NJAbtD#)J*jL${VYHYFz4*FM1n#LXp7^lc&K_P0q^)Cg!E zQR^U0Il60iIy}Cgt+PP{RJdiG!yuok=+ribD!Ryd`;8=!iN|AXpkgm`fIL9E=%D^w2 zpE+NG2Q^{hO%eMSI69`*Z*s>XC+c2B?CgPCJ>RuxptX$WPMObBKYwmo~x} zX>-LWy0<}j>i&ahW=pAmgq%g41L@+~XW0=InBX_DIJ=zAK!45g(gUL%*)^DY7~gpW zzEzw?4Pov?h;0XGlIa?Dl{FTIUuM_U!$U{Yks%^a`p^dBb5UvFi@|fv5{}G_=Mv-4 zfiF;G#$~^eCfc`Nl4e~ycP%ZFU3BEgFq#wUMMCXkzmchnv+3G}sdV(7BV@WIG!`L+ zK}Jh}@oh(`!trj)TMp|B#%2cvz@3T=Rh8!knuK8z%-na+y=i!m9rjq=OH^FZ2ao`=^#$>Q zh=nA_fE4d2t~DW)GT0(4RUxED2UGTHAV#n?fV4-z^IzW2-4G*47X$4%{T~bub0whW zMQubd1c=}4@*+YF+bH88R6z)c6yf3Lk^9K7^N)5i$RdJYps?&F1S-1|f)zy1)Z-Fu z9sgnrc1<(<^ZmBNzH4UE#KU9ZuhN9@J2|>w7$*=ozH;#r6>>9oL_2*au=Z2HBnuoF z`USjvK`|!9w|5lyxbs{zCO>}5U&d7A_w_|7hS`c7bKAl{i|;Pp??k)#!MNp3{iik0 zf%8@;89xOFCNzko=EA%JJ($3%gtoRbE;2Kno;7iqBV)t8PZ-`1G6M$UutE!XCq4&* z1y`s~f+Lgyf>17<`-GVSa){osVwYv-`@Cir+k3{@6?XbXRJ`--DbghMxSPGvPTo(9 z0Ynz3N0JyV-&jObRwaqkQko!<&>G3U?mKogy+}@t1}d}j=gzb78bpw%s@0x!W%@>% zMpzi@>mY2fmu3iaSIVc{EP9sgGM*M;jQ&IBBWs0RfOD?rG<3<(p*|t#_vpXF$=01 zT7w>FN;iHPIzM&-c(ZzH`dD6C1Ww{4xC~w{6NRGiMk=)Qkrz&daN}=v3M@Hk$g0ZfUALf(}-}m+5P>WB|RE zPTY5#P}~LZ6@ilWx^ImOzD`nk*AcpV`iVH{Rs+4lbxbj%EHrx@PsSF8Ju)&Ji^G9| z0fd;P)C9LH%)u^lX*gH<@P1w()VqN*a0&k$L(-?vri={r(PvFR2$^WK-BfLr+#l`N z*?NAIydnrtZS0jIFA*<8`^>%FJ!m&@09{_z_pl@N^ku)n72w-20Ux6EDyiM2{iEFf z?e~wRYtLRv7utu@ig?(djR-#l&6PeVOoSGkAAaAC|MITZ0v4nfm3UEa!&hH$fEEp7b6yM@QfeXcV zaV?Kkyuz8&y6n4sm*2vef!coHO?afR7jS5yzM2c$ujm-x;Ga&--Q5sr1Pr66Iy<0CG`-l>mX8Uv;?G{I2rt}Hz0Lln*C|qGPtWF3s znmbl&gps6s4~(ZTU3xVHT@z{z(BEzdbtlC3Dw#j$NJag<@BGg6kq>={437KKI;+*? z#d&saWnP^aj=mTDuzy>Gl6km}7ROa`hqiaLKN3IZooYGzz=Vjtxwk}IWB!H)E=(sG zR|@>~9XjNCU6^QI5!T{rL8Prwp+YU4C@wP+@7f8!)fvz+a(wl>5$^{F4?`<(P$W`A z2B|26MC0GLd|4xmbeWxh>ui581>-(>_6js)9>z?TSYYF###|eQ<}czev59ZkMn@k4 z1sOyUkWCuc#eN|*@Jk^?YFomY`~pz=d;jUf=^)!IJbL_idSZMGza1PoH>Plk#NVU) zU^<5;BN&{W@tPy+2*ny#g(>r?4o1dXK?{4-p+gQtee zuA&*yxq51960-&l(L}EpGTVh_VTn!P_8eg2II?rDqlGdWq`$upb2qdb(_PF~*hn19 zzk}KJ_Z;&c{;!Fhi@5%iNKSBCa#v=s)<{*`*_QDJ|f7@OX%fy%sMGj%;z@)SQHM=oUKz#am<0*c&Amgh zhl`uPg@i0Ju-X)X3>Pzdo(Qr9FOXbBSDC>{dLR-p`&)3a@3vjjN*e^woo#PSPZE+i zl#ZVuwwy`6u+D~AK^cWohVjnt;@Ed)*l&;5P6YKnZnltCvMYdOuJIo3S2)IlK z?POpjC&={LoAVkNjkQ&02BTo&!?<(cKMn#<+<+|PHHejAv?dNREq6FQG6rBqyhC9_ z!KELEw;R_^f;9c<*u(F@p>!sFnZ#Ph$fL2A&Z2dB7$!kjEDCSKVE_O?07*naRQU9t zf9~gLqKTT&xS++WudSq!0Wu|myCT9S!c!a0lD&fnNyFV~a%nD&u_NfGKl=%;k@lQb z>*(&0bd3m>k;flSXUVtFh4yd(%V!5#n2a-7_-(_4g8M8XfvVXRDhkI>n-9)wW`P-m z@E|g`5K%nZi8&cg!hjVaf`ld)!&tL9CC_bhZ#eHWjIG;a=N6Df}>od?h;4w#LP-zP8H~ea* zOVFA#mu|3#BKHIi&m3PfmH`b_$WLvKm*4fCU; zN*$t^LU@od8Z~3++=iRc(|ZH&dA>>?jBeCt zaczlhN^`b`n;&?MUw^E^#%sLuw$nSqByYMX6}Y8r-zxwz6O!3MMgvgV^&NaaRV1)6 z;+@q9g!zQJT6CCiiHZYTNO7WjWGJ{mhMYC=+xul|-~;DejoL=-!mL11 z^_l=|1;nWH?ls8T*(8C)}{? z8^kZ{->8q*SdD6K85tdf*iVL}jk_sN-Cnj3kV}QI5eUieAm%&9Zs+;iYr6G}t;}^4 zR~+3aN`kFooxUelsho><zm-{51_rfO=510k3q#*x;pZnj_ z!k5pc-rYn7U@I@vk5!n?*)y-E-F?`q$@5aitbmz3EfUo-m#(Duf5*3^mp*lpeW>vA zCz_!QL9da}YxJRmY2PDHq-VeQQA~a{w0kCsqHVOp_B!s$q{MrHx2zcHD^G&I8ZgCq z;o2gq`l5j6L6U)i0$8Lk=e|e;7r%uPQh=H!!NfeWSb<{*neG<51OpSi(zX>;0*w{v z9h#4>;q*8E^>3r$!Z{!K)-kK?hoOG!ll{yO_H_!a#4>e(!&S^N%Y$k1!d&Ve1ZNP) zt7yHHV-^<){U?;Vk3Cy%Oe_#pg5S|FOp~mgZJYfh##>;qm!N;lK_W=X2#)Q{uP%fL z@u36FOsSpm!+fc!yB$BCW)lqs;mwuOavDMVv9yF{WdYwJ=5;#)M41T4tVE5T_4pN53$)fk}l$LKorG zEI8Mf5Qv=bz;S~;f;lZp#|PT`=8KF{d=KXcm(t zWIqj&A6~+}`UuK%e4>NJ^9I0N!wj{IBdg)vcU#_&uu(Akn_i~Qzg4y-l|3pLMsd;a zAZj~L+;SWfoO5DeQCdX$j`evDOd4nimvms?{xnF;au+J;@VDTSiYdf}pdAe*28pr6 zgY&ks$uckYHQ+s&fq9S8tpkx&q&k8HgN5M8B)l(>h}B#Jp*^-yOv{8)m`N(!<9iAw?srKwE$xmr zM(ZVYbY1L-qXK3iEa&1{sPb-(Uf2Mk6_VQ66?S134`~?O!O?^1#TU-<3_=Zr8gD|5 z6~1Ibxi}0(n~HYryymfO^K&O*#0C}5`5nc!2To*sktxI_e#Qg=k9?zaZ<;uGa=IJU$0_(~JiV?8$ZoSRD zKgP%3;yL&hl!GzNFy);1!#}<9K@#9+R1|ZEdvo*#PI~+kXB#Bddg48gr_X)x7gJ^V zYC1Ol&U7A|GFx1v&c<`TB)#)JkE9R&{4YY)$J64-V(O($?X2)8@XJ`l2{cTY5XMEc z8N2V+qkt;P;bzsh~s&mr)qPJM;Bit`{&cO5wUnK-H__N@dX zg7wf1%$aC}SOlhJ?$vKefg#K)f(3jLJZd{t;|QC8rvd=yvi8G!oHN2DU-w-ca>@lp z7AAyl+{1VHL;)-O&O@W&{R~Zv$M68=(CQd!ea)HRD+__pyikvV|J$L|&@A2i-~(xX z3O^f?VL`Ug~zD+;EC4x1BiV59_{4Mp?8h?Nu}j)KS-AlreYrWk-6G zc68#Gv4$EUO!Ks_!42FRABD$qiM0IS&91S&bn=CZxGo_Cu`_K?Um48=&YPHAF(MI~|W@}_&4D-)CK281oJ+aVe zbg{|ZqBH>w2Z0QG(d@iqUn!j-D|8dsh~L|80{ORdCl_f1Z-YL_^ZabnA^Hi-4T$Jq z@hfR|JZz6d&?zX%kVdIW3+39J$HL09jU#AHs@nEnND)z$g2k=GEX5~x> zW(m|}VyZy%4w~jY$O4iBqx0RZ#q+LM{4NMps8H#Wh~PP|@h7bj_T{-QOdC3Uj*W~_ z-F}cg=kSo|IN0s1T+O4PBh$!$scDfE@#m0$xvJF%#AuZWV~zJ`!YDGtJ3*4@=?=oU zbJb*s&Iq!>{53B|y0Be{T*0G7VcOy6ew-Sz@YAMPgNHb2F7vzfS#0!#H+GY?a-p5==ON;4p>b#l5P?5D1V)duVih1O!JD!)g z3-`Bvf&Hcj9(*L#2w`o0>Djcx0N2s*l!>O;MA#@HK(yn`C{|T9pOMgNwFA{VtKk_| z^n(M0a)OJ}%!Oq$VLGx3$}BR_I?0?jsFUFXW(pjb7x=>yD7<&`EgY(hypqc7CgA$aIZnIED2`LZhGqa)qcS ztn>&$WTiy_*~DpfZUMo7f1PL>9>oOz0A@g$zv+or(=2)F3PP#-ns^k-%WXg!p0q>8e?;|O2M3H9Uc36lrjLZ zQ!F;pK5S*3KvO~>vNj;jfG3Eoks|^x4}c^j4{BzMH@6h@-u?$M$ph!A@MdAdy1LL3 zXqJ#kH!-Qy@YSdhj^!XmGz=21&U1B;SY|p%f|+?XC6Y;~Vm2mQrlPQ6eW8+d@^S2E zC-aeDijcO)!qnT62X+$7xVYnw^}EV*RiVJL#tKC#wzG$v2&^*9@CY=5xi?Y2!P@wp zk>6_K`Ieg5-+5BVEDLyg_KlVN4vCK?*R4=k^mS+L#rvIRL4A1=SE!*c^^(hP}bU=Vv#nmxabjO&8pJ=ayg_HszIlsZNR;bR*F3bmt<)QVE zheHA-uC7$nw$KiX1m`+?ExfdRI_<}qO}lZW?};>5E2lsA&HoL!Yqm!O?2WIWNo-Fa z{C_`}{_fBG-SpvWmr}<=htljPzm&%I>`Cu=`cM$1WgG}K$s|<9-BpBe`Z=&~Bt7%o zms0ccbvBj5;q+Y(q^o3O+b*rZ3xjV zo#bJ#3nds*v%S?{kpehNsI%Yz++gJP{^-a7@{14_$qX}WaS3KzE;*+V1f8nF{B2Nr1_*iW-;?(3JCe?w zI!PwZG7g}`-JnhGWCz#gSQEdswRD9o7!c-{=z~qEvd79hM|#tT7Fa5OLG4qf86A8}lzsU{P7j-lvr%Cy~fuJldyj21yJO_qt;7lLyV!p#97YxK)i+A@M0- z)R307yQAji-A)n**aR=(@Pn$F;r7L0W)UA;X?8eiC=RGaqU!TeZ}crYb>@E3Ca-Wl z>f&2L1oVt|70f#K*;mPAT4o9AR&ybPkzu)d(EK9O+0G$0X;W(P{l04*r>6YQTo0$> zUC~JX_}=0@#kqK&@3j3sK=Hfyv`%<74sZQa)JF}xG+(t(ezs1u9?Ite6t`CMru%LG zi?OkBZDGD>!AAU&$OfKm<5~f~=#1b1WC35sTKH*?jnxKq8y_E06cGN{C6@b5f`rV$ zL)_0jd2DhWVL}Lj$JIH4E>uK2uT0peC&Raw2vw~2oJv)aG1ZfH=no*69!>q-52YLP zABDQ@PrC=WLJp4O2cN=M36(S}*VRXOu z-`@-FrSy0H$v;j%_qYH1)I+%IZ2M9=ckz7smT&rwbcBrp7k>Glxg)u;y@eo{;U`r^&_eEH=2yU#VnFkp*&M00$ot}@m zu7I#*cHue#2h~A{ou|Szk5^ycC@c0|5dl{2T;muT0QXzNkIQi7@bGuo-UemgvHMue z;q1#w`r!TVAlVc?Ioh&VCHLT?)73c`D);{Wi^x~_=)gqB_jIIdZ1y)Xx00s8t19@Q z4@H>;PXz(623*$_?(}Pj)i#^)L8EfkP+*9AXMp-_ksW5jy`w|g>TFlem6j-HbT2et;IEP3_(I4jHX%(gplD~ed*%G8;m!M7?X&a zH~Uy8nxu)@Pi>I7Gdd9_>g#MFK~gyKJHsn@4>0J&A7c%ZW7`6u?mh4W+5wBl2a0fF zoo<0oJ6aAkNA7V#H`4S(jRj&ag4#TOFW@Hf&p{T9-K12Q2WNW-6N@b~IIlnfvVzm# ztAaB0UOFFIW9YwDZ1+P6+@@vnE`>p}UaycJWrJjFZNR0Ud8RvnQCHJBDpl3Zs^mM7 z7Q^Nrj27ThkpNea$bc8xu7I|sLPJN3;=3eBhAAmz_zbXzc;$AwZM(S2(zqa z#18RI*gIDK;Tmj{`y2zVG5j0Ymfd8@gmwztUYAOgRKLnZ!5xXBNxw=Y24j-M7-fjb zIKAIr)T56A9GORgo8ptkiuFWVUwJkSu##JxdoFd8k(cFY8tB}cuAIA?e*0HHl79Rj z{y>`Fx0*iq>%Wr*Kk#ncKOp|osK|*1*g)0XiMhdT!mALlx#!t@>YH$wtCE4Vt(HFV z>@(~l%Zl(2iIghW(sw$t0vJ9hBQyO`dxzb{$u+p5qhP_zSl9b%)DQPP*I$=x?Km!5z5Jh)2k5lzMjBJF77 zjN;MRxk642u~AwyK)9#j-#SjJ&fkQ7uQ$jE6j2&%T1LK(E(D%ymu6tz?dik=L`Y#K zF`vft%(b+4{|J#Wm2~=*i}*wgvo974GM)Dct9EPpbsQaQm>?%7r_+gh4lzDxp=j48 z0;^Fi;aDjx-)AS{29Be&(+EGcYj%BWb)-+KuIm-db2C{}L(Kg+tB!AJA(xCeCMlTwGLl5J6+c z(K)o^gG4qi6ZN7tT?metw+4-hd1w@ps+g4IA)$%0PYjOl3}Knp((2Z+j^}8a5R`OQ z-@rd(8FOlVorMPXjgiuQ5B<<_bRPb7_A*l4U6eN@Y}jcFD8gSF9|b9pe@@n|Q}H8T zz4@ zJZ!m=n}Bba$OIx3+sI3#snD!-1;dN_c|t(}*)Y!gT+xO#atrvbZ~_J4!hwjDj~=|4 z$qF;!qa+K_&#z-(v*07~wEgSur_y?_gvf9&ci)AvgaU1a#=jAK>6bh{34n$_1j+p%j$&HZ=0avdRXfKU1-g&+zw+rlgA zvmS9LpL2W_cC5ws(gxGZ_ohtt3Mg`Y{^`CU(@O;qm3AG#kk_Kh^o-YM57ud?b@h{xHGKB)F}ovYAp-U|h^ zCh4C$*qp1o6XAn*sCBR}7V)i(A6du{7X0?ZHR*!FOKb_xF%9CJ+6#{Tz2)>SoU*#P zoeZo#Kb@X@ z=aVp@HQ-)N-I&Y7(FOJ-nO$V>n@DoSinvBbO?(%+VNgcc4S*{rjvk4B=4G> zW#16SqYqyTBlH*o1V^GgfUhuHM*ueJsD^;ELBh9zo?~f=6y2Td6SA_1z_3E7sd;I- zF;k#9xN>odH0q<^b|t-Z@(O#Q?1s6c0U*uy+&tN4p+_5p*w)cFEfXo&!`>uI%o%J>yM?NSNiFGBH=BZ#>6{kD}3=yrI*pfBh00llY(glbH|K z4-gZcmDs99kl6dXj!?iu@mm2P2yu%bbAh=b!`3lR>LroND^ssotk3o|s3(r2f4Pk@ zz%2$Hxg@yPNfi!i5;vaHRxa_AG5EWv&u>4Lf-!mQ8SjfeaV&!P+dgDFd=?^9hcj!a zpGjmJ><90%4{AoVkGje*R=gLY_|%i{NUxqfML!u+R>O`@2o#L5aHogBB9CRfkG8q- zTC0hC=W9GjdxVR^5zjczaZZy_ZfBg}4=v%8+`)c(*6S^9;m_AB-e>XN45Rq@Cj8^r zS$2+VZnNzcAM{JH|Cxvg=@?_-D;)V9#HCe7-~#7Vr>c>V?!^5eC~)LtkSQ}KBfU2D z1bT2uAvEyHTH_>lN_1eT?$IDTL!gBCt~UGAnW=I*JaA81o;-+r@ppb>Hqm3|5@7or*I&J$}Pi;N}a^FunOu@t<386?Ac4Ka>+Tu z+?%>_E$!O(6b@}8=?8!8@27KL`E9}yp8#Du(&WTNyzN(^D%1guX@JME2Slq+b}vGM zX@8T{)*aaCd)VrGoeZX73X&voO}K#au>62d%wswiz%r*s6y`!WS@Rx=usJhy91Vd+ ztr2syqZ6lXRVFb<5u8~0Z4v>{&4yhaU3(BbM#Is%ggLeyEoELMlL3~!L7X?PTFYoh z-VWvDb6-i>pAp~HG+GMyfAEG?KfxK8!cyMm2@kRK+yj-PyG3TI@&YKd6 z_J)Ug)5Y^d=dd}TNwrEuQ5nwao2O^yQkA?O{iHa!h%@W%b+Vog;uK1*7+)!_x*!%! zO{c&HwwP;bq)g8~f8un6$6{Vl!1caWXoiZEOj?*Hw9SBocJ_4{B)YJj3#+ZHs$L8J zBFUsp_9yp=iip^ePuOPZ^d`IVYFaHrOLT%(i|2M3E{mm4(jz1!{@h)8W5R|41~2#Z zxx|mw@s6(`T$v$AFp9!dZXFii-gBoq^0UQr`TI`icp3t-0U$)~!s&}K4n~`ux*)8K zs*Fvc2%3@YP~4)qV;#GhghnFnw;GC_0)^)_WjH|miEpnL#cQusY+J!>d^{6&Rc;Ch zR_DM99~+$O79K*UcrNOYVeEK`*Me!#ueMNsGijAhsnkAXA)$p>*2_OPdn>s@42RTg zno$%G0Y%9B?z@M{AFZIjuCH?&?=(EV+jkXk%I%TK<&stOd2EFIt;IH4vNt+CYYCC` zx^?R|d|M~@+6jT}vv2mJVjPQhI;n+;qwHVtQCP<$2d@}CW*4Fz-4#c21Xacz>ryb$ zq-XkNH5}RBg0VnA@Vv#b39Sb8xSDCnyIc6jE4J>-c35z@7y}56#I1>tFt;|8R>^VD zC{LkZxRDkv{tCGio=V+^A4m^9+Mho1h2Kma+_Tc0N=MfF(pNtDT$*JuX| z0s7*CWkY~SlY>HM;Q-wv+5=W!2+Lhn?8_uIvIN|iTN}W`uKGJKRQSbzXnLz~o%+;R zcuyAk?LYB3JgdOggCD}Kv5~ZEbT=yT-7q}fRoM?A9tPenFkC#Kf~HcFExC#e!rfXG zZDqN%&~t65hiMY!8kMl2oY?+*M$@0 zG6}cpY$3cGrZ&oMtQ8z2O;6xPm5XREWQ_XuHo<8(@ta2Tu*7kgpz#|z(uZ(8H;qdK zi=?G?c5j_bhlyU=WFM0?gbBl@&BA={rD?{nj5Y&JH#-V9S%qt2sK9`yCUxBGPdBEn zrxOp2r?XeCV^Y?CLK=()0nL6~EvF}EOaIN#hjF3gn9FZhh}tpmr_6|#=1k<>(2 zMk_%DXwX^QR$K*;0fzRg)iZ^A7mm#3Dp^A@w@gkf&y=G{Gi3B&CD0f-5 zrrBNIf75Mc1|$gs zFDo0)-&%b3rVlsd`nDOc>Q|*>CG2c7vp*nkQ6FH4y-+xpQ6$$H0t!Tr7YAW1-lLFX zTQooK>`(Z9h(N$q8=sTFe#mq(k|`sP=!4ZIKsJOf#yjyi(rsq3Y*Z|LdNy>^Dx(^X8AUr1}@ z!{{FT)9Kzn^F;c?-}-#&r5$xv^4*J_X_l2{1K*{#S+Hoxd@iWM=MdNj#6kTydSDhy zX&78auCiQ-8rh=8 z(S3%P@;Hh*Z?oV~=iYE%@v-P7{o{IxzN?iM#p*2+SL7Q(oT`-BAdx*YMh3^p0(pXc zF2>QssMFC-dJi~eq24?oZ-=t5xR|E#KNuS7 zNwbqT&~ltlJ$pyeJU$y&C+ETppl^ewxEcaPV+m%)W@JWyxTV4hA(MuhDxCEqc(#+R zQ~I~S`LZf{n4u=OjQ41uHKW07-~ZSimh%f~o!x=26T!55-xwwu{6C-kxVAftqTa$cv**_nAvcfFzAa2M5$=6o7IJeF$H(6m|J58p6k+HC+_;hT=!48H}< zbj)ZTNyrc&QOqjbn}Z1y;~mZuW+JAKDx0He=Bwd6sn5R*TESHffpTWeFjeM9KVhyj zmzEIFQaW83N)Mue8DjU>S|{drr!dIfPK1fc_)2I#de{+nB_hw53pjl`uX$w%AL@yh zLo45trWe6I9B7@z?Yy@RS=EdsOkIG)B19DQn1AA{c&mS-JVDx$c>^;AEq=9%NuTby z^y!oz^3p{TRjvc89SUqJeEsrMSHw+9QSR+*DmHTVK=vLTD zjA7gm9|b>Z&23~XY!5mCaK{-0ZemZrFiU)Y$HS?=V;3IpXfNt3>4U%Ve0t9lPp5Z( z+i3dWum1Zq0<&I&_=N@y{Hqg=*9q0DAh<8B%%^+5VK`m6{@K*GI*u?hg@8K;@g~gn z`lZ+y>)|J!Ojo}0`Lw^hKkeJSD_x#Gk9J4K?VN*H1G^G?ON4KQNCn0n{DFaKfOa{2F%9!U4A9yr9@x*)C(H50F&Tu9tFu>wJ_>GL=Gv(Z7^&eh z4Yn(A@0CtVimUvoD|CQIn>bv4>y!J~ujdMT^)LqH!RjW3cLkbz>D)P-+sD$yGZSfk zHnG3SK7{aj7=91Q#7r+>ehL^Rp~%Rz_>UmmfKL~Qk}9D>XtdSSJpMjIFmjo&IMiWu z4Fi^Goy<4$g*Jp9>24YSn>uqtdI~G2%{cfY)eekwvk6@22_VqoqjL(_FgJBh?ZOGR zm-k;|j!dnV(}yn+();*5Y0vs(+QnWhBaNwmTZKKaB0>yJkWMXXYzB7q04MxDF5G~p zk!J*r%rgDIN~G8=wd#9=V>I|9*6hKFEi882Nb4 z@7&rux4mErMfj@78NMG(wrtYK16tJK`(2Hxk}7P^k)oQmYU6e_nlpgH2>cfh+BW6Z zERjm&M2=e-mA|b&Z2Ta5$$OZv3QM3pS`f}LiH&V9vjNd2`9J8s0xvMpp_K{FxEW!i zz~YK8R>u%t1~S7j7-kl5yk_%?c5oO)7+3^hz83R0&iO}}MaiAZ$BNRtF_>$>KA+zD z+j?Z{_gm#4hz^Z)Y#fgeu5NC8fkVajPNAa^Hi{<%O>7JZJQm1ZFtpqo&TApGZOyez zU>qEAMPG#M{OGqcfeVa*b2IM&q7K_Pc!fF6d@2z!!d)3Rhzgm7aW1X1mrmc)>CE$A zOv|U|(@V8i(v1t}VLbS0lnH&s#xCyaR91oEcSE4+Fm!!}o__zkFn4sN;oe{!-_06DPV!zr3Fh3nR@o>8L=r=Rh4xj~vkP?C@gLHl| zJP0JxH$L=3A*@QGq&Do=qU;ip5G$nP7N;#n3Um?$XK~EjU`%bG&fy#EEUK{KribQ@ zcsrE-Q8F8MwWS9iK9*{;6X~V73CshGH~WI9H4=U@HGwXO%D_@AteVKNefp-n~68DsP(1Q3b1&t7lggrD?Uq*2@wut8$X+lA> zs#*rrsTFi;!ML%diI=L!Lq*PU*v>!{T18V3KA3FlEhLWcMeY#^)Ht|`)f}w@njy8p zKzNT@8pCuYl;-S^ce}ErS_r9h7{SGzIFTp}xzstY$wXa)V79ZOh;8awdG#O_x2+M9 zR_o_pZ0^`XsYnPw=uyWpgbhO8Ho2ET^UwqdUzd-eju${tXh4i-hM)71IoB#%2SI3J zuExDS5dh&npJObn#-h%gHbiNSy~oAmaID_^B{#CrXl#kD0^l`DK?uBD5Qcyye*!lA zQA=g|;AJ*PlHcjcpJ5N!9CtoCu(`XW8ZHG+E^trlBO_1*w<7M%bC&lx2N>`M&sGd` zWK6VEx3i+D;Tv&dc{+8m9|l|bVfVhk=2Zh}4(2ex^48hxs*D9Jy9#4M!EVhKD(TV3 z9!tX{+><#klYgU)&{cC5lvr;5?Emo((vSVcJGcZcA6#p)XbtQGCEQ_?;bgX z@5MuCCLVz4k?;xfyxE+9sCEW}0!-2NO_+{z%+>iC`y8#ZL7ct?E@Z0M>N^lV!dZ|` z%5YpwI!2Kl7@@qj&KBu)LLGrapPMe?^g1&K-FzFA>+GL2hi^v14ZmEBK;p~L6T@69 z?P#hT59o$Tt;As$Q^IEo-;EkHr;eE+rZe~!^pLUHfc61Ed=0=c;NA%x-e5(&Mm?JM z2C#W`ERnBvf*dBJJ(%}k#6))}e6CEdr1{B4+P8lkUyRE@xC<=;_`qvSJHAM!QfcGp zNKe8gBAvdzk}fWk(+8)}31HSZj0xlDzyoOrv!4R7TJbVbN9Nk_*txRGW^bs+AgC-N zIadeQT)+iwq7%+;ecrm!@Hm(1FnWDbLcn5d zsVlw6+&$Sgkb0M9(mn95eP|B*5xUeal)!go=4E(;&g65br84dj%X?y|fgVdE~}k(o#9W;_427rBj}oy7s(Zhj`n4sebU9wsrBj$%q` zu2fuUh%g0XvZjzm`7VgL-wGMp-->HH@AF)7uO=F(Ob~6^W*fc^Uaz7iH2t@dq>MyC zN*l5h(LU&$8U&l>OYp64=gQSO!taFZ?phm690AIEWEv8(ic&S9P*GnDd=_lDffXdN z-O=aFl%qbLiN0|?>I12Kx5ALI>)O7R)@`$D&P`TdSFT*O!Ev9H%);Z*4u5)#6t>l_ zqAh;kT5QAJmEu0XMdIT3?RD-P`+_kd?d*8w?%w$IzRN^Kn(d-@z@>@6rjY7r`CY)u zZ-%x-}djeLJt^AIY91Z0nK*Co5dXk;lgJ% z6U1-csSv{dO^wUW2elf6lp1LS$%UqBzlE7Im)appYb8?KKRlf3zw>e`FRn$#$f0}h zNwY7%#Hx)vH)|v=g4hj}Ne|tQfI+^v?gMM-(1UDQf8%WG9=e8u#S;vf8n=o6EOwkwn)1i_n>bKxN{2pALZ3Srzk z^vPhp?ZQ_iQbY4y?HC~n=1<{}c#OKRYt!#~eKu%>s^nUPt|L%Gz!fN*OVbnAxmWrD z6U3=-2!TpJCh@;sU!n~?Fdbfq8eWyUA(9&n9RDyK_2TnkD(mI>g*1DOq-OXhbXDFS zp|4lj%VZy`-ZD(>Dw!`A8HBwssR1+(yNCvv#HYg|?NMvw;>es9tJwQN9Y)Z_7R(pC z4?N~x(N8!x5gyi|Pu)cBbm23wtPqD#d160~#!CxWcY$-~a@sw9Fwz#(@bg%j#a{;| zKZ|Cdz6c#=h~T~iUH7LM-q+DwO#8#C%x%gWZo9|V%#_d^><+453k%t;$r4)55ICzfxthZ>B*NS#!NjlfR zC7I@mg8`Z8)StfF5^Vw*-G)B;0YkG`XK|13qg z-;TQ_d`9Bv&HG1~i6;^zi<*fz=XpNGSb1zwP`3ZVu7F<_JX?YWS6fxZ^%Zhjn60w6 z4+5pI0Wp#{yNOiseD-r_2^b=g60xOa;_=nisVPmL9oCc(pJ*sIf#*Df3n)8*=Wsq2 zJL%ou{TI`Ndyb}m`_KOs34h2EiQT%sJQu4VS4~T-2=|V%N#Vhv^y0>=>HPesQy0-D zOVj;n?1`t+|NOK60z3C$dh8v$iBLI(CqDM*>Hq|;JN>P{_1~s1pZ*-HW=tU$nFY<00}Lz#PjYdV+wPI7z2Hi+HRfVK;=^>S{2l z6_P6H^w~p(OMN)hZs@;Z0ySy4s(+_hgXCpqe>CaQrgabvA!A&`X?N;8{eYP{jy+w3 z=CVTUz%2Q8D4K)b^{%JVz61NyXP^HP8VDh0j-!qU?OXyl(im|`t=T48&<%uZ9VUgk z__!rx1Rcx5uJwv;fpUy*h2K?#j}92f#BvA@b^D`G%b>hs|`oqnMo33;SS4GJ3@vQavKCd?zAQ3wp&OjjR5-D6k1+n9|_X{sqzkch~ z<8yg-0s|(6HaAt2+N%o~+cw{0E9_&@R-u;P57v2)?c1T@@p-iyB99ss>o>uf!iF%` zakMD5joVwW$}ld%D@E!Y^^or_+U2k4Q&CCr-6Hb-+`4xQMGAaz`ue$@IPYjyYuv4f z&zrnB&cY*LNrN35O97(-7JfU1cFMkn=Q-oydGF0kH(#?3Z*~6!@yU#Wnii@El#m6U zQRA~+B>dumcoM<`D;CF(x6lw#AkU9%e!<^?i>hxs%-|V&A1T;tf|Tf>B4$-3Q zA`R_5$j+}aCRFFxiI-qXzx1oWmA>zE zQ#cA!PeBJ*+CKKggXB&)419J&nj0Mcg+>fYV;H=)=0^$Fz5oM3uil> z3MJ0^YDmP*(3t51mGBPzU+RPhcCd6UA(%}tZ)(@vj1euT;hwQttg>Pxe@(C1QL~Uv z3*Pdj1{12VO5e46ce)QJ(N~{&Cj5oOSJP+rVXFu{1$R`pvk-^LK|_J3W2agl=(ony zIl(V*HjtT0oX+C4=eii1DnB|lI@9z90%6a-G=1uNXp~mh=E)@5PJW;+HY7u9hsJ7_ zaa_>Zxipn(`*){bJu{hJc;yr(Vdx`K9hw5jBg!{z!gMC@xHQ*Dzk6~r{qTL+cgaP2 zM>nChv#j8I**P4onF}@PyXNma525)8A2kFN=M6I{G}1wT>48F~z9^b`q-q*AG%dPI zxaRi0>PFgA#sA^@wN&dM1-oWDHgnrVqhbF|2affhX^936+F=c}4rgoN#eA>hleEaj ziE3ChA-d<5nmwP(`&eY}>vzqCxX~0wzR_4Uzx4lch!9|1@u3;sBf}^Jr8p0P z^PM-fGjoyL*6?|t!Pdn;i%cw1U{hZQQnzJ#dODpue?BIPsyJS2r}HQ7Xu*KGcfMc3 zV#_SH=k~JW+>X98IJe(Qd$OQ$hf8rP``dV!-|Nwx>hb)Wrzi|qgin|(fLWgS+iiFJ z3b^X9To8ofIlsML)FCO+`(L5aXV+MX)p4+NJoRtzzFeQv9VV<<5AZrf*$Eh-102so zr$7v0in+k*NSxsVT1N>y*5h8hAuj;b27;|kn)j2&c$u`yo2wIPf3+|Dx%a*=edLp$ z=DrFUAN$gawaaPjy~k3MTpcT&J?WWgoYBa1+<)U7t0{1w`~cS`AYw!m>^XQM{mmbL zUpo29+4P;?@fXw2{roRrXP>1X5Ih+YCC?uF&N&4P+7!YD-8^y6IH{{2XXQ8sevi;K zd{3Ha9wf9l13G^o7bGRa&duV%Pn|w@65bHnB*0;Y$x?ea^rX%PSyKoWz{YtCu{ScS zlW@WfR;3eDXQ4O5FOn6t1BX8~A=<<>9aJIQVOoU|R;!v+^yARx^42dhUc+BkQKyd| zIFNReAEg5Kc9Azeel+zAFO$_0KZ<$sXOJba=%p#A40jL%` zZ!>NsO^5pPaXveXW_qR*v~yXF7tIVF9mC4Zf*>7?JMxQFs+yzPLp8N;>2yFc?5+GzNsALBlw7h!M%c9{PBv29MPx4 zh##H24SJA2N@_!>qc)_KfORZrf!#cgw4LQyoIS<=m7u#KmbWZK~x8`67%IUtFQJw1jOzeW#wu8i@cW=Wn(z4Qg4-{OWovL zc=q)5G&0&u-*8|son$rIs1Qo~@z15fJ%@0#?n4O2$q$vWDYDz>gL66B0M1rGls)@* zrTZUxCwAsB=J#;)c?};Vq@uu&O%@`X_*QhXB4<{yK^N_y-TN!d_b66?ymwdj=FW$FGGhm4KP6PUaK_Nd9^>yq6yrMFj_%lvAVW_ zX%inLe4(8C>qMD!;C#Qj*~Ow@J>A1p_}m1(ChOPnae}^v(1viMfFrG@55g!GDAGfY zi-l#TC7c3&7JoY@V(mw_FDbhQCJC2eo7ZO?v=RB=-X7t~4qDGJsE;V_*Tet5CHS zu_G+cI%p2C=dDM=?w$ZjtVK~3t2V{BdyDsYZ}E(E%lNG`CK&H4R=XLYG9y=@vG_hE zQH%F`Pi{ljns}e@ux-UVyibJjy`C@H;Q69n&lkA?Jny~5_3PJBPtwN?m{X)HFN6Ww z>btGakHs-AK5>G&zSeRxo_q~YD`?y__+P`be?qsqqO)Z9iNC_oxgy*kCcrP7qr_2H zKnjw19DUB~x#W9YtuO>pye6*H&}uAWSM4@Fo_Qcy_v4VMy57{2ofW6LG|Iwk@J75KIC`V9I{Gzfe1jyPYk%S7%PAN$BsR?|dvh_aEC+A1dh;)U3lp zBWa3yYGWJe;U|xyxK?QCO8w2g*qcb_v^JQEj?D}Bc9aRF`N%Ubq|bl(RhSdmO6jiA zTzwOvvKo`^g@sV`@gOAc@2xJ>|vsaAvbmxR~Ch(iPLvRB| zGccqQks%eLtLP#haa%QY4aR^VgFqF#Hg7JY!9Ys^b19Pv_56jG*+TpV_h$3w?y>y{ z6WJ$2&8hRt+z1|9uR_~0z8kJCJFA1hk_Cht;k^yY?m=S#w`oEK2{WDo5d;gcD8|R@p;1CO(?>(Bl?H_aX7~jFH*f?L zNweVRCuWz@v%mI<)CnG%opg5nLYhYiRDe``cayhv!*5yjZ?xu?W8qBj{k9|1yzSqf z7eD^>C(oyczvG@Xym~#HM;T1UknmaY3aywqGhC?IHZ>1Mfw`ZEf_p5+@L`(8Z{-|L ztK;mIv*bP}VN&9L+OBras6^+Kp|M8mJTY2LA3i;qF41#CxYhb76vaFPHfr7qxWzZ^ z6lV4zV9M{JL_dI)MS5U;;Wt?Ea;turParhJr3(kSvNmR<&Q>b}$dT2L_K8%X(o*lmH-FSJAlQYdcO=LXFe4D^E-Tx>Mrjuo|SmH^0N4RzK8bF zFz@lV-?r7_v2F6XLNM^2;+%p`@r>UVL-ImUp-o+=db7|Xg5HiEMH~FK_`c#3=Zdl9 z{8rhq^4>bPiZQcy!a0va{E8=h&L{o2|IG^OZbClsf#TE-Uuu<+y zD`+o-IxxXWPR&N01X49r_Zu68ls0G6(c|}}@%?-08(W&AnP{;4C-jxz z0E7nGXo_n4q2RSho)3iz_gyh+q}e2)6AVM*@0?VFBO_6TU4=RJ_6XC}bn?Y#$zw7T zHuv71fwXt;ezcOb3t>gt;CtF>bA@^YUF6tcq0&T?rPI2m1>Y<1R$V5)4a&i>F|<2Z z$Qb%Xwwhh{uaN*NnsbbD?V|r3$Z4G#v11D zbym@JG}yh+MeiMiX*w5Hi9}pRSXt!J3XHjehGi7T=sKaQo7hPj_%bvQV#T-YAnALc z*Wx$>J`_kRh)3dQ>;W8YKC~6}q%BCbo7G+8CA|Xm5LkXPt zZ;ZqU0wg~I1TYXJe{4B`p#(}C1&9sFvZaWmD4G-{awsmtOpaF-}CP0J;JO*=+4?C5gg#5MDBWCV(%QEizax1H~&5r4C@y16UQSpB9nSc0s(>Tqa4t7eL|! zO_4nx&}c9pa&pW<0HFhJ(#cE)#KF%Kn$=8xkICk0Ue!=}g2(rHS70vnmi*qc4cR81 z+hsZBx!-+meI|da-Zgn&fb|~W5_$X{gkt>Ma%@j2$9KwauhG_V8~ko^JWQQkHi^~d za{1Q5zy_le48*~LEPX2FT35a&Jmh(f0&nvVC699+ynAr(pb+aZ`HWu2x40prVHq(e zF9&|&?eFOyx6PSUd5YxrAbQaswMcX?U;{*x$CPc;I7>>bf)FzInTgGC5qF z%`6^IkN?Db)72e98g&TyNSi#e9MZ&Bm~{w7L+t~{B53A7g~EEoECB)O!{ivf^RBxe z;2B#~yD%s)$0L{_NI;lsgoLtgy_g8!<-mLf`20<8{;~}?h|nl>&9cuC7`=q z4~7FzNCc~QMx2d%mX4+GobRNk&t6Y+_^;f@*(d{pv0*ZR+=qXI!j}w(ri$WBF1`vp zD5K$+uog@)UXeFDse4**hppT)5H^$qD3Iot$oOhU?72->55C^4! zgE7U%?vSP$I>ujZUS2l{jcDvLtQVM%s>k(@@ehIBKJt7e{U8p_kI!NLgG#!lWF&fM zB3hKok|DY7U>?Aq5qX#S-q|4%C~a!7t#%8>^Yi#m{cT`Y-w<)5>q?hR zZl&K$1VhD)M4&X|+3+lD%+)RnvoZ&HoXEDHyyr(;;+U3vW>xDMLJQ*??~c1yUe*nu zLLO7lkTE0Y`WMx@#@E@>{GBtG(gi}pH-X&|Cct4Z=Y;LAd17s*Q>DxoyS_SR}~cGRwvn1{1-Hvgrl1i#za*Ze9bKd z*?Kh+UYSq{fhiLNk%{)#tifj_396Wdo(%J=%68fR;`$aU_O;gHqM3Al5Pm^)PfV?dn0t161af-zGha!MJ^WBwJb6!=J$@I>CDb&24i)27AX*J!c-j9&8#Qt8SidRO zt!50@*q+B=RyWer9GZ&OTYza`9o2o8vo88L^^pN$4lGN+@HMG{@V5y^tt4u{)ND40 zb1~VTq#tAlsf!1cST(mU%pjobZlo`N{)?22(1HZ#p^m5Sy&HrMJ$t3)%qcJ8AvIxuf!1sl>8*iOOWekqd0CQUxZ5WLBmxyj! z7jBIo#kzwyu|CBMj!*tbS!}!bJhzwoB=3vU4`>Bz9*qweg8VXcJim!AP~n`{Hf6XN zNS5m-#s`Cx!?LluK|3eY+`?oW17aN`4(DvQ*@is&9_>bP->@nFjjy!+hF|%4+;Xt^ z67P7!&rw7o58k-6xEyvSJbXVNe&e0;PA*fAd3ST@p&RlW5TL|kKrOdwRa8&u(;-q4 zxdXXjR$=lpB9`%BKq=0h8m@(+4lEPxgv6l7q(is?Qu`*e;WgiPLe@ByvSlb-Y_>(FOI5p4 zg-KhU=fSAi*&<-f)vMRyx!99d@sE{F%79$PS|HBf^L?7J-v`=sIPC{tv%cKkan}#$ z;(ICkrrQB4`Bk$75f0?w56X|V7W3rktkMh5;1 ze~za0>*20;A-<2>>>06)qQhIRle$KL(OV@_0>F$${Bu`tPB2I!n7_2_ph1Lc573ZoIh;6uz z8SAx9WZ(wDjnr5Q1$~gI@d!Fbh6IsTf!E9^89@~XO_-CFo;m5kbj-laU2d*J z>^Srbrm|XFVC;(1}$S(fY(;p`Em*EhKSKJO&OQ^P595Bd|wFXIj|v> zaQ%oYz4~$!*jj-h{a>H^W_rhSi|H5cKbhWzmSfl?yg55rCSi=KgbA->zVQIS9h{pR zHFjA6#}y)SZOGiBS?r;%_!KzxgNqC49{i2!Fv>d>w0D@Z#ka7p(57zsW_=-DV#~T) zzgbv;n~Q%}UeD3om;6(3Mr0iK*L$&MUEHLCJK`RB9J`XDE`IRJ{(TuK*Ok6B9?&WC zU9St8^ek#Vu+>cL<1JDMkb((D_jc@-U!X zv;=Aj9OR7DvzpHqs4Xxlc`4!85{bD)U!v$l$`lkL?_@g3h7{#%Ok$R{09xwvnMkWg zNJ1GL7m199Op!^%=hmt4*#HS!p7HxVhr&AREFRl#TYXj>i`3>=zCaWGqTkUbg0)zl zi_}F8-~D*{%oAtR*FXLw!G}QLlbBmD zQH&-w()IpToIWQAtTcnSI{||rHVCD_vAz_nORgRzk8Z_LAetiqkEV=a0h2*kXAkG< z>KmaGK%@#=%t>J|38EERU7LT0uLAhS2j*4Cc5)ERJi}t_8lS<9~8&;WX=U z9?c2i${D2=u{Z97)WK9&$2k)h&@d%+F`qc@_uY42T7}7q-Fb90L!7V)jPlzPuN{9G z?~vNbAtq?TM3*R5p2wjdsKU_>MBD4Li*wNFt|*-gB{3pJa!Ih*btd$rY9yKAGoHpuf&9n zmXGS}Ekf(6BDD+&x0CGq0%~DQ%EU_m^sYB4k%cxQerG~afINV}Hqg#emduRb&Ev6;Ghtwfq_GqlnUEyH(=`f z1o^2BI7?@6Ax(3zRchP=(Z+A%JLl8q|KLwjZ5x$3Qr!KIJ&4pt#7(5Xt83TLnm}Nt z?}-lUoZLoA-9!~WB3=i^P{;s#3n1dt9PpL>r#OcN2B%NEyV$yAj*8EU<`$W3iIDK# z#Qv=xMnwNa1LLWdYBK6D-YsBVGsv0epTcRB6G1^G(^G_0hsl_oS;C)#XrC|zI`8QZ zrcGX^%k`ud$Stj|u^rBaaZFnfsH<0((`9yLw22{dV(}q_8g{}>&WDDihx(ks0VgPs z91y_h_?z_4bbXONR?`|G={p>SzBGLj9Mhxk$3nZY#eLz_@e-GT5rI855sbZulkrRq znJ_1#Ec$Two4Y$kn4#S1cNY%MZM4zN_9jdRei<-0ZSb;3Ibdl?T^vz+91!NAmHLW^ z4;A_>+Z6RvxAh;D%wJMjd(B-nE0hJEZ7}aMz*`~)%rbNQo2x77_f`h!g9HkD{~Qr< zi82d^5$2K376-}U&{{$B@)wx()*;Gm!q#^&^L5xV`lm2kUnivhJ!r`0VR$bB!`Bgl z*I+y%XqHZ#FxY))Rs&*g+V4kcn6z zUh6Mq8og8kWb(NmH5&HeaQ-M$CP>bePmi$)&KaP;eEtfD7+o7PN)!~##=+QIpJh28 zs^CrD^LIx2d0v!?Z%z3<^S+`K_2j<2qW9kbFJX60^#7OpZ|Lj-Or@#4)^k-lA6mf%^sHBOmIkAvtre+~h zb7}PqF<#tWDZNq)!i8Y?CNPoA&dz63$>eNk9@^lDNn$R9Gb}xITo?hEIeZgv zX079-=-C(pJoZ;tV4g6+E-u^!p*_ub!StZTXu#|kjn`mM4a`wH?m|Iil?l8P(j>vl z49e5T333acn@V*poj7(kOkKipm-s2q8>N*ogUAjLIE2#zw`zyP!6R@Mn?_(R^^ZX# z1cSSQgs)G-1miYC#L5PKGE3}W8jY@{tDK86=n?Bg&6oH~!nY|-J(-bpCIp8kgUMCXD4_p=iFP?^RWm<$G^t+rD;+jH34La3DytG1ZFQ@NP-@XeXr;jp-xrXANdzDwkPPTB%& z;_k!vu-j^9FKsdo6__l=-#TU*y)z4Lcg${1uJep{^Amn$&4%MW&g`xnX|$ShX$^cf z<>F$1#*-GndIV6@&+^7WEg2^`OpcT5T}B&cTL#cby6fv(9KyGanf7~h>gz$%UgvKB z&5;C(iM=HOEC%C}>$<+YMr6B_$`g55#jqqL{27peUdr3MTXCLe z@&LO6293-8C&%~b5_3aFjd1=~I6DZZbGOJ&P7utC{{6mf z5F_FWxPLnW=w-p|sPT5ace|#e<(M|`ElywN zYQ3*C**9U(Ym@`G0fq?l+Xw!sF6u7y>E?PAYSiF0aE5N9jZwhX?Bz+eyTlOj6l67s zx0^BryWQO1w|oFp!Lm2BA#-MjZ#i-9b?>tu|Epj9^YpGCcodV$c{pWMZ-#FMm>qbz zP*J!^jlljSfIwn`0OkgO9SQDJ;%(W!TNX?CoipXX*>sZiH2Qn+0@4ue1S$G%nb>^I z+6ftgsGsaI0s@EE08AFBKra*HeVvM82MxbX-m@Jg`P*b&!Bp_wx|9xWxA)bY3}MQ2 zj1!SIFm|>8CPj>=pZ*IZg>}LQ%(3VNOg=}Zn-QkJ5AIn{Nvfb@0Ky%bJck*TlIbtW z)z}W2PXH(8&N0deFWawGa|#18pxI=nzd$izm`5hSJOz%Nzg z>(_{7!Ir++dFCC)+Iqw3GLW5hmfc!erOnfL*Yctcn3L@A=N$WyP#}Hsb>;bUsJ)R0 zL9U6|GZ2IvJz8`0@l~g&=OF#17dy$5(aWEO7 zy)m_%U&cp>7zLhcc>)HYci-uBWrKi9vzj{=Xg5-_s%`vl{hX?v~+pUe6Pl zdG3@5qQcfJ%$fol^gm3<-R>s7G6Uv%9e)l86l1F35|JsHGkxcTPw}bFY<)~&n%DGs zo1MnIz;;#zsff1buPhgbJX&4~$4G8>I z_&V1@UK?a4`Ms=>yoU1g!0Et_?TVmxz?HFI3XZj|RkSp7Y*odw2g5Oyo@Wg`kECyV z1_)Mt@>4pyYQVwZ)=8XQoAli>gjWT}2K1$gDM_=QW8pbEY72!q3A&nv+}<(GaLFA? z_NU-jujTteKYcILE9(s!6Vx8Oz}j^U?V$lO|IKN?EGAX<#Bk{$c++;*mL{uRqPBK0 z*%umfa~VhdejS(%27&fFDY4qTWW9o4xbKtlG1HBy>~Oj9t^*P!9=gr%AY%EJs$a*g zMjV47wl9JDD_{L$`g_0h^VpRQXNy{lv2rV{`5Y+25}WkR7&0+iAf!FF`cbY9VNSM4 zR9kKAd;xDoP$Ur%YBRZQ^O&5V000V)h2%|uY6KVTb~t@FRGkY*0Zcw;KvX3AO*N17hP3l?Vjk+nowmp!_j_`wE3-5Kvu173dTZWhN{s%R2iRQmse9Gv9N6e z+SJ2Au0cG89T3Htvu9~9u{PMYJ92w98C=L<-IQIardhoQ z3qlAOVkkvU!u=2!(XT`JDX?j9pl!V6*Vk03qHdntVvZ%URL-2~xM%)o4`r41Sx2cS zq)=epyh@fz=dj~x`7EcJvOTen^s|TWhg;;I8v+RNA~QVQ5gx>sQg^40M@sN(qhNI#Dw9iJG516^^5=CYl!LrSqB9 z%a|--mUJ52;PlrkSBdF?24;F1h6)1eP8QFradm8WZr{%RMuu?-mbi0vmN4>L!UU)C z!W`g{k4Z$BMxs~1Baebxi}PT z6q)F(l-11uC6fVU1z?uJ77*h**iGUeK+8Q7PiSlYuA;!t;iM`m0*9fs$j)n=t-#{6 zez|Yk7%D7*fQk405nQQt*jDTI>cV#yi{<%DZdO3{>b)rzqLS6NUfeJ#CeMW#Vvn3e z^YNvxegWz4B6Tk^UY1Xp{3|TN;Wi)jJs6R32YvUi(yb%VVeEwuVI{*}o~M90=1ghI zlo3T9L%~ht7ydtC^Ebj}_P3DXl{l)FmC@MG7iBSf-Ul6m`_jf5F(zON@Z^NR0y8qe z!SpG`!C1z3$)Sh|#%8=WY-{%0kb^WYOfGo@@9%#5JE`F|KPnhfZUUBisJ?g5q@0{P zm44_)@7K4ENTPq99(nv7D5nV=SG^x(btUx)Dg9&b`|UY|m>rPt9Dyw) zr&{wk9iNRhhMgTIImQi!YlpKq1_%*3G&tK*VI*X9d4cg|J<;ZFZ;e9*SLkOw9a}m{ zzv}7qJ@=+5U~?0u!Z6pGTj+X>lgAbqlxz~_V7RxFR<5qmo_3leT=V4QA{tP4uiN9BrxH){qou}C*D%7Yfb_j_<(sc=u=m`gdigmv&k70cS4c~c?er$0s)Q4 zp+gx${K-I4j1OiF@QpAeEQe+poF*O%oCTin821STu@;|Wi#X>phD~s-_<4$PAHtlh zU?xEfA|DYtF_Ea%b$<8I9LZc)U~u=?Vq6D*RWZX2Wkf;j?i*?_&mBx&uq1pG_F$F) zks5Ur-05{6cQYvkpT^wrTO6#PLr4VB4~j~oHtzsChEkv)+;E)R@psoJ?XMu9N`pch zNMC&{lkD1xHN?2UEAt-o2nX27dEktFvNAXuYdKVSFgy{(Ipg8-wrwu;Kd%e35t1rx*q2xjwdAOK`EjPeM?MciojVmsd0gI+{bVp5=suWGmGkF6 z|K;@F_x?z_%+c4Xu=`9(6$GP+Lv4nD<^Y@WH4_2vOQ370x<(Rw$_x4Fxl7mCO6F@X~IEw*tS$-aaSncysGxT@>QZGqN;9ATBdK% z>fFsJ=jHs#i#5+#l=DgpdO4N83G%LAUe0jBoVf5C4HyMf&7N}E;Eat1D%X5Mux1bt z2s0;<)H&11kSS2=3+V(nHXcMBPj{IL1Cs~CTxA<3%(Tp(TVjPiqEjU3XR5AwD4z(| zt<}IMz7qN?h1r3i7k~(iEaxKtJJcG4Kqdlog*Jpb*mvmZn!?ugvzIxwbpxUfg8?G| zpOIQ@7o4ijrnkNCu2h5gtZ!UoE97i?`wu^q`Vi_$<8A2@=azK0&!^LOvlW#6`oHvx zzmk6QxBoejAbaWJ_F3%wNTeJkzBElBtu#yfWhz9NAUxn+HGP%HrD_a{?~?0i4OC~9mbTb}JEY$pQLty*F}ZsFNkp2&#JGxCX0kn(9^l*) zFl}fiMC8%@vY)&+~%Bf0U(GP)E@%v`8c0<$>A|=Vk&y zYByje3s!c=cWk%#$u=EksD17;@A=Ih zUZZn7i|=tY=RvZWw#E8GkfgnblkjQZi}_wgK4LLBZ`5bGI*0CJ70~CyG0ro3xRe+E z{<<(5R%fSPyX45`(anDESDq0ZN5fuAcOI2ak!3z zUgt_DRwU9wt=dMFtGPt`nfEayFaa509dH41h-Scj%_1@<#}v<;bdnQlxjt*bu*isb z*j4dFmthD=m2Pb#8OqTMoZ1@At90bMeqUKx35|r&`J@KcsqcmWY@NPmJ5_7$vTe|O zesomxd1DUMG5uU4=#KFKX4sd0@ybQUfyGPtYDB*N?Qf+&_{c{9HlihvM@hh0bR72~ zJ9_q4e_qW9Ts(I<<}@T47PiE@iQhmIMni7l{CB{Kf!klmob7Fp(N;d!FE8&4ws$HQ& zP1Ysy@m!Cd(i@0grlzjx1%I}S&z;B761@p9+z0W@;;H|@(p^O1WUUcrVN;^B)J#A6 zp2t&l=^el<8PO7a>(9TLj#cJp8&dw2FQ=0@bUymX+tX9$zMj?y%(S&Lz;Sa4--rbm zWp<#zM05$D)akAVJZqA0ZD{&13FEGlAwiP@0m3vbE!$Wi%c*tTJAz^)H+~Pk#wuHaUZ73IC2eAcey@JDz$RAK&SDVyQd# z41h*l7c{61a7o}q2a+T#dIGB_T~Cm&j}))NySP}~)Wngu0^>2o3A$6v-H&fqwDIBVyk;yQbznCTcZCMdr7D{gwC3Z#0=Z-Kn1TrlX z#21;}(?J>2I}BDA^O0s1%}G-GsM`(%Erhuq_aWNI?RXN;`3~HLTAtkI^AmOQJeUoh zyT1Ki%9YuWwj9tjd}?U4yKtm+^gP@LG^NONL_k4(qHZ(2Zp_AQ)_w<8wBO)Mq-6|EpQGjYZahhD@?3!@v zHb4ZcGY|TXn6Po9V$uX^Cs80Qle(+Z59JGVG6^PmN+;E=kb593nGjWC;!lBE!eIMc z3~Ex!R$JA>%DXLgk?0L9L*qw4l9P{usVv(zsf9lHTq!QphwMf$cE}Q5|2r@h6Cl<( zf-L>kum4}fpV?(B2*u0zXpyJ0BVz=YJXLFivmh567N;Jk#8g{oF5DKs4{c!{0JtS}wIo-kpkY!S6EAhGOX z;@E=Wn4P6gy!~aWMV@sW?rLZSK+|+46K`$p!EnHAsOhjgqdqESu3fmCx@a}_cn|9} zEKw6iwRF!E|Rz5G?xbxD`SdJ{-(nYi17L9L5$Dvx1bo4X$Iz8Edq-9DL_)j|!?= zPdqj*O*nfZNM#rYj)hsqdjc)3X9sa?S-K9By0*r_ZJ6I?V5VnbCN;fah;lNs5^%@@Rl8QS1mgW5SLDz10W{6p@}}k> zZU@Y$6q}qzz(50N(6e0*mfK-ltY*m`=A>Y#gK4tew(6j5wpopl$u=+{JdR9puiW>U z{Rp}OW9&87I9E+4nR&`opyJ+$)8jI}8+YG*3Z#gdt&Ic(#~26Dz+LMD zF=8-vj*~D~D=;H$`3wyT2)zv#E~2V|sB18o2u9S)#0x-f`?E5t41Wcl0shP}z(#p8 zG4^LfJDgDSh6#lH5vtcalmpnZfK*!B?hI4{g}^0Xi1f>EuvQ>d*bEjNYHLF`V=vc- z!|mhRKl?09z2dc#YP#7*mFwc4;E;?KnRc|ZBDrl|UrxtQo=EH1wZHV)uh9=E9oq}_ z0Z?V0>zBCMvK!OQvyq?1Xxx~QUoM6e0MkxB7#dHb?cYVM5_11RVC)^7h|s(cg8XZ zA{fgcRH~k3VoU~bt2b0F!)&u1u!EVxErm1lO8h(raWrAH8zAFdU|k|0^2%^4GE$46 zX$GkhkAG$^U1bMK#UM(&I{+q6HfAuP5NK&@Gp)11b%0d)p1<~iw2k8?uA%fn?|XtB zeft||ATTpvH=dfB2kB0xZ=L-%$5pRDw6}4dgz)r@0BX4P4!_re;KVwhU&3Ux4TRo> zpbJAL;k(tyN4ST|n(>LuC72%g5owe1O`+nW@hg*1;=&^#qGqI3HMnu|7?;~Bze?@p4R zdj<(x$Gdn0{>!^cGJzFey6y_@5spm$75%GShyyzL4SE{GmM>)(+kX$3iz5ZN8YoT& zQk&RBujqJn04U&9^OT~}*<757zww1I=CW!5r`6s$*~k^X|EGVl~x9*k91HXGxzdH7bd`~lc@dM zoiQPiFOI;#Ep+GZ8i9qTz5o?sIW0O!xa=*GSh3>Gc@_ z4}E0@11174fC(48XKHwG7@&jZVI87{6XO~LbdqDOLE<`gP7)+&iZ~Fe;u}-b5IP(c zA(Ei^K$x<==&=9_H6Y9-J_}WdByS@v&cH~ZgV2c+vrB&m$*+q8AE&Y|aA4cTPe08u z;i$KN45qv-Vnb?0!p!HQ$SjMgWVoAY{p`iGdl9uc%!lE`iG+bPOY~VHId+uVSx56f z^0u^%lSrilR1*IHcRd)4Iuhtrd?8xt@wYyhdiZTzx_BY|;U7N{fuRN+G%p-eF1+@4 zSJJs1d>uHXt;S((ajG+=ggPDOiB3d5k-p<7quqzW_WOwbcVGxAAV<&8fV=_HT_T-s zGPc`jQwSo4)`DnF-~zOMYBD^yk@uCPg?^=W85obMbshSVC{$qPm6%=Qs>FA;F-^Mb z0mg`@{L8y7^f%C?DdVo1TpXiz#w8)1T_;ZhmpbBKVW$&k&@f)^I*Aw( z;3WxLAYFl)xpT*z7P?KC>ezY@3@@I53B->Hh{P;~FoXtZ1~}J`d7FF#&KenFZiB2d zk1}c!!#p2G_Z)&JCtzIW36drL>M+OG(J*awFey9#;5TET2p8f~KcO9#IFRBV<>qbO zP!DcbUfpmdBC5VQtZEsPthJokgUg)>ySZ-pTKhd z677KrQB!0LB#+wAiGQ+<_L?l7X?n@$rPKF_*>FJo+?uIn~t< zpO93YRDiFHl$#Z%IPI{Fnm8P?;Bc9JZ1*fcm=4V)a{rcNj0Tw#*pUF9u4-o5YClxv z&f~lB+0Q?=3ZH_hZIJS2_zOrdr$E@oGSL4<-wGuV8QKa?q9VL18iXO*1Btak z>ndn2CXkGFV1(DV>ghhT0i!>CCbgbnw-Tp1p8L}?Y5slpadrs-s361@?9nnqde--O zZvX+k@Qr6fyEeo#eGi+xVZXOoYc*hg2Y;x$-uuopeeVe(ZE`RdjLUuaWXy7Gdu!NA z|M`c0Id#^bOe@zulb+w5PtRTNrZrW>IBX6FTVXn>@x6l+XbZ*|UV(ndn9JrRLG4CLK{DQK(RW9|0QcCPHg7{Mfz08t`P z&rH(%V{+|z{I|wZ7wHUZP9deMe*%n!41?psDh+|e^_`_|PoRYe5Lr_Mu9kBWfksAS ziqPBp=FO<(&Hd-<^0o9Br=m95jS@_o%qe3W#7)FDPMNrgAHj@hVV%DXcH|5hlN~~Q zFR!e^K)2HIg+^LLL&5Uk?S5<@ZRnJXNn`|!)fxY7V5|qORG6%?-*v=WMK$$+u=iHR>|Y@LZHh#hx_Hd&`faC zeByA~4twCU@{ae*Z{OGa7+3Dg{A9hiZ{-9kkMej#`M~&u`WKjLd{r7UW@=N}G&6y2R=dJ0ed**TgZ%!cKmziQ9$M1}YEg!@lWa0QK***8%b42{Rl1|-o z4=O3RGXPeNXd7>K?YwG2^rgt0sWxe(4<=AEgnQ+UL*d|t10UR`1*-{BbyXOG0!&U; z-pL`5l)k_zf{bmClBf&~r!nJj$3j3Qz6;_DmDqR^?TV8s065tKo}8w22uoqVhA`=% zq=&tq?162tBi>;F1_J{^?85;YOF@91Vmn@oK5r4#Pn)uuj(_{RzsthHF%}8ZeeB^o z;vya|j`6U*CYKBa{B?|On0rT_g~7iVBx-XUUv7H&Z@kifwcf>SsuTCNc)BbExxg)t{Q zeNqz~SegGYupl^j!cj4ShszD&xfSA7VubxN`e&C&{^}t+? z!4eFs^OMrmr_ZI{g;k?&UEw%6M{;X5}&%f30Z*|0v_r{Hbu0YAXrwbh30|w3I?G<#}uI!!(9(9 zt6BOi6Yjc_h?R(lKGUJp&+4)a1!hqO)qFdyAwG_OAXVCCKs48}XiGDRPP4|)CafqXD0J z^}zIfF5$W7znfOqS73Mv2*~_2!7ajd#(|meIxaknF?WzkUpUKL5Dx=Ci`8pu z>HbqEIT80nn&Sl7J(yhalgwj%0u3ziQ%9q=3w~}(*E3T@8(o!Ou@_LzWIxG zpxhId4yS_4N*TTb>p@*YJy&3YQ9Jxfz@vYJH(`d%o>f^JV+l}h;w&_izWSA~qz4~*2*)^7y4=?z zdJTJ^VZ682R|6T$ASt$R%FK>WU{j*VseMp`Z}g1-06+jqL_t)7aZi3m7J>&`t=L|r zLz&J{PKpdbmRevAP>DHtPKLxgPh#ef&F61-05m{)aXyStM6%5VAj`xDXU%he`%K{5 zX1iI3at$GCXl5CTZFbzK>8R_tOgUZbYWBrlI7$N}q%=L8J&{u9Ql*FA|NY-fPe1!K zWy4&c?$h=c^#vm^Zj=pU489l1KGK+66@9%Ele6?_ z;py+D7Q00{FaiS{*kZ?lQXsH(-;cjLRZijagTr8($clzAKfioEefSGsN~hQ z5ttnkX>=3Df~L4tKHJP zr;iM9JYAnfs{zr2Ii8fEVJq|wbFahg*>e|CpYu8T4VVaowhFK{dwed5{_6IIL_{&tSU<+j_S&XabNX?9`dBv}m;~0fmkgG5h@WYsKlUx++f8gJG97}QXh&BsE)g1%y@(%=Z${^gq+IN7X%8h2Db!w1L<@i zw$D8MO#05(znT8p2R@KiMUJRg^?ld?(M=P%a0feim;Ls8ghk$iTSPU0y_ypT2`x)QgAM?ue@DL#P^%K>pZ2_FIFSMB5mz|l^D!`YRmoMdZc1o`3}dWxEyD{aaPJ1>mb<4$32b)CRbUXs6G8;mPqkAVb=teK{xUI-FRfc`^jj%sj;ao5%ihvCsR-0WvuOk(}qe zX!CEzCK#Ih>)>z6AI0w9)(n&r?V!G>JFfd##$Rq~_sx&r0KY||4p{78XAB(oijK;R zA3OJX#Mm%=!iG|~-!!inN*clY)B|+NV?5FG1>#03=9d$Df&G;j+bo=?^JrL_JC9{#;)&OW)GI@dVK6GYmFL6JuHIf$%+HsHkLZ%>PFIgzgR*lp8g zt`QzxUtQXIVS{k#qvL6|&lw_P`+1js?7)?6)xqb|vZO}fMbQuZHK^e$= zh`dqLgUVA4?U0(JkicOWWE6A|oy5_#3-=T&lsZMuUGNHed){^XJK9Q^{kCELnKm8k z?8D3yYkq__Cc?eLq!IGGy1&le008+anjjJ11?RatPpw&drpGu;Y7FrE_U0^gE%L`Yor7wK#8)5!9c8n19jGqjhTdud=&I&v&awyw0 z`P<;4PvFogfq^Xug;dp18t-@^e z&bwdimzCvpqAAPw#4C=ATUiGYo;~Am*OM5@B;z$?^Fa?)yt~;1YR5+*AdgvOyRAP3 zi{Dn}SC@&=yd~uh(Sz}ma?L+wIAX$Yd9U2KF@G+{dNOeqQ7|G5Y9grDmGtRP{YiTG zfd}yL*U1ZF55us&(@l4A40M-crro6>2N_mii7yjv=vYs=WY}qo93EV_UPKgHgZpJR zcup(%P+9&j;PFqcS5CPKu<)wPd*tz{8jW0jo;+C(iAf2VR5)n?%M@3>YckOZNiBwq zPp6yvYJ^kIkn3TemXs@1DP`?&NLCBP>-txsm|XA-2e#?45YL^5n83ZNDlYXzWw-pv zZHUg<$Nl*-BhTVi$uqv^Wj~)8Opc?2kjK+Ix0lNMhwDCEUn!;JE5F}(*9t(O5F;Zh z<21zlAR-n?sD0?M=qn&;Hhcn8#xMZxn4bzxol4=FB~)KkaNg1RIY&hVDRY$kfN;qIlhaju_EoLC~j)^a*__atzzlQyp6(}1Meg?Jm$ z5!{YC8UorGrEAY$O7o}h0jZDDxu>6pk-!8A1JOmAa_>DsHGwIPRDbMr>amr!O3*Bw z*Cu4<>8NMCc=()JiD|SQZO%T?vUj-T_IxQ3$X8LfafWuHZHS90cKvCCa=B-}G09#vR6Si*2gg z1QpyN&QXNDhj^(?e*Vn4bn)^v%!5;ulj9x9bnAz9j8Nt+{D7ulnDIqUORY{iy~IK7 zP7Z6K>TahwLIuE3uHpo|%#N#z*H+o)ukT#O6EK|BA?UfPq zBU6&K^_Fvx%zL}(d&q3uZj)Y4zN0(pBs#e6%Qgj5$Amoh+_UL3pZRq9*}wH6h&KD< z(J+KJKfvreN<Bsph-(Rb; z-(2MkjLsQ&MOdGeLJok>KJgoLG!|y6AcMNh31`-LoOxZu1l$bR zi+$IrX8MnR<)_m9_s>GW(a>QU`P>(uO&|V)Z=!adPH+36`Sio@el)GETu+lr(-6TP zu~jD1rR7WM5iTQU9Y zux(Bzsj*N`@A#Sbq}mB~c_C%C2QVuT9qr^zv;{RZG9ElOO{U5tTsTFm(}Z!ECd#DSPmM>TCU1zu z>Q(1jrLP_msAePaySo+!2n}jC!f%4-G6j0<%d{y;Y8Lezp}-#^Wtnh@fNP{MIkqEK z%6Pd{n>Zpe9v(Jk8tuu1T`L~93g)v%5Iz?ra*Wow;9Eqagz-E+F@qV2KMyvBerTaBWp|8roi?KKHwK zrIX;TK2Gf|=MGq%;xyRK%ocD;5HaAO!Z|cMY^B|RNj2`q26$SNnd)Tc)Oy6HUIVV2 zOYUd<7fp%h!jJRpM>=A=e9ydIz2|xrPnVR-p`=6gn9ni*EZ(E8u?Z#wQL`tHQX|?hf{2qWm(3#N4AAFYEq|g%Fa%r!n~)H6HPtJiNJqkaT{wK=E-O|=2euU#U}e zLvya%|3vm-X9p3BYK)Z;TWcBokrQb>F%dTcWN{oC8MwdzW4%pH!~aD3 z`k$Xmzxtp43N~$ybKhMhmc#QLB?9t6efrmb_JQ<)_dJ}w{i$>5oj-d|x^kTu4@mou z|G)$3`RBi#u5VAI&wu88s$2(ALHOr6VU<7`@EB+UVGwGl{RQm3RWuLJuCO(FEse-G zAcXNI0cR?65NATG-~S^Irpjs749r0bm>!}*=+aoV5gshnbUgwib1(+$8ytwX10iAi zUT1S7Vkqox6W0Q>-T-Dtlak0&BJcWQL|DHfb_h06B^&e8l!^2TGSr94b1?MRaBcKJ z(jwm>%vm80ldbuX+5|Q8)G;j?;Zl3|78<`Uc z*b$+@gmKT#+N>`KS*%6OEO{|=slq7ojy?sh@FCiw!|U1=u!huqMtyx0QEeesmqVPnW_Gv*tZH9UX~mjY6Lzl??0rvWD}QHt%s43@Dp;sZSOHLLN# zsfM}7JP!W4j4iQ`c6uJ6stGRML|d`~Lvx+oC~%fhhjZ^I@F}n;q4fLyy_mexij0%R zbLR2mx)i2LvVXo?l6lL=dwv&ZdyP6=yx_~IAKKz!nulXx_)gFQ*FOD_uE`u9P81c% z^89XDUL|kB7dQA#pD>}+-NFt7vd5gr5ACwv4xB~3$Cx4j^kK}bFGuA*=ufx>M0vF1 z5VK*O3b7{JVIL2VOFVdyKW{*0<3(C~!y_lS5XOUv$pe)KA{=3u=xhdYw)WEU^{eU0 zFMc6C^w8-%`OKIDrhPoNiZXx(QBj2|F&AJY@CH=T_UNa|WO=TH#&y;jcHc3uac!}< zjQp6n&I}Zxjuo6}LQfSr+7a97g!!q1m`3QXgOLEyxfq;e+vQbm)eyi=bnJ8He%SfA zcDGZxafiP9b|z{SG9 zVSHc9AEH=4c@FaT1K@rwYkH%X$og0?|)B!lLuOj&iP}CSxi>)c+-rB8yY)3oC&2gZ2+HX1+cr%%W%se<`;?x(mxZ zo15-dP$T1R9u6qPgwoJl!kU%H)wGMN{h*tpks45$5!NWL@A2CpVmcxk>;_lORwvnE3YoQYda zg*YpmDck`NU<#Q|g+}I7e+9-FiyN7BK-L#%fL}%*QwhFBXiVCO^OKkkJIv)a8Z#cD zRe~Xeah50IMP?Ws2=KIY9OjjEw}lyRYX`VM7|f?>qy3_8YK%77r_fCBws2GMu_huO z1ui8c|6wZavy?xQ0wgqr4QN`GaEPhz~IvCAg!)&76^{RtL!L183G(&Q`a8@Al$=D=c%0$Fb-JVUd8s! zHrf&Axb!eP47hq!^?eWCPt2F8v>Whievr8Y0|eIr5e_)3WQrr#SGUikOK3H8oI?Qz zac3QX6eZ9#2)gI-$dJ!?hR-CYyh70Ro9IE{d%(QG!&DLXT~A1~JrY}};3>WO#S@lwCnO2C zII|FCi6l zf12m8^ntNHjP>Rg%rbs4JLJiZm^b=ZI9IVF3HYqDR!%I{IG_&`3{3U4m3~^j%2r$a ze_T7x4Xukd*#`SoK85j!T`c4KmYs2T&R6qJ}{$`H08QMYNfwdM40vaIjLbw*tWT;5=%j_jN4Kf<8 z5$iqNhhUJ#^Hka&Js;mIWxUw+RWTcMH5)dfZ8k;h+^+BEzYc$DH~|K$JiE%vaL~f9eC_ zncg8pc^%G}Jt3&(GRJ1<;uZ)ZoYUYkHLX~K1iXT#VHeKN#UX%rSPtNfx3!ZA5vLwO zR&KNka)&n9n8=%vEMe4Hd~gb}Wsqe^{(}zF$N9mcT&eE3LmjKup zdV6QObsjkNi2HWJk7G|#Y>lh4JyH*;L2FCsl>S=DjBi;5m1lh--B zAtq%e)B={Rs=UK`5>GTZV6o3`v)C33k+K|P(bQo6MAB0*EfN*iY{px{VRqUJ=R2Ht z^~xXcd<|cKDR%fU5NV$1sQP_$dz+LEgRku!Jkr9aWM=v}%oL8PvG$b~RYSXF(Y5jB zPZCfGQyw>n9l!mQ-wnp4Ba^^*Z4y4*ad4~)0X3h=_3!-FA9a%*Jik@`4%15OBluaYt^r_hLT|m+=DcGN?=o z9|u;?=U)2k6Q3sr#dLZf$Im-qB5nuQI0r+xW{+hTq+$U;^hNkijFVsIcfbx~AJU5V znaIpwP!|iq3{H(7x77J7TEKm!st#W9H6*(h^_oXbig?_JqXB&094AcEnSt>tUr1#sB+1`b7GpkNzR~l%*48~!GqdXp8oht{~;eVs18YY4o zV_#uMiDyDgH<#0g{^pOSQ}=r4(lZfHVlX5S6}w726*EXH1X>$-I5O&|fcmqlNen4E z0)a6uBZ3~W{RG&8-GfN)0T*fjMuhryd#B#|d%U}cl)pQCDE;Cu&!@Xj97`YmohRWX z4KybFGklb*?Oi6j4Pn*EuR-+Bs#|T9-T@mm0yFGtauI*0;8S7ii1!UCa_2d*KLA)iP(x6#Xx1Q zLDy*@e`@x-nnIC!b&oCK@TfO!O`ii;Hng%gFeC>xxj zlkgTyY8S>rIGkFTPxk?<`mtSKX6}&`#mKfzCRSW+ioQ`+_{vGaNy47Vaj?DR<2~OO zCe{2%Gwg?LDS5n_d^eJ~Yn(zuEgp1Tlg}|zh|O)v8VB3PQlUIwl5w%D{H(OgO$Q=F z&ume{XV?R&kqQyb?rvc>i|w>MuDQZI`rEckOG>g1>vfI9x+~*aGQ7m~RWTb`qP?jG zTST%GqGYn1obrhIeLPO%`}-Gd+@*|i-G6xS#W8Vi-pFaM$~I*5nvLf5^r4@B zM|#J@Gf3E%u{(PP1dz)9u|3AXIQN_Jydxo1H6xTw9a$i@t8{Y{uG%#Wapl zpr1zIIejj0{A@s=Tx&V76ha7d;6ZtD-pp=`ujdzI5*uMin?fi^S{ z4Cc@z-5I-4WO|uW;1XXJU~2+xT?>K+W&}Ek=YtdCjysNskz!Cb$308!Vi0jED-|># z4w4X?-1QT*@TZt1!PDK~Dg?9TihKbdLNx!AA)9oA44UxX$Mi|0k%eIM~AdaF3E!ocd31Gbd`4m?XGT^bvNShR&^ zPX@-=Oa8NM{xfe$K?nG)CZRAJg^-tL<`s_PK4X#BLdL7q08PPMCvK)5cVr2p^djo2 zF_wIxPK97;5^xHeWNdpymSbR25pb-IjhJaq~NBoU@LnL)7CUe7)`k8rA1&Pt4<| zO2dO27AVMP8$2D;9oBx|0@=G=&y$Q67Z=loOXt%cf9BKaV;}ukv^C5Ov_rLZK+VmA zb>#2yJjZFfrZ{t`i!K%T~)gg>i?3OVC?#ZgSIJNKb;`K+ z{zq7=ILThUjP!ghEgIqS4oDIl=f!IShEMaACL({w`8Di1@%$M-p?Q*klHWNE90n`~ zP7}VFuN@I9Q2cotDb zX|*b1U?o--=m=U|T-UkZ9%lXVJfj)=*HcWXOtuP;%+_wCO= z{>MKJAzlTsp2cK`q>pr{Z$hYiA?!_j2h@tGn+Dg*9y z@TV|fl3I;QV=ql3;rF^kjYT80)91MN(Ikk~6MbcTiO~YMdQ826!_Hs5kpAoc?!QR? z%Rl*zw9vjQRVfPy2j)OrWL$gxLIfI8lcI!EL5tEdL^_hv9;d~+g|2hva@r=ks4!~C zXirmKXX|bs=3=tNc_@|z;}P*FSP1kaPbcfaojE)XiPoF0O%GS|o@-7RH^mtyysJq? zT|*14NoX&STxG-%17O<5k|@s&wQPILBciq7+1Ul!n@t>DcG>K*O>%Xm!@A~Zb3>^k zorlSUI`umfzYp+(F%qleJ-`QML<|j`d=(gqGo5uHGV)Pl>iv2;b?V+|yOQ8N4V1Cqt_c+G7iH$72+TxneN15EPh$Jipl)Qat7y z`w8h;2Y#koLRWB7xk^M$mUs2)auD!{K@(-f^p4>r&v`h6;)9UqW-OrbzGZhgv~Qcp zyX`h`4x`gGHW5?ULi;y6&(>t3=kBrPJmRik>J+c*(^MFaI)N0295`sG1o3DE+oA0% zZS-2&ZJPs6b9I~?Gp{8be(&%*e)m}!pPB@ORPx(i$Iq><;)vMcsJ4T|C?fSw||88WswDM6{a=IY`a;2+_R6+^)mX)V;h zj6t3DIDtS%0Egc@XiaJ$d;x}nC|A#WCO>S60JAm|Re-2Pd`3e+rsQ>T`3eIZCr=7m z_E!c71euKdh*o!!gQ}iCdx>}&UkiJ_l9efgA7945zwi-~J;)&M7^45cWDqpQTQdrvMjoVY-$4=^U_NVkG&eh3 zhCL+A`W#`NfmN&{+yE)!{{X>n5>CIuHr6hxVq$udXEWVJRc7drGVKf^s zGqLkSsR&;pO)arqb!9|QFoJ45%gM1D=hOP~MKCpah}F@l=F?QWz~BOhYE?PAA;KvW z+tjejIfxK#0!RhEB${OxDOs(D603FB*?kk+WI^T)h^M8?7~!tX*ta2aZ2#Oi zAT~UB(+r~2yHSbV|U6{wBO|jlSv5qzoASZ~hD+3%1Go~Ij z)Sh5Fh5u7^&mBdyn6tJj_$#SlHnOjb!$@s2p8@3xp4sU`!CR$n>ue^<)#-+FdaJm zuq==&9aMLbOt2mHJA^d9oPPE{{14K*AAgT*C|oq5zS&=@3B>*W0-72RZHn**&42-R{{O|z*SqTu~q=#fsN8MY+zryWY zeI4!C9;N$&+=g|6Ie`SWCgR*Q!AYNO4nl%I;XM#Pu>Z+V{t+r-Vl0f1YJF|2s*fLc z;2*)^CFlS9-0xj>M5H~=j{rIJN0=ReMOFMd@al5`bn#r~3MmM`qRME2tZ2vZ>eq1- zGy?pQ3!e%=gm?K(zZI;Nw)>bKMrcf0NZ-4}vZy0O zGWnqqa9n~|IX*HTIwXP{nVSQ`#yB2I!haVS9}v;jdL^8eA%kMlk7P(_?>%zJH@4VXtG_4ayOysZ|CaO-Hdr-<<)FzXl9-NNynCA+qU zkceh)z?#z>9`%9GYt&b^w+5bf>Uk(GkDZg?b+senUr0HSpn1{l)xxA2XyC+taFrIQ zZIKCz9bx1#wv#l+e)@52^x!jYOVNhAd?+Z!qcA9deEM{Dd8D!z{Qrgy5>`3 z=>$yyu?j%gohMjKvmnQBeCr#;)A%?GUDJ_)j6`~BAif{zCw9y+)&j~2LXacj4KV}gxEv<}4+n@y;#`##`r);lF^x zGDy0GbEN(iA~0dlT?H}(CFd@w;<+c+w+&Na(Uw%k(ecuHJA+-OqNRw*pBaMo2@)WE!j zLkDw%`HJzp6VeT40S3NnERDu?V3}>Ar1oJp7#MytymX)ckph4Et=!O@+`u^E`$l&K)fZ)iR0GdR08h|Q$W2La~r-3f-B!W@gxZb2);OcIRd;dbTz z75W2v68S~>(f)CNa$j5@3Llwyu%G*5Mn5w%0d0tJ$^#W9ObRRS+%UMjW1D;?51f4# z(aeZwNS2+;%w@;TLw`d1KK^aqn?L$B-A;N{%!Uj3s1yU{tiKe*9QAUTL~ed?R6P#z z5fJ$jbw=9&f2BhwWC&7{E8RsUT}SG>!s&xw{KDtc-}}3NJI;gXp(a%g91{fqFw}hK z3b!1R6ZK`J%>q&S3eGTdp#oplXk-rD2`v*95*RJ;9;`wjMeC6JRSI&Oq9?1x&KTDT`Lf0F+9-}rwaxJEX$4YUhMNLW(~IKYI_1g7T} zmeTCWd(&3$dN46nc5KwxA#n16`_nYrX^ndjTV{nlO(*naW`@&er)Q81ImHuS3AgFB z)b5ctcEF%@Q5#T&A(-*7HVFn&>g+sy=ev1Yv}=hY#3zZiDnq_OypTAkZM04QIZ+j7 zP_=$WnAA#G*~7_NtqBa25?ztdvtU2e}*5@u0@YU+OiV-56IF zb^6CL%BS4C`FFYhV%Jy2Y`j>(Z;EFzhZ)IeP6^c>6ZDBs{QLB-$KIY!KkzWf1FZ)W zpoFCpo^b$7PU=wu?t}^Gh3gM)m&po%7*BjmF0+~^SD-4eD));d0Fwchj#<|UYRFE4 zE^5haJ9a@xkTMbQm}{C2f_4k#UV7%4@221Tz28q~aqKe|fQZ*JB%*7 z1cck9EMdO##>q_idE=%kCOe~9>SN()iynMtBu$B!s?9#gP)4p!z6y+`$B}~{$OBx- zETUe`wr+`~iV*{85h%+~W1i!+*(HLbA|(ZU^&zG+1m+U{G`-1K4~G+Jj-XWTeBpK) z?Lb`Fk^9KQ4^SUFnsDGWN~Wfip}R=9r}ME)M+4-0eQiB`@ykyFbVzm+I6}*?LxA0? zsx&B^?xB&ZsS#uciH?=fSQs1;x{Lt*Mqt$D>{`$~vx{oH$5^y=Y-YECC$MgJHrbBK zT*3@xh6>`o3W8j7Ob`NgPhxjpWSc1_4^D7xF`o9Z&TbeT6d`$xfi`;LYrw>))sg6F zPBQXpm~3FcWWokviqS{JwF>e_V`6`Ytb5H{TS&nzG$_X7kkJztsIja;sTLPzX(M9< zLE6~53Ndnxs@WhKG2@{Gtd>J3SDgwAa)0AO>Fu@5e)uVPP%V%VSHVm`Ffa`BKLXwc z;xMIu{d(Z`vYAAIiF)|xYheQ^eg+$xz`Qrb zuBlni`GI*5He~FL=d#(si5o_Fc5x})HE5@^o%1+iqdlalwK}^6(S8iLKO`oO{y^c3 zOo#B-jy}|ZAHx?YB$^x}Q@}eg8e<@{5K(Nwd$iM($I^GyI_B~9T9WV`bR(F!+(&=g zNAZH%_F(LI!C7$KI1bXUz%jtAG=>WI+g9o+b(CvqbGerLuk`w=m<L}WrT-}1d+Idn0l<+PmNjJ2^g$X%t7N(GTR;HV04k#<)R9UoyktWTqY3 zQ)N{*8&JhIvGgd1HXvaQ`Dg}FB8by8L3#pQ2Sf?Bgyliy2Z1(FkqFQCy4V^$BcKK0 z*yiNSGw08wfBWzLUHaxXzs?p&rAWB(*cLcG2K(@Q91O(&&)%B=S-M>HonPJBx31pa zB0UMMY!-`*kN`<6Vu$bm;|b%y;4uz60uw>Z*d~}U5gsGUHsc5a@L;f6!odVEzyLxF zNCE-&lO-V#vO!3IHnhL3U%%d}yY_8+!;v80phf8b7Kl4c!})CPAKBQV*M@O9 zI(CPLr&`9^9&v~ECOFsP8Z@&-JZsR>I4b@PPp4({7K<)nJS&X2UH{>_240~_)-OT7 z*H~lmn%8_q^ZMU^n5h$vJ7y|l6-|Vrp*7N!iFv~3CM~#=M71uSzNQ`w3V`v~e!=~YC`PKQcX7=1!1Oj%n z5XL!XvQGh6#J7$hLK(+AylZ+P7QtS9guJjW>A|yXPt_v}ZzmbmE2P{ti)-qKo990d%@}KY7B~}T>dbgEa~5G;o`JxtKz)O?8;i6(+uv2T?#@z&6P?qX zlLGnCo|aa*Zh$g4o#uLMmiX+OJm+MTwSj6&4DT9`Maty#=?WLI zEh}VrDzCs}qK?RyJi%!`)2a1P(lj5XFW%|rcj~0(tL8Z(-RI9O2^;&w-S@LV^_qTe zy?*+??-aiO_nTb{IE0IA_{VK>sIpm1Z_eP z4NO@^S4Npun(HB4OF>*wkudOFpNxg^S#9fd)1zf5H@V+C4%g8lI4X7_XEX(lW_*Zh3>{!*r}lD;aE=ZZ4NEKOg*QC9afCAwiG~yE=L?gOuY=jbUPd* zCIj4nc9)mg88OY&43}b^ImMCTqa1F{RA>=NsO+}~SEw2lVd^;@8wLV=}HG78Z z575qBxcUTXOvKh(w=G*oPX`lgTx3?@qR<;VhT8T#1O_gub$}G7!U~uFf;TEyXl0pp z&ekm7`F40?$kq^_bvDi}lNpY#pPX22?!V6iz|ba&I|B05nNIWE2WOgTGzzPOZCWn&kENi=T=*i2ZJlV_Wyl2YN)sEM4 zIw&k|y1O2$lv&*p-xLVSx1Bh9H6#`_rfdio17UcAX;29vJUF#e zr?r;Z=B>~!yz(4{_nMZ1hUt|)H~=K(Vv3t#3dXg3^}El0Zr$Izf1e0pqdP-~`Yp8{ z(iCt?xJulyRTY6CL}D18gfs+G|Fidepn2{??{2>FHDAWAjvLMF^kg&74TBvPj@tQq z@R9S$g@DSucp2GKIc)`QBE4@xklv{Rr;9ruf@#`;z@RrAh02^D1a}kI!AJnAUKe4q zp6M}z>RLf37RwQj!i>99u0J*3JoIVL3qj-m`>o$<-uvG7l5^((RmsDQm6-VrIZ5{? z%z$?_wH}q6`WoFS0L<$I7Nl>E2RXX9%=%{BA6~Y&#WF?~j)XLFA@K0Ps4WW>aiQUtGMw z*%UW8wbX;~Tm#}Uq- z+QV*RhG(!21|*{cQ1Eb@uE%MNji2FsjkBS8zrJvZ9T4->6B69h!MN@X2<+fuAS3Uh zV+w&;8kd!-#o(WZ2*x&k1dFI^Fm*fi2=6Fv2?L+>AL09TV70^Rh0RX5gkg$=wLGU! zb9}*rbIk(}PC)-`rG_TdVq8I}SY|8k@Kc@U*$mjGXISI&`1R)M<1E@G%?)VgGJ@=4 z?3h9@r9C<=?Ud)rIu(hq;`E$-#sa7B%CbWH1-%ySS69wT7lMOA1Anndu~9C|CNHOy zeDeeF;Z`xxt=rnS_|0_vU4<3-po`6QcdA4T*1X`5@`eTy&E*1ZJO(!O1vCNN9UNO> z=Dpxn(rS56d@0}BpYf>Jn~!Sh?^=fHzSr~i3L9OSGZQt_du6EaH-Hh`Vs;7~gx)v6 zU`N4;>5FYIfUcks@tcN}VqO_7!9aiS_kXv!k3)>U{8g{!BA^SgC@-W^@)XRQ3b(Qq zBxIU0p<#s(8c-aJWF{dJxKNBx6%;ghClN+UgeeDf5g+l?N|Z^e5_8+0`_xrEdvA*Z z#}@HA>WtX1ws zfthY>d0v2X&qaMZ?0FLSiL+S1u*~Vo+*wP&?tv);i*c@_SN4T%p(bA9#@Wwq-u2(! z%az_tZ!qF_8eoknIp=`=Z@1tAGY=Vag+Jm?94ywk%GnA`-?$z^inDH}r%_Y0Rs&ff zgod>>E(b(-_Jmvo>bgDLwj(AkY+I#JE2w={vAe5dnwwysx^$5dGRs6*sHu=LWTCJz z{nYZAE!Kc6C==LQ>^8QaN)wA5XK=yX_4P;{~mlYJ^jo)WKV_Jhu z{Z^lY{B^tEUSXp%be1VW7}2y8HK7UyR0z6I0tyne6ccFH8AQo`sr4lgnSeiwIH zc=6|2535;5JR7%4cA6{KxW58{V*)0v|55I9_~ZZfN6l~i#v7X_E?#2PhN_wl!HF94 z9s(2sQz-|J6K7OK79(5I#Gz$T^5VYxuZVQp-CysWw{n>i5+lWNEe4DOwe1>f0bE3< z7RnXzapESLsWPAIR3D2-q0`V(pq6z+7Z;7mptiWDgy{p%C>R>1BUN^m$w4Qosh!U7 z#>d!FO$r`Vv`VkM1Sg$_j;6S%Y>jER1yskYtT*_Eum8H{58m}BWRFFVgmu0{-Wzo4 z+%p}DJ--VAop<-P<7F;0Tj7APk z2i6%Wa5$><6jcRe7mZrYYW1d|=}C?h_u{kZshQ^L!exXgG&roUQtRL@6Ez{Ob8!n} zgW$8yw%kQ|1aXXpP{-~UgoQD*E9dX$IQUO4f(27J-2Za%@%iTZ#j7xL@=23-`zmYw zVBXHlpJFWr$CPtp?h9Y^T;}Yjo98_D#m$)qrkjTzI>$oL$I&Q$lm))5521rY(MkK~ zyoNQ_N71>e$uv(J+$g=wZk!I&Wg|mqX>KS8K0T&Uo`n`*ol(;b>R?Ub0wS?)i z=~*$sz4#M@4W4%T8Xuky0w;(zv+jZ^4^$!#@<#gw1zI&m;^c1^dB)lgo=#^CQwO#M zF|}{;`hpD?uGa32SW2F)C;Sj5G<8bwt=Ug-*zbFdXVCK&g^ij~Vbu7nZsBk|e=CB-b3)}Nw?+?3W)p}7ZvHqNWzVLmmqPkh&uvgdbqn7$V;Ps?G3*UQ~IBpSH0?$ z%_EO|f{_jj_?(M_;3T?nnBw&nHs8T`lrSMLRN+)G-^P&MLz*Nl(^D7;(vyR;sBeP` zk9jv5jhYFwqjaut;ndD53;bMsHWBMKwwjN8SZNvIwH12j^lp? zRdu8lL?q`VZS3tc72Cts`%a#U)NKw$rN%cP$70r3h^p!D6MjIncgoqVolenhxQ1bK zo<)m`Fa$eTJ5E&ibfR%XBk$r8btjjQO6ing*&%dzzsV*v>h!?|T8a_&a=Ms!0~PTo z8jqNcfnPDGX9_?Ki6fp!ZANE0bHE%Z%I#~6@TsZA%;#xBXmm>)T2CngDY9<5@G#m?D zcDBB8nzn@COuEY)uC&VZh4CtA#btCKYoS0 zxzL+D!=OiG>Z}2oK;tmNXjkE2nW>d^1`g|7Yw(^w`HScTq!HI!IH+)n>SZtc!sd%# z{k-PB`_Hod^#WUO=Q;BOfsuM!K=?xKLjVJzmGmTHaB_+T@y@93dGiHq5#XLmK@tf?8{a=}Ta z6FrT26<+IkEf5ofNe2OF4=4uBgy{&^``FRjX{%X8qbPr7d-XC4FxObv3~{kln?3t1&PjPUu%YU#7fCUV6ko4n#?w5Xd*&BtRQ;fiun_ zD1`7Yh{4}0|AWjFHt_2ujsbFDX@6JpQlT}TJ85oB*a)Uifws$O?zdlVy&RxX&hog$ zIMrTQA(7uu{*ghfhS&KzZt(wXMHfA+rSo$vgk=A$3|SaabrCxb#sp6#(k+>Y*CfvhxKBv3LH zl*aou#T^Yt^IMHEl-K%8!HnO|Ed}*HWt^We5jue&bWGs%%yS~760Ba>22-_b&#&L3e>XsqmKnnn6rLC|$% z?z$iM{<|hZX6)i;Y0Mo=P#v_!9Ca{BS^$j8gN>HaZj2+WOfbUqj-FxK$!9f5vGI8pBkUgx=^Os)1!=N*|~Mm>7`|E_hkA8{66uq8)$Q&BJ%CP z!fo#!p4Xv1Jc?Z0V`PZDP^N84+i_P=9AggNZ-4t+o436c{y>|*|Ne8$%is%N_f4-v z3;860E+P~v7+xT5w#+tMKabF1SL=x&PY3e_r`DUtspoZs#p}>4lX~E9yDkSJB11%7 zDi};4^f_&}=oVx71x77LET%;;9J0fwZKwfR^$r@Pk>JZdcZ@;3gJl%Wgm>t;uu|=a zCip3Q(`zJLL38%T5UAg1=HQD3k3p@+zL)+)VFyq4WwhzK z^Q7>5-8D{eswt%n*d~LgmUxX@TikZzTEgDmzqMyQQYwx{c1$3*%Vp==-Tp=8Y#TVF zxs+-nx7}sXljYzG&dwuSp{pDU;9R8V3;g^q{Swz4KiYi3=Y2l&$Fm%W1aorbF#^db z1mIl>^ak+DLYN^$7^}oZ<;U0^Dx(`H$(tB?QBz`=A=F}~=~lWM93pg~`OOlqDK7SyVF?6s$UDj0ayhC7I2-qw*2l`1Tb60PsTGc21FBwn7`z?7PYND+^R z4mpop7>a6pnXnoSJADKbRQK*m@p3drW!`EjlIBQ@Gfprz3Vg+XVjbHuM z&6|Jyx6sz1n&#%%4TJ(_doXkaB(FBkJlQF1BB0yJICZe*AxA9f-pg9Mgm2Xga(a-jh0Ijt(ponqA}uBr%l|+tDeX407DXtJ8DMwJTT2Kero` zmo0XhD5Py|F||UQC`Xc8HZ&JxbQOVX^6X4Aw|2UD>gpp-&9kU_k`wH`WmFu|)-4*G z-~@LF36S94xI;p4cXxMpf@^|1gap^%+CXE$oyHx4O9Krw4Uco~{oeWH+@J5q8{__} zQ9Y`mlOwaO-*yq$5nP#Fh(h%4-Z~C*tlSdzYPrS6LYfh5 z?mcacsjxStxWK(}XWR9=$mi8uQL)8A%OTXNXK#W(=_hm;W{Nz-HSnwKgitC=k|ocu=o}!8oehaccVvmU))j`u4v zxfGP4XC6Nsd&-CC*!)t`hYB||>yll>Il%fCs3R2|bi~_cdebC@^U0#cwFo3@Jo8C9 zF)4^?ck7?s+6F{WTaW#j&WWF-Bc{+$a9z5*gCJ^-1~WSj9bC^Ms_<$mVI2 z>fCPqwz-9O(R9W<{z9W=!0VH|iegbtApmpE+^(%7Zv_LhGzW2WnaX?7J1AZCR>`2L zCa#tZC}iX{&@$R~yjS8=OgpH3wVj%3dtW=3t+3&CM#fx>Chu6_#=xmLiCO z(V@cVS0&_vF)P|0Fw)6u(>UwFg_;w3!)DmOCDLdRLAdB5Zt?YI3`0ngZskWV0m?B<3UH4S&+Z&g^I5u-uVx8HSx!c#gMKL~K zO02?5uh28~!*H|KAYL{f&*tRQB0kRou|SJCD!G>s^U(pbb`32lCvSLRkr(KO^otF~ z0pN{rBL({3!NanJ-vS3?lyWwoY7EUWD<#PW^$J9INvwUVe&_%BGA>9(?D*RxMWi<% zqE|igvi?IXQ|5N0i<~*-FLNCrVBNqfYNQQTl1o%Uzz0#TpB2~S*O8-mPhNoG zw^zroGoLA#9Fa~KYoB$8cL<*rJU1?m z_AP6D$S%2v8htpo+ZUe!B0uJYe)XWSGHv=fM@jzVC#VgtPc2K{RQjN( zKp_rRQUu3TmS4OmkfG)R3Wk;VBGpiwIoXee3-Mi&F8V*5>WKYP!h60ORM3H-Bemkz zW0;5XQmD_Jzo{}yIP9ooL8sb|ex@UqbLKh~8T;c(@v?%ZZ;!0e5weqyw(}}^V3y^Y zs<#%=@iPUSmK;wRbn^)|y872%U2yVGGp*9k|>OmvdBW^MSX(yXNDn6r0! z5xgSXDP*GkQ%>Ub5BAPJVXYOSgR}nj_0%U?ALgd^w;TXD_*PQz8_$aX$kRbU*?s5a zeeV8ycDS&Tg2gFv#Tu`cQLSW;JV>e7VTP8(v^@u%j!lU|#_{0ONQCt9rvWaLhy+Eb z{pdBGnrzImfoLFTW$&WD(6BZ30pZUGT-w3LdR6wPj;`sUCAR~D$>E9 zx&F)z>vWE47%F=Z^_mF^QV0=wGb%I?^f=ZLtkV3(AXsRR{2Xfjm6!gkUvCd^;W>eH zStnBKuicZq36HegJWGo>Zln?{Q;LdfGiV4cv57mxKw*mrX1MGn#)`_EkicslnFy2l z`nbf+f)g-p012f~_@h#SGyALfXWTF@O7HM=JfN0Z{h$>P{R3t}CTaVnei%0rSiUSu zDwbDZfi55@NJP@a01{>wb1T0eDDX3fV2a(0j<=yPWNUXG)$Uxb^Pi<(wLaps`eyAh z9Q+2THVzcoRpMl4;(VjblSDVw^^3H!xTFIx+d#}P)3LfdW{{2yMt9~UPG)|452U(0 zX@&4m29UmyX5BlubBbDa9Y^6z#5?=EJRnp!t9z7T)pPZ>Bq!@OKU|hNHxidy++%T} zts!Nc(q5jgtmQ>&Vr!O4)m2(_C3P~-x?;wYA6cbSMDczx~b|$9{N((o=%TnGAtSCz0>U&hgPmk=L~b z4LMrgIp|zYx7!V_#Maiz`C<%?TMapu7I!TzKCw9l8Meu$^@if&NuNmo1Y#tx5JLSB zcj%K0ZP0(NVkD(?Rdi7p8HZN1L?FqWKlk{A$$FHPw2mfnNY z(P?a2l)+78D#<+2NWBrQtA_D(%`MBjz`GQI3L8J`mpbllyW<^~a*N)N%pSr}F0DfD z11$F5H336X4$B)8{%E|&u$QS;&FXCWdlMdXRCzbpA4=3(qbvwn#VM1U0FyS46xsYw+s8%LJLbp{!E)8>DQcew?|3k#l_Y$+N4I%p z-Ah#r8)_^FkIS=^O8+jFfA)6Kb&_*aulnLfQ8oMCbF{!-wKLc(oUi$7@>%1kt!!R? zb;JLZ6|sIkn0k|9z*XtWH=5G7FMdBCyz7FV~8&9z~>?+0ent-k;CI7 zd~^B=M&|2hbAIya@Y~#X=Hzyexe8FH4{)>*qu#PCc9+^s(s-$l|GkNRZj~~;je>3c z>xL5TiRgtx$!1~H{W0@+%8596=%TWc|I@gR``LB)YDogeM3M36C`+d-o(ec~*J7P9 zzg51Y4S}_q*E&l*I}eiScQxKPgMCKnmJqu&*X&1<+?T2zXa_u~WhuVYx4(dE7)iWu{!XjMA6P2wi4>>i3B%7UhHp!dtDgA_JOhZpRQfmv3*)X>eu99cSEnIycAvoA!oHz+bdqUTas*r zm_#!eWU!xKH~6aCZRVIP47jL;FlY3_?*n#Y7;}_F^NFjbG;l*obTGGHk*`1nbT`AUJ(kt1jy?5!y_0){BMh@FI5)aRN)G~si2r` z;xBbg5?W!`-H}`cpDS?`%H&5q)r}DHL(790Z`ZH-m`$fF6Ae1W4F@^Le7Q=l2PmnIt}vio?=g>yKNkn%_zWbP3<_El;Kc)|KGr^K|7XLUUX&l{IW}1bkA?N7cn)l_H>n~ zMj&&jA2jSN?Pv6ehMBcGR$qBXF^f9_e+q~E1}czTKn<6FWQ9?#D%{r zEpJmz@tOrBZUwa$#XRr*-1puzj`r$}NHOi32@X_Z5OT4J*3TJqg%$RyK6&Dq+*c%9 zkbMzCBKbR&@XCxK-6>&162vuv5*;+#{%NKB{Yr}~)2gS96n=VZ`-XW}Yk+B(k?|&6;wWCDvrA<^wujO%y{LzC^a8PIrBvUGrGUqDZI1ar~@wf;Y zY0V0mepZD;{0G7F4m~KUANW_jSU~za=&mhH^43l*La-k9>;vFm?rdh7;J02stENob z^Ft%#_U%X%yzba+;!tLtqAayXFpeOqUSv$4d>8w%8LEHTN8lU=;1~J%jllFv%$BDP z36e}Rh))Aj84YKD4?p0LEGW4&RQY;Ilv`%zKr=gNm=8{-51~rics1PLQX`>dD+{$U%LCjJ8F>-qi1BEh-uJ)#avuQa>lR=&p(tyM#VnqZ@%c3<3 zJA}?)w9k%BhIcjx)rDBE9@&v%xm21iB3kAXRjVV_Kd>3C|4@f=a2)anggFm%!vfI` zE{KD!8O7Wy{1Olj2#;k3b>g;a-b4i4-=aHOTAEh1UCx<7cGas&SIqcdcQn*+uHBX^ z8`$LU4lZg=I17vmFc&;!P1^3aW{!J##h?__F#Z^vPINgDQ{Oow>=-*sA1dfv7k;># z-|yS`l3S^^pr$xc*OPT9sr+ncsW{lz8TW%#TU;%=%p$LII^D)7!s7&2IQ%ORZ>40V z;ZQ&Jwq{E2lv|wF3@@&aUY>##Kq#Sr8^kUQ%-y!X6EgL3kC!U_E6kuk=Wr;GOBI2z zj4H_CAR!|DrVLT*+Z}3T+c?cTv-vKy7)b<8baj~Tixx`F8O3)N5gfT8v4-2t(5-6mi*&Cy z@ORo0HhqM*d*{T{I{2~2^76ja2rRZC7tAHux@RAC= zw2oyLsXwwwR=WKp|AEuk8rj1Uo4qhmAKp_R$zcBNB8Be4<%*UH^lRRJ+`8+!A*ZDi z3W^@Wh_A}vV7Yfc^8?Yn<^0XSJyC^jNOMoBTKro)h_u(=Iaxg#WMiFPN)uw&eb}V%t^bX4yIGKiSO6nI=Bv0$TPV9!8)-*+A%kl>tE)3p$p~Dpza{G zCQy*qPrk(1BehC4i85g{Jvj1+ejIYMcj&`GKhpasq_&pZw?v$o2`Vssu=qNwu}Hcl zgzhUydaW={xm*fS*ctzbCqAT|8Kx&;W0+vedHGFw6iOP8__OavUil-p384+Gs(Z-e zm#7L^OhJo`Z~V8*xHZ#D8T8|ZEh=}Y_@;eGh$8_2@D=+552iTS3!G|<^=)g6w#(djf_Bp@KW5(EZcALX0f6fU zL071VNMY%HnCTi*Iu3j!`8pRAF zu$JFq9|AXj_I!1O#}%E4N)2!3oSU*#y*BZTYY@Dng~zGNCEzcgFGt0mwmW_f+Hpr~ zf3v~)+{J53|B>`!OapHIrIGwe93BfDz>y^1P#_3(;0FZi%MRL1SKtwdJ3a#Sleq6_2)9AOShA_;N4sM zn8howZzemd#$tBgr@-m1OeXEXr5#&qFqPBLvC^ZElOxiS>)!{>izQc;T+OmmKK`hd z@P$dGi4J%{>c;NWM7&=dPTC+lw^f3l$8TnPbaW2ga{<@VC~|b$5y3Dt8Bb=L3RV^I zwV$&sihn2D<67Uz&!_~RXrvO-f*}4`&obeW9b=KwCX#mAu^}u3?(J5NNT*2BkKZ$b ztRR(Q?pfujWPRTx-~cn`erd>9*h7Zm>~spL|7!PF4|T8B57z+IUk zF?r3x!kJVtF?00qY18&2rCT*#5k6)UH3GkqsJV-{VVaj!E0=tp5UBl?*Sl7>QJFer zH15b`zet&+io1DF!!A*S1#sa~rilm_g-H3A`a<<^Eg`1FRk~l1pv1Zzjq-k~Y}dbN zNz}C>{hMP0-_+?`TKDDX22j2!F@74ILjl`Izh58dXdj3=6`P@2=0-MZQi)SISD1(| zh6|#t)nVsQ__K?4gALkS3DuXmxl42Grv`SCjJNiUCVtYfW7L#Rj!7h;|3N3x&O!wS z_=*w>B-Mv_=!{bxNA3$$Z1$OJ<5`G&v3e0NMQm)eT|W|^uKFz5JYYxJ_yv-E=9b#5 z=+jAVv?Y!;x4#tZF=Pr}c9wodm*!Oh%B(OZwBz(QeN_Uo%vx#bH0<$huGl&y9Q}IB zTGGPIl=y}~_NUW8G|Rk$d>B&*(VTva*G646hvsPO3UEfSI!Z|&ktf)6Z7`Ozw*Bs8 zu!IMn%2EwQ=+f1r(SL7c7%@r$!%TBu?`wMMCSIp78jo z{7Hx(`*EA0q%rUotR^ZsjsJT<-4Qvjh2#nwbYa+U6J>WZsEc-n<06FGSDNQ$YQkk9 z1pWC{DLG{+WXIN)0Ue+nykb)T{m>Cq>VX!_CKn*e%dM7e5<+W2a+o0h zR}6Qy^cZqvvJ$sb)tdR(T&P-0{U#_xUM+mbQH+OD;E*ia*boz-O_?wFNSDc`FF`$n0f+m9?Ry}z6w0^SOZcxdVJhG;_c zY-?p?7}cl+dvr~!Lfxb6YsWpsgE0ruD|htD9{Mv6OgGjW z+=D$sx85CNtQZt)ypH9tv4wz+?tR_iP@krO-6WAT1su`76|EwQR01M0UJ2wJ9kMRU|qP3FPfqD`cSf zlpa|$3sHK?r60)Ir%RhhW|yr>=eWr&_UxW51}}zA>(X9u^l9gN6=hrexSiN%`iyD` zW==^wrs&KL%C^gooi3ZDc7RKX>+LxpoMY4n*m2G2Dg0*D>J>kg#Rsf(BFbu#1f$3UEl)8HjrTWe_pJ7V*aACx+OWpjaO({hln78neIo?_R1zL}e6}g+ z*P;vGcJhAr>+etPy7~bHH_*w6ZJo1l){N2|MJ|#@D6n+=t$ywh6HPdDpC`^4XhK51K~B@ zCjyUnfBdUmO!UC1&}MSrXXAy*cVUC8wm2rc@z@K$e+1GwA43!*DrAb3hBG>3=6)Mm zppB<7%XI9SZI+YaMC4dx5QjzOT{qc7Y=m|0Mz%a>fTx!Ev!63$mxu?`iiVuWIyLQ<`NZK&@-H_U;RJT`O}?0Em%;sWtlZ zG$q&C2s!y64`&nC(SW!EAh{`9cQUk{YJcHt!p?{)zm8Tv^&o1uqnCN-Y3D{#8P;rS zouYC_UR2(v@J#!lX5jG}{&pe|KGOjOo*OcH{|vw&=XCn{5!?u3&^S}Eb>e{{Sakd*eJn#5&nMX&F+Yke#sHQwEr zz2V<}g`qy5u$X9nW$i=d=5!D&GSm^4t;mV@(Iyti^XRrcv)12ycR&vKL@H|%gHoqd zJN01{Tw{Fv^@S-JBU^AT9Pg?4bI}?08pkMG=gN({cJ!8E)VF!GT_z(j3WBYr8lm6Z zroJ;yg!5O=0{`f6_Mpd|P?KLS!oBLb&E5KQ+?r|CN}c)=xO0$=z)91JIw;$dw$k9j zH4p#T)@w4?_m(oF!PTr{?;C7n_k%{R`K#u1LsLoh{N@D7Bs1rw%Iut=_=!v(z>aix zQ%s1!(d|%aOdV%r-R7U1WQJoGt(*q>(rglUn>EX`S>GeG())Mz{JCM@BbGz`&R-US zV+8!ZjQPw%i9TGV5&Ho^va6QWV@p+kYmU-OPDf8H^wtAaOjchT)n5Y}zhiF+M<)U8 zlR9Jj>4o*-bmIL-#9pRZ9jAJn{3K_{?&oehtg3;^#Uk%t_{(W6xE&3DSZh*#Iv$*a zEqW@=8d}DkFxi(Hyg*1iCZ#Kzv!28(U7p`WbYmC7T~Z(Yx;aPq^NiRxv3Q{4PW}aRdG=Ez&p4t1 zuT*mZ_5^h6M|h#dBDr5$uWJqgodcnX{PagUEEbzN4LF9K97mIy;upkQ8|{StQvH@a zOCb~>N!U>Es7te0ekM&v%$?8grtsd&es8c&l{Kp+=4s^p2kgT-&Nav9N*g8vyv_)h ztsep?jFY2(`!%8}w7tJ`bk%tf>FsRuXmszy-)VZwmL9yd;K8%!@NkYxxIyB=`Ri)k z{?+G{iL9Eb?gb~wNXXg8lo%>GBy*4GLx^vctcT}fBzrhk6#f)bUA+}5F}l`ex6no% zOTbxudZmRts(>_=<=Z<(f&ucD3vqNt zK-e1jHR}2|LkM}We*N?A@WKa@NnRb9l!oRyiBi{c0bYNMQ`Bq{jaB-@;o(uh!CRlH z>Ag|yLjx`PnzZ?)eXb`tJb9%Cf_`^N7Jd>}6-2g$?RUeUl|C7om5ySp*pN)8j^!8F zmP{zP-=ZSE?%K}IraX$CQ5nu_*7QYA?1&e|<1aIw`Qc8nmF>RR&O{<8c*}HthJRPn z16{_vai+qNpcoV6rDs9+G919>0gTd8Mx1?AXEBp4G*qRR%yVdr3tOv*pTH{kVIX@I z!7nuM9 z@MH515H>n-{?PT{x#F!@nqDq?qpp}5*C{@-qJ!amqyLo+@=0H7I7CaE>;!AXJ^@-c zsZYSyj?w7dM;uUk(G}!v%j_pQ*iu;dCWs_@#=TZGRiu!U?I2Ox5|v9{W|QNM<2N>x zRg9YsWe}LwW$MsscJb26xx)Z;i_|r1*yO}(fZ*w4sCS?MGJ|1Jd(c9nJmVF?&Gb#% z6Qzb%W|I$fq|a+rbH`cpYy3-nQRX1DM|lFqK#T#z0YiL`lbZ25cQ5&V8Fvf}3`#d- zUya;@5a6_GvmMui`&vSrWK=WY5HED}17S<&M>d;}^dFtu-?sKkDr;qfG~z0ZUt|XS zLRIM$R6~(UbY-{IcsKsCqzlNn=6*rROER|V-31&BVsT>Jczuz^dYmTy6l(Xr_>m6C z_l=H+q-mWnj8J}I>H9-JJ!BloAjB(ONZ#P?0KqdZ9(9}>E>=9Q>7>{-=8IA)5PFHF z5G33vV5gJI4Sh;|zn~4KGdKvqnmn0G^6vXYVCUZ{WtI!mA_g<~?+gYQRPloHSd3J> zBRr9J9F(sM*IOIM8$S0ag^nTJlmHR~&GQ^%F~8&<^dcxuW^Gv=d{MA=Mf@peEhq8I ze_7&-SBd`L`Zy&d0#tTkqU}KjKw#QvTjbo!s@|dMiK}E!rMLh=(m(SJd<%u;nzHbG z!Ut`K!$%Gw0XEh;fW~r|c3GB6Pi*jJN!m5Hi(ykbcclg(hJXAIMSVbHjcDQWQld1_vvDT;t+q`d149wt-u0p z*owVO3GW)w8v`Y!mQk$&cmZ#xaW!%Tb`mB{xUZ*V#DQ1GbS6|}bnP8=y#aG)n33Sb z)8$6sqLFZ7ajfHq7Bgpjq9!uapGd(gYXf$nhLhiiwjn>C66i-v%g%T{gvsg}I7Hbl zWd;;}W43r%n^zD{KU_w+CU6thy?nfNd9ZCEmlp9^jbBUIo{)S_uk7F9nsW8ya1IOtZ8)Ck0`&c@6_=vjfvnai=d*7FFB2dKgl=WOflqGK)4(JadFHa#2P-{Gq7QVcBU5sJKLc|mR(-dRrrXMmm@^7=K&u) zI!fqaUWfzx(o*_15Aj4DCnULMpxm{m`Gk$m?o*p&VD`NbKBFOMTQMIpove)RL-&&9 zZ1^*eVz=qbL@x05EbInTXsVTu#~r)YTuE=&c`0nVUzYam^JgasH%)gQU#UT;CrdB5 zL`VD@K1d&VsYIk$ekCZtpi4CVX`PU_ic`Rs&sMn^rD@`7!49|o_=GW$W_)b4!#P1- zdqxh@8=^k>r8!#^%*(nnw}ge6#0Urz`6@jk(7*kMvjl-rZXw6E(ae4Bvg+xN7n*5> zQIM4{53l1&r0?%_e@CBP+< zGR^YyVLk)?C*(Jw(zO5g@PAG4|3@#tiR}pn?aYV!1)<*gQ(3O|bw6f~WZzK}B+JF` zw;n^HmxfJZ#NQ^PzeD`j!G)cEsx5=Nz*qVIy=d$Vn3C5V6IQwoARH|yr^-_wI}%{?JiF-{#lFsNBnJ&X(b?OmPeBoG+(TB0E^sn~(H-T#-UeGnw;zu4e^ zTf~I|U&VIQWEtTUt**8ohbtxEPO%CJ>`c8|J_;AQ3+z7bf|g#w`4;YsW?}WmYr;>j zZ((&G-*#jBh0$-v; zlDd!9`SX)f87tMBHE#CQFge4^Qz)eJg4XJ}B57!cW#x0(q^OKS>Ay8*M@$HkGukhp zN3_DDXpkl%<)U3K6mK!=_7iabrBD^wI>;DWN@m2?8HYsTr%Icsfvi1mN-&t!CAbv#nv z62fb0w$cOn#{s&l^H_v&iKB&6q+ndwFR(I5lmzywd4r4?zIs7EC|t1#DB~1KKspCy ziVe7np~S`()UMJ0@a%@eM7p6cjU8AudEF@YTV1_Z zCQIwik5k&5dlhrLODFmB5<46ie~F?I^5^}JX4pK85Ai>p6?Vs~>!#@yr8&lk2POqF zda*-f`~!uzTcTcD8{t$I{%z6QiPi=4gU>f#HosaK7r^{msah*ZAKa=cHG_UIW7f3Z zYo4&12X~Hk!46#0$9>Kt9!}VTpOpR`5VT66Q(E%&8!_{By3J=jhEvNvBFyiEaz*DT*DJ!a#cni9Q5KD58>TMP(9KVHZuxxo%}8CnVTSA?(J(=iw?3U=ll z4Ap(KM9tb^$+68%eW27>_xQKy)A|Mdg!h6v^;Z`mMdUqE71GwC8CsU}E@-IUd9a;a z{CTJxOxwOsx!}lW4?Z8j;i?h$!Mqi`ZPJ0by?EX`g28$0lJdUIdvI6$i(1S*QP)!< z1@!E$x_A_P4r>1nf~et`C006=c)mG;&{`^q{RZyAC4I`A{{Oc7$W+5l(j^SD$aI3fXqYhsA*pOnGZ~E@-EO%E26lO3+Ds~2<>^!+U9qo zwkeKE?8woU$qbHt>4aO=1U}+h-djGHvI| z&PNZXRek0Izo7z?Eye@gs4J7Lat~X#;jkj(C^%^|KlO%K1Uv@}9}9xjbbvNk{eVQv zofMvH3A#_+P`o?p-v+*>&MWQx{404LO$GIiUG+EbXr4JwxSIJVCLQ5(L#{JbzCQL8 z_3!~;ZxH254%)_P?TI^%TC?sWoT>RX@XKSm7&NYB<&^Fbi%ag50(GFJ0ER^!gk#^< z0r~5E{73ZQOC32(G9jR)Kwv_UJ4jo_#(=jR>(bQWT;}yYgu^ouDw5FnJHu_Kb+pym z>dO2-TH(dkWXML!To^>ogX`Y??||Vh2T=55-YH-LZ=M8_A&Mpt_}ZUzR=Iwf>dD)e zb3NQiW=WZr>ny4s!wO?zU1NR{;L;tUspIZ1-J*)F`TBaoX(%u#m}rA_2za)04!Afc za5OG07@7|V(B7!+pdxytLcZbN?u>*}oiNs?J164|!xgpj+;%n&7DUjnX=Gu*6{V4dY8k6;yfRJCPW7ov!lL8G7Qp zMFMM^p^?FIH~RIOUk2yb-Y{I>`;7Cg1DSx7q-XCc@R=p`{!aBZw*SD|`HC%Ntx4C` zbUT^F{$1gZrFIxfRcj}r&@iQSo`~dI=OJqCysQJb4?JiiVW)M(#=!PpDZnP%+rp4r zYp~`Cq~5!)GfG;Nhn5afTz6A~uz@DPoJn5eKOoz(0m7k%zKK2xk&w9RK9fd$TzH1n zn?2@Ii`DM01w0psoWYHVth1nJF2?U~Y>F8!~dnf(wmsAufH?bmhF$yqF3D(t>gQ3S=fR6+)XEdjnkdP&EgSsHJ0QUQI(biLHbmmBlSgl*vF03LgQpE407= zf5XNeD(OO;H_wAq3J|g6bVN6oCn%i0`9u=BkjQs7Zh`{dCy9B%N+SM=LAVgLu>q4pR6((<;9jewQe8WIe_8M<_c+;eX@N3%Z4)2T0{C=qG&`pY4Z0>x^UJJSXli zYU@+ZG|poDo%ufMXqeC6bGvUt+N$+6jS`+|PG3WueHY>UbxtiV??2Vv(@_$N8z*|6 zLuuVhFP@3G3gKKQlP1R@TaJ%jD!W=qmM0SN`l>h`4^l;s?)7F@a^UdnQi86H@^(?C z=EL({S{2{aFV8PX7k*$5Chs-|Qvd`_gkuHRvUzcXU8Aw8nuA~oHyVg=sVZi1qgcZi zsH36`M(`)97@Sm|{;b;)m%a#Qrlff=HwaFxF4ts8597iPXG&clCA3zk=eH z*P-5TY8ynjTkxKFOrHxA4y=7&w9g8eg1c}0jcIT(lJ*Z2|IudGgM6!b;Ml9EpL=!@ z`i272hSWqfB=y0or{E{An8wUU_Q38#kK8-lPuo2cr5E=iIxXv&2aNT>R6@f5@tF)4%hX53acVkDoD(q~+EpV* zd+}uR17*2CAZUufr3${#aAzcLM%~B6U^JLHn5OrM_?An{=oVV{vPD_2&w&5EOip5@u=DvGI@h3H> zj(4AWb#oc{yA1E9(PKdg zkor#Nn;%fxsCfLr!kM+d zwY*a~%<%4wM6NSUxqDW8pJiH(GF1^rj5{9I;nOmHvT`Iop~6W)*;S*(!K~N>bL1N` z!nD|CT$8*@SCc>;b+jEck>OLCln_Vp73F%<2b^nRv8_UGm1is_m z0|_pNF;10s{aKr+5@b!Um2%4KBytymMM~WJCF5d(mCY2NY4?RLHDF^#1A|>^*6HqIdZgEIuhi+s zpP!NQZ_%;rG`t%&CmCGHvPbJ?uH`np=5t_oCtnk1f12$8rUUi|Z>(b3jPD3eg2Hc% z)-RbI!HZXv7Tw=)X@;^BU$$@XeyZP!dCaI+HZhK+vM`#65*w((228&X3(SK3GI%+yY06O8(hN#XK3XeDbnXrMdLz-i~c>i z1!oAzAM?Z%jLvD2H`H5!2=+p01r>y37C1A_ejsZ8aq9QDun&B@mcRreBv{X)d2sjW z6JrpwJzVO<+62noQt3>ZdL|$`ES4wizW0X~@``3XtSd2)b>XTTamD^DLXdkBHr;2m zk<=02MY`|*_M%bRq*m6m1;YTXuPZ#IBds7M^Xzj~iv(c)!6P|?0l!rfxjPm8iCK&8 zb5ZGHH(HA`=$1TUzo57Ms#quLbJgPe#N*H+fQ9Qrgg`S`5r3Gl;!VUO76Z3?K~F#+mOVH~ z2O78IwYkAgwPq9z*9PO7!P2z(tz(0UnECw4T!VhzOl{pO*VFXf4l*}8_hsJ(?Q?i~ zzYI1ALlU+SrG=Xyodak}Qpn@3etmHCsiSsWYZnFV6daxjYOFrHOH8p!`W|)8$ej)! zZRehUdXmq-`kQ3(tX*~fkv$i=>UQ8U=>08?$wnk^&2!?Ka-08ZAkybE+rfJ~;GJp} z#^%{Wb4@TlOt@-rp6cpQ`)+0^cUQ1-X)THP78aCiS>-!&z>S3vbF$Su#GR6lj+&|rk}o}QKFEnrp*<(H26;IXZ_KB_6V7I#u>Q$^>YA==5-iA5R?dL1lo z6vRx4e9}D25-FxOPt}AbYkd+RH@Wf(dP%tt^T9TsOLRFueBgR(;MzG z_Zj7Xq!z8-cz15U?Q)(j{TWB)Cd!2`M_!6n_53sGNK6d*-8BMLkBZ-JxL{9u0^*Xf zb-g4UJ+oK{5t+PIqm805@Q)|75Ejw7rS@Qv7r&-D@vrA1vmQ9Yq89TeYf5>>sRSyU zme%=a3Ho1I37_&e0GRUOsK0R{g9(m9?t`fbU!UQ&1ieT{j!sVkqJbfvg{)rTW9L^A zSd?`%8EsUav|hnsaM7ypduI^!+^XGLRx`%W7IU!>O?9zhfRqDO>>)qy)m;0z9B%1l zY4SPN?>*|5aPgv2$Mqhi%C^)D32){dA{2mV{RfC~Ce}SP>N<6DK16^^uKe)jAL;TY z2YLWQep=oU^0H}P`^;$F$nHPl$W5~N5Xtzl%`GXDi^*k<=O4@eM3{Q39eFBc++J4H3O^B5j zC3wmBLV>c)wWgY#NgFvb0FN5zc1%*eR=Wi&*fe!+0suODJ>RQ*8S5C*;*jw%khPX|j+c$vmX#&3l@G)l*jh z!QEs!t383%dvY5Q*}=zfw{7lTPF-9q3C7(jpMZ~lbZP(F@X$O zT|V2~ucKK0nMhJ0=PUjeOZ5B_`>1pO_~9g~PATl6rsI|h3=F4gRgZaU^Vzot6#6vXwh#<*E7 zGQm694CKfzSDsPe1o~xWj=Kp_|5rlxPs?8@h@0$YsSFdS$!0hynykqMsLa}m_=(E3 zl#hBQsRi##z5h}xaQ4eG{f0m%jbL&xALQrtm6^Z$RV9qp+=%j|-EEV@2RruMt92t$ zu7|G&M!OJXR4eAIK#X0=6@ z)`;`~BE=o_xP1abk^SspPedYTu&!=O+G)PNu$yY&&uqGJNFcTsHH@>W zrSOqufr#{(#4DMTT?$-Fw!4Mg3Tzq&X;X5s`_K2%6)(S3)AVeix}>_h&x=DjtPP42 zueng$lPE)H(EzcUb|LxYmUf~&iK`d5VE%R!ga^s<`OVf8r5TO)PVs+O=^s>|DZWe3 z-)bsg=uK59FyUpWACK~LnQXy&0S;hRX?RCeJ+#HC3s+mI6QL3)HXum5F**lW$9l?yAvHK1e~jceHI5c3b4`A#28;E34eg!FoOIN~wE{OgOYhaXpR}ux zCf0odgK=+H>fmFhsKW)a$QgRa=Ry0L0MU4&f*@bt|4m-8@ATZ=fY$*AzqpuAyS6Jg z5*u)E!VMLHP~W+K7IX0meyqocFJn&!n|Nor^`~S>5iSa#C-=x;@NYy4 zZkidH)>BbN-F@O;j!&+g;J7EFGwQ%umQNiJB}P+mT=+cdR_z>*>ikBV>&>YWOBgie ze!P0#g}JkAO2W}vG-~C6k^8Z9;sOc%{UCxOc2U{gAo)(tF%X9Yxtu@=u#;7EhX>&15iM( zzfj&KV$2YjNh1|I+X`_Jdw((hZ$1U(&@Rt9t z6YnZ`uFwZ=(8m~Ll)i3E-nqHfjPsnP-jtg=!^l#E-3SIB84k9%u|?lRo>q`um*_`V zR?OEr@yVafg8aXfMf|(1bs_CYBV!f9vS%_#(3>tLOuXv z`M+bgP1;0huY9u|Q^(h?UEiI-J>oscC*_P2W30^H3XRM~2ga{JUMhzW0Asr*!bN(e z@~L1eBH{{<#eeIiJi5{;l?bL%3M|D29$b^Zk(UQQ@gvh9wMbK1h+-{I8Ms6chWGL$&GM^t-W?{&*Y!Q}Pg)k&-_`0x z=5SzR1m*!-8?XY3#yHJqq}4`P^X=e!h;)XwWbpb`XwmG1sREYa3kD+y+@<5QepX?| zHj*uvHGLFuP-eOW1@jnw@@^bMd>^6%ky#BlC^ksb`r$L20Hj-HU8Zc$^cQ=FcyL%@<2rN2Up{*H|4{h)^QyNyZhE)8uSItn3!FHu%K zAiGG;3S*N~Lkt`c4ktRz_@sk){2{atD~!wYP~Mr$hJs0(?@b1-{+4#_?_}rZKWN!v zSS|zE9ipZxpbk}>$yL3ZnJjp95GxceNq3GcE2H%Hx zM*mM7BjMkKirGzfre$u9)5y~b|F5wYy5UVcwUMMhb{q2+N++GcYb&rS{dfsfXjOW( zN5u#EFEkqR5mAbX*i`qDHkc76;wP|fj$c%etK1Nxpg-UFW?lJD`8aZEf*SnlMht$9 z`jK3=KO0Vmz|=6+7ALc&DY08b=&=SapYrbsKtOqOe0)6Q8{43=mIF|q(g$28zRgTc z!2hnpLV%gqfG)vG7~!oXN6Jy$;Av$`$#ojgyH=UJ376Ao&lW2ZlWH?AUs z+Iy%>*%(@H#%IQwnOPJqqhrx7R+cxL>kAzQ-%F&)V4QNRC{Rf|f)ZdHCF<1dWOM4& zY%?)6)l5!LVkep@p0+LfnGM>D&7sH-wxk`a3}PGIAaC+8`!cQX`WFT@B5pxWEDU?jQ9@5Mlx z3RZU9)QkjIjqlZz-!+WxR-nQQZv5{B+J=0Su`&o0-`ZqCfQ!zy^&RTlo%~fosg1M7 zS@Y`mn&+4uC;s|PzcMl3%}o`k;KrrnCO_Tzu8h}kJNOi#qtNpX9@S4xyZZN8f9q%4 z2v(c7sz~x%%(@Y#{al`uNrs`eHc&K9{OYI1U((RMHZsdyL4~0r3@f~%`X!_SD*|q0 zzm&n>8&*6R&?QnQ{N&FjOj0GpC>=xxAzAkj2G#sxr6)1#R%Qgg0Z_@G@A~P+!K^u` z*`5C#|K_Tck({bXFky_pD!NmR%_Yy=WmU_HRf|`OYBT1vbOUr1c!oQ4F`p6#}N_mr+%yXC}l5S6&^}^H(m2x z%H!`shvow}=tm)FOB*waC4a=e9lsguPRkT_(k$P6k2;BRmN@)d!x_fkwfw&8zsBQx zn!_Vt8|%ig^2orM3ZRDLU(`)+JEzX1JvkHNChf^OgkErThTGYx;2+FNDOeY!Mpbao zMxk?LTd5tY3K5(-=1pGZyR={)h*P02(&D>$k!RRuN-Eq$ez@MA1(p2HvU)$jTZ zH=aSil)%AaBwPtE+7y){enLB3fT)m;d5C1IT;Gy(sDp%K0 zVwiR)H7HJb;^qvPLW=@0JSqmh^s7E8cr(04x@~On3TUvNFfqwMo&kNVPQZT*eB~w9 zwS0!Uui-(+`qcjoMRQqB>dDB4Xmqet|Ox@kHkJAC?bdSxIMq zL%~o4As?=ze57#&kD{F!zKk(!Vuc6WSCIqUU5O{}6nkYRSIdl{I2vyzCnr!!&{S!& zDjMW<8!8%rdwtb>7M_K3q@@ySiPaxsVILzO?0~1M>n5kh$v0Tgk2uI&$M5n2t2$W8 zxQ09*E5F)?El&xB3-PSNTUYTLvKjRz-ye2$Exccaf%&g=V}7bkt@6T&&0z{;eQ7GM zix>VxI54C-_$a@i{)2b>O?nb5!xbJF`~-*H&k|3GyWs394JT}k%Y0aVf16%+So0O{ zLB6G)YTkTSd`sNjU-tfOIK$MZzRC5jK=oUVTUwwNvB7PFKg**v`YrD9+P)V&{pP<2 z7Bp1+8*jyZCys(+SrOwHLqDy2AQt?VZf}RVYl;mkz1Qr3-hPqFGyqtQezXC;akPG- z;=srdrDAG`@~q*itAa_liC6ykte+x}Cfx^nR~=}I0AVFTB+?1YY{$q9U_=nPgQA+R z!c+`f$gk!klo>59-K#qcr>%L8cN)_uT*w(UXA5OO4$x~kE93QDvy--kku-~77$3X7 zSN}C0zx%s8yuV}lDbM=dr;MeB3xx-%6b4%c+WIkHn-H_Yk)~oz0-=Nm$Ed}U?=3X$ zE(b(pZH8P9=Wv0rCM~W?S8HgDS=Wd^1m~a$nKpSwaF6^@Ry!KFWYm)iqSCMnF2-Y= zGHU$?10;d^G|y39{Mb>Ts0R0<2^N7U6W_LJ+RR}JX1f`V?$y7~ZM@p_{Jw37rfQpw zOQx_z7=8o}&IIT#b1+G5ujy7iZ8KKY^IxX~L*b*=P4BwV7;wNr9c)!G8iEoiJm5ANtC+Z5Fq^e4D@OYyPw99 z=4c31x(a%vLZrEFJmD1E$k)2)pA!7a3Y8`dLzNUOKP$AghQzdnV73<=7ntB<4pv1h&!uK6-%xNbt8+?Cs;D1s!$n_4 z7~`s2P>7Kn+7D@o+4?KQ5Xp4YU`e?5uegbE09C^H+h~Gz#Ls#(@?t8D`(0=81)=(R zJKVNISGZ7q5xr3x)|qbO5%1`IV=!o1#D||^Ora?EBCou~HXiCs6K+B8yx^oP5app9 z=H33<_=*=3E_v239>cFiE_LnmXeR2V&C}6h$WX_PfbCs*%QhKX^;O5naH|)wa>=5y)V0H422l=w`*zWNozZ4_N921}n+Fgkui*vQ}*48r0 z0~8|SKm#8iR{_Cl4Yr{SJLyMR|m~S`Z0!UPYv{cZE2f<5!ENz)z>C9~@QHQ~UiZV^*yk)Yi@y$31>+iv~^cR)a z)~9`jbnLrv3^w&!RA^ssHO}sjk-sj7nncZK{Zzx&RJz^$UHn6Xl1tzQ-obzk(Hp9U zKHO6Uo5~FP9>*)n0%aQtbmj0RCOk}QFb0Q9@n+v;bbhn@ZFi}}*qu;sB^8(`%W^TIAo>WiK?=K^pn4z~pTOkF`y!hvtKkbe&7M;}193h#?fYIK^_ykD zJO+-!LT}4V0~*<-L=ga*hVdsK)Z_EG!)ty^~AY&{VO! zPtyaI=RJAyWZK`~&)&KhFJ4S9o*!jj;RQ2=F70z>w3Vhygtle!YP!$M+w@p0XQmv= zfSirOa|9yg^xkzN_FYz=k@lmE;7W(nMwF&e;_zdd#$n+H?HnA$QlHL>yr}!=$KiqE zudd@}olf6n^IaUOuIb^6WU$ z)pCuTCH;7w^G|RCzXVwqM(3V-5`#P!%;e4BsA<*rl#Yak*MJJ2k(Y5C02SWE;ob66 zHGwlD%|LYAlHStSUyvVu1>Bdq()K}lkw;)J4Ohkst`aa*thkH#gd1d>E|W3m&%VEL z-;M&(PyUk5Ud`)GXICI7lZh1pEHC$Eoso(g$};>SKcbP*{=6fLX-8Kp=hKz~oSDG$ zblA2@R+%BEt~IuzIJpYJI#-T(rbM>A09!x2a^=h+;iK+V`^FyzRj!jDkx~ZXP#(~z z@(|hgIiK{i_a%Q>PRjwTbROo9Qca%gDD@i2(U&vx9nH3r|loiS! zGWUEDA*jG)7RFh)Yc*M9VT=s))zSmn*xrn5LAwleOqPuIl0Rj1AxRrEkVDp0%OlgJ z?^H20VIb1CfSn3@`Vo}a6%^-n_P1X$xbTdS%d1-PcX{dgN+{;k$puQT_w)tSk88yv zL&X)i8a-n80DAf=d{^L;Y+>P^S;18XWu$Wz$c;-wT)jbkt>76$41)v9D4rT=q)|J0 zt|e>xS-!5fJQH9!bA@hrm<)KzGJvD_J11Q96TeDdd|rb@bq?ylRNNsaclc62V1^BZ zMBddONZ4cozQbUlJ|penv1<<0fTB>`b&*aa0Ot}O0iDz{^=&tx0VDFAbkvMf5yUqR zKV0^q;Y|^fpA5~jfXq*S0TBY-pfvB$$MnG!|HLyQAi=|+r1K`fNi&|)^vr?xH}3C; z0%dR# zWc9=zBybgm18?M&ylxp;39!ZB-m^k(=#yM^7Gp2%M42lcwval0Rzux*2_GSb`afv)J= z#~9)nCiWL#M?Ta?3?K9XC$#z#$_YF=3@*+_L0;X^t~G{UQa@IagWx((#k+K-Z0QrY z1GiV`t!c%gP;LPvQm(XV9`kO0LS7m$&R7+5%KoDlM@Q2MTYOGA|D#v#S$~yWc~+N{ zsyOjWHZ>w(CwA%yM8^$14$}Es}MH`u#gj?P70zX9F_C4|p zfVh&w^_)Iv;9wZocw0K@`VyCTq)T5JJ|z-7S*t|B4f3_zUqTetfCpUt#U)1QSswGg zxV$OL_!C2)tc`|FmiKhk6D>8vt>2()X|7Ub|sKhHBRp+kRE(D!4>#!s_p{ z?iS-2l`zu_E6bBm#*Cw%43;P+bX2Ts!g_Cd+hG%Qr2;z=1UI7$hC&P^KFujY)1+B; z3|dC%Jk3HNDhl3R(yoPg!)5mRkgu1nENFS0p=H=8JId14m8%mFVhEBoX3l6?qih_A zhC){}^u~wH#81t=xarM((Z63$Z#-cIGC2S4?v@|nn0B0gm?#B-vPCxzr zkEfsi;vc5>p1w1E@x`apzyI>zreFX1x6|ie9MU<$2l5btpVU)~8p5-Rr4x0s4o~HQRZ%W`fxQOR%{tWr?G;Yar(eI z>nu+CQO*mN0!vp9#gj&BoAS#Lsu`Kn5vM~aJ__yt2t6rG^K0tV!g<;GDBV=X(~d~X zYYZL;>!su)F7=vZB4u*kuPhgTVkn%}OBBhK?@TvG9$7b!-QhGU06)baK$a3$F}MnJE(c8)rjU0;=4woTkY$QEe5{ zDF#Z)zY5QGDFO7x{TURnZFO5{xwQZTty5+7GiXgMS+(s_P4I%8muHkg6uV8@iNm%F z`GhCaq-`J*N@=Gyg&#Qn&Vj~r_G1`V8o%(sS-jz)@D#~a%<~+azX>m41LFKyFW+mh z*%9>QLIy}54>fgQuugyCGH~|_dk+pqG@fO2wMA$Zph3C%07MxIU78K}xsu@qMKttI z(I^LH(M2`_Lx{Qg^A`!Z}ec&N0?d@8NHDGbw4 z3iOT`1%M$6VL36*gP49?pTrraxS*YBiZ%jNB`VTC-CSCeA zX(4DGypeR?HGHKHhDOrA%oD@`3ls293=#n}cb<6!4dAtZA(ynrtrA9J&HB4$-a$tm^z{4(WyR>5(9J&~XgK`GP-X7ak zIFDkLtst=Mbio-J4wM~GVM@RbT{@Fn8(d0Y?~ED^99NCtg+A>$5{ywP=Sgfmt$ zoNzgo02SD$uE9s+rit$aSkD;LZ=W(`N4MA^KAIq~(Q-lal7y}@k(aMe`I zq>(Vd=Ky_HIupqR+&~Ve4ynGs#`vKRQa{Hakh3qum#bGgoSa}B;Gk98s;l_!-``_J z3EOu(n*&2j4A~rX4JpYB*!Ek=#jyh!QwJI7lcymikBUCMQp3CFis)i6ppkn>tVWX@ z$Vq#SZbSxw4Sq&fL&^cFynAlO+40$Q$Tp%Qj2fPoa&qEI5scW-zj&zfFdveHZa%jY zcH`Ig4)fk{(r>!TNJA4mwdz(BWzOK!d78h)v-sR{D)isNSyr8Q%V@RrD&#KnU2yX> zFQe7n_iPXfUwV6 zE*D`?21JZ+y=CBL!<*9`9M%wIT~=|>DJ&J%jxlerIMY2Lt zt;f?p{_yei;d}R4X7_wL`s$-;^X6oF`qn-62cAw}JwKr%J0Y#KV@b8Wn)w4qV}Z+KFrvt+PcGE6o3I}xH={AvK7Wmr%pim4-2~vtYDR=6PkP+DY zY(D)QC73p*A;IiD5Xl}ZMhpfA+WD1J%8rHX_gMmxMx`_0lUVe9GjHw*DEc+t7NhY^ zFzLlbMYLSq3m<8sVpwft^d}!2pPNPxHTEFTI1M^D}T%=8#T~uwcrjDxi5)elg%d-*Bp!|3`hz?r7|>&hQ^mMP_+ zG!&<1_QhFsK6}_yp~BB#R}v#R!3}N99ZRG&?~n6<%@kB z&g|+GL8cvPcmR<7PR?-PIbZN1FLlBgVl4v*$oJWzOFNcUb%vNan(YgHE&5Ik{>4#T zVhF()v;jWKkDO&kSj#p0Fuy9|J80(s*L$przQ4c6IZR9tLQiGe8Rvp1W0et`o^LYB zu0cf@8jXFv0vEq57+I7$R~9H6p%HXa9;F<}wVITcE(NXROG_@|L8EmN)MPC1$^ZC( zb5Rb?IE?kMj2jp>qyte$eMwhdh9eu`55189^Gd&F<<6XW>l!!HH;<@4WCBdO(qY<1!g_p%#`WdhDE1E6)oc8x_yn+em4chqL z&keEt^bfDf*l>sStZNwc_TB!zHp7O>18kKBEMs^zA#NA37^nS=^!=Fj(X8VtnKtIJs_mt|<08XkN_kmtxB zY~$Z>1Uq2O*$^TL?dwY=&d?cH>4n!c>iqN0s)aKY&Q%5o8(VvH8d%1m{ie!4_&#{} z_Vnbf`_oT8csjlR0Pv@uap=^|^y7E;ruU!hOfNA0+~41xe)*eEr$2mofb#l`RS%C@ zuJ<5#l~sHUU=Z?*s8b&CQ3$S+ug-E`A*5AWPgv&WAk~gU!Dg7n(8BCz#=^^#EwfOg zQ43Fh1$NUgfcY^@r@ty{$}hkO`x3m?nZj(vl`6QRm9Y)4!IR`HAyOS3u@-Tgw@g<8 zoDPgK8$SisaHxQeIgQWoBCP$DX)L{B->#(3>|Eqn*wSy|*D zq-bR?B@buNQhi7Op~{SM7F^{;AuM37@O`zX7!B}DKH{3P6R0QFXcj3X(-$9$m$CG2(>wYAa zd5gE+qb&$imzGJooTtHkJ@T!>3=eH)Wkq_C#_#|IK+|Eo)6(6-BlX783bJ%x_*j;G z#o(M38#!}>`dT}y8Mk#R*4bPQ95*P#pd!kPYzDeQT{v-*uOhdV7nEHY0~NTJ?Ci*q zJ@&}~e)Oyzmz;-;%Az=Tb@)%m5UhS88i~R^69+F zi#(`T)33(3fl-5lTYZ<8t3Lq5;9-dttO~UOLLIF1uvC@BhGyM2rcF4Qla3BTkb{1a zq6S&q8ECl}FlV?B9-|1wunAd$2vq>vWF$#la|A{a6W=s%+}{HQ*4K7plyKl~onhmG z2joXz)T>H2kiWxk8XyREVsC@hk@{t&*}59x7VTCT8b9O_WfxytL7m$mgSA!8Xn>C$ zT%9wab?qlsvvttVK9><<;?U$xR+*`jkPA4WpCF4iIe)@IyKOvj8T_h^R6E;&7g7_qV1?@_7j! zQwCNAxH83+!fr#6CN-g!77Toi1@;?Pi@vAm<_d~#OSCJD3L1qxTf)^XTTF0yccqMF zvyHi0=8OqGucGlLTV&YYvdw{}JD$VA8BBa;Rzs4wiMIwO@w(KY3?6t=jg(h8%s!1P zw(V)WP;0DwtSj5Rbxw5e)_XPT1$%1v)YaBKXiJ<-v_{VGEIa_5(chl3<>cVS5yp)R zj2eg0(Q9ic=>x?&HGc7tJZDYGay~=S(KT5Yx389=g7LXzZt+13Q1}I&>5P;7{`{ZL ze-5E|ZtnA+Kc_7bMOc(9NQvXCobWr3dbaM0#~UC03!e2RzZIQ?+5Y{U{D~hv1WXQ* zR_Bm9)T8m|@Lq-2pX*X1()wWxm-9iIHc`5pc_b}X5^+z(=7Xm6JH6n z6g-_C!j;re@ihUrT4&2Ec}U^(~vD69ZX3emc(tXOphP#Pj5Zip5A}w z$@JtgpTc4Z;my@iVC`WA-`RgO{Rm^oPd@zd^o!4)Prv#2i|Mz&{doHAr+l~kg+>kx z6bNXS*Ew^W8Fqwma3nwF>baKa@F^V^-%(Gw5XwzcsdIybcc5W9<9fA$!1zk_|1PXdjQ`fFaR&R94?G9CDtH~2e%5UVRX zyBINoGo4XokZ|*%ORqGPq3X^mfJVu#V2fOJLPdjDl`VJ>w~Y0E-c6Va-NKvHyw?nk zaeapxRkUJ5y@_K!OWBcU;|?06hmuyrB~}D<3{l{1hihlnZjnX;<5ITqEV%IEcoz|q zN{6O}X^i6+6Y%tP5uUiTSwCGFJ`o@gR?%h>6-1IE?QXe>ELAETLrEhqy>WjY1(=5l z|GG+vYJ#5fl&hfZn0;sFk6FCPqtH30#mII16;ElD^%H(uDAo7iAzP01&A6EMgHp>f z-R-mM=@pqvTUNRaI(g0>}z zRK=^j!E4bDEvs#}!jlEXv~745-o`JQdbh24S(=0E5)l4yrOt#_@1$OoQ{NGJ zcGsuqov8e*JBvt}uHDwh^7R{@H`hJH?woz!4m{RS_*eN70fr4$b6jNQfJ#1mF%eDmb*KE)!0F`xD%Bh z%P-GXf6zvIGxaQh&{`fJZA1Sz?)6h(=iY9RkZ-$9q`B}OUR7o)|6q==CH%R@Dk=YL z1Fp{6R_o67002M$Nkl(Y}O}vjj>|BBM!*{Jr4wt?G8_LzzGbFA$mk zO;>v$?zSIb{6MEXyWvx>FjlrNz&9Jj#SQ@fR0ETDm5;#{*|pF49j@9~r!9F5gu0a? zTpX{F^%_b2eD)PajB7sgdU=0yx@7x_a^d=nNv;!tyIKy(q1YuqVseL{W8lH~uy&cP zkDHN~)mD|yZgKGtPK)cxgwO>sqd`HsLJcn48U}a{|2$(t&J}952`BWX73zS3I0(I> z9A{^Iau&m`W0P&S$v_xainvW^lXtfa?QpO(b{F7NGZ>IA{UXcxF6DH)2W=O_r+F${ zgyVs)7j%-+KmDa&r5X8q$g>7a@l!s=Fbv|6m41>NI_Hp4XuoLR;RgCt>UE7PhAhf- zj$z~E=yZBP|9ip;62L-#Y0wT{81F?JNnQPsG5XoNvT5%0(|OOzY5EYiL20;J;S48r z2RI^qf#^XN$}sqauuiXE`BzxyQGH;)nNc#EdFWNRHr(3~Zbi)ty_Z19ufjTASj&)^ z{~`?k)_?8Kf=4CKZZMJZ!yg{f<+Y2y0O1X`^Iuo75HWJNSKlhK-jX z-wd@N;9vxaz3?Ml$Gcl04YK{4=<~E4=a1bx592jF6`6i-MKB)Yr>tb75@!LO|E)Vr zao2S|cm2TtufDz+y6|Z(3EdQKrLdYZdDGIpo3+B_u5+eZti;3e8#jz;#Kw2jiE*r# z?8P=d0!;IBr{e`U1*@%^1qPTwz_;73>C?XAQh6ZiQEV>|%3y=?UsREXT}JPHNvN0cQ`6y3xtn7+Bzado+G&wX@@d|ZhwVUuhh=~dqV!QL>nqL& zdj*sW6$m?()T=yU8X~pADxAuc`G&!+|0*LGI<-o!+5T*A`k{^ z87Hue4xBoGXg~oW)Q{k_$iIT>ca#MHp@*Hi`C1nJa#`jfXXH6u4c-dG;&;^B;(a`< zxTI3Ng`*2Rp82<36+Oh;JY^sw<%cN6Tb)#2J0AD#C%#eNxIdEuDnTe|3_uy-W|fjg z%xItRLHOD_QW5j2#!gwRWVO^eciWHN@#9&PeD`wVs@quF8SjHtcqmtV&hrRMybk=c?(!)4hga=8 ze6PFwYdPG)=d4+^=`K$afww$u{M(t^mV_mpEo`-e&PTY_*4lr$;zK}O(r`hU2Htl; zN`Tw0`nI7n*w#>hEsF}jh6oPx$IE5J%;sW@@YMZv21q%IE`b z1hli1#)Bkz?T_zxj9DP{YYZ0Q1 zek#^D=d4VL(b$zWv~@4*pIAv#6IPbRm3xjYpu2?RU*u#BP2Yv|39`)1<^U5-%~a&c%uN!AnnGQx{Hi`brc9nkUZtDcehy znyoV6*hYhSi;n1rA3T`;@n`Q%AAb0~Y3JVBbaecT&WIzT5TGlZ+&;#^u@>K4Z~)W> zr@8Yvuni8DdiVbB^!;~#I$i(oznDJxhvQm()SIfzBEY6f8)gT2B_MV)a@^)MceW&h2 zZ)wOfJ{v@lTzC?%J|t1xP`>rBqIRe-Hmv+$_lV3TK(Sbup(94QXG znbXV#hDW|+#B-(5%K)94Ew{XykI;Zkc>Pgt!i^SABrWcQ5iR~gFu7^`N<F|(qd|n(+2R!>ZJDu{&c4ECp03r zFjsgi0C*-ISG5V1nPt1QeN?+MJ$Xbv&_0w${=-|!vN+y5t}wC^L1h`fb(wJb+7YqZ zJqZLdzr^c~6K3OKP|tkM@th~=fwHo~tIA3){}y0>>lwH~pLzjr4kp3njciJ?Li?O9?LpUi$VxTKQps{qs&vxyM;|)9~@7*$LFY1o~BO8C*>uvcPxiDU9 zHd*tZLrNXExRQo8=0MgqyW;dLI)^kc{}?`?wTHxRac;uXcb`n(`|zFV-M61k|N8&@ zzd`HG&+DatgVxBb$XvJ}Oit?@x?}OSGQgnQZGC|`Vd*dRfX`foS7$gBpV^_7OqKUb zF4`__pRVHCyLWH8zq`vj?1N$Cj6*U{4v)|`S=9h6<+s~ER+SNQDm+{(@0NE)Z!tEk zVHnt;uiro&)Ci)1^WOfwY4gd0Y3;#1zL>Ga7g8{2h$DFWNz^rPwtN~v#Y>v>Ss{`` z-u9~~el}LRY-5bw+(Nbhzs|)goUVa$4IainJw?}b>tuBE-dciQn=L4=ssKOo%NJHK zq&P9@sto0;WlT5(@sr<0tD>8AJ2qi1XbKRMFqfMJr$ zGl&4eC9YK`ipk0o#3;X?<;_>RQct6HlTY<~IXE8uO*wr|J-JHbn7;SqkY|h>F@%~4 zuKS+6EPeonYkpXG^DviPujDz?a+!r+iE*XjI!kpfFt}<6T6g)6YBP0W{yOuLcET(_ z`Dcm4H*qN(lX&(s$7wG6I}h*15uQkPey^g#JeRvT)HrP(V+NaiI=--dHm@$DeB(PN zI(W!7NO`GmIEW7f0h9m4g(jx;`MY+Gl3tUm0!jc%cMFGp(>mKqm^CGl+Ci!i$ai4` zj()j{p;Eh~OE|Ra3Ml2(xRrK11dpz;4l`~0MHd>lc7*~w$unRf@0aLy12>{A(dVTq zQ`ow~tt#60Y5+cUnU=6kK{H7jW9WjTetF@YfvG|mIaDCHEvN!r^HmYU;z$MJDriMV zp$xi}i8%NOJ$Modro`3aYlAflm+i4U3r1g~f$LeYDhHn(XojJMu0SKMimYKS$8MJy zLU7DXD=Q|zYI?*;%s6&>luCr`T z!^94X%?A4dH&{(_`s{f6zf$pMJ@fv8_0~mW@o;9R|Z$nhu!Jw06lDoJYUimBmXErGS zhoAJtbv@)|{JD52;6Mpk|jebWjI!2H}>a<%aDqI0C2P*X$LE347!IJPMrf z&A#v!ZEgjHFo#=0PGuw7AobyLT4&i9EWvPTwW+(RBU%m|qJml5(z1k-G%9ZAC^N^* z7I}`(^CR~7@*H^xuUcca2yF-%xLSw8U0g<>uH{uP&@qjxHs$qU8%g|9GH#b&4o{Pj z?ZSHbxfQ9E`0!JBzuK6Qf*(Jsj`DewXqAufBs>Z&vedSkRCrRnYFW|(LPMI}4O=?% z?n_@JX9ByO_q|iNGNj@gPwd9synP2=s)skz_GS8d_Ccg6tA*rV@G9Ib4;nUj3#}!h z^;A4!ohu_x;S0YIfUH4=WVy8MHUkXhsD=r@CZNnwHkIrt1BdV8P4)|U0X|mGcuzUN z-99+-aTb@y;lL_oy0Eu%jkDHqc`{0Oo9H~X!HiFoq8|*BrotX#x46% zLel3`?{{TIo#Wtk33NSpB�K3vIU-p#W5>14p9@Y*rw(o`RWT!qG;T7A_nv_zHya@a=W%})Zv?MZPUo2@l^b| zjWQsc=sQX@mJHYUnk^iWH5hx?Vxs<_K4hP#PN5;g^EG-^hDHucRqe9$k4z4sd%8NN z592h0#vEc%;miY|*^nx{M4J59$P(i=ySy7@%>) z^G56|)mw7_KCsNEoo)OQpl%_IQRC34o&-2QQvS(X^I!(xG1ECgh<_uVk!)Bs?DX*RP$XqJp z09cK!4N~^N={qVbYq(=rUR1)yTSh>c(-#9Suf_m{JJ< zJVH0ii13hk6cieWbjz6`M6;T7QW_EnG|ciV#w~`HS|%4>DOyWK*ms2{nF4`3LMpT5 zbV6N!LKpuQ7UE4T1hNM=5vIUakwLhnoG6Vd`}{|_evAP8(f8h+e)8iFrXPIoDf=o{ zr=x=}r^C;`oUWfu(>^OO6t33@yHoZ@dI+2=Gjed0xCzS{9&+^%%om)kadvQk(sVuD zfB1x@h)<@UzWZ?c*$3a_+>KMVsC+v8>NmgR`VZb&nn)){!N65MtHyXPUF8knU!x@7 zVEJ}+!J4Z@P`=zdXoGhU<+9jB1%vR6a6s#>OPKX1*xY?E3x05+O+BRU69>94=xRMv zM*Zy+y$1*J;A*E(vDyS)$nn|A3WTht5jT?&KAu1zC_D{)cJ854I|y*9ru}t#dPrCt>VAjgd?Fhab6Rz_+53 z4ujww9#I&ZgqE46Chy2gtJz;c0Qt*5HhJZ~D^>Wf%m5s`Ff{t)3Z|^s!Vr9e0(^B& zD0;u3oIJlmuIA842k^iHljL3eNhA?TDQxp(A};({){!AM^H(|ck~W2}mK^amZfI>{ z!$*A6S2>VhTEP=F{1Ydug8>co9tS;wZ}P+^Fev-Y z4*oR|D86v;46j5n*8oN;r(Jat#@RXgFu03n^W{Da+@XX5-{N`ksDXB!GC1oRnPRXo zjl_S;Jo(3RMQ-4)JXX)p&p%;Tn(`NRJD->5qL^<5iU4vzjlZ2PuNq`hA)V@*_fAFj zI5}G$Fi|;LL_dzZWvJMTfC4gJeQ6KxmIGSr2c1l5)9Ze(7#V$nFu!c!=Rs`@p%;cG zI$-`e5Pa)m+Q0W?dc@b!9zJ?F?cKjOJ$UedndfcF>R=WnU%+qN-vtHadoSfeR*+IP zZi%>IB;4&@W=LP_fE-?R5Uisa5G2PiD~$gp6I7e%eGZU~BKz4!G(2ChYDc}Jwqh{R zlNABxOMAiyc64YM@fk2{G+Tq8_Srsiv&~913}}8`#ZP*BAhCxFyWL`)L7F^!%^5J) z7wE1SHnvYMrd{+*&q?xx>9vQ1-DC1?^P0_1=%%zA0Hn;yAZPS7o<`^9ED=|2P)e?9 z9XGtMW-A81jQAZOUeQloD0kp{Oa;7~9s>&l>c}Z|dW;XYX$=_4e`!VWLkr_pN!D@rq21^qUOaP$k98pD&-wvihh9uwuNlPi|+XxvbD z_G)@wJD!yu0bVlCvIa9Vm0ETd|7}#~c=&7|;GHr9V+&*0Q?~58P4dNy7fjY3 zWc7PxS@JtskYet-{53YX2>l$xr2j@Aunrr~8|ylW;YR=qJLm^rdkNYZF|N>$thd~4 zPh5VH%t=1wc;L;E_zs?5n_Gz3n$7G_hP;!9)UT> zL8-;NjmCr(E+k+Orj=JcOV>DyW3I%n&PB%6*pc#%8Fpc1+W@Q=V)@hQ z@xgTX^}+Pwi?623=Pxjjuz~~9*(t5>yr9G4``q^)O#jEvKbZd8Km2g|;>&-Ye)a3$ zPXGGp^XaRv+3Lb7ju!`XQ8q>dsHIrN5}&WsP<}h9+Uh{(MaSm~0pHrXIji+Ff zg3FH2a3Sc#sp?L6h8as|+GYA$<19cLt&-^eFU-ppT> z)AY$lJVyM2IihnbJmfC0mcF`_N5vWEPk4T`le~_&(8ct^T)@rq67JpbK3th0_Tk*qQhPhQ6*em#lSBL8^t1Bf^7FQmZ9@eA4@hoW7e0PnB__X7S?9@>t$ zUB{q6-CKWL%3bNMY>F6D=|tf9cgf7KyVP9v>k0E`xh|$-K11zcbIW!HVAIh5T%v@g zgCBiS#?-*63O7@qfr(sEnG4(Emv(}G_z}-qO;XWKla(hxZXQy;Dwo9_&RevR0Ow6V zpX<(}PZZcg86AWpHW(l(=j|);Qh^6p4cNt}uJk2>5?%;JhQP|@%`oGpf9E$!k#`6F z1clJhCT)Q754@zW;L4RkYM$1C%BgrsPr+YN&}2Q@(EtH_%S0IMF8Gd)&*#EX)GWuy zCB&}h{0{%j7V|8ubm2mXq%J@nz96d)p`b2yO zeEK(yI<7I}l25@a1C)`)%enwoXgKmSLEe+{KluqF3HM1}7gy^ye|pL%ZW$z(n`t|B zz$v0kSX|J*Ur+aTS1?}i#fBXZH+-Li4ew3cTRVi^WANr`Oum+ZL8G@((Rx!~$@I<7 zYp1{pqd)bK$XM%`>UN-gfqYJzf{$!hk*V-QR%F5_H8`yHlGRr*uX?Uu`j9^ho@^*z zv%-PF_a<;%?X6KG;k1{0>KVE1z}T-ODdSPsxQK`BQ}@!4c*52S<@^PQQi_YFhjsXJ zgLbnC+wRd8cF0Rp=#~N)-S0-@0fv#admKv7Dxqt(L9d|KuDEg`Mmh4Nyy7i?D{qvu z4)&v)k+*ucD?4Jy)Np~EIpdH_o`^@Xv<=&ct4TPYgH;!bcWR@VyhmN>pkEXqAS8#mf<}1R!t#`xnv$jsOx+TZ{wa!g(JOG~7ZR*dOzwH*XSFx=^ z3Ag34EtK##;3ZDF$xGE&N=vsoo}Zo|GTB-WE|5OXo0t94A9Go?1F(|&;vizmeSfPB zilHvJ+vfPQUXzcjcBm%}QguEO?Z{O%8am{C*;i!$3QiLL-MG7j45L7-D}>9!@%~EJ zwU-DGEbo$90#>@d+n^d$Gi2ZI;<3mN5FIBKmx`QK&MWHZrSNR1uXKS-%g4vhw1t1)%BC1n;`p`1D)P|^mzKg)Ay$L z-g#$wvdzHZ=wLc|#tMzI7Ze8kF(PQp@X)^FuP|}|a%*dCx`z>D=N#dAOlL#~aKj$B zn{D7TIJr8eL1FB;LD;VFiNBjmPKjoP#p%IksyrCF>Co73>Avf&-F-eI`*`|4|NB2o z|JVA%EI0q%$G@Nc=fC~?^sC=~lx2lvgQH_WpqyeHsbbNY(J88@k!!xF;((+Ml=D-% z4zQsG%NBW9xUQdt$9S*~V<;MpziDgmJWZaZFZA#P~h^C&K<>0ezY~HP&#Oj?4ixy+%U7o-sQ}Os~b?sk)`zf){F8pG8Baov4ac( z2Hnvqvwo1+z00z43K#z>WN8Bk?|3^X^-?htAuqzRcR0oXG1VDRPZ`)3 zxbg#U!!n@OAHe48`4yFdU>s5|{FkZ`rmLsjnK}WaZ!F;4QjpYtJ z>cTQaaVK8UYUD*c%hgv5Lc$490h4p`ujhCqtmqb+l;`5N{HiYP=bV*vAGNaFfq*l) z>XFhe3O>j?u#zy=gE&VK7b4I8IlyujPq|#))n|%Z;tyGESacKa)}Lk76w}&>8AV)v@}MpGI-l&OX=?Y<2vM#ublbW$!(1pEcs`g zMq37xYgT12w3OE@u(R3fCLj(>Y0x+m_{RNRP{5T24y--6*Uz`g6V_F}-hp0s!R26H zmlX~U{zqF$JtxGrMD0@5Eh{3|@lf9^Beng%V_q2p-OE801HH>j2L8m+Fz1(1T#XSN zkdr60pEFkloO5;q?LAx2WK^zIU~IydsGF>8gX?G$9?mJpso%QtVuMe_uCVH39er|p zm-96|sF?oZ2CKN|!6-J=cPGAfVk7gc9`nv%4?Hc4ole@Ybm7@{p;5qdIBJyz_-1rU z-vt=ALAWL2nw29O8Z_8jYH8zFP1e{_7gx$HT)y@pF3JRCJrpI} zzK*haen)jwwknWU&ZLFa$}{>2^E-iNhlek6kY_$Cn*l6j!EuRBjxo3Nl zdJpZIRKY>c`fIqqE5k;J1J#;L|flYFDzBj>Mw3f=oLEcg?DUh5sU_}8 z1}T=GMV;w$+ZAtGZAHtXZwnIRHZLe(dR3Bf`?9`#*0o>FbQGUdSjA7>7P}NblPsJ| zeG9=LLuvcR%t)Qvfg|UHUG-f265i4;V$?PUWS;$upZ5$}gPc5zzq|oHaZzUF zBmFcaBV)PePh`VGwng9yBNu7S#LIFSi|6o|DWiZ?sXXmpcrM>|7EmSZf-Nc8o`bx0 z#eknN3^oIYT6JeKJVySv?-iy(v@~u=E>O6 zajQIiw2UPe%(HQ{ii&4UP_EP1U-s2;?vkj>)bM;y{ZMDgPx`HhTS@z%7*XEHZ-Ps!gpw?19!&gGIB?!2VD(z)uJIMSbraJU)jq8m^+;(crM z-X!=dQQ(}}D63;*lNw@xnzlvziL4;R`1u=)>!B{5#GzN0k6`A z@+CcHtTV_Wn+q<>^cI81O$YH@C#-NdK%YG10MQr6N7Gqm++ld-G-+)O z>ep@|vn|S91R)DpEdgHJ+_#VouAbN;A5L}4VV{WB#1~f&2306)EVeH?M=#MJfsKc9 z&?%{%jy5PwY}*<$)MZHyEyRU#fj}KTY#T(kmNMX_!Qk4J8|3e~Gs+{k6WUfB^l!2a z)0G-^U^M+;^itZN?b!h*fHI?wT=1L@Z7+}kIOxo*uu-O`I>^!0d|T-9o8)42@?6b}d9$_uWn#G?LIfngca$5}pNnP*mNkblKBO&Ml0{*cy@V@524MvNMi zOSxpzR#dIZJLGvy29~Fyh!21#rpM(xNK{JcO$p0+~K56R>1{d+ktft z(e9ux+@+H?(p6gN4_&B)7tfw0Z?~iD^R>vV3gs|$Tb}&eFuc$4@Okd~z50!1NNg{p zbsT8fY-fH+%<^XJgE6nZUgbE5wk+Su7vd@yi{%-De+Bp23>$Vj?V51bjMZYPL-dp$ zV%&Hf6n^^WY4&3!jEYE|7ReTVQqhJ}wJs1Y;i{p&#HG>;P(n>>g|u5fm5<;$IC_}x zwosf(KwRI!v&&l5d7Gh%aYmXT2|cL%OE{=b4)+dxrAsSOmQDDf!^lpi1({ssl`5wMrb+$(4Zl!I{Rpm6@cjpRQjU$!OZ3n z9LmU&ueC5JxITP_|Mm2UgLd9|+e1Ow6T7=P?I0|#PoGUkd>U$v2EDa;#nL%uW0<+Q z1V0Z2b!q=4;in8ZIK!G%6E3%7xfKF^9U-^|ZfjViw^mMx!%C2i?OHm{e)z+)<5;wF z4hJKgbxwcYzyJ31(Cr(feZdx&a~l6W){AX`{N?J4>5DH8r_Vn5C4JI5%U>T)KYx3F z`tY4!OrIjeKmPjb>GS7bPhWj?Je?ezGSh%EMg4404vg!WR`S3c_mxQtJKjt1k62HI zl!C5ch_g2!qTQ9exXK{NItmY4f7G2FTPXnc$<;9#NB*(hC}6z%-j}fT>wGHf61GUZ z${QH6Q@hFo2E5F~Ug9b)WrBA!0Fjtj#Tj`9X3B}L3bfA^ zM>-TzeNSEnH?qP)K`4I$f{U_54wF{yu@*ahv=)ndy^BIV4NRKk$vrumC3TWcCQ22) zB+}Z9XJr+j)|>UkiX8rg+BxYj{e|0fx3xu1bbiJTE$ZIS#=E8s1*VNsuy5SAroh_D z4sygQ3nw7q26QgMWHkfS{?OH6d$Q8XY)>6vBB(^ z%Y18QvG~XOGf8-lHj=?5GhT{M4H-5yl@8mnMiiU7)t{xuG>aNU(#FIO#Itmlw!s61 zShiIk`u2aY)W`@mi5K?w@u*RZbLNUc(qzD{Y50YKS2 zW|^bGlhUr5)G3BIw~>Jw8PB)zP)=Bn^Yb*spl}JWz$-6grua}!dDa@1)(!-!eE8vC zgBG4cGeKD%(orS{W;K|y?_@xPf}zZ+-kNwJd(p#kw9zPojns>DA^$>>C-RqQco+g_ z4xHp7+nF(xiN#wo(*WqX#t?2|H&;+2BibdimLQ;5Lu5GY)`9_9;W12-{(M2x=K$$#aVe z{6O+^3?DC!4yUi4KjW)bFQx-@#7p42GF3j>Kwq&J9t|0sZ2N#UEu3|#5y19FK7P4R zgCN@Kv|iOnQEu3D#ifsiZI1(`i{|8*e@u9 zdR2lm`nDmt+tm_fJYYo!<#J15@T5;rx3QqgA=|at$6x?{wH3&N9O<40tfDWga*<JZToP=Kz)$Far3?*B0JfYLw(ZK5?eg+I7f_<)IILjZJ4#Wdb225cLlRmCI@~b)9jF)y9zid!r{i>d-zKW(!A}{)@i~-BI;p!iCsptt*O7s#ktntL? zhinN&7?JqSojt;9ajDFab2FYqYF9$5-~PmVY9qCk$}&||8V@p7gPB!ud-c7mcJU5O zE99VcflUxc62h;L=3{6-P}9mM5pqM(B;f@Svf%c$Jm4@-NCj z6NG{SR=NvAVWhB9Y0Z*jpQC^XUnWjQ{NQFZuJqM8DU5Ee88jr0FZF0c5eEksK09-| zM!X%)y?C(awvz|b_b_ZceYl5?$fvE`c7g@i<-c3|yX>LerV~IQFk8CD_LU0;66Sk} z@!{xz6%!0HBE&Qtu$-EHh8Z4g=p5|io`cG-(T}G8{?9*~ zKKksl=|4XD1NVdJ%dfuVEDrFZJJbs0Y}6Keez(EHWoc(L_;m+Ql;JMFgr3rO@JsVW zQ}VmI3%9bVfznbbq|!zwvc#=~*c=z1yZwr@t`%$R_>Vf%hyX6XJRlu2XTa&QX1wizy${w-)G zE&ymcc{d-!eeP?HV(^%Iym|gkDBzcm9DKU!OPS=%m|u*V*owBovjzlZg9f=nr%sdgaWEO<&Ws5eSTR*ulQyWAGm z;qrNegP1dcDw+=3H`u)Gsr4$Uwe%QVRE_~&%22gi^XW@sX{;b8;DQ%<+im%7-{JX5 z=NNz;c&rIXC)4Gr2TeRVhUvQB8SI@p?x&8^C zRUK`DHf}qzOWl0XE~&F)&YXMx z)e9y9k6B3#4$x_ZPBc2&pqVne4~mcMA}i}ldKUc3FKyIztn9a-{3YtLwNl{ z*#|7sg`DD;OZYyRhmS!fxYUc zAOiSQ-a+6y{CRDLjd>ZCg{ABeq2K#%C$Af~N(w`C_y~oBR&_-T9O4iu^{2l=Lw^BD z&M-?QCa@~iir0#&%Rrxi&ZqAQG#uDnsq?UYzI*R<-h;=0aW|gt?PtAb3DIDnSooUx zgwy3q0mWJ2U?MvV%WH>jX$kWpzWzDsd3eT8A>=zwP`*hYL`>3z7Ua9Y3m6{2bc0|G z38Qq_cq;$EQV0XV?#T{7+HRqs?{nzayAQUeCm1yz@hR3VPQWad4AgNZIDh z4u$Ua)?RR9H*fI1CY=+h=Llo@Vsp<`A$)6`(}Nwvr1hgvxsUgTJ-yfN3#52{{RD8x z2nIPXKASeqkES1T7}Jmbw||WP=go#6U3}PxJ+GVgJ@xMx28w8F{+u!#1sf`ijA?ig&FBpnXdR zlno8X^5ELd9`WIQ&n*CF+l##0{0gMXj^AY|hUcGj1A_81?WPjcVBI$0rD3VcXAZ^o z=Hykm`x~X#}RPu!@m^oQTR1WTG*i^yR{_sVhy2-kj92EE~$l`k<~ z$s4mQnudjkVb;Yg0s+1m&xgpO3_3bRg^5EV=uO;G`t?)JI?yvE{UvuvQpTl{^}UkM zr0pD#>4aFR9YGt~25B}cN$bZ1aWB>!iGfwn&3gL#WqO?}>t8FLJrW;z3pyjC4 zuud%lI9q6ivt{QlJ#EL9()%0t_d$VdL88tyQh82U4Y1L>s7S*QzsLe~I(S+co5?Gg zfT~@KJfr^QIqQAYzjd91gNe2QA8*6Mk*j{Sj^_(>&_fIur|6l-tkQVF;flv&>AbCm zoQpUJ_k8s(*&+YP#H}CUuJDzJC^JC}rO>vc0eVwwA8lj}qx9D9HU^Dd&V=!cEf~{@ zqmdwn2jtH+qf2Fn{vM3#!Jd8D25r}t$8sz0yt^tdx-VZw@hms8LYC8hvQk=DZp%?e zR5ZB!-@7lgDB#&P>zv4f|Md)y?nfYQAScO_(_4A}`UiU3$-iLmF~_ES>!<@AeNrTf|bm!C6{cPU;0ZiLu5G zN(#-awIwiVsjR&RPw(BkH$8m#aC-dUA+i)+CtW7Xxvo~>g4pOvi0@(U(@<-_`_3GisUy4Df8&f__thW~_S{mwJ0 zNWp15ey6wBX4q(De_k31)0h55C@R+mhf^PEHeC)r%1;8OVG^O^BoRN0yt)Mu*S|RO z?1q=dW|;AG+-&r%e09b3JyD2z>tUp4ChGB@aC^~88@-~I(1u%8V&&Z*LFl`LR^-{1@ zJ!uiYM&Wk$k{@~;*@?JRR4YI$!1VK29?-NyV|?^zZ+dcndwOecm5v7ij`8Avua2A{ zC|%AM<(-aTl_gaks!iYr!LoMOZ{#sW#@MES?Io%1v<_>TBFot1I6uwc7Y1$8KO z=DtgXz`?=u>5x?v>kMF&qIQPf-5Yko`5cFIaMRao(87EbNb*JgDMqD>!OuOd9>@@yLI3IB)Fz36b@CVyv7+XouCzi>-5HJc+DUB z8D5w5S#cCp5Vg`rxaLu4;fn~{S-!#(w(#coI3O|&K^1NXX&m{DI$Pig4w*e1*))vC zy>kb_;Ha2Seg(LKfmz{I?z=F=QP(gRxLOW73V1eQDv#QRTse`xqtfBbT;W<)w^rpR%=S`?f=;64`o!af7yda(sm>Ib)mL1xf>-vU9jZ znv$qiQ}KZaTBq`1ctU<;Hp+7=!p3N{In+>IjBG_IM3%Z_+ErrtoS;eMPe7*spbRl2 z1Iv6mufEGuihq}M*D4QSZ8Jb{PdWZ7_R4x%6YyM`&qcfRU~c&|yy^-Ra9?M8;0knT zgNOW^WxvE*qwSOounm+8K9nOF;kCdIV9Pd9@oVs1bXwp($`qOjlBhkS7n0IuyeCy2 zM)?zH-4-61;Uktbz3YTs?M<0k^)hdNcjMoE7uQ8uY{L#bf)g@NHbD~=9k+5gtLfH< z7&@dKc`woqz^1iC?LUvx&t!AURdJV|c_;6l(abxK-RH+_$r?Oc6q(48x`^P`3~~rC*M~*08t%@Kd9oo0{qAReA1k8nBg{) z1@FE0WcuKPr_ z6WJfVa>a-f59n!Fh)cZ;QrUi#rFBL}lD_$Q%@oLBn%b&5MAl>w1ux;}>L)+D>een) zlEg_{O?}$-ZQr(Y3~W66F55?*XcQrlyuM2VQl`rihZr)Rq1%1^{9roZ*>jOJp*grT zt^A$=bM)eFW9VPR5tcH88<7<@_-B-^;g2w6_7?i0+W^!P?PFZ=yM~;td3yGyZZl`TmlcvTi-MmpVfX20UvWSv zZC0X!cVtYAE6|U!C|6q7E1H(9PHhp^vdDH^dX{ooY{W&w2sEKWdZ1r)CLJ_KY-NRy zhxMPHpt~RYDOo@3Yu_mB%3o;a^Vf0_u`dDMSr#uY%h%&aeE2J;?94evlvlsVIe9@z z3IHTEb>Z1Dr4uMeH!)m2$BZ?Ot{ERe%M0`sjaGhg&oyui_v3ddD3$gKNJ~MB3s*X>2_F5vBT*~|&qgyCnqMQJTroznQ3VUX^rnevOPj55mfBN(ZOHcQv9gGN97!|Hxtg+q0lc;Hs z3?5Dq{2u7J+Za3?i1?Yg{r&xE_p?7RDBwI81kc93{plS(SNjMf#|IcWzQnNdA0K}* z{qEzBSSbRX=xnS)>&MT*+8M6KjIrmc^y;DJ3n(3Dy1w-2aQ&JuRZOin{o47g zU}~?sVb-sH;f=JB@hnda|9P5*Tlvcym4En%XYcyx9V>W-~a$X07*naROo1XC@0;TcI~%FF~WpJ zKJ7ibFY+Gw1RrSvs5!1CX(Ncw9fnzbnY{sT+_$EHhFw=dpgPjV87T4DSEiv*Mo|o{ zw`&ZRd`|MxWz9+~M2j-jHh*@)SsJX~dci*8XUtSR$GG~nGkvV~I}uF{LdkeahN zz|K0i{+5pVR$-wHR6hl$3cKlvtimtrIOV$@x~_N*%VGcV++7mABB<@wSFWp!z@XBVunbbBk> z7j!`uSq4|W{bkOwR$nQcWm&2%`yPoU{nJM5BaLX>x^jNQNLvG(f>R_PwC~1jCNtOh z1t9*Feza>d81)9ld7dSF$)iz)=Th&AOa(EMYF}u*Ui)ka5xwTJOMi`4J@D>0^Z2ID z*h$afMDeyO9YR1g!z+E2)6&=i@UH9`xVDTDm*6B`#!t+GtVE15OQOJ_edNGI$OH?g zU1Y3?Y>Ls_A&x77U@~iu90TqB@4Y+y^1!vee=!D33PzRJgA#1GnJf1 zKnHAY6vNcE6P|gJ#=-SY|6!cep%E&beR zH<1F?IR>p5cjbr318W{WLw``0g{zR2497{9w&B2-^ksBIroeAU$A=g)j@fR4Q3Dx% z%%C{>Jp2mR(oS6wA$y<)@}MC^!>|V881pJt@TxYZDp>7G8NIoKo{G-5vx`p40gda( zU)!JhoqC))SPW|vz{xCmG3TO1ZrIi+82CH6Sa5~SMLM1BG+%|mP*`%p)f*Z~jL#Ha zaIxQVJ4}6{%R~0vhMfZ&!Nn|MY-H=4#+m3L$%Arp=ZCG1j1xjj;_$b_%Ia;lubk7@ zJ^S*@={LXo48z9f(Vt77lU^7@T+wBnQ3&E=qWors=yO zum%UeL{p#8b%NxQFDE*w>7?w&bpPSzw8si@`9_|I?yvCyS~;HB@`68Ioo*a2SM$j8 z@{5;qF1|ad>Xm_;<1}!&VEnRz5e-g9PoYgPRvAR+2G0{o8v8769`xz6aI@MD0|t+@ zKj}(5>rB8Jq>hWV}&*Ob%phgRS?_|Ery#)-mLe8dn&3X??0 zTTZPx6vK`~A!V4lk)lF6xl%*xa$zmQdzcpo)X>0aMM_Qt*l|9?y2hup)-hb{G3)pC z{oU!kx8IsRc<;UG?I%xwN#kS%!|Dl3r7$`i9X_9qPh5t2!PiR=030NyLE?tPLGSJH zNmyr7{d^Y7S!shbwtWl`G{#d720gamY=xm=t}qbULD)MRzloJxZQgx&XDm@$Tj3}t zmb7{byfj(0yp{>%JqU1vJhs^8@?`fhOS-VUD}UMdc%+5@_g_vQfBO6BfGsMk)brjx zd)XfPMHLJZ7)egS_2m3`IwgGH!$_e6l%1|%?;XzSc=Y}crtg3F)9L5`^~33(PJcfA z%ddYmef}@Mnf~zG-%p=?@eE~ATsL!+u3u}paG(LqOFA0AAhY1+8EaXGdCk27Y!~)X z)|cm`gl{2FR?b*OTuH}+ifKKQ2A*nOx2mHQS8V&c;w#h3=s4s1TznL-ysxlySQmbo z-4mZqTmfoFYm9(*uw>`zpS)&!CMZAh8F>U}nQ$<2EZn?01ocnjnXc$j1GY=*)^1i} zs744cb!~k9xTOyugh#?gx#neZKp{*dL*Nr>aj$j{99-oKCK3E2ZeR+1z(CpJY4IMS z2A+7427LYEg>^>v68V*4scaA?{#C zF^*A6P(tBtoiptY@K4x6c7Q?hIfhX0N3ITokMk7=l~;HyMqE#OhehO#Y9BRtm*eCz z|5UuvW~k0(wH9B=X&yLC%L;EgLG5aZlE2(hI$VCO%T1o`DAC{pP5R;$8S}Ek={m@ZJqejyK@L8|bvgK-7`7qTSUA z2-$q**|U#SUW-)vix(GdG$kd0ZK;|JbOzCSHy$x9yfG6`SyJ)I1z+f8UJ4!ou$m;a z3HO`Me#-%L=?u-G)cX>>x_TRzCMi95O4}UpQt-KVVkb4j}Jd zWB7AGqpqurT_>*%h_ikP-$4frWslz4n|}0@A5QOm@9FgL@qLtgaNt}l^K!BxeE@0I z8yHCia|f|Gc$u;}8PR3Tc0Y?NZPZP4JWI7j9K%cp{Bm_KSw4f6K+AWBpd;0r+uxo7 zS2v!=Mt$+GUKtqyKY8yJ#14oJw|?uZcMSH>>s%G#R+AOBHaQqqH}y*zFe$Uu9N>=Z zKBi3{z;g$O>X@7Z;b2&!2J%mMZe<|n;1J^;Fx2lh7?AEFGq?E)pNBE7Ay3b*I0M7@ zv>jWwZEYPT%B{{$zU^#l&~TfyUt3XU^UoGH%0roy56W?ysD@?pbUU~MNwJ7w*$FS? zn_E+As}68HM`P$~X+Ov-c|P<4u9Iy7Fh8u(lmYsoJE{)@+9ty`62eqNuzq{X7eq*d z3KrS!Siti!)VY**t{%*1mKjjHgCSfn#5H+o1B-awQ$Gdaxb2Y&}UU@UGmk+^&i|R(C+J z7tlW8`+Kfl+X>F+tp2R8(NGWIV}E@^T}HN%|C#j$&3zXi&lOT83Y(gSE_^Hjep-$J zIIED#zch{gwG(8#%X=h@F$McFdH{MkG`~WqS3OvEjfh3GDsw;Ay%?!zp#Gy1r=pYi z$(!-zxzi+Ce$tkS(0ot^_=>-b^_M?=)4K4N!~D}A6eVuOmF_QdFNvDQ&~YWEu2}M$ z#B3sVeDB31RS`)qj2Xd=W4ey#`>UMsyliYQbB*82!d~Xr@C@_0g@f-3fLA%9E?nnn z+BOE+;LBf;q!L~X83l*Nmrn}X@PVRki9{(GQ7s~A9V{BI0Jyqhg##T;gd&ZH6D<&^ z91MnVe#)T!gSQ{@>DEWnTWmeqW^j9T@HtyO*m}ZYO{ZGVPmWM>F6bP#rd>O0G?9B4XJ<8*@CM|8RQ$ zpMEy|;qkj1Hu}l*>)(9L_obgtUp_mU&N&~%gXPvXF{~gUU47%8Mnn&VyW_w+^$1Sh zi}w)hyf^Py@4DuLe)hd)jw_w-UJAC3lZWxs;qB-9BERwM`^(%M7xB5G1CpXLo?%&0 z0t~PW4n8&{!{xrt-#afx^*^q}u-+;wa3)3WJWZSUBd#bKrc0Q2(giNh$xryhKMx~5 zf#Y?g4<56)p|$iLm?_ZHL7L0~ZAm8EuBCD?+_**I8SqtT9Mr1#6kZl6S-<)DGbwPu z)-h*0lx@;?a|1cYSs5z2o5!ap5h`7!e5qjdb?W|WR%rMQ_%mk0tV8z_r-rRtt2nh; zEB!KahJ2FGt4`$yV<>g%Dt<$uOowm9R^|G74NS-MI%Q6j0_1PrmA_;ep1?1C06Zwq zD!VsPtW>0&*->^ZW_gf#DqYUn13gNpUm)-_`?Pn;lyfGQ;fKUd&6@9HwQ{qPi>s`r}l}9SVBu1B>&VakKbusd&LBr^7@ELE+?1HSj~IFxdN_MIAI{^_7*SM!~-X5=2<=z zKK~BHBg?vd_>~j}iA=DWH*CtPT>6J~x0Dc{JROLk-hvAT76zzm+}AM(3(vG*l`^=M zMx&huVz>3_G}xpu+LkDXWsAIk=k<3RiCdL3xjK_A$`H2|IQUgQ)F8C_D)m~854L$% z_g=C>(Us4BozL?Y(sn72a2*`4a304R1{4iLITyq2+N6~vK#(ZNs;f*oirWST$VW^_ zYRJ6LS#!Vp=(Fjw&!6RU=gI^uDf~hl(;|OVBc1T8tuw-_e#5f5jjaq(MGwni9&Omb z9>u%$Raenw`EEOo7$dirI;X?3@19EhJJ?hPGZVSW&VA|C&}FIpymyj-3t;oe+^vG}M&N zCr%7V!fWDb-9(mS{Lr}y$nE;v5>|4(%Hrxl>rP%dJ~)a&&y^w`918UGONP5zJ?DcV z!(E*x{iS)sGEbd;-^O+Nd75ttVxIIbdVYO|jb^?%`mdm4yzhiHBbb~j3zX$&BnxQ7 z1ufy_6|`(HL?$dR*XD*!Dm}Pt-WjKykCq@g}KV$ z@c1B~&)Q&F_x_{Z>ESyM0H?r0Fx_Km*}L~K>Cox&^#oU2P-3>da9Z(wzPQ3*15q+P zqx^?oeL`6uV(@r6{kNZgIQ`?#emwn_j^cm(%fC(k{+r+P*;r-@5jt2mpf?DnxA~@F zL;h?bvbe(=a*XwBeJQMT%}dP_hSy9;2{QRezv7D$W~S-*0m6^(otMvjwO_}3*}Y*k z&svW@&(o%ZA+dgak;@_<;RcR;IWn=lKI>ojlNRAF3*#j*W-$x4FdIOZ!ANslMk0Od zf3ykX6b=IeGikrX5u<^Xn|CumVi^izq7&|{sj&w5MR}!5;1Q64XJucB-~9er6mTnv zd;R74$h#tYl!bg&5PxUS11) zh&n~SI;etnRAb%6CHYZ`k!LB-C2t%+Sr3X$%a=Ivpl}%kikHjpJ?mwUKK{S_^UtRb zKYX9Bo4l3TM-LiwqQcci=k#N)Zd!bSivIWN%CDkm*bp960nsS+vG?fbdzHUrXBE{$ z1IvLE;f0$%7O2aldQhvVN)H<;#GN=A<4pI){e4it$uH}!U1TNIoWpGKkJy3N7!PB( zMGg_&1KX8@XUO#D=zd4&Xh-OaCm1#~X2@^0$z@#wh{}(V*vwM@wp0AzM>r#WLi2^j zk3&9N>e&so9hfiLp(whVGKY1lTPPaE$uF%iJHNi|mnkroGa)9=%7bo6s4Z$~cqJE7 zCK76d0Enn4zcm2VMZ4kMHs=#p4I!2>AlmFC$L9j#_w2?DFfYiqx&k#D-?;~_!jG=0b zr#5plPnsA5%>R4iXX^7jgQA4D* zeF}&2B$c4EM0QJ^8W^ETY~D3v?jc~K4csc?NsZdP(BOD%IRP)!28|s7j2US|PQE&6 zsi)S&@wsmC03I4xRtv~7d&!%`oRfTl2HFZ#B*wF-4JGm4G65GWsc^53H~OcrW+w3A z0DC}$zv$?w?6cVF7OWo9B3V(lblG=Y!HDfb!iiVmSKaipe)r#NxO#uvcgu3;Z(F^Y zPHj8G`0cOdAQ$h(O&i*ru52yM1ULbBfpFK536w?FOZwBHPy@uTcK+QF-<<%$k#Veh$^_}uf0becL< zhBzj%4LnTWFttMf)l4C7)?b1tqiY`^EPs+#qXVg65S$!@AO5PMx{uLLxQz62Yjcq; zClAZh-3Mil<6ArGJfn3nVgTyG^t3m&5LnF9;XGd)Vv50~7J`tawUx58z7+88BlXn) zXd5Cg@7E@ej(bB8Y{cF=B%KasS9IFzOKfF8$dy1Vmv;^yX2M;vxAgnC`}PcXK0bO3A;eyZ=zLk!1*URhX0`n~a> zY;SFqy^SB0z3q+i^wC%4zy0g4$~Vss5ZIif@v*}G%_R=TQwpngOb%GJ{Tu|v!CY~6 zP;%f;e7+kXb717tq|GJJ)z>WcrqtAH(&saQY*?NHj!u5{$K~C=l<%&_%kb+TZDb(Qj5=nJNK06NPT(=X z2!N>8S_2sAz58P!(3iWy*`mVVzo1_YdbsUk+!9Ce6(YC~zD4DH@m_m>#)FOYa;XooVqUuY46pBJ=PSceom+(UrK^Drh1yCYF=$ zQC4#RUrkG)ukq~v8ka-TOaG$}640~kuMh~kjc=@$8!LJt*gz-s#tY_D#(0rcxi&O; zo|9P=Xas}qwlV%9U-HleEU9Qz&8qyBoP9c4&k1_uV>!$}GqfDJ!l{3j(J%T}%{1RF zyMA$JC~({0?$TP>onI=ew+Mm|q943Ih+_=Lko|=Y8L-FvhB0i&q@IR08KB_Bum7Z1 zFTYjz*ajLvya9(oJH))XY!|isjFSUHmMIc50i5)%-t*ZUE6i=@d^XH1cv5Rdvw zJS!wrYHS?|v8%xRpLlJH|?JAWn3W zM*%lx+2SXSx`JO+J0m8|2r;~?k#P$8XrCaqq|&~g(%|G0(E|8Je=|O5CS4%)pu6Is zeSmQE2WhljPV^DqV=@XI3_AscyfOj$ahxtCNpxJGY;Ct3uzi_bDADiQ&`pmP9}(AG zd~R)IUv`r&^gx`A?rSYGzrfANO94fWQ=wf5ZAu{>@#T%^2l7sq*)rNUYyXt?k2LU0 zvZklNTH*B#aIs&?8G5pof|xefqPCaND7GH4kV%EeWjQ%!%L-~;9_O2UkTCy#|10@!I$`)Qrkm_u$L82mNe<<=9u_*v5%hZl6@35zSzoLog(72~8K~2wsJgnw!a^ zIyYdBg0M#oq0n>z4gnkKruaf)rZ+#&+(kQ7ECzU>fK7*7C*W;Kv~Lk7xuESL9lNDW zhL&!%SUDKay0uCADxFRE)H<1;f6{8(JQjd?j_;I#2d*HSQ3uPV_K;d4efq>Pr!wyE z@0Sx!nbcmPvm&>-3VEWXU?gBJGV1f!b0I*a&naAgqn-bHSx!=>ncj`76}7=?qk6CY zlT!H|1oN9nT)#)hj&4ZXH}|9*Z#I?;pbU;qWQjXz>1tY&2}}6?VLvr3)37W$325Fk zKRn_+kTIVk&j{ZzFin8C)ij%+arv?KcdGKNK!eqXaaWa*|GCzV{Ep-RQ2CdK&$ zMnn;IKqkW&l&g=PS~BL?#ZyjGX-Ui=G;>SCP+4pR0g;VL;(Nha&O^6`u!Uq10nEn6 z5`v8-_Bi&C`g2+d#J7d;WF5_my{Ef;LqLIcMt5nsj2Jz?`puW+fBf>_m<*g_I|F7B zgGrbc#K0&>Vr=^e8_yMpE_|ty2k;G1%Z~#;d(KhaR zoGgP(s-mY~ZR2QgekQn1c=0j%1?f~_LmeRM;9>atm-$)-FQ4o8nuq??)o?Z48a5_* zjySmL$HN5g^oz7DqyB%ObA?4Z;0j^Hvn*aFt)J;Ih=h|1z*TxO$)^cdVb^r$Oo#B( z{WH?Dd|Z~-RmyNpwmv5;BP8MO1`=XKyok$Zi(`p^EOGcmFQK)~FnmqRdBA)3$3tLl zG6`zpf)jxS0z4edoRcp6184DbMQ8e5HC!jADbO%n6BPupb!q;_&ktOUe})oA^s~+R z7iVzMviTVA7PG#351b9j8vPv)nW*6Vlu|g)#uEwym&N1}L2EEh;tiSzYO(d8y-sKu z2!io;qB&G8H72de0FSUEbi-tHgqpI6sy5xaSwzDQx`1Kig1{Jx6P&yA(OI+@Tz&FS z+;l=I^PHC~w9L2FsWnNMTHB~La8R=%X@lXip5BdTy6#8L!^`(-h)!*b2!! zWdQRVzC6=^xcj_7yjfPrWbFFDs4x710i?TZ)1F%}f?K`WvWBLeG^xipH)7v^|LP@s zEI1}|$d(G|vE#x_FsPQ2$Tl{WQ6M%c9|f#+a$7`PjuWVW$B~t@ZrSX?$FPbD%&p1{ z<3<=nCKb^`7eX8WVNFv-K54AqDy^z?RliDdd=8gnwZ26;OY0i!6dO&I6fJ|=VUADNh>B4Ksw4dhL;E-l>(B` z_DsAO2d+bV8H;U0o5uRaL>4t0w-Z?BrpsB)_wEM*f%XgwQ2YfRPV)nfrL6e(6_kN5 zPSn-RRWm{D0LR+A)G@Qc!8iMM<0`KY3gN&3@G;hrp}ws+})-9o_~3=j;on zH5PvZhrmg@3YXhC+~P9C;=LpFoCXU9X!$OnJpoTPJBwu0vSQ=S$*UMThsJ=5f@YvL zg92tXkJUDD0xFN5xKBrdhRkt_SMWikuXcD&w6lMvpe8%Jn!Q8&8KZzj4=#lG^Ga9D zHv||gAR^q*rbZb0jsD_-7QzgKy28ZcXB{IvI#z)s>^*O_o8MH{a z#1-#8OH%}83NMVKUo5(!5jH3NqW-hY3EUnM0tx7?i|NiG#Ea2L!>G&=&ev9bQ2*zNBQNGqi}qZS@tqv%j^EXb_-zvb&7phFgODUZ>Vz_Kt_xetP!1E z21W*Ajfwx0t+n#WlfCls(}(5pww8Wjnjpk2nPwQp(HN!$EeogiW72G4&~A}7cx4CYX=8=iAStb5NW zmxh)wrr~KS-SwHW{baRtceRMJg2xVBl2dtBYXs`0`ygoZ%{0`i(; zuwH!qjO`{TOdbXZC|1hqGA#2N^+7`H>gdVwnIkagj!{;^j4(`kjYh}eci)!Hy~kx` z^FjIfryrM(_nwq*N$=NReN&#lJ}mnz8T5gt`==eWyaqfg+!=E0r2GCIe8usYkjp`W z=n}Fj1hJu$Nd=E+JMm52u{dKGbeT#8VG@4(g&~sR<&FC1B!UES4lwowCC-5d#t4L` z0JwO}r}(Wu=?}Sfa3^2O5a~o-GQrkNbY!3;&mqKJ9J8lb)^OItN4}d;l-oO({_-e3 zyAmTvf(Pb<+p8^|QhYuWj~~KIS+eZB;%7d=%rJOsZ@_vRq2_PcN%+W+@?^r{P zJipZupxsQ6U|`uqyq{~=>u`uJ9P9^XpFSZ?G2PP zeE*Q2gqLxspiUV49+$$y?573|7)G=v-{?fZ;I}wK34ieNe| z(oo|p3jvM|butiXnm=W~op++b*Z}<#KUUcy`m>+?tbG0jC!8?WE9jA_S8ad5*gilg zX!xYl!Uett9>Q^hs)T>!Or35KVmLfWRws59cy_hX6l#67j}`Q>f%EOSOId(Plu7(F zVe#H^NO)y@Ql=Ip7~c{ovE_g^l81cnemD>~!@f~y2g~1!8??2Pdj%MMCi~h)i@*5( z{k~>@3GK}2f8v5Z_g(sB`aX*vZ+GH;?FTij=nn+1-=xz%N52Q>Eh{(pIRps^H9B2* z&m~vTSzIEXv~@T+hSa#(R}?%;lS6~c`bF4=CuoYtx>Y#y(>8-;vcG!bpYKsN{Gv}_ zj8`FqebA$lA!_sjSMdoCpFI!XF8vPs7Wi3@JC|^AJ{J9&KBo3aY)d2koJ=n=nMW9) zR-fS*z(&v!g-(429oun^_s*im^%u)J{I>#?Fr3U5p|cYWx4k-+F1o2P!$h!tl8M*nBWtEl&-D&(?WV8;_Pg^3xS%;*#mR5>Xo#m0< zP3j)?&-Uh#`l#ulFj|~4CV$MS>>rw6kPcoU{5wJW+=X7ZoZh8gbNN5({>}s&F)3*} zbzqpt1?+8HU2WuSAR1mQl&QmI$as9?M+6i}>JgcCi0Tq~GPRnAemarLXZ=Ge$GuM4 zG6YgDzeNYj@)^g~;aX19spSI`91NQK-BR~cjs^ZQ4a!CU&BtrA>$^T z1hpXWvcB%4HLMJ=dic@VNNK^<8HjaXVtjEygb~|2X0ai$QXaAGPBvoe z4#wrS5ZF9KtK#{$FU$Y>pZ}vAzC1*5u?`GS|6;%A$@ytHJvk{$*b903>C>{kxdStt z0u2dd7k$N#xI38jvHj7e&Wj9!x5QV6MG?xy#Tf=x=gQ{B8v7WR%NF~VU!vvmU;p*% z^5r*QhcsOcmpD=?@LZxQu}|D|ko2lJsi8z&;Aac~73b_F@g;;Gfqx(Zte&58SP*L`r z{NO19H!k{c#DP|LCv0_e)vR-PQBT?-9Pu3-EsNPsV)$+VBSvJyIWP(HyFAT*>MfJ> zcM_%v&wJ#^-KNOFQlBhG4ETI-APx50f%<;Jk^1|eKNkXb_%+p*!1{jM*7w9y>HJ-@ z>X$AtCg>yqLeK!d$iRp|xv~ZwGnkzUBn$089!)>+fV)`W1T68eq2Z=ST9(&7;C3{( zqj=5o?qYzp2h@NFDK7L%22=H64J(hByh;-ld^iaWW;!OMtmA1w)QO@ibYNVrqTBa1 z&L>lfklAen&QV#RaxSjW*p>V&56|&;2e*J%1C*f1^E4QlquP?CPMH{lyPY}swc8*zlo{rMUZ)!6hL^jSf; zbS>(UEl;Ahp>-i2U=5he24QwH*@-%4jDS;9e^}iKJQGh7E;UTh&Op_~F(*Odjw1tA z4BF0U57W$K$rWY7S_TEcD`+%+@x|xmDVmrMb{?=j3FF<+ZB^}uAV%!1hYyG&IisB7 zl5HVFP9pp}Er{6+c}e$XfPYM0c(JdzJx}R<{e z^U+P(JZlv1mR~0f5;ug2p5EWP9|{D%e(?e%r2jbKq|wBKxPlLrA|}$*{-oA6jT)_} zpU)}qt$6Te`$n4dvuOJe$QsTt;%J7gblmsqS8>LBeKuTN_G7NhKGV2q=%faC-EyEY zO()*5P()u4Z(S%<2#`2vJgz8T94>HF`Z4xUG_D_Im&VvXZIf(|gt7I4 zen2xF*W6<0U0WdXy$XAb=Xj#a`1KCW$HSvxrGgO8I)x@tR!VQF6ZLfxmkbagS z+m^N?QWctrpCrXQ?I^C=7DjB^FLMySiN}^J{c_ApRI^^{NTsN*MaSGmo0j{cnHn z`~7t9zngyTXMb*9zc2o~6KpiZBr9*jSNFE&NPtwJ)O(Fl@A{jbNUW;_>1_b6aq2hY zdKpLOb0AYwochgsbv3T<)6ez$Z@rU-61a>bfzFT={d>+%6&AkHS z(`7aTLPh7T>1I5LlpQA+TUe6l-Gp?YX(YH%G7NcgItaEUHqeatn@^sUpa1ROlm{Ct zp%OJZJ3xEkWqJJ)L!k&ZJRWLodATexQD0wMXJ6hrd%(^(5BpnGemOoB0mBE6pOnXs zHp|x0TKUcE=NKYGQ1bLqIez@0eD#Z8mzQVHN?{-4+TLn;{OMkq!T6CXbA7gXT%2kv z1A-u-LSjA3@r^zFTk~jgpb9*T1epc7P}9v2C~Nr!wvi9c0SoGpZvoo zSWD(eTBP_FY^Awjn~N*=u`0-*G0R>?wGsvhWNt7v%I7!<#baVM-Z#XKhg*tPw%Cie zz=<+wfxJ3E*^KQbJ?wMLp$@J_LJVTG5hOoaU*=q*eya)^-#to!J_g@1R>>mIrgoiS!8Im?leGK}j#m7WE{8K+aL2N> z+MHvLpm$!aGu1$}GsMhzD6^fR>DIY5B_^VL(|!UZ0vt2X><7}Lm}ttRGI@>FJ($#4 zk5hzx;2GN()!s{(xV^=)l4X<6U+NZpnnar}#u$+>vJaVe5Ct=CT+j=?sa4^34Y%3* zBR=WakJN;i#{*JcI&}19GzDj&*?o>DA1|_%5dru02zB?fqcX#|w7?|f7G_$;eU3}5 zJ*li|sj__^9c-fz8j!!wmUYhKAX!PR6NcKZmRFlhTBeV59A}ABt7INNE0B>UDK3zq zHf&AXs+)%eihJ`OZPh&MA2clk--QD{A^Zj>UEN$@;-S`_LI|1Z-QDf-qaS@<9zWjY z_||n#WyK+sr%*SZv><#fFNka&3MxXt&6s8RTqSl=VDbEZ%Q&ZTTF0xnz&lmH#UD?B z5HANTQur;lgi($$aIi@gh1-Qp37+&TpnO z-JfbXYJc)Q@S8p@T?x8JUrDWk{AQV5u#+zc?F+YffP1lhA|~U+i-~DX-SX;4M|w}c zuJl3rF=E`915blDvFsGm%SpHbgt6Q7g1RM+2X51MP1UVqGw|neR5z&Z_UGKLjBO2V zOt3{JwvqGA{wiH{Y_Q+iuTpSKbx2x}RcF1f;E6BL2FPP`^YlK~hFt9Qw8BoO8<(2W ztroPEZAOa-gjbi=%LbautDTebZ0@j(S!BGzV85_e@a*0C3ESXPp{>3v%t&LY`d7gQ z0vj_BN&RPD{E)l9u<{2jy_Mn|H3q8yBvj3Br_yt_^@(sx0?GP724aN5n4q68B z4Bl5z3k=#iwD01%0w}&jJJz%VZ%vj@<{dafoXpd4*0|zR#;rmclT}bBKG5n>?-cGN z405a%KKb6p23D6gRV(E5m_^ycqjG$5isnWiK{^W**4;!KSLewX1jZ<&u4O&{cvZqeDGu!BcWW6wh?eFF;Sy)og9^euYXfszkbPt z{-i7~EtU24m9oLHuU)p6EU^MK%c{`r+A2mhcFM2*zZd1}7e|DBjUZsvBeoHKtd>tc z`>1^O#itk`dRR`+56dt2e_0N{s*>bRt!DS40QK zeh9%Ej;|p$3_7aOa<=*U)?E47PyV6&H+(JC3BMM7;UQ#2u4gHpmD69R+-(FYoQtautIq#suhPd$R@=b)1KA};x7 zI6jMGyd_IuR6KE}Kg~dgCqE9Z6I`sGO+PZO@hT366r67rPrcXlYgF(0hk&hm8Ylj$ zN8XJaX^@A6KF2UiVNh!~f z1L@RyR2otf)4#f$q}aEJ#ee;h?@>ZaN$~om#(aPOYe66xq6V{Mis0fTOSm-!US5K;06 z6BbMsEF82@VS|%x=BUwUv){TJo=lXeJA&589N)5EIs_8*5k7O(K543q17z;Xk4MJN zE979}sl3(gde+H()v7jI2g^0x=N&h!bZ9a(_3>Rerm(`Y0#nkpKV*0VrrNH|wF%2? zT1)$V?KiPcS-~xFhtRuQSJ;5bB73_(SlMCw$V};x{~1elC(zq@xO3A`Z90^JW#pl& z9_iiISllVhHMwoZI}2YgCEa)3>Y^80r%C5!;uGYQlrOqacdDR%KNBnV8Ht)KmVdUe)5px z%r}GEr`l*~GFiL99s+6G#DJ1ZIACO!ZKV%^|0STm#n@unOK2%v7jQo5|*B8>9)Iol8#*=NN+1ds#|f9u0! zxd+|!WDh6Ji`a^DjOe0y+~I@}pYeuP(1tc1bHJ7xR zVQQ3#@N?2qDpwZ`#3kc`667ZyLi3o@sHvhhoue4gqgK*wY!otntS<7*H%|w;Kv;C@ zDK)ecDNz}1IytqkWwgG$CBWnP5Baf7)9$X$Z~9M%`F+p#)BJtm|J3i+{+&3PIGw<% zYTj1bD<&P>YePgB!%a0zjXzy@V&^M2LQle1U{1%ce$(+KY^Liq2^)=zA4EvQRn_0H z)m6WGum1I3>*YPdOx3Xt_*9%in`WjvDIfhIyTsi+!bZ7j4tcL|G>=-Akc9Fc5@Cp# z>c=vbarQL{TMsXZL`o5bzmj1(8C=XQ5@*%yBr*yqKK|r`@}p0lvi)QmI~N#U8(fDq zUIhkQ_;uL^;%d|a>S%3O6VaNGP@f}!Ahj~TzEF17x3RkaMLBwQfQ^l#av3%0R(-}$AHl#^+D><>cCW@+3@n!0sS9)9n0Gc7!Z53JqFjP&AmLO z9vcv2j-SP_5+~FlEa{dm%v+mNQ)HHx5WsBjZk6>-gf(pjgI^q%3*fhk?T}6OBx^Kk z{}q;r_t}Ux-ayn}A7N0G?J5q23#^Wbi(%|ZJa8XpgO1Velrim004n9RX{ zMp?cwS>Wy-LRV`gw31k`HJD%rfr`5ow`w2NU;NSjNY$hecd9d=5FS8`9jqLf25_^+ zo4zWZ)_C4yKqBwyzHT44*t#0u=MaQC;Q6AX&J>I~TF)lNRG%@f^{USJhO>S(-8Wav zNyGGhhclk>r^|bvPS`FoNN#m<;v9oD@giI_VpA>##^j{#%J@67e*ft&1_Ap_;z8a; zi){DkTYq9cHmA)b^e@UFi{l@?-|k6Y<(qxk;z83z>AC`^ z@Kk&ht*cMGc@qvqGptsYBomH=07tEHRLZ(ol+k zk<6TF{VrGgLxttr?)pt%H9Z+js7TPOc^Eu}&n@WA63lcP27CsAw}#p-mSq&}`^`l? z7l6Y8T67C&=G~kltcFqdNLE)J-43Unq88&_hvz=^1bSo(%()rPqhP}ZQ8XO>GObNz z19m*yW>Id!T-hcx&<*r_7JBWmk+-a{%>di6Wxa+~MM&LeEQ{4%;#OyRHcc|*GS1Lw z{PY**Vo=~DG-Min_n&ihld!alSd%c#wlcnp0xPSt#wafR?-V~5w!^*)m}6k7W?)(3t?>Ss&y3;f~>8W&{e(c1NynPOT6X)Gn_BqQL^pbm^Ctv7|49)f* z`cllG49_3&3?D{8ukEL-aWT0bK}*|h_*H}o_F(Z@r=1xjo+?Cf*a(L7o!N@Wq+_1; zzeTi~lU8S6kS2w#i}-H8$g~pa=}Yn#_5}q8^f?6sE&3!933v_oe7m%tquz}G0lFv4 zHw+_}_IDD1<|uqn+rzs83}c1{1%i@1VWnz;K=+9s+H#I9%op4$zCc+Nh>R8BI`;@( zlVnUu7*i1MshPlBfin3V?GWIzegt+aJ7o&q587%R`KEN%=C`|wXF+@35-ey4w56WZ zm*Ihd&0u&1E6~a;s~-Ah+r}FoYP);aRink0U9VUuY3Q~*h4dWX2F5@(UuIoPYr|T26x!smepM;ZSq30Qp^Hjt&~1l0gZp!oVPi<%H{PIxq1;f^EJv&*%u2CM#(f z{giLsg(pNhIzG|tKx8VDI$ckVes;krA{SWhU4bF$LRguo-z>0l2549J zHeiy_is1B+!ezbndjC}!T(V~v;&#)!VM_`IO%Xd5(^~y16K4SR~#XKQ3!42x4HIk6-VXU;o>ej24{#y|q_9diqJ(SlxM#ZPN#6^g+enb31 z*a0z*6=2HhYJ~Vo^0*ow$#)}UGkgeLC?lTyQxeiLg1_@@7Ydx`*>T)ejlgB|ia*Pi zbycX>61VvlYNQOtRL%fV{@Mr3XCkce8)dM5Stp_p-~6+*Jo=_z`1>VYz@&MO2@0@| zucS5W5~y!eiA+7lxA#APIs|H4+6J}lrrYCfDI2GT6&Hyb?=@ac(|bPOwOE7^1xVQE zd?%buu3z)xtIzQsDAQm|bBnl!txg6Q#Ma;bJPUnH%kTI(dB)T6$9@q;a*1bOtIT9f z^hsh;cD`r%@B9>`xfMm`(r)Hhp>SJaYp5?XLHE1yBro=-IL1)=Q~M7!3VOkN^tYxy zwHn?haA`aPMpORN@8(s*2g56@VEn9`ClQ@9ZnW6a*G8DUjO`G&rC$OZ9 z!o8N;#-BxC68SPd&cfu+AjBTeF-9UtxJH<9adwE{ok;^*3>9psg%~uAv~(dza*U6{ z-KCvOF#!nXI6e)VTAu2cf(@BtwQS@E7$%sMc(m^lhPeOkCtsAG{r$&f_rXKPZ3R3S zs)j)}-CM>IWETu8;u*X^3%gW|A==3hIr`ABE01<$3r`szD_e)2GTiYnQh>&pxnLs& zouZ)>I#*RGegm_pNC9b*Sr&kvL~#-JCPGt;b0#Ay>~xc z2-uFcm#*HcUw!wRe%a>n7SFYvr^D+fYb(tNy1{$+HSfl@JV_%~1gYGZ?K9$rp?V25`JL};_YWA>q8 zYDUL6(J%wjrjrx4Y@-!oIfJL8{Mv7m-*Sti8mbhNa!?+AESp+k_SIkt>HBV%iR~=- z$8ri~qf0|8oeNMGg*5hg(r^oiycF34yrRxza1$C)fngXhE3oSHdW#gC-H z*>09WXZhc7HriX9;Y{b2ww7uc%oOsOG;Q-piw}4jw&v?yp4n6aKM1h6r&&3-@_0Vdc@nU|DGW^_ds+nBxsutW|)X ztSo8Wt9BHEpIYu{*L$$>+qD1v_vtizPIy$`Kka_62!C24Z;2)LzZ2(CVH08!NGcNs za*1G+2vp)ZkAP;{FD|u-?W!W3(h>UhE0bUz01LSY@t4JTKSM;|b1>zEzeX3usZa5dw5O zs2(pVR1uco6aG89?XuTiDO(TF++b;Ga5ZM{;4QX6FaUabRbH}fo5PqAgVQByw55xnhCPK?_$Vhwr{$78i3)H$Hnxp$;`|Cj zrl{w(&@^FXZQ{{WVJZ;L#q$Z!uN_)yPn#y+fR3^6sKGI0hbV2Cy!` zTwp-9e~lrEGY)Dp4(lbE^ujr3WfA*V#l!=>qj%_S{m`ZmN4hB5v8sE${=m+;!GhmPG^HGCIjQ0Kg_sSyf@?B;8|RQ=qBfR%6TAJ~Ls--&IxV3X^=sRE4{9 z?2&B6v4~k-vJAMp3L0wBz~ap^X5l*swAC(IMCETDfJoLiw>Qf&8i?1>F?9UOzi@>3 z*(t|*OV@B!z#;P<47Tdc!Z4cENmfoi0+p1BMqnuF8*o{IvYT zKm0AWtT?)Li4zYfrvfmA`(CCS?G0Qzvy0>}%wU>XIhBSEfy)rO?+Wd$DviL9C-QNE zWZCmsZXQY+buz9qTulDqmCUP!CWif^^4S`4RB&it_PVCey1hd> z+U~F@wZu`VY~P063Spu`0!k8wMM^20z z@`%YZ;`5g5E3SGsfbHicPPlO90)ep9nWvgM+L^O{JaM-Oj9t(`o$(YD&vC45+D2iq zllh*8Sm#*axMI%b;^_%v$MNZTxn#V%iE)j5qdp`;{%FX*?^36Ociv{_2;@%mx zm+&MaBqXD86U)FM8OjC|Xq`kcTkOu&!A+mq9I{c-uGu@@XuSK4rcgt_j3FW>qi~nQ zU*>5VVdA+dt>uT*k_jaUtmnDuz!tw&-xAU_g0v*wSz9^`%mosRfK&L}DIgH08>t3! z0U=qCp~Hw7^>fvq2y_-FhHLDV>(I$0a7qqc{ekgw!ie_8Qg(3 zk}PnJa_{OCO#(Y&YHQqZT;8Y;fyc5uyN@vzw1muoBU6Vx>`=^?vpy5uub!1Y!jHw( zE&>1uIO+B5oEMyi(q~%;XVpL5`>=fW3xr%%ty!B;copa1z^$`M;mHb*N= z&>^@S+1f%o#51bZplD;bbA)vKm{q&)zB_;-uvG=&z>O-(i(SgfkyEEo)%}-cdk@Wx z$D3v65yA+L_#5|U5kermV1U@iaswpp(=YZ4wnal#869G_t+dLE@Ak`=zy4ME z@;AR=m2^-(`Qo#3j)Bmt%M0e;3=$WEa(;ADUcP*Rw#r%AdCUnf;Q2KZ`){7_Gr&1; zw9ED?+juZAy33&GO4t%`Ut|DWfS@e{d$l&)F4Ct>PkWbynJGX1^yBjRN3aA>}towJQ|FSR1P(L)}NMTw5j% z#GMXD?;dQU8lD6e@b@PV&sR0@k)Qx&wF&^!Ydl7zztq%UM)sCz6YZ9`=5Tp&30;FOGtr47 z2g&Uk26YHsbAlmC1>6EDlJ>N$yKO_+{D#Q7d2Yh;R%wpkXBfAn%?sH0xaIiTN7%&r z$AA23`Q+m#Y@a=E068tU$w0xK7?`DXvoCtY22_m!5DBBx?6fQSzr-qicSwOUY_D_W% zv8YI0)e0FhFSvoOML&yjSZ3)=_G#}BTwskh9{{z_d1;W}xr5uIXA$PK8E4=B`)41XXN#3PlRQ_5KhZnJpa+pvGumaqW4?{^oG6} zGz@i!Y@uzl2*cyF9O`2oJcZANFNY7u<`J+YSf&~I)Aqnvx)?{hI(9>AL%KmZLTeei zHp?REEkN>gnsa#LbJ36Ud^FrGyg5%sQy`OWu4HXg#&IKISl1C>x& z!Y>FUow|n0jv%ULcqOTJ`uaUSG~ax#4H);p@QmxXx5cS`p-N9#&A;YZ(=tpAr(ddy znVucuuFm)bBI_UdQO?9p;y?@{o;?I7QMaRnloziSh@D5>x0lB>xEzSu z@&cL@Z2uTyOzet@s}^~CXpgKQVgBOd9SByxeD&RL%76d2|E6srEUxciplqFb(jk}V z{VQDl^RDIfYbNFc7_ku=7V8f;%j_?@W&Z@>!LLrr=G6)(lwd#y;fS68b}&~~7q-h9 z>JhIlPRm!nzQ988C5A{@eM5?jTma3CF3i~l<+Uyxvx*>O2J6j?GYkr>KoM>{!`^FQ zh#+W*6H_*}H_-NgU@vz5ZK3!2FAkt$ELV$b8**WYnsOD|4`*?aUEXMV3>X}XVLQKZ=nEW-=xhIRfm z)D~y3=9U3y4g#olM~n9Eg9JSXWAGtPkAc|6_GjS& z;T9LV2&Cr0n=xwN1KO$20Ij;=_=d>^1D`mxwA?M*48*go^=1`NhLs5#Wf0$DrGau> zP;OT*omdRGyr0AHtL1UPHl%${pt-;(QXVge)(l56x`sK9{>x;+ffjh!aB6>ern>Jk z!@rIAir+DyMGt!OCkCNOKea<}k)MBnj#ubYc=@B#pZ;r_CXB27K3?wq*w5+BOq?=o zd^T?QnSPTl{V-jMcB+b5nSuQFEIl+k`NGP+#3`~6woZ~I9*)~IqZO`99m z@6%!YG-+ubA}Dux6Uc46SB;>_)+oNqnxytY6X4Cvc! zX6L!msFiysyKY)Tg_&GsaD$PHyv&cWiF!F%_0J*8wEXj1h4~$vgl&9^LNr|`!u{@Y zk`{HU;Z0r`4Vmy?K@+ac6FLx+5E$5b)Vs$Nh7w1g=QsWo(5NMF!-PFpW6}(!A0~Yk zKew4E1d+x%ZYqpcs4$1{b^#i;%F%}1xh3Y!Y_CznTCxDKRz|NQgC4%ERVRD&a~_U@O*gKDvk@mi$r?(WKuOk zgiWEfldkMP#`l@T_?{8W!??LHCbhkn&?Lq85APBJ;@f>!@i%Y@{HlVDX_d=`%s)~cN_hvrubPdfD3 zT#)izUL*0)KH@?P?;*^nf;{uhGSqU&uU}$B0Bb;$zg|Pl3N~8Mg({2*{vMo`uXjG7 zoej5DkJ;{Z4Ug9*taWi)vh$dz6GYHzn7;4&`)q#-K_m1p`nSRa_#?L^+fNiqL|>ub z&(FI3+rG^f?>>T$&?2+nCX8e2W6VG7ZO~52729A~U^KCL+M~@DnK9+MxVUEf_ECBD znv*(?FX79eozRSVcx%f+vAEO6K>^z{+t+^Fv;^r*w|VvdefKbstj(#W|7Y5Dyahm{ z8(VM4O7s(EYKr_W8j)>Fh@g*BK0{N!ioW0qU_sU|%}P&=dd?x>PWo*=4URD;F}h~m zq73q?#I*>x$P3~dB~l2^!x(|n2!Z`9a|?0NZU4*g*9*+)R#w{OgoV{p1V?9V3%rs) zhEChI%}=EJ#!r0HXY%mI=YKCR?@X{E;=XawS)!5u49Ge_>h3yACg%HnXWo^#R>b?$ zI+F;U>5GWE`aXR(?V67rAS7xT92~P}2#=-%gg=N!da9?3sF1S!ZV0j%^AinH?m|67y7Ng#fa3KxwVg;|_#+g)kmzd5!IdYxebB zu}xwG6Q__vOV8JAE6`|>f(<9RP%t{V+Y2-#hQI*gO_xQ;IEQM~8GDEih{|@V$*W5=5SBxzF^|2B z0TcXNi1E?Us2rTVEFYl`JKyCPIy!kDVZig>T$ZEnFwk_Zoe!kiY(*K5FCeT4G7wyh zFk-eakAwmPof7-wlWX=_BdqA4^}$)N3)G!;Dz>jca8cq=O<^V^s=yYeY&?r(1R+Zt zK{s=XQPFYPg3;aCMneU)-g)Y{wYgAUUsLC+*X8JfL23m_*JXy z0l(J=2WY{(F5kX*h3Xy0j)`X`;i?7`39al8DI*!uPT4mc(9OfYHyo(@wtjA3&4J1A z4(JX{mRGuzgJbQ_5#LVP^n34>mb{Ty^WwKmzabFzSs$Al-8sr+x)DMToqhj)`SZ*B z-#-un0n?_PYC9UWwnyBZOaW)fn%gn-i^gg4u&LkXOxw#z|8#o#>FRg!GaEepGW`gW zKZJ+UQG>wTz8x) zXc`Q4kGglECv8v1VjJKMbVZsM@O(5k#!-qe(7BS2rF{vB2WyL{Vi zahetCd_%`mv;r>Cc(~y-tvPKTaUudLXwW_AD`U$dr;W5%S4)r8whOk^?ITP$#xBJz z4C(^oPpGj|C*cRB3ECuK zzx~PIpvulT$k;YQsL^*!n{k!a@Zy#@$RG7{1yDS2)p5iY)Ek*)a9HE1;={afL8aW5 z0Lxpm z>FTL|0TY8Xw9~XHb)*^IlK{TGckdbk6{jtSv?lwyh@H;1(^dZ(CMWCQpo=7EC@auV z!0@I(!-=NAWQj-D?v>-TT z3A(k&f>oS+62kWs#%PE>`TC^U=3^ceCVAozsY)~K7vya@T$uE(F<_5vjm0m%SHXzi zGOWE^+GKyTU9|ZDorOn?Q%v9&T_qf`5O;BYQBGJmlP4Y1uibjH0R4^aX3#$u5wcD1 z=3iFOKNqIWuR6oM%^Aik)43l;VU5C*qzPGHVQHPoQ<_!BK@t~EX5)DF+nr@HKVlo$ zyk!>j4U*(o3oq^W;Psdr**^XgmZBIXetef=MID4Av^VQ%-6O^L9&s8xbn#+{X1eAB zW*9SK8#ZI!QrO^Q4ugV6%WYRI{$4n?!5oKnX3a;Gq-<5tlKJFVVmW@7n}%@>YaMlg z>%S}VJN$OXE&XpUgoL1W@BmOSF25Vdzqg1WU7}ltv>_5{-X60yns+<#pWoteYcEpL|JqekxmZ>c%OaAPKhV~U?n4a;9np*<#h0ly0Hfq!NS_wI!CK+ zmfZ#JoXVj@S@?$51%%S0?XG(qZ5M=!4g|x{!`P+!d$o_Sx(eI2v4xOhR1WtK;>_wr z28;*W+oiLrT?banFJUy;?lIE94~&f(8~qWdkswTo{diIC0b3r>c<8Q`9c({b4^9!3 zoR;q{4@084x4j$8sYS@)%JwP*Lcd5*+U>uV=ee>0ea`??j`S#&AO#W}n=7%d~ znfftRFEbEF4TdV+US_LCr*mDdA)=%H1zTgV=YjlT-0hVIdwX0vNSv?B3r<}*Ibs!` zzaE+eXE3!dUVe>zjM=jDaFwHKyTBp`w{7dXxDKO?1`66N0~pX2t6eiKjHA(yRl(cX z?3B;hqO!fYUiNl(fiuFQP_LsoU~aFGo+4i_Kla9F+L6c*9Eji$s6<$?&(jDh<% z2o>g5m&?-DW=Ml$vI3(&V3Kn|nbrOn6DCx$K~#_1%IzxP1JqsnEi*ZdmkMHC2>92D!c4W|C`S~ zVT(_%93i28iE-BFXu_PK;n8CtUqGO;z}B8VIBH+EA30D?(*vQ9{m`N1P3Ou@?Vo-T zol`?983Fz3_e_HdG)_Vv16~uRhO6Im@XV4(=0feBkF{(yFZ*Tf9`(vOY&6YwA@*|sYKr_PnlJ(5@`~Kp)S5wr8`-lES4eb|P(inPe)LU({ zOD=Q~(3*g;gkH6!KL`*m)vS;fvI;rRYT^wvZHRDP`WSU{`z39x5Ep_)xu92E3hP^J zFIgHfso<0YdDRu#as^@X0_qv2uYtg^H0bIwg(YmG3to4H$pR~DElvr$W^%+xTMqji zLyo{>z<4l&h0~y$4g9Q&S~=38Fl0^MGRv_li+|us#mRslh4Gzl!csv-!*7Dm3EH20 z@k#lA{>wj>#~(c9=y4v+_;1BAx6jB`P=fFrq(CxWs#!2$M}v1!B>9v5HS$|8(n zyCUtcMx15ov&~fcr1o4kW^F;rgfotRmQewPOtlkGx4KRX)Iu9XLrVm8!XYkeqd?f3 zkA8JxR&$7xdiWMDU{b$$Pk1QcvS#7aq!Taie|``Ua1w3%+TMZNQ>D89UO!2*jpx;7 zg5O?DfrdPh-)cPjjL%T0pjF7=z@fVdt*8^UEYxE-<+%!K)MlOyvN!Z@O|M4DeVb$G>NI7fX);nk=zTrnL z9Oq5fIR05^Wn5zfVe@F7Yx6}RoEjW+>n!S`UB8aj{3T=C+1YuyxRmcUJh3UHDS~qG zoI)PqP)nI*Bf~$+S=MQ1S$`<*oe4I=@D_j(6!kfP60k~u<*yBM2QYzI0XhL>1@K+4 zH{e^t1(Gztud5#-SP&TpK{8AP%Y+OX9fdGa&@52oA89HKfmpc09c6M~R0K48P>BQ_ zTw{<9e^RsjVDc?n7qUF`1JV$2ReNniOqCD^0p~u;wgwa;SPf6fw5N|OGJ(@bqyh!~ zonSAqePN6E61zlVh$cuq!_0NSc7;BMF|lOC5qWG+VFC-w24e=nVufmk)s`7nZ(RLb zphMhZIeyO5IYwxKu+?HbWE%*EC@fbVS`Eb_Re-W#1=%ad>u^W{K89wBfyXCFOQynURF0oW%tvo@|)jqY6-@Q7MD-U z+J>rvN}w?kx`~vNN&U$YTS(45wPmiX%&wH~?NYhGDCrqTB^@0M%E5EADo$ulV6gLq zm95Syr_IikZG=T#2*-JUzg(h1teTzb$D=k!WHMLuxOFfRJy>`l|{FgTz-96M$gXx zxAr91ssbaf;EDY~Rc%= z#PE87)mV4EXWP;Nb9zRSZ@EVMvKPM3ClSZ7&L=wJ-%T3TkRNnBO*xhbnuwOqhb9CmjVJ zv-8JnpJERyWjRNqx!-Wa>%Nz8-y(J`!)_pA<m;#nlq2^W8b zNy5Qr?GA;_B^WvT?+gs?XwH65no(Fn`P}3Zcx*zAGc8?(t@r46ctdvNYAZ`)8a@K#4h;=?UU*CGzR4%I;4j2c>0*qt(o*nm z0ZmwOFobd@ADM_dN#g>)0=LW`{ICrCL|@}c`lXOT4GkxeVweJ6Fg(HA2tB^3u|(yrJy>2p#|xG{t-^ zzjZYncUG`w%mZilijz?YBOUBrqLF-pT{#w+Ua@u9lL%c9avPt#>n%h|o={@dQUi>< z0uUCD{%u}4c1kxQi)f#i^9k^5ln9q!iH5&zn9hW%(@(hD2HF?lm5W?>H!oiZ!+7b6 zrZm&0l;*gV#CPEylYpqZ--*ZbE#I{(6`C3iTr_@+2qiK%s}!b!GxBznFE52G2Fdme zx*5`tY%8mgu%`aDogTIwaH({b7h>BMq(uX$sX52IY7Urco6BuNtIPp6(8$wlK(DtR zcI<3-aZdxX{cG@mYlt1f5rX6k43qZ3vw7&bBJUyTGQ?;yp2kHxMvkZXKs+V3uqPjrB2 z71F*#R&ftRC4z+0iH!|uGucr?MV_c>SzL8i7*LoSJGg57?gN%ks5xQ%I&4FDu(e&b znY2CP=(Sz62fATc5~2;wUhJg7B9X(>AyiS-mWJg~onJy4@ML1whp_aW1e1rvSaq=* z)ssBAf(fNyYax^nnddAA9YMsuxS*p@#{t3#_uh{2+Zb=KwF3bGMl~)jTqS>1ZjlJi zu;K(;7g`$w_6*-*Pvd5;%b>H!1a}rAoTsQnv89CLVcY9nG(ynSK=rkS@MM{^Zn_KQ z<>f(n{`@8Cx){@>?(>V3@AeE~#u8TBpOlpyjB2i7WNq-QtnQTZaL|nj_QNMDyaUf0 zj+k>R$0l1CIOg?)EfFWw;S^?k@oc|rta&;JEBLGJa`Y0lIO;z}wsV1jwqGDsZheiQ zhC0l#lBI@;t4UY49NUWBi;dkI;;$lgK0)${!Bg6&!(M2GKgY)>Wog(hj|y=x$h0)S zi55n?yncqg2@I5eh`^->(|mA*u}~PvA**9bXg7et`r1>7{VJ-`Y_&jx#sTyA8haOL zdTaxSSuD`Il6HB0j`qiSSp>o6(NMTX!{M67A9q@8UD<%vuA;TVDKmQy1OE=ufH@eQ zm1l>q%Hi1w6L$m;8^CFEv#hSDDKb+|zkOCNIIZQFus7J(p!Lcu!YHNnD+pAUS7>MQ z=p7wlC&XiDF9P1;b&GJzX!Wcitm$II!{c822!*Z@I9*cCEAF=pe)C9=+cFsp5OHj> z#El6;8)1^dI&oKHqC;0X=?e-*=AAs)Z}_tt-(VQ_8YVykq9f8&@;*TD(1Q>Uu*b51 zR*ov(mi?0tAC)H`K8@2?PL9FPSNoi1^Bvorju6bal?cWbt(ai4$zO6!Q_v^qNaP*H z>SBU}KZ9{FK|w<(2xWI11W*wcZ{CS4J;6)5A%h-)2pa(%l(<4@!Ce{^gAo-AfsV9} zkoH^YQf1O(Ro!oVtZ{sHkgl{VUiEtK{wN4kfrE4}=(l$V=n!n!UL=>zX4BodHvm5U zG99Ri9Ibj6_4`l8ze^+D_=&NC%qvC((4&0;zT^FvF(J_;SV?q8Of z9(H>WpvQ>>jbK&*0i!5%06IaPJe5ki7s3a|TZPKXN)^J!q(NH6yTuE^h!4<*dB)p$ z#$CgN(PYxRrXC73Y&-v=9mPS4WVr(m%JyqYWr%jdg(FqU$kGT4i zTEN8I!^MNVO!_D!sXXA_J%b7}(+Ii_RARCzZ$@4@;cL=-e|zT;aI1imAQ)lVM%s~h zVTaN?wB+o+4Q|b&ouU0M?ZtUqs*8Gy@RBZ^gxxXFLpmxC;pAK=e-R6b_7M=H;!BJJ z_`-t3zC->yh?w-X@1Zpc`b!QGZ3W~+ng<*@r_frqGUbk zTMAGKC*8Jh3RA;+kBe`X#r`S%R@m=cU{YtwtmdBYZb$btDK&3n8=&>D&q7!DOd7xg z&E3o=`)ty1p7T`@#B;pr?Ij#2hh^5?LL7xty(07Y;!lQ|yuR@u{0ZIQK#gyG!$A)$ zX#FmqN73^W{{=uyqSXKx}#6}#pFKH^PBCgCwHGS zc$7ujZ_?o?Ky(ehhpm-b-$)|kA>JUU?M}N=r7?H6C@EBFFCy%suehbq({%<2wXRuE z9yk^t&DK`mErM({tj8E34Z$|$x>2|zEe0myqhr}3?~1hMr2W8vQ4@QDj2*D;!)PDt zYd^DG>aWxG_zTiL{v-Ognx3XBP&L|%wLne^WA;T`51P6LT%z)SnV)wi*bvd8gGW7V zZ7-3}yRJb*A8k-vC2}!f65llJ2m(mw7=Gh96N+7G!d4@mcX>pu-M&sP#&?R;lsyI%OkdF zY_N@FUIZn*8756P5Sl)OB&1_kPNWb-FhQST($;4cUF*0aVK5o?GLQzUR>lZ8Wbib| zXxUVk^~g*GEemJ|$k;pCZNsqkh<1e`Gfx#+XD_fPrYx`;b-}3>FJ3$=%iBw3iESgx z4>!v4#b$Z^+xU%{NME6qF{CpuK%85*9SrSY z{F4(<7FK7<$9s>|um~L)=z_Gbl zwSTZ)PB{Yi*)P5 zeD~N_8Wdbd5C)!)QNx_&jNh9smRuGvyoXJWIrbmTAxv9_h;L!>{{w88{0L#kOJMi> z)e#0r5wH>WnzrvV;5qs6Vl=JWg89|(bD zEF1uAGjI+3tFV_i@)|$W{?lzZolVAboS62_=Ne~{_VORiwdq9PH3P>zE--7l~ z9wt+_&@2VPYRsjx-nA`ZEMY`lRMFDE*WUJe`Op91C*`wG9wSI+JZbkaj-6X>s3k%Q z>VptNEsYV^fH7^PrWv>r3pBK22mp9@%_ZB^oXyjT5jC{T;V2`28j{uKhWJs18`fbk z;D~nUYtl92h?~|krc6Q|nBwQVZA;zryLqLn?J9t5;>!Oeua*2?3Nt8413LvVNvBOu zf9v67kv4ztelQT2Xv|47#D+<;)2@Lo_BrWG;+9&;i}1`L*kCcH&E&pK{|rqE2%x;6 z+5qCHHsHh+wV%bIItGg)zE^ysw*_v9qrqF>72=IJ72oQdp}yx9s~nllFY^-L-4j5@e&WRUUzrH>P&~<<}$v%IK8UF zkC>A*s&{P<(^fDMcj&*)WTkWb#yc;OrgSj!Xg+}=Hu-{AqmpAeW9LqVc2BAGR)~^Z(jc*bo^0nWLSDCu{!Oa}s%EV#f_m50cM;3WJ#b=U^{?R~ z@V%cz?z_&G?-Gi{v{=(lk(w*ABJHs-e^qAFh%p*b&L*fi^CY4}xgw7bm z(&(8h=4x)pXN)b<5E$My>g4u`-4FN5-e(90 zo*kDL&xfc%okQrDcry9i*xf5vuYl1$8Ww0(Tmg@jot5&lpZ*uN8Ju9d;|RtR9t(Eb9fmhA*jfWW%S08c!sN4spk`@i2?-@e+&n9qPCs{^%#YIO@ZB#tpZm1zzfdcqRUZA_#~da5pu7fl z`>&V~6yUx5N!eQatX$Am$87)Tqv6sPzG%dpovpf*p+b02C@h2 zVGKE;_E*>jIV~#)OV&Pm#8G`uvGK85t~omQfBnDzQoj7>e`BlBd0Aybzx~0J^696a zajf4H_S&&M=ht7BZ+`h@Ie7LO_^}lTKtEs`#~SUm$`+r+tu^eDU>uHi?@7ox7O>r0 zDN7g2v8|)e-f=}1*BHASaeQvKwauP!jAuc#_S%op_TVVreemJ=EASTK7%JP>OdiHa zh;I?p%p)i>>^zK!s@t~b7~x15I+V#~HF5+jZXtZGu)2TW?NA^yV==-8$~01iPQi)W zrC|2kNRAf}SlwJ>Cxm*BWvp4jxm^Nw81~xHuJx?pEqdItvBzL z7DX)D+V{JGFvFUxE(iA-Uz*m8dinYN@1FpHV4!Kb5Na@h(gXqj1g-2aaBtu|-F`mT zceAZyjBS6{equ~*ue|$hI$i{5!szeN6%0<3PK37<5Z=fGToMyyPIQTt=5Nk2AU?37 z<|>@3#7;JOw+``%&*D=E-5Mq?@HlWR8K+2?pSya*M}6w2$=x!$0_e4{;1-D%6JuCk z)iu-ezT%-h|a%yJSDicVikR%4HFG3C1;jB5gu8Y5LTp z$GGdsB#Kz(IO}!D(cG+EK}XO=gwaxSY~J#~uz3tNGm8)|sHHKBaCufKF4}ovV}kly zW~bv}sGG4MY+q1)$9D~mI_^3yr-r6#>x@@eE*(J2`>-TK8358qfo)_(JI1*xaszl_`{7cU!L#bd{6)bioNa6vCp$5Dgzh@g zbGuIBs;c&A@~J7uBuJhp%PbA^YVeyU=~@aw)bd~wMW?8JCSXmv)%l+NCBZaee94kp zy6hd~O#Bpdgn$aZ<%VrP*2}abee3w%{a_%V=8d$_xwLo{b^v$}p`Y(~&%w{fR%^60 zmax6m<$1BI`eoO?Rso)i?{RY4Nrki|k-ct)L%Msu(O=*4oPG5?xEP>0? z9Pk?9>Z z)lm9L3*u{hzxz_3h)+GHoq5%?;tmYb-Qk1vtuDgUm#OA0!FbO)(sppuFu+KA_1C?cI6J(V@xrQ zIyaWV@g>@aQzIR3q}4;_K&Tb^g@s?ncWC7;Z8}eT?lJH9@n*OD1RI1uTE`>+hZrmp z5f+1SgE5rxzegKiGO)e6m?_WBdgV80xqoxPiG~QxTZ~DI^xIt)>OWr@mj^5=s5z|$ z|10J@hW!eG%1h=`SUre($ov1Lsq;G%Y&fv#M3}e(W*f=NPGxIXWJ>=G8zGv`5#fwa zV^;(YbPA+NWH9af9Z5eWj`y92WuEuL`!3P)Zl1N%_YoW@P;lR$6XFG=Rh}-gg(1%! z>_hBfk$ih|gNf~WS;K#IX_=Mr1&~PTDCHteg%drtBPa!RWxC5GcWH}>Ak~sN7_h1> zvoIk2fQMzI;4@4RB`O1j91yu#o)dmp;;EeOC2WXQlmPem{PSH8^FHsLZf=5PNNmvyC06+jqL_t)e0)uNqqqiXqTlCek$O zDrc{5tvo0%E?$=br<#nl{XtK@QnO?BJTxiJ_WytO-m6QlE6ejc;nRBqBr@R*S!9{1 z>Y6q)nl($(8of!+`T+V2`a;rY(38gXnr?NMW3gByNPr+rCXks(@4`pu_uD5fkYrc2 zs;a5QdcXxDBjU!r=N_}q-uwKwIW@c(n68Y=&iGk6oxtkOBwSmcp`CyY04Dnv03U>~ z%q&lkHv>f%=38ZvURL=9xIxx29=veTGDN2|o%=gti}}s%V2#<l9-T`94BlS*gb7iR}y%#XdYi$ z;NGb;e`OKDah_g0ew@kKfUFgQBg!>ETh%i3ys@c#Sh%G$L6zMg;jMSAi1qtpRV zSR`@g!qwHZdL3^Vlz^kHmuUyDizlBxB!TM7$T_jhINZ2>JFTu=P2%N{gb=$ukZf;VLfo!OT)g-N0u*tSP5L^eQ|HTzW|(q zA6t~iTT)=m`O4T8r=&+_Se!40G{!xORgvU+7pN!@0c&vnja3LbQ!(*o)s*;;mD?~B zo&9hc{BFmB|3$I>?&Vwsd(h$&3vE_M=;M@; z4Gf`5xME?hR^Tt7n9NyZE^fF(tV@QrIS!Fuh3^d*pWbF}dtHWSIQ@If=WHeA87!FM zdaiW~S2e3_Ju~r4FuM>V((*@mFyq;rr=t{^tA0$|;gc(>@ZEwvfSH`a_Fr z*Lt!DiVzg@Y6YkP7|gTf({NV`&V(#&mkF^{uDejomSmMF-e7IVbHqZYuqjmti4paPZ@J3v9%=b6wE458+TQgwjq~9$Ka?%jai0%jaEKX{Fb7 zUwtkwL;+MrioUcIJe6X7&b#B!rw8(!a27DWjFX-~F~^X}f>Y*=h^^xRGp437wxB=9 zZV>2R(w+Phi63%XG70KMhw*&S6n`$~I0B9>n`C+`ifQs)Wf6tdeEh1^C(koN`areWdD#&7w#ymL>;2&%;0{$d4lyQ~kt zhb5c(mRN*F0#9_H0lX$c=+T!-cq<#?i*+w}h+*f}!)L^ExL01?#aiBNGv@$u&8r~* zYiGwZZ6nVTZjBvTXpi@5AQeQkuiSDr)FpXe3=(~ndmlbYDS|wB5RBn%Js-Qrn2W6z z`RJOgUor+H@6JXf9u{NdJCDlswOn0f<6N%4zu7y{HJ<01V(i|w(Thft+eH&A@ZdT2 zAOE72oQ~&MoFAgS@rAG4n;#MN@b|cuF_1szl1Jrxi${F5-*^Sfl3F-9y3FTWKe~<= zb@2JNFY4iyna|~VTNIl zF}&sYXnvLkM$9Sn_s%5Y=OiQT(+?F4m`jA_-(y3E_gLFpVRMB#VJ$uM^U%McqXq_z zaoRM`CJt982kGwOSb87bfAg%DHVMVwIv_V6;rfp-MmF&ZzrQx0Zp;kRdo%U);Sw}~ zLH^}gKfO5arROIpZ4uX^7v(1ypTEuHI|DZI;^22Rg~3s43B=OH0)q;Xc@(ImlQ*9j zF(EE9#wZhq3^GQU?-Hg2H=?+FSNt^;I4%nU$=4eMq7cpu$7d>l`CBrNgbDyfaT8bI znj@gWUcvwg>({OkKCr@08HARwz3NqV<}gQw4=^^j2Vl|GTC}~N&fpM&AZ<+3;Z_&Q z6bi(IR_g4D(dAk_I3(5vMBOk+jgvmKHyJR@1~)IkkqZEb4xSLGwQ-V8s zR!Xl3l~AdeT3t%>cUIET`C2-twbC)34Sj%u<1KP!zyx=mKP5@$4iuv0IvwP_;oGhpARIJ^JmZsdPgA zhl#5wYb<*4g_>uJ)#IZE0KqU#kFAkE0tIl$!oPgTVw-#zP_qeeF7_+w@u%l3rVk@) z@Z$U$c{H$OT_r>QIpH-cc$r*ZOa~|Itb$uryZ>8qQUHLwKS?r9vqR(Eat+XjF)7#R zQ^H<4?C>(lB)`5oL+H?IdjH;1x^lgoj;=uzfCSAZVK-GniN@0%!i%a`$w@J>0>D7t zhtHn?#$2Q;fL$ANSJ+Bd&zINfsD~%Um8H~JCjlu8;+$B??VX+U+kg0VdhyHO25>Zw zC(QkO_tLGKH`59sIUT$xoeLu@1g1L)OfVbDS`?wd5<(1Q2H}SQ#K zoQ=81cP60o9r49^`2f!iE|A|KtKV%P| zw< zcjTno{F&Rv?g|OaXW&e{BzV4|gFH^f&D!SwqyFZLiOJkzb)3cZ6bU#RB!O-a+UAZ) zrvSsdCx`6l6b`L)KRgFHT*2$0=3-ncJvsydEIF`JYU*%n5j# z)^2znV1^4fTa1%kgkt6eC1Zqq;?B@J1WO_TC>J`OQ777&t>)61w8NX9sOOu-249p( z0%mU)0MLxQl(CcEa_%$f--UyKMnSg}rg+6_E z{8{xtc%H#0GHo!Vc@@aey6`qH7x~N3t*6i#e5orJdcU-yEFMHCN*-Gw_E+R86x z8#Lq*Jem0`ua9{I4N0Eif*yuNBd*Xg&dZu*hB89uSm5wFwx6g1+ z%Wq8h>3JT){qkApRyqfWHD`lI$atop&nR9fIPfaDW4^|R*$xdqaS(bEp4;#-c``Q= z4u}4PPM5*N(Zu6o!)*mG1u421`eIW8^d|XB0EM9s4!9EB8^(_oG(^Je&T` z3*tP-OC|Xz#wC(1s0+e1vFsD-0ADbSu6^DYcj*-?2Az&a#KcgG#it0 zy}6YBLgvN*`MG$FPQ=K`Q#_x`a}1(;iaGzad%Pwj(WS?8&im!P9y}yCA@5c*LtFV= z_SlVX<}&DnWUh1-2fPygnrW^WEosG99^2TJ#JbpY>Kd|Lxek40uuMW4)gfx&#a692 zXWbZM8t1d65sxx!Lg_EAw7&Ut{3iVfGzIxs4C5R87Wxn@t1(V`EP_#UBO|BB4)xJ9 z`W#w0#gn>g8Ua1oS^Go|Nlctr5b2lPc9WRuEj?E2r|YbXu3+?hf03MlYg6eJJ2}4G zKPT7XcKQ@UcXNfjd@ECFWr9#LjMsOk2IYC3&&Cwr;!*H}Z?VWf ztSFgFCdNG2!5l8#>LBKk@huatKWD;#sf`A>U|jx|Cnbc*t=^x@v>abwKbUS5#(4%h ze)bYHwNSXYS1;SB14N}KL=A*W*HgDrodY=7Sl@_H61V-lh82B^7&Da{C;2%sX8X9m zw^76lDG4SG^XOQeyxc#-|yhDxDD&OTGqx5Eig9q;nXBaZ>6$!5oY) zK*IE^Yhx)&geuHn!JoN(HSMsFYkyfG;Sfyggm+xT9zA}TPBuSF zZgG0`=Jm7=!0_PqUjj;y(DSQjcndsAO}sangfASw-b}|2Q6M464_Fjm-vEqYg1lsZ z>aTwLS$gs8Y3e*KrM1=xo&wMD2swiRGZ|1a%4l!{CLk?lw~tmj<28WUha27Y0U2m&+1KA76nU0;tf>H9{GBD24}zn`w3k$S_9Y%5fNIo#byQQ#H0ZomwPk z1q)JhNH!;pDp+pgBE!>=GZ-Dq1t7) z5*GShl)rhDamIa$wk};EJfvn`5_DxI;4$SM9k8Is1*=0SN|VL?)=ReeL!h`#-qx!_ z+_Przh^Ug(as!6ZAm7M-div~H+TY(#HvqfV@u;Xlq|XkXrYAcuLUUXrH_2^6NJ;<# z`#Za7>(L|fLu|3AAF@r~_4K2E_gCru-MeWYQ0k*kKTZz;H8x+oh(-8&5ALPg_wKUe z${Yz}+vy48@tpBH2Aq;PH+0`5A?-5ZE3-H8)VQ+1)==#Bf}-r4(xubHQVo>aI@U)+n|VIm?%4Qmy`l6LS)83G z_I#fHzK!?B>+}^s+tb&3x?X^)G!`qOMO@QMGK=Mi2Q|Eji zp4+3(G&~%4NPLX!I~-t%pl@u4Ih|@C%jUA`K?_~tpd&vBztb|5>69Man@fN3(+6pJ z4M3jI6%%x~h~3ov-NbR{ty#v&EfzJ{V3|fKHKDcJz4lnFxNuQ97Z?f)vWpiAE>U+E zJ~cq^a+Tap)|X4QJ~CkOK4je8h7~H{Juf5$HC(9q3d*K^IRp%P4S<4s>BsQ$pq_$d zvB;#{mYnIWcezu%VX_#lNC4cY8A|wK!)oPon>j}caCrHy;#WSb47g%&@4bPXv4>F zdC-K{2rRhR&IgQHwp<)sEBE!@QT5{Y{5{wAjWJgU|fBiZ7K3_u#p##KVaVq4m5B1A2O^w;hYR2VIJAlkWPe{ikH9p@+gQo;_&He z2T*#5(j_K7`OhQRjHgC!PeDv0q8qBLaI19_XmG;lzFKBcHGzV1^Y+d30pS2QHg2$! z#{%2Bp%6gS3eV=jX*y(|`VQd@k^6!sl|@knGx$AFQR=V2_r3u;U36F+Hvt-Ycr^@Q z;vO9=OePCECqICS44PKdV;qJp(@irkU$FI|Ge({fld%RA!?%u+4U@_hK-kr2eILpE#0Bk^$zpUUaw157| zFVdW@z7jrybv)e| zE|SdVB|ri>FzDlJy6xZF2>tlqeoB|49 z#Xls$=~c#v(2|)sga{M54d`)lPy$@Q&6h>;U6Ai_JS1d*j~{)RKKpDJ;AI`RtoI4o zxedcuNPBF3^_yRPMn67HbA*aq2kdZL;Ez7~RriaQDADLQM-Gjf@7+sxKKLMAVO%R%KL%P9sRQgQz=zYlgY=qEmDkU= z(!my>5=^blE+>Kn5G_^!UZl;hA{=K4sajfJPXpZ3I>b^=Lod@LyX~=X5Wwrad>tWG z&4_7dPDq!`hdRloYHff!Rbb{s3!1+mEU8IIQxh+c)&-$WS}&PM*ud2U{Qt^i)pTX{~De! zx9_Is3cvT5s~!={Do=pMgLlbNcxDK0wE@5K?n~j8 zl@-sbB#a~t1&`RCKfF1LGU8sJ9MAFR%(vcL`0m3W)dP-G?o)d58=qqg9jZKZZ_54p zSTMfQn!ox!8V(n^j-z}XNyJZ?CX`PeE{fkg*PAIsdh%g@^|$SM9>o8JKI|`UyZ>w7l>9tb3eJ=YP-eGOXPSuCH(HB zL(Uw+3f<;;aTdM}pxI*wE4*Z*kF~-J<}9ORPmw?88VdRYK#f^=;hn43(hmTL|F8e^ z|A2?Fu*dtZ#5RN!9J08I3{?r&uwdSbwhAfV4GXLgdJ>6)eGa_D_;o(Sv&{2j8v{h5 zOI?UJ;Uzs>cEK;wJjsd;vD2D)fr8%`NQOt&Fm~J|zmP_dx{4v5APvBes=AG13lG~v z=|Ae8r(^hEPkyU{NI%P;xD4I_UxOdkVdg#De@*^2ByYxmXID^+Z(Ls?1ce+<%k+Dd zzJo`#jJpSLF#1OK^T;Ozr~xOXNhES3Np}YeuCdZmidJuVyI=zk4{%3}rVdCl#7nhB z{-ZudlOc7`SWqK*wJzons-hP~+$P}#Me~e22c%K0oLYpd6qvzX#*&3tc!>ax#{v&M zf#m=%7EVF)S;s5NktF@Br${`EzgqLF=s)U)KF38xgu(!1*V3Hyw}6)i)-Qpe}cbrNi0F) z8t&sB=bgV=#{f8>UGsss2+p1gc^(vN9q*@x!8>9XM4qqy-vR72xpSF05L+nIKuDi5 ztby}N!%AL=_IYNOH_8w{73-}0Ozz^^Voe2qj6Ref0emvw1U6#9EdP$VrX0xgU5~1Y z9vtZZdW$v9$1w^g%lSTRn=R&go}KTro>tT{_#2bc{w&UCxtG7&iT=;O$3>U^Ifpz${`6Yx>VubQ z4S?U#p#sQZ)+OonsO{g*+jj02if;vuIx* zMsUHshg=i!%e)KBIH|lRtUg+vBT*;Ye6ov$F0k%FESS;8N*#$IvB*@(U(f)})kU+@ zXVDI`sj=PZOnrfcDHe5h)413>Oh?pOUf3Z02iBp9M7LVCOicTKS@UK ze0V?I{o#9rCLE;4pMQ~_JbsjZ@n8RQdi3jGr0aKX^16|(lK0`mAAgYMDEkqVbn^H) zZ8;-$i|tYIaMAUwjYWQpI?v6qr6`%&PgzLrvzy0*I}g(RmAh$*y_Y}dxnKPDi%_tZ zRu=(~K4h1W#q{~(FVYtEs$R#^&eo;F@^Sj|$&2)S3((}Sn>KDO1FlRn&N6hAw(5Qw zpBB!uR4 zpL(0uV=k>9^gz*TFF7pv!4IBG&KS zPuK6?O3NE0_e8lK$3sB?|Bw)uZTf8sAfx;8MLIubn^{1R0gAq%PaWI_wP?BsnSj>Z z^}zfXEuPoaVurU(r+Gjg5V9mgM@xWH4Yrci8|f4x%*TdaRx01rMSxI1N(8-%05Uho7#_5!ZZJ1Zc?5{wxY*J+UL2n>lDr3qs=8V=`R zeB@7YE>4WTM;XvV{PVetzxs{e^M5{#>Qj8rN^MpYefCI#QEaF;&>=MD?c4`d#ye96 zI@DT3;VgDbT7m!&d|q5;LEq*Pb-3Kl@o?*0t7cn zyxh|}@nnzrO|ml<`H5|=b*sCwv6TMj|K)#7Kl{J`mat29GGdWr{pT2|&4o2OTMs0dg52@Rbf>I~{mq4`MlO0cNnB_RhsN`JMoFk>hkx zJVQ%tiR8vIo-r)e($vr}QmnD+5knNiJ_$x|-@cN*|KXjqdW9H!yb2?K7GOaexhJU6 zri?*}ZtOiXE$7 z4Y0V6+xd`jkjBc;niZ5DrN8__*P^Vft0{x^jFA9oAdQm8W&X&0Od`)(M!2ub%l#I7 zP`b{#pmc0L8Fewq+#|qdKrr(Mgw90U^A0ST9$ie?9^2_a%b)vzKABHP5%2zd$32kw zSmtNNXK6!T9CRt+FkhT^p|3lm0R5zk3Uks06%-Zp=l#-6L5G4~@zQBZcFAGcEoNDxr)UjqNFy!R^SiUn zwz-{iy9>WQJtleo8A>oo#HE_G3Km)~>SEz@qIpW@{>Jx zJoED5HE$0KktQ0Wir7$l#^c>#p*c8f<)7IHxlLog)EYp;=ht&?@4@yp?*(Iu z&SOxD`-SX%*UKskAj!wU9cV#dazX|mjad5uH}2ei zFWtL)C#|oLz>>wG9vp^y>=U1F5=be@=_1lt*I2mqP;Q#!(pbKAHQoH+PC7@y+GYW+cg8N> z8Jo{G)7JA%LNO-sTDY3lSRBtRPNlowyNwlYHoboFBJHt|78LpP;YVqPkeBa2ct33{ zE~lS<@4a-gxRjoL^;O!%&Hu}?)2|}`M2rj zot(__e(g@$X4i_B&v)>gI7%x#`@MUAk*=^C%g**A#*n>_9ojm;4&E5A@i2Mu{FudQ zg%BVV%H>(Wk`~?;Y&}Zeh8{^zMFMM#Z53~hP}t1R07H@KV}@d0nw+Xko(^1tNh5!L zLW0v{6lavfMje;oNkTRzap!e$PO_V$1BKB<+F%hpGe^SJ9k#vQ6lI)GAAJ7--XXVH z`?u56$B)y`{@Z_J8`RVE-krNx6R#NAjAzO(>ASu3*FXI$UOys%=0y6BKmU9B;pZsd z`{~}o)%4&0o4-oe=*xY;l%M~n|CqMu>j}aQJoy$kdt!&EhG!O!%U^W{;R)C zckbRL1O_Xo8H@ps%IsF+R;=52+iZXGo3!_QKb`Mj)dPv`5Y*Od?IK)Zq=YSvgVIi~ zu+1;|Kn!tOU0!DAo;h}KIY?UoGutm-MRxtuy^A!41#foaYPyEE$P^weB^Lz`+5EiTP@JSOf%P1ooW2Dl0WCxnlq#HRi5X!kS#iGu0RjOpxD$w$i z;*h8K5_u1%z~8rgNkNr=_nrY(*esYR_swFjz7K!a(w>f z`|@}c7Zr z#TZ8&xG(-$IEUwoqxkH*GA66X{0#+2nuAt&epolj*_2gH&QU<9IwK{{`!jg+w(PJb zMV)fn^E2Plwcm^9``Nw-Z7!5O6uzPllsDAO+zdm)3$|W=mJW_K(^qVBJ=2&^vt#pV zj@_lE#t02FhXph(IMEw<7z@~a{_nG^IprJa|X3A*_`B~L^+ndJX3NLu= zB80F;Z^w&ZKz(%MwkNoN#M8nBP~+%$pRK~-TjY@Hk}$0WNHW&GRLr?mAFR@6;G5&ePZ^un`*&?0!IEw53D;B`?S^|s6dB{|E| z3&m^QWg)h_41SvzeNGo=M^>uyeb$dr%k|)Q7l|$eF7s_Jcz1krKz99$rVl8*$z|SOtI)A!DO9SWaG)k7$SQ0)lUV45)-s;g!&-d5QSkWv+)2 z19Ay#I#;+@%QcI~p+9Dx7(6s+IWHW2p7T}O^*40`=a`{+1<2ufffK_}!gCZJpS_7P zh5EbY1QVwn@^wzcgIyq-%u_x)EMxrPAEv^1aRt1l2Jowng^okWK#jRy#i&+dN4h@z z0N+z~AjD_~?{VhW2@wfhjWWutf69cWySD0}AM+4EXuY7ahezfS&MBmh^`YL`YhHkm z@?GD+$II$&geB`WtEc+;DLOcz2gm5*ZFgp5K@)wzSo&UkcgTviM{{|OhO_{1X>b1B z`f&qd!C<2wSNsB^v!-esMw4wuBU z(L)6?dSOiPIkbc3YY5Mv1iy2ww8YtbBW)=9(0AK0)B}xjB3GOY&VqO;Nx3@i%=M!P z>R>%QF8`%xxQ;VCPvAGafTEuHvvis3z$JVPKnfYEw`K5X`pG)?aihlZ2fE@upCPyp zcyWm5^)J~HHa$B^tLVT>$kpKjeFX4PLhg=Zpy+Xpc_C}ONW;g21if;<(QH1m=0q;h z@&_grOcLSF9OgMLfU+Q_$C;!I9F%DU>R65KG^eK0h6{QU zfUaP9F@MIimJ?!h&(BP@r80yFM^Q2 zkz)faSOa&2kkt$THJZ4;laBx(!YbD(cbxr$C)kp;!Mh93J_-aJE>JDEqZ1Wo%Hz>M zKmm(AK(N#%iDwgl;{fJT!5d;4D}VJ7`+m<&q!nCr=kS7tcAW+6X4+#RY@P?fi_ac@njU}o7zJt?fMJm>Usux)e()g+(>7qmY1-N+0VBIi zeEf@_rH53087tL$H}0jM{`J3RtEbcS?CI0=?A2EK_#c0ko_+Ns-MW1%J-B<1g*%}u z&+)ndB>D7vI7CtH03Zz~NsdFGS5R;9Ht6FX)og-h8z%+~J2uWv zFDo^?Qv|urQO5TH0?weHgcn669qbL$8Qugtubb)VBc6Xcgf7^5geWnuT&t zpyU1Y{s%uLhI%p`Ztg^A#hncjqOSJS>g+-~#Z%(N!!Oe3j~?STyn;uGOAelgu$zLKuZGDd{GJb$&BKKjka=@9GWBmhH`{2WJHTM=)nrNT_%%K%l2fD7(8 zv&6ef!jngj09&@wJ{~9TVsnOT_Zi+iZG=n(uxGN1K zODcGijLl4^3gAhNty#@qGlh4^{L*rOhD}0dP6=l@VS8jly=2PMBmf=5x(oV&$^wf< z5%xECKM@QW0yMHVKv7{jp)5ss3j(?V0Ot0;(*Q!N%!_psjFOb~#pa9jjBu)Rz!m3P zRyvrZ7A=TD{X^dPt{@8u$L}K^#-|V*zI$D`TD}o@oM6uIH{PQxKYPdsWFkJZc!1~M z9e+{}2uRtF%8f#QETewEo1S zXoI(hHM3~k?1{kOfR9-;0~7;n=ux&vNW(abi-wjSycYyD`pkPK zDz2<}ZVcfGulLwtWH!|SkV`CrLG%N>iFu~th35i@KGOb($*A&+(E)F|L+0$}=bxw2 zwmB~x7i2XquN6YeCh*D|BT4r7!epAq)9{GUy%zk@{2fjBPm}tF@=m{*5Kyq&=up9N z=k5tRj2#fCc+q6*bT~|(kefO9^Vl@WpC?KF3{PnR>b8-69qKqKMq!bg@@C;CK*6ZOXHik9KL8CqQUVOB0xnna>~PCk+oZZ&WaXEBO-@>4 zECkgm=w9Ymk)G)S&gJ=1>~7Mh?*;*6sJMBZw4G@=lc5T6UR-cN`~z8gL#GtSK?iea z9S!hA=Kb#Yv*>|>2NvUAe3#DTd+Gy*PdV=LU};Y9^fFML$M|h?q;<8IRyO3d10WXQQfQ)g-Ou7_@4Puj^7EV*$$4R@7H!~RLD4V{zfHgs8oVCxx(Tyd z!OQi1beKs5(reZw&k5!GoVCGkULU1b)=SSX_)3>~c+Py)TJI(ZPA@&o_5RDAQE%s4 z06xkZVh?g3GM8wYGtOm9i*}u1AU)(cMjmF3NpHN7!U|WV|^R_DxtT z`M@!n+WAZIm+SIa^82Wdzd7aw-4wT2a52uFD?WeoI?IW3qXI2HKTCdZpL282hPp!r zE~5PcUGOcvS&B7izSkQ(pc?x*S{NsyaX!oIgWvHc-9`8c@7|w*jDkiz5huAP|6a6z zR3g{svM4<6kGhSj;5~VsNZaZ?)Y*g~Tx&g~^Po{aM?D;0=+vay%?r{h@Ivk7HApX! zUeDODVd1=*RxzA6xVI+IZVqZfT0kA;;Ix@{UO}^ztEcnO@FeJZC7!`H{LG79yA{t4YC;Dwg?i7LJSaEacYM4im3} z?*m$-58tCc&DgHz_3lpEBWJ_T>#g+VXJ4ex{^3{b@-dZet#71T*Vog({lQO37CA`I zx1XoqeEvy#j>pFZN}XHX&XIdznYc2?47p7*?1|9=ny?mB_@yowUJ11M|2Y>Zrzz6z+@PP^qG2~*Lol@K) z_x0{BO~%ETxa!HqRJws{E)GxR_CTo|9I*Z9beaLS>fS%%;h%B zgE2)($IgWpMU9NVci1Yon?C#5N9l~Q(EH;@-~TXn#Q9JE^*;kb?U00ZEq(amhXJ&G z1qk#BV8;I5>j;@}d$ZN65YWV1;`B8MLCG`HBrNCxz@yG$Z<=JScRqNK9{lScrpD3~b-Mt( zp-+#u(>Y52lP3?!NAd#Df#<0}((*RpQ!X5KU%VhTo*iYVgZWh2D&J@NT!Y@CT;sT$ z1v>Zjcr~%A)+blkz88>!xibJ9((9tn%e)@vc-oxkGEUwNEu%w1wOV*1P0qs*N$A?4 zf6qjM5!fdAD*-|{E2dze9TpQq`r6%MoY!>{6x9fO(px0*d@wI7DCg{&$RY&`3j*Dp z5%7$Uc-bDxe+AdO1|ChzEIg+1l3E1#S-|~Tch)WPz+4E9V3}YiV&;+p!U;uz@DwBi z@19Zt=e+-AES~Z^CloY+)XUkqHplY9tGGqJ6}*hk{%BEI?8D7OUleffjz75vR3?f( zj(+|fC1vFy_kA9@%NN=I@(34FdF=dEFxwLjPcBylC@a?aZj}gWMGY@6=8CeVi?7SL zw{-B$I$r+nXXTsp5unA0&U~KLi86Vnv-O`Gqk85t`0@uFm!GYbP6e;H|4j)#YDDMJ zUgns;#rBOTf57^9UEn1FKp~iW%-ow~4vt|}tdkbK3V*2q1e7#Bpjb`AL;CETb9v5Xw1n4F1pq*cf&JHt-0m!ra?u7zzO8(+L_Gp%|eDAoEP3sjQ4V z8qmV@4D*@=QiIRuc${4z=M4oF09AIIWO#y*5CnE^2W@Hce1VNKWSL1%YXH6Vsb#>D z6?RjZjy9g-A=f>!wX_9Z*(X%yg1$M0-E<}~LXi84t;1*sV`rD~0D+erdz}|!oPKi% zu9N|~t60=3yryTXX>AR;x{L?emHK4qCj3=fco9u$LgZ@#oP4h0bqn-tZL0 z$+6Dhh8A?GLfJ_|acK#UA3Y`u079Dl=3!ZuZ8^ntz86RF+*mV6bwN7v_IywAyJZWm zWlu~f%BrA$6m=Es2xClmBUsl=bDqC^2vU@xQSYNlyrgMq*LkEIz_5ybGX~)2HBz(I z^&({6`zHk>26L6PpKg}7T7gp{!WsI-fHx=%&{#Ah4 zI%^=iu65oe@7z(^dVw*NoD3)E;carFX|=a)f+Tu4nCC+gq0DkzVm^Dq&L16xJoMdh z&;99-xgJHo``}`XeD{2=rw{NMZ_6w`drff^=Za_hJ(pcv;W*^+RHd`7mYXS!XXP5j z0^V=FqQB@TFVr)KyGDiiTweuX1dY)rW!xLQ+^YH>;ZASrov*hJx!SosZ+?!FGp+iZ zTz{`sHs`q%eFyKOW}Ksr@WtGx-pswq7TOihkK(zPYMaEf!}_!<;DF~}8yUSv{Wbxr zZUA;HwJ;PT8;2;<9q6%i&Rlh3sHbx1d=Oqa$dTx0rk#nwS&XFtAcGosc<&mjg22~{!-ZHK#il`c$7JD!p=E(ZU5Q1U)+)C-(`6o2 zjocpW60wUS!a}}*2T5ZIOB3NFV`fz+*4XV_Cl*OY<`%7NlR9WGrS%6_S%7v^9rynW z%F|*7wn+OJ)}u0Bx87U)T!$jO3xyRQLoS^ z_ix`O7smbcdWUUdpS{2;zfFS8Z9ebt>^^R>Q|#Qan!bPkhw0Ax9ddW@OkS_>Ffei2 zEW2i`um$e@d-qBF32F?$@dZ0~?99!l2`uc>gtydZ@pK^X$JW-!nIhz3bZWQaduo7g4` z@3Co^@FbuBf}(Cth3Y)xMXn4M;S(gwfrnF;@wumIY_gZGZj1rAkmq3<<+*~L4a;K} zZ-E7WUg6kxm;0`r0Iw2*q(ckln^Niyd?Yu}&zj&HH`}Mw1O3-3)M-I;~_LFEcTBGA!$Ru zh-#QJ3=lU&nXo&nj2VkPi84-o8qjNn_Kx9IG(mol1w3zNZmr;fG0rXpFg650iA7B7 zkmr&=qdLBshOYpQ^ul1VqEc~wMqQXgT|$S(0gW&Q0#2Yj2OstMGDHM&%yWQ07hjZZ zl5V%%EujqQT5TQ>6D_F&51D5}+7EA!EZz}&t+fQkt~F&0y1Wk1xjf0X$;%7r)8|jp z(@nflXutfoiUK0O9D+_>1HTHOA{6vO8OV%U0rOUn7R<}aj~G8R!$)3RuVjHQ<-?Qk zn^F0rlkeXCgdWgiBZu_ln+sWSxhT)&v7*;Cm3{M2!+CS~yRSEc$LBnz8Nl-V*N^Zv zRDOhP<7&p*&-}@E`dO*OHH8v>xt{Sk6sEW3#{DXQ%#X14P{i-3`P&=*giqF|kh5#1U*)h$9{`0O^Vbr#voKI#N>g(t+q6uBAgqHEx&%vWCY>4a{q!UFIU6W}>l zYw*&@^I+&GV8;ALwy0Lq6c9D@4)@hI3UyC8K*(PB(V|FK*}J-nr&t%BHDE_77Z@dE zca`6)m&v+m&ZzDH`^eW)AMZ){?g9L_$MdveIS$O~=u2rr*?Erf;RpcP+&+37%;KqG za^^9-$jqB@-X;MkybPED9S@H)+Sb;)5)U}6AjonOj0)(wNT;17g=b+wyLepgS4U17 zkj_wi;Ro()0>#8X7vzg1a9g=D&eoT-y>FhV3wEzEZaFW$s2Yl?@(i#73z!Ns5{J5& zFNq|k$j>@PoGNm|MT$EYG%whiy~VC+SmVll@`BXJD^+1@T`WO*f|$1ohsUU!v~AK( zfr4`YsWv>+1z4ROZ^D`m_;Q9$H6wfOrg`WQ=f1J?3Q7002M$Nkly*AH(PP{3{&laIOL?LS|Z%_Bl?<$7dLkp2mM!v0i#=6+SS1fj+Qa(~*II5g66 z2uckA$qlJ0qi~vr(Be0-;z{xacxjTpbt(BisyAN}U%;-1_m3cWl? zafyHAEOcz$a1Iqi{%cWjd&>1I>>6=>BduW7o@Ftk*ll4s4p73p0Nh)FnOrbo&xnh) z>njNB3NDyXIj*m#sj0F8k)ATin_8N&=yX_2T8jn>b(zI|gQSY)KG65RNzyUhXb;G> zFg!W{1i?xIGtmlk-ogdQ+z&@w2g4y`j>Yx_c`Q^4V0hHYg2wxF^|y)jhu#NLYF0{zm#RCXgf!QK3Y%0aMJ+VDi!f@?Y#=;o1dkIHWEoXKd>R zs#d+Irrq<`>GQ2G0+gAn5;qLf>>*Ti=~Y=OlCSO(4zS0)3jh>LEa>M~$~EoC=1Ur<&Z;KPs#JO@Zd*<(Cj6UxvbR-}Su>HhooV^Q41 z9k!!8GD?*TW=4TUa7xpJRP>uH-tp>a@~jpDW@e3?8*BmFm_aqhygtNg=GJ!7KqyI| z-7S>ReFOw47ubDdG0l**zlD-K&ZM23;ktp_kFvmq0bh`3L2KW}jcLjN_(Gt}tq{(^ z?lklB*GXjh3T18!H{f%&-n*F=C-L@SKj#*T=n^}(%>DI`@s>D9r-Zp2o$jR>w;Nqt z1jslef!tAy#WVoM_txJFT0X<;;FOs2C$GLr=@qgHA=9!h2;WIORptp zHyvP<+xMLSdbs89IiS_YpM09OHaEj_2Q?9T#+w1e)r|Cd?cm;kG6?_%{cazp&uxWVZXZH^3;2I-_j0=YKxr{ki9xh3OYB;=~bHO7}$-~j?TG=MgXCIiO+Z1N+t z4m${h8qX?-!MrubXO3fm9n3Ala3|9SNnV9@#!$4Ml6zzK=mOr~f9cdBIcK>+w{jDz9Dm>a`D1&)g|&Si zi~mrn6vZeE%qica!WiK9FMg7AK$;Z@hGPNpZ^eo|Zn8fjBpkYi}>-0?P`^m~~KjZ%gu1?yuZ7uMe7qk5dKsw&n6D%2wgc$`*Z0zYG8~`hc6#wjKh8ZAM>k zFHeVEkf;nGw2d6Sz+yASyjf%lO`v3B2*j|1EQFt_`%eH?rcL6u&q$8Ew3^CU&#DYDkF!7SgnTeuM&!# zfH}Gw3LiQGyr7FbZo&IHcwP>X$wOqIy)c9~ol}nBMYyR`A*#qC!m(AMWZvT{-bYpq zh@me7xXe<=wfPD;OQ2bJU68);JL#~U-*B47qP)6&El3jQX)MHPE~^2cKc(=MKI1-VyM%Q* zCwrGx9WCbpKy-w>VpvIWw4#fx#3w-2ydms~tBSKWfpatw{J4Fcs|K%jTWpGObq z*^~JqbCS7M@J?&zcNfRz$$9e%ULq|x=9xB3B%WogKq@>Qx>L_n<_6zkPPrxs_Ut5s zPJB+@-3jBOU?yyar}G;xev9(e6Et?nH{b__JhyJ%PvJZ(A43=YJkM8725Cuxjofb; z!7P0O&th&fL*r>E1e5`d${T50Y#R-*QA0mr_R}uP5J;de)|!L@0A&9Ajq&t8fW`!d zJ#`${4Z%CO7HtV{Rd$?!?oa#hM1YJj0E_By1PD`)3li#AYZvKzcrQQb*3(z;%zp&X zcmfYV?GOEG5FvT!zIvvkzfGd|xn3HZ!o!{VYiQfsJ7LGfz4UVHHHI#BwmKL6v`1io z9K}LfmJqUo#c~`}HVnjEYQ61Cs37;hG7H|-$E$516Sj{HpF>mB`>zAvs=zON#aLUw zH;yOleHGl z6#UJ`6y;EUoYm^Fu(y19zwHYd&3I*l2=`Do={L(%&|M2Yi=4WQW7>;NV%x$`~4+)8{!LAw-xmHqfH^ z@V@OMMAo-m=pRyE2tqD&a6B%*N1V=RQ2nhKI6nB5BNK>;x4iESBZCo&{v+bzsxoGD zV_DrDK_(+w*dW8}>O8xCtgfLfTwyl^vWK(qJ12J5E$DQS*Qe7d)yA3=fCb7!fF@Xl zVo}8NyAYUGnQ$$l2@PD>>jWOPc+LeNM+@O!!sTd8*I zpVSCfF|niz&N^Nm?ocv=QaD2b(guV%MkvZPb`-gJe+|$?cTwAc+bjT$+0)%|<6wV} z?OFHIG0$^Lz6-)347n)FTwuiEvW8_x%gyGi9db_W;+k8JdU2OEt=Soy4T&Aq!<(DbG#-Em|n$`_$p$DBPO0Sh;)6-Vxvu;Dn3o8Ni;q z_wS|a*RKO4koSeq5-S-nFKG76a$f)T-I za@!dcYjd(_%`?cVVV} zxBGJqrE7Ws3e2@J=t}@gZ=hG~c=F`M6Ff{vR!V3{M{q_jAzc(9PZ{ZW+59J1^;AUY z1Kr7cc!;>oY#$9hGTdYNoFg&p)TEY130+2QB3QgaK(=&6j!-Y?z_{`XlcdW0Z$qml zMvWDitQ(%;7LC?HC25Q{lf8okqJ${Xh70QnT@0{Jl%csY?@e4iYmDqH;Ksd;>i}@m zfQ5?yPA>t2*a-&!%C_l|shF$LZ#|wPPb-ul`I3A~7x&;_BR)kpQ4g3t_Z5dzn28(0 zC!fpr_5p6*@V?^Wckh2x55z)>zLvJLLhPa&p1>;(NJXX7zr~5H45PGgjh7X&DlYLd zl^T^3UmWtJESmhDUxhr&7mUv5%cES+O94nSg<19%Al z2E~xFLa~>~kahX+2Ir68igTl%{^&RANt>f>u_(1)U6k@-UJaR3J@~QD6a344@AX+u z`##{>2ti;D@_}TbjdZ~dBXz+>7VI_p!USdm=9m2o1RbEH3fb5K7Fz&Ik_eH@=P>O) zCiHG$2?Yy&NAhR3Tmj(ZUS)%AwYjhtQ~*BGV_219PBQ;=Yu5!>Zv$nS35GqaW4;l$ zZ+MnU1MC)WaQh+a~LcD>+zKUyap5pT+m3+HmN67P5?y9%G({=3A|w@kzMK;!xA~U@G|U>`-&?#2grgxL!H>Bydp79d0HfjM z^8}Gq(8F^GI+m6_ocAtn`2&6OT{g%w-9f3x^&R+X-*%wmGx;Jeu-DuLz3NZ zVwgK)AWMcK2GgW~KjO&aZ@n@t_;ioUdRn2kWjQ|@sJQBP{NZPLo%B-3;sV6Td@0}a z<{V$8QLm)|^acEko_NFe=pg$j(;szY44_=jc|O0S>Fj|N=XyHL%&V^Rjgq)d{4?hFtWl>Bb${8%+61Z{79iCr7 z*{RYGDZk317il%Oh;*~DoT7T{A02)*GviSMqUj4h&=LT^0ZdfdHz4N!~>!Ur$X7Y{#9 z2ju)vy4+sB7GVodKKm_wbDkCecy8ah!vc9B9i5QJ;xo4TBQd2);WYUmZr&#ODFBoq zPI`z4++09&+s|I5gTH+ephgV^RVD2L5bnaUAh$#dfJnyTUexspi8l2-LJ@%Hp}>-R zL?K9ymaFS4gbZCJ9|-6@%C}w%x(3hA%tq*sbEw1o(EGvd2W7nqXk*b!m?7Id@9CFc z;!y)azeg-3i9ETCbyNEb_PpIr?U00Jp)58G$nwkNQdLe|x?F740}Lb?o) zF$owG3n;)Tsuj=hcP-;}+FxPbyBiXdj7PKqp#Zn&_i;Q=q_Yx0+a%u?#>g3im(BD7 z^f!w)(AJAI+}a{x?*a6|f=ZgEPF>0kVX35`KeOPFK9R8X)9h7QkgJLb5C)^jS( z+XLlL;#J`DIU!m;@p^asOM1Zm%tuxtq=rJaC~YCT(a-t9u-e5(|45yqF=DLIHN!&V zxT}0SSn8?8b$K!Geb5@j>T?w4f+a;gig(X>O+NB-MqjvA`Smz5u0+!x9pa#8Zu)z*H{ZMlj!VSbht zOTvDf?JAW1yJPv#g+Fn)}K=3YTV{T@|bX(4EEG zQyjg@*0*k{c!6h{vcHK=6FLZeCAcAQ@2+2re()soD7h72MTHW}TRXfo@a)4t(N>Ru zN8>Yt;yJ@ThHJ@*<+b*cJtzIr@5&MM58tJ^yuc*9g@uMC$jbz`Vka?xV0UvHgLmq7 z-DKO?Gj@@Qyh(swb^2S7$lM;aIvz4ugEguMvg_UH0#zFBL$9MM@Qi}yV>B~8u^0_{ zIROBfLpz}(Xk70DpWlZ+=z*-f z_EteLx4hSnps)KpUKDllOTDJKM;_vuL9jz0vFmyOooCQBsiO6DNku{MEX&tpBLghd zjeF&rzIXsvd7U}|4B)80Ip7)8oB5(cn{&V| z>)qWbuu0}8NKLFO3>R@;$*a47epSL%#_)uWPylpgLwaV|ZRLHcbq#}6xm8M!F}}H> zpq?rwUN;=M4G%fNTV#yBc3WoG0fHMHeis~;Tgt0!ukuKF;Zewq_!3u|;B^zZK9NjGN(X~rb~Xoy4f&}MHoeN0}s-8~Xl@*T#3ahDMZIhRW;o>M%_ zzV?-$PT!8cU;dq1#m(Lu{DZnkhnLIZwl|08V+?~Cy)Dyg?CK(SNGO!OpM_zP~V^5dKU*iRhc|JnzpvUl5;AtS>oes#^^5ihaAdh^ZnBDND1H-&Gl6K+58v|fodFwg z7rQ;0Qz$?=)`+v5E(X;Lvfv*PE*<0GN-Q45K>NAsY*%T4>Ldggzdl8fVwM~WD_Eaz ztzVCwPZo&%tRVbkcr_+}g$2+6=B4w4`!X~4BOW#sIb3RLlu9(fdoEV^dq**+9Bb%QN2XDg)s;k|=`;^MYTE`hCQ zj|eH)OH*hu=HtM$9H5Cnz$E+F&ETdVb%1$WH@AB|MOiw=v*Rp0M5qsz`woiB1W8JJ zJ$wmRxXH950g}ojlfVq=QGdKgnkN7jBs^=QMDDZPeDcW)`i_OE)(?pvg=`XFViJr0 zG`TN)8S1hKP*WqJr;}d6lE()ZThQ%u!fQ_OS~w$TgP@Dnw-#O$eZUxFs+PHTg1Fy? zE-d6C(Ieyxci&T#pel>|*_AaI@;F`|Bx~C`O#8Uwj^QaYh3Cuo6%c3`ZEN779#E&x zwxTt5c)^>1wJwP%0e7fFn{bCg831HR64kQTU7$Dtv>+e{9iVEi(X*prGB*H(8rv2j znecRQTRz4Y1+@p$Za^bbwPipDJs$ATKr!n>3#C5Z59FRWeElSS@vBeL<4+$3GPyu* zizUJ_1jdF4lG{J|fIK3CGqZS9bkeIQo9Wr-kJAoY)#{pi^~Oqi|0fU9#{KmGA)Y*a znqE9*(TrQy0C(yZVNfQbl}^Zt2SXs-2(O!!b#_vjyBU@Yy%R0~8IA~(a4W)7gwvUp zOXziu1fq*1hP`?3Zn}FAU6u$D?O6ywL6r|_EfrK*J0EHkm3@Sh*N-)DuTm#(PJD0aDa!XKe6zXuX0g> zHtM*imjLnV@P{jq$OQDTu|#f{b~Qaj5!uFqc?_>Px4&4}7|RaRfTsYC22;1s059~e zQW@u8gt!T|(2EQme2R|ZzYEt``0<19UVwhXHGX+_{HZ;Vm5QubScdZ=LMYz!D+{BM zB0|q|MSdw)B;rsZ7zdAh%JJeXuNWI;5oN{vfFDx4S5l@*i_cSTS(YN7u~gX!rNwbA z#?~4XpS?fVB7e$%<=xh$Adcehu<)qd@C;?9yf_HTYu{WSl^UJT<^7?5b9s~qL(uD~ zrsWhqS_4$Ak~~@&=;ArtT}OSZrBb@rI%NAT!)nQ^v^ME-%o#32-cDqW(!f)$%$Cr4 zjJa^Avj{LGqe9pS!h|`=eJX&=Bjvk1<@AtPZ@ljGbObl2E~DQR+8i-#JkwAOW*2qT zVv8cqFXp-!G7oKwa;*pdImdXAm1h?<00#k{0}c}=SD9e}@cu&j$^Y<^v~+!zzBo)T zzI@6xcq&#GStvA+8JT}z5>3lD?vh(*l{{9h^pf02dS2?DD@}Fb5%N@)Zf}Mm_j9Hd zfnnq1-P&@B(8g+2UZ$L9R~C#G9Trq{KY9n@A%Z_)P0d8w0Jt`nli??0@V-ib{P4vV zp(iX*dho3hJG#^>$g{HGFLkD0!gU^5t)guVwbtq|tauN4gy-E3TrUu)Ea-3u7*e54 z<|Ue%WVbL3Me_4zORq?F$T}q%HZn!NYOV`)kqEh=-en9wCXf?|uaT!iuS8$whKgNV zI3I4(JgrF7>-=*L#BO$ssNpHfoE&a~v4ip>PbEFRUh-W`7)J>Y^X zc!PXV9>EwDc^#x77tQJwf&~H@0UE$h!b4hqB433Joj3BrSQ9|Une*C4cm;Dkyuanw z%31k&eD-@@LufgUM4gHhO`ytT?bba`Ybar_Gm|3wY*P8vvnGCzlU;_$-tBFE(zZ6+AVn z=&(cTF=#M10X(~u=W{f+a$~gD@E$#tV&3qaBNErw>x=Lau16=U-~}b$G|7DnZ?ihj z23N*|Hl-g=FLKREI>4h@Fr##^NA+TN_CDsbz2?$^Nq`gRWJwRa9Zv{{p!pY-t3&`?V56b#onaWkIG%3Wmr z5?cw+urBT+(>jC%JUL?Q8KZt{GTnwYrf1N@33)>y#KCS3t}y<^Lz2i%nd@Lvml$W z$_BB~p*0A35zyi0)oba_b(jR!^Ew^h#Z$!k7FN#0X0m>cuM|?*^?Qz<|GFNi%l&= zx|@}?db7Qq9wUbbN2!mZ6bLe7??T9hY>Ck~)?0?Cg4RX3G>KAVPL^S4S%>*M!^QwK z3=c4dP=&!AR224+7%f~iwTQ?d%%V>2113ig24<^76Aj65Bm^OBW0!^9AueroVxbf= zMSnX^BAp5x+cJwKdmP}%*sco~r=Zy;2c01?=mNW)OaT6voYYCZxAz*)hC>#kOsrAc zCP>7#IJtql|9rUoBfZ#eb2EJgV6gKN^~z0lIay%BF?l9gxKAvmITCXk z^EC$ZZnoKW^xzfB9}|THX>f9Y512RQjiFrivE(1&M)&+VmLz})f;8|}Ap{6753~E8 z<1*VkgDKG8=18d%w$#I7Uq`F0R(LPrbpt@8o8dTh*NQ*=gYT#N>sJF%+GWer?ailY z8*pi!q?zyi@B@I3g;<22QKwmej}QOV57PC!$J7xwKIrOxF|0X@=#x) zFHu0xaSMC-CGq6Py8$vykudh^#%j8CemEXFaIs8_^N+-QGa5dHf*y5Sy2+{YtPK>6&pXjfGf<ZRK^Xj z;+hsi208g9?0}RY^9INFNAwz~#xd3Uk4-w$dJHmAautOoQTP76( zKq8L}^SXoLTn0IIoMsKl;@Uoz$}UK9n>i#(>;g*O;o`=647smzMs5I4<=yco^}tvl)bufYl9`R*7PM1Ih!H?$AU8sh z(Tc6BJAJM^f*(eFs7fCHVjvhUZWlWbor6mm$Lw`u<)rOwZBcNmYUFo~;gL^+-}70{ zbG-^~am4r+UwHrK_r7L7kFfe=y2;Pr6!dD?qptYUPaG7k@(@a=&7n;yR>i9*KguX> zvad#mpSz^+zwvx0aR57%O*cc^$RFlh zfI;>TO&K6}J1pS4%j0;kou=s~a_p5}io{iyCg3BKdw~MZW6JP-b6->jv+Ov9m&S3Q zJR8S&B+yp)yvk=elA*6r(b*>1CqiE`Cl%1i>@ zBs8uDZ>X@1qWpYq{zfXFRMXjGLhd$6p0`PZ7H+4~@->oqlXnR@qL-Nf#`)MxfYohw z4yh3)XV_^+%Pi#!qY7n1jax3qy#jhB{W&N)?bdu@x)1pHAR?XT&GB z;g5RD4A{aOfkYo#Mqd2MZzkxdF;^@V!&xuj)p#RvU!U-pk}pFyp(9c^qs_P_EFH`J zCWqEy-9!F2F??JAP)P7v&)rQ$ph?~?4XQE=bc{EakO$lcfYKWtVvyKJQAWO@G+So5 zOnwpQLuqT$SUqQ@DU-+PhTKLENF}}BXaoGyP?ZU`1~vq7V&u_*Qbn&gZql%GOfZBx z!EKU@*uM@U%dK=1(`7zR}4q5L}YLl?Q~w9XO8 zmigdz#?~nxJOlcaAFA^R(m7Z4GLnWp)Q2N5I&`#rcXMJyWkRFWfaId@GSvPcg=onT4-#|ad_|nm{jrkC5<55g- z^fv(v_^G*gFt9GI061dcW4D6nn}%x|>S40=KFRkhMZ~ei6rUMDm>b;Fkewyo=bmb6&(K0{4{@=3h4t3e*fEF zuBX4aPMPIhR#EOq2fu<{9N-$@dZ$)zrW@#_|6!fHdytq`2BcM2t5ELO55MQ} z@O+H9^bqHwn%rld`Oo;-|3m8odsJ>hNSu3HX3p<{S1Tgcm7ldkef-o&-s;7>f>I#LcVq$YoJ34$6PA%`s{S1EuO=RvG(DNkC> zvUnuJ83Ws8*~(YtU6jH7ah~7AM#>CAHR=Xf&kkChP6ggf4i${27w39_19Rz3k6bV0 zeT46`7CAfBTEH4e&u+q>#sRoc0n#TI!}Maemi{|*>6@#7A9I5=H_m1a{2m?|(6yTc zm`GbaS}$;>8)HkItrT7#CFpLTPKJ@V8?t(H?#-E85Cl?m zx+fgKaJ7NZ^I$T-5)gzC%nBysqQ+RV1r}kqNIZ6rFpJyk>nw1}fCwbZBv*l64-(Q8 z3vaWuN5UY8t_(7&D`N{QiwQqV46^8z3p@$ZxKZ6U%jR+5zCM$nLjp;atE!2*5cD%d z@^?&9My9X}7M^-noNr<+-`)iHK)HZYrS$|0Obs;7NoxOk6#X4cf_t5KPFoW@w#i6uo(`FMt4>ac(*`@L?8ZG#(nV2DZEq02))rg$t?kQPWJIEm`IE33u(QF!svFVcvqCn0No?T7b|=n%Q@VS zr=lFu<`xQ5pBU)I+!d5d>U;r1Y`tPZp9M|>C1?UgQ&wbMtPbeG-;Zw z(Pxa4b8Zr4Xnb;&9dmA@WM9D}U=7iPt1fP>hdX$q?4d-n=(g}4UM6cKKV2d|@Z*nu zOES^lq%juqw{P5FYrZuEODp~DfB7%ztLM+dTW3l|4e)2>`dnIjaD@;D7W*j8b^1Yz ztca=G*EV$x!!1nEY3a%=;Ys9$Fc%BSV$BJ121EMv(@heRvQ-~ojJY|=(9;y4noRnL zokk2-F=<}ga4N%wQ1%5l1aPLgX2EzyK{n<`1BKEo_5vD{l)tbHfPo@E2{1KaF0=py zngOW6xa({dEJn&m5hnw@QTe+*Mn{2WfMM<fd(PQs@3mL>)|W$LQGx;z*D5T6WQ+sCcr0J&xW=SB&0;!DRMMYel(ymq3!34S{QPqkp?6qN}8uVZ9j2ZpupQ3D`!jNv% z?h%us*4HQ(N&lA!?P*el245O}8(@(oHj%xoi@U^3Wm7ON;w|t6TQG>a6&gIojK|%i zVk4|dyh}Xg8RCa{cU)fm?)ZnyKm|M|t_q8t7z2h+#@2O-^L&E6<1_Ha9xN0a#$Y2e zvMyprKE&tT6EP+i`ZowUiydu=8;d0iUdnak@H#GJX{A%enadyjiI0WLsK0v1XkR_F zP!?x=j<_%G^Ikr@Y3m=$dqLrv*<@eNSf@E~#5TgrI=@dBC};iSr;)42 zHdJ2r!Q)o;sMnSdsL6AK7sB!Jd0MA5ophyv0)E1NJV!Y#nW@oMoxN?>oKLp#<%|94 zLcxGnWbXOFJPZma>|k&w0sweZUVM%!S&NJ8efqlh@EQ1j56?{YKKV0NQFOewb1Th* z*BU7I>o9*NG}Jx4j+fynbgM;+9h3@s3@{12ii7cA&cW+50*wa`Ho0j-0Sduo01sl) zPQy&Y;}T>MZt&nv+i;y!o*G`LJ1}|x`k^vIPYpcsh-KD&xJ2348Rd3yB96~totB4i zdB9b!QJ->4@;ZTj2gefgyfZd1;;tVJQDD{HQFrr z1dgTKyfmKbRe~T4FXZ_W{M$Dh)AX4L;`Kq(_!J&OEVoM@c*oW83-`Z1=yObYy#EIM=ek%U8t}e&;+5uJw|nJ7 zc<%66_YtI;1EmK2SAlVXL0vD64qg>Q)JS6~C)uNT_j57n1rUmOw50ehffT9u8#WOT5Id4{%xqf0y-H7w z+t;q8>s#At9-()HwaM}{W8z&aY%F6@)o`+Upc!6lt}z0Vi5*8WBThU3VdihWIMmkK zZM`8%GGx4(T54c+v|7(#uEL9gc(xUg2%@f?pFVj;Zj60|ykS`1zVY=B)0c>OtJCimK-^$nOe7%3L54q6;i(eV#Ev3M^Bx!vvpI6gGxHRAF$d zSor1^@u0xUzfVlq8CplJR^}6F5em^-9#feF29Ia2uTioOW~oa!&naFGV>FueIyn{Q zZ>QyjJGj=akxYru1(YopR5ICp^fEpA>8I)CqsLs^BXQkA`szm?q%VK?Al?4Tc6#tF za-^{ChtKvYi~BIWzzbo@T3)|-ok}L_(T7FL&O$&gPzF5y{!dvCLSg4nP9NXYr$VwPF^5;td%0q>{SGjfk>m*38bqs&tz}r zt#EtQf$?+J0>Z=PTDQHL>y%m8Cj0^- z70TEXhO?ly;~VxtEP)a*5u2r1rzYL=dWe1vhEpp<8*eArWVGRG$`RXWT3h9q94c*c z#WYbEn&sd4{G7;&y>DCgmWdiUMi`Jb_t)rrC>DTwR1~R)SCpYM!dH#`A-pJn49p+G z+@Fyc&uRr$F)GtOqhXCV}hT9l!kygn;esPB=%Q z;K&LLphqSbnDV7%DO=fqZ1AS>p;BLI0;|J6)`j&8#u69_j}DO|rz4+>_XMuxJ8LMe z43}wnF+RUJXbXB1H^$oM-@M*)zD4dDHtTCT$UZ4ra1VP;zTR8%vpg@rL^FQmh<;zT zQ?&K^zI@5+zgK_%#cTZTeigTyry=hn;F-OyfUFh0r28sXLG&H$HfcHcsPqV-*>2Js z=2OdFSPaD&D*u?%5uumIdKZ9WpB|s2d8~9(=t)^i;H7Xdg@GEOtf)Z$R#&&c*(9aJ zRk=g?!UIq6-LLtfNQz2AQ4>#LbVtI#*v&xt% z-~k%vUgO_Vc`kb78ySsoB_~YL{1N8W zaQ?hs%eEmidRM}&WMv59phII;sFFgt7Vr~F4TS#?%D8Pt8^*`W)95W|LeVZtjYvAp z`5K;(U_Bv{i=9K}p1G7(E8vY0Mn)(?3_CTksD_eE%k>J${c=Ry$TJHV%|f8p`HFFa zo#lNL^)!&26X$()ae(ouj!=eyV__3sZkcf2RTS|Ad;@PiaKCQzv8JqBA@I0{K3nCx za~t^!>;Y@>?)crB0eQ#br2?Z+Ze(1V`zntwPR+2w%JMmI6R_iN3jBeaI4@oSadTsa zEnD!KA_VRAd&Y|F2XM^gE0mhjV%qhy@6u*i%IKHR;1uv=>-5J*!FPC07}h|dVM9I# zG9P@9&v)-+K@M012dJDBiTF#6w zbsmzNPE_VJTsdN$n1BKX9G8dZJ(t&wMY=qS@5OJzQ!%GXkb_HwER+rf4W8%la`V90 zD)@B)KDNc;MtD82an5?4GQJC*Ghj{)5h}BWR{ny;3&psP&2*2}?GOKW4Cjg-<#+q@ z%SY~iu!H>U+-JVUb&#pB9pTFt^KbDt>|reAs6a>cW zw@Y(r>-q*l9q#`VT-I50q4jd)g&IUL>%H=op}TfxvRczOIVT!iNVCA~;= zy|og^It=O%kBbQBK)GZR))jKEL^uy~GG;zSu0y;c&Q3`ZOBU=t7QzL>UN#wjo#dM) z-;3m0tc?P97pBuV%SZx?w)TY5Fn#8Jh(KT#`?W=rWa=G4mV8{w%)Wnoc$&@+W%>>6 z05+LJ^Ht0lQ_Wg5Q4**eR8S933Sc8FZoplOXNp|GrtBRuaU;0Q&yg4xW!MBnXnCm~ zd#__|4_u9gSQt%~S4SbxB6OvN*>Mdf-M!XA=~2ZiYKjZpSnm<$(&t#-cECQBp_oDt z#gArt7G(;D^a|H)^3EJ$QAFv{;F_k42gKgJ5EdaUCO!7Z8OjN={G~QHp=uv#M;Ml9 z2=nfz3+ALYAki)f_g2=I(u307bTJ~&23E?k-aIA1f`Q#DXAb*VSuDc5? z!{dD(;U0Z?eQ{r0=2L33KKra*`C`BOp;B;s@{cgbzXz&oX)%1cO$5qu3QauIfM-xSWIe>N_ zy6?}@7Wj2(d^;^|-w1ES3coMF{I>D>v=nt-8sVilfTK_rWEi@j!<3h{X6ne}A$N<1$rzi_7>Ht}MeWvbm)TBpxDub4lL8MFy5)q5wBDs#PH zF0&o`2tXGe3jxy4!jd>vUPEColB=TVXLS5VH7g83R{na~{48w}_BoHM{I#|1w7R^3 ztFyJO02}t8Wx>0~eS@d7fNV%D3(jHwk&I{Eyzh?Rl^G~_{X(H3Z|P^xXMFLdr>+b##76z$uV=Y(yQ-sTIibY?tD zJOyM)ufx-lcXmd=m(Qn3Xa(P;4VV4Yq8|zuzrzpc^`v)^<>*y%l-xJG_wf!G<55-T z8B|G5H{kc$HH1m}q5@%p9FX@8-eB-2QP~1nAu7Glp3jec!={k$Q?F-EHGT-*#j>oc z@GQ1rs9p`;O2Z0wy4$FTf>$shDO=>Z_y&f*gZtOh`NKn$3CKaZK7$Lx@Zva__mH=^ zuL$1+QIa>0HAM4cjYUpAf3h z!vNF(Nvi}NS#o-cS2Q_~mQb#IhzIxcC3rdTJD8L{|6Pac%^L8>_4M7>)x&x6D1LK3 zlve^4xO5F;+D-V#dlYo|aAhmqMDALK7HDYD*v%^EIpo?dV?Dyqc*@#TP`J+EFP|Yp z{eJ+$D4xSb0D^sCi2}FV8+nd59vHcw_Q~t6zK8ONwqgwYl$A^J)3gzA=^hY=@&XpJ zVk4gm-kbJ(&)%Sydm^5Z_m0;GevYTU`SZFT?nL342TFHlD4L}2CfDUOu*yB`+kNH_ z(wbgEhp+K|4cJ@Znib%y$t(H@A8)%ckH{`Ta{#L{GMwZ5ypJzTu@QM8E=N-UpFmf9 zelt)O7Jyf9wginrktNB(@{d4cGMom=2Its1?hPy&a}fC*@;2PLb|c-`#8U%AK+bYD zFia0ZSCh@!Ve>~4GLfSm8CLj!>CrnQ68r&)Gm?Uq5a_B{W~0&r$v4bh09FCfzytyC zBZNxxV~8SDh8Ry2iVYdzjMeBn?eL0HJ@ivVHJ~An zjMpEtafWCQ2MA-~dI=Jkao#)-Z8p;!LZCT92!;U%VR<2@*3zIRgq$!Y+c8;=42N(X zRw}e4V?tQiE_f2)1p@LoKc9wYg&I^XYR2)-P}W4kI1rn$$d>XsM>(X|i4`|$Bwe_V&p2um>=+u4Yg-`B=Tyj=9~#%i-Az zLJ~-pg#TKq_K0aF+kM}@%u}`&EH(-YW34-cFC39U`DFiDI(_^&{Tz>&%^Nq; z*Z<%<>Af#MK#B5Yv@0JIu0k7w6BuIY8k*k%Bw8A?>|9PCxze!}RRY3z7j*VP&nFZhx>$1(qEu^)N=X_YD*Z zE`m(3v7?smJA6J!AAkJw^wUosrh|Qz1BPm(v~_bi-FyEUb7rE{VcNr+=gG5!^zdgd z((^}Hl4D@Fk~Xj`tglmH2j$riMBGIY(IFITpqCULLx!d3<LM%Ylcy8D-Yi(%H8VSoWC=zxYX^1$rLH-F?TVWPj1Hj6K9IT*KL;dLwZsdl2TF_CnC+ zig(A~e+CMYSqRp#5HurW8nDRRM*=jJ6d)|=k9aG*HGsWPKJZ&4zJ$36X)wCM`V{ZN zwd)m(HlNsU1s#j_@`V9gF1s*C2jU*#&3gkLY{Pr~<{uBA8E>IA&R4!Z7f_OoW}FK~ zm8OKV+AV6;poj1c<;_A4xOOfFBck9a4*%HH}SiUIIhSlpmx@(bpQ=<%EqhKn)E z|CgWqh`bzxIXVa9&2&LVzH@L&2YNSxdDi6|7M^js?u?#(#y)5NixVs-Yo3fc(CNn(` zc&Xy~7>W(XA)M*Hov|2n2%J5FHwvL5mYucH^bH+hB+NfKqC${_@1U>p1%}}YI|`J} zSN9c_t_UYRg`a5>Mhrn_ja25N;DB~wGlhpEB$pOVJgKLUp^*w;TC?3pg_V;A-yL7@ z3}k!^;0LUzYyxJx>_fBg(zmIV4ynic$|;zsL>GzO6@aE3--unFXpv6FvdXo7v_Ndw$h zS1aki`}&RawH5LM!69Q4gpZ}~czaF2bMk7SEpRfql+a$gXSMYAX_LB1grJ~QCbZ=q zV|vDVJ^_7d^wq0XWdR?9eNyr53F(gp>HOkkUKH@4vq!)6)MdR!tcmz(85npUobrc+ z8-8<@JV}hXOh|>EY|1KQ!Z3nfGlzP!h1J?-pJkk64qR zfy4H}MSX6dHE^{s$a-ri=jk3oX8>IB`SNQh{`q{B_lqIWlDAHj8&Q**0o7z>T~p)>!m+a z_D9eHM)G+ca%5lFQ7~3l-~B8C@hIMdxG|{`U)NR3O=#L!OiQd5|IrN@Ki_?UL3mn`&%%c<^n(%MohA`upXTMgQfaBnJ|KCW%}m?pA)#dgn%= zMF0|QG0GGHx7k7{UO*FUvdF+zC`=IM=dA?7*vc^Ox+8T7h1lIaWK3pw$C6Is#+8*N z1mVrJM!tqxTg@lP&%V;XATlCC`mL5&i)Uj)sg`3o3wn4%33Hn}UV5gR>^VrLPr1tX67grrQ+CXZ22 zjF_J@+<==1v0K~M(gtmf@N|%QoWk6nB6Pnvd5WtRacJ~y4)@(29w;X$Xetn;o$c$C zTD_f45wKq#khpaJ5NjaXadKNUVH#z=_x4E;3bS^GhB|U#gfdD+9KtvVw*>>IYu6NF zU|nc_08T-qSSLGJHT%3z*fVGJX@Z;I(LRKa_%6e;D`C2h;%va49e@D45OJAh<6ccd+QvI;Ww1iqXz~feGPI|B z0=!U~wT5DI&Ppm+GF8qgxL77RyT7xi-CTjl5ww6$_X!ijyLboq0*}Z@0K#}ms8r;B z_H$^-QD&a7mKBoV*2xdkUS3Rhx2~uC8^>v%q zHm%mAP~-yB?vL=;kb3a)GpG2^ANFg;E&TNE_$_9@Ib|-LPyQ54uhX8-yNCIw1u^*sMzr0_${{)Uw+|FL9dF_Z|-r8Ic$OlScWh@cu>Wp&sFYQ9`9SN_?*D!nc<2MI;3u0O^aCc8Mr*>Ie^iEMwsBwc+IrPMm+BjCed)WMVUDQxyLBIE6|79 zjO3IG#o(6-46uE-i@vg=NhJpK2qw?a$MD+F>w&#!!eNaCDk-#-YB&iLfctEdYF3Nj zvl=-zN+>lHer6aoGUI(o2-*bCh`<5PE27+EZwUisMik z1XZ?&41~1{J|RZV`00ycRfH&^teH{{afIPP+-aXRC>T~kSGgCQ0v>8H7Y)7UpoNCd z4Dnh}aXr8o<6OW((jr0~80 zDhOG6`vj%N1xe9I;CQ(S!$A$*5_;rQf_GvfV@*{!A!o=B`CMQAZe9iV%LsxybnU>o zLV-A5E3_~YOf~&di6$)Ru775@W+&5MJ@-Nh!n!F)*=CfDr9XO(G^}>wdaJ64c&+B+6W?2aLv6 z2twf9vEI7ypN7_HV=349Q@AsT%TAhc{Nu@#Q{lD^|l>h zsY8_zf_jZLu0p3u;O=>V;RfUT5D)8*HWt!N^4C$U62lfA?%?qXyuYPo4YP9&ttcbB zWN!&*k4wxUt%w{V;5WS)^b9i>%Q9ZuE&8#A5_X=s`)iD{hsbbay*?Oo72{bX&CEa+ zZ3*{p9ej;2pDQO_`(l6C2YFRPe)Rl^ch4~g^0S_+!M7-X>B$jFe&$X3p|_>Dwt<|u z2r;ShQpOoG9u<35@ga9C`v%%VdEPRx#ZCbvkttA)x0%ZYa;2<-Yu_ilXdMId@&a>c z1ukS1fn7D9a$pH>j0h!FrlxmO=3xjv=PVC^M{cmj(5`^pbaG|1|L~7;0$<1>(7s;K z*9)5$I5x2xm801F5?`-ZxX8jb8(mI_4WPn;Z&-CI>CXCA`rz)p^xieB>j=>U69D4A z?lm-k6$63GEa50Pkm*1iOaTmwHJit{ruqz#Rvq_zt-qSG$0Xj;ZLB7RX5oFlrOJG~ z*Gh!VCDF4~63-Ed%o~fpybfT25CEhx*9>4hO!TN5S_$o*3?Yz1`)q7pzU%SP$6Bvf zMT`~AuI}x@fPmD$NMD*DrIn4vw7IjKRyXmmSSA4`%9Rbutga%|uH3tx zUhQK|!nODSMZp}3nA`VmG1nw7B}C(^_eo9nAt-=8NC*^M7G;RA`sf+c!v#)(p^fXY zi7q?9-37{v5KS1|5Kn-Q|NW2B_p#9Ly*h+g%G6h)tn2zMO3z;3LhHMnHs?^Luntv( z>vQ_@)6X8IT|5WO5WfHd*@S6cAyi2V7>i9T8Xh}~q?+SeaG%tdc_+I*ZoVVjJQfk6 zYqZrP;q55`v`P(lUXT`-La1;vA(7q%V<)f24@GjkIBh~blXsruX~0s%`FXUqei6o0 zbW~9i^l(Rh{AfQtBKHbgiSVjY+E^z;4BjLSydefX;OG>hi<_WuGJ{!XC#9b~K1`oH zJz#CW7lcxnW;%esY&BS1UO?fo1dMT#IXC=jjXkBptqe?D5MmTeI&t$Qm~xK`2=Mc# zPtX|S$_R)COO6XB&b7|_#<_Q$ zf_Y&514p`v-W|Wy49L_Xv&%9U4Ec@9fxY|~J-Y;J9W^TMQ zUw;W}JUF+T;qrBVxlWwp%*Y%Y%4sDKD|IQPmMPCY#iPJdn#wXF*2M zu|XePpa}I;S%OlT{W~TUZ?=F!eu&~QZNU7H+?gCrWpKIsc=;N1fF#E~c5@7xD|u^%2;eUR6x zSl_JFfQd#CU8;~=sf?%IM4DrAZxsVF`0y?;`6`JNm?F;wam!jsBYZaa3SE4)>N1c> zvdnl|%h!S7*h}65pjQlQ8ey)4XJ;Qth8{z3n zpU7Cmv!IPw=)3SnCVtegpm!?V6W4pK3J`b|`W=I!K|eJJK!hZ(d%S_f&4Lgfc={%EmVKVI1zmEc6v& z9z`4ZfeMgbYa97p+MxU)Ovkn0y)lZzP?*VNUG8n0&uzK?>^%4L#@*4c7*9q6uludh zLykmmtr>!`CFAAC0)H@2TO@`urj| z2v6!Ws-vigJUzj}j?%cqv&^3--)~=49#&8sm?XGG3GVH+b~?fX?L!3h0es~TSQ}Ky zv;l8JUt&GLLu|o#ejT39ewZ1pffD2QZ?w~YdGBtzMZSge&Jl(qt_%JOJS=VipQ(Ty znb=r)n7)gnq!%WNclMl1X^@HzRypv2DFjrofQe()CEKo#!o8}e0pV&YBAOuh1#rwJ z#>TtzmGnNI#Wz>h(xgkHh>ACzGg@U_?g{4AXR*e5S*Y-iA_90i_mJ5R z<-Or~=@B77ge}oWbQ2f^@!kPnE+SKGQ(0>PxpD!;{sK$8fXq9G2gU+)O`6|=KAOMJ zP{Il@$_xqdu|5$E0d3U|Ejaqp$Uz4K4#z5?fQd574QbNneSH2c{)RntAzcVoAYKCT z-+G8#AdmtWD~4bQaB-=~A^@770X4!g$f-f8%=ho!Cbz~Gf{XQeNo;k9D-nXV1l0`Q z65H5Gyz7F)+5!~504{(b5DHsFS9G0`d^KS$bBtwO23q(kDM5c_L+;z*!t@ zXx^uM=>yyY!f49uHoY*c0Mo(3WZna{d!i0QN)}LQw%beewVKXJv}m;$g}R8zg)uqn z;2QeO&BP|BZE-z36#X|2muKb3|wX^=m`kee3TzA{xuy*k3XW1VDj$&;V9IslSpgVLFFYf;lAtp3hljZ8mnc)7QTG6($A62-s$X#cOIz z_96sEIA%;sC^;gjrHmO9D1p<1rbbAJ1Wjv0AInw`MaLP*P8BNjRm)SOki07gsYC2COtpfYnLZ4e8AO!T=uNsEM;;%`Wfqi)(g zI7u&`i?d~pp>g1uh+~enq0Ka4_^6%_GVv-%a;^_(C3sRAw?bU?0`#Z~-ImW7nH*FB zh1U!w&Hlw6<@y=S-3-HmC1$0oCP1y>5m%u!_@qiKyS$3yjCa=_97{W{k_q$Tw^-ZD z^#d*IeW2&Zc#1c~1llsPI*GZF^se9;jEx5c9@la`Bj=OeWGX&nunonXk|dN2=Dh2z z0gKP`Wrk%Qg&9lrYPIv82uo4H%(0fGQO$7_Bb1ys-4-QXQ`rvb|WT#h62{WYQe0ThA%z!yz zGA_yRuZ6z&9^p{2Q^d8xRbIQStQ4Mv5qJiE^q%5n8yGdeJMX@f5q!6D@#;ZER%S?WT+hhbRE2s#)LT=iXP!Im-FC0)|*=I-tep-2ZWwi z_MuR1XE3+dDmTbCNVtTLJtZNt_^%HSmGf`No6tUOGSrMq*pF`8HoWSc)j9ZEl&2UW zpEKTF4L&h{a5eC4=JMcgw9#+!9F(88!4H3Ob1VJ+9r$7L7aeJAV$aUk;m6?b#T`SF zA0rd>9HU|ucr_!_XghH zU&1K&V7ZYtklJx1=PI5-yR{1RiD#h8Aom}Y7%}*n7f%|n1TR-5TxZ5O3Z5V)PMC1q zte4IvCS(;S%TKqE1eEkP%zOJjn?CR{aGdm*ZqRYgU43!N zIgnTOe4)^A9-I>o;Y(C&UOr2$hetl^?;3~Voofe-%}QS?j|M2_hYVQH7?m5c!Skr8 zc2MFhV;J9>r)UG7;hShLRu@oe5c1#Ve2ciDC=fxzaPY!&5~-e!yk|}e7M{r;=~lynn3uvF6B6bcgxPLba?Em;6NFkbiJ#$? zd4Xq$#9GCPh~eeY%kb1NwsaH%J4y+x26bX`iMmK9jG@lL8h)bc%9_?I3UTBH*`|ui zvcX=oGr*nc<>P1R=Rft@=ywt+RB4B>bc)BwQ9yMZ<~;?+PH0&|xf4@bl( zAMBm-LQp64U{Ge+PLKVJatJu5Tu(+VlqHkbJE#QpMCZaf!>NT zB+bP0;*=7nFJHdEGvrmed3!VMkjG(l1uqB?bHgMDQ!9p$#F4O#gBLGRKAedK2=%y? zZomIt>QvTQOD#;4EM3JjgL$5^jzhdKtleG4g?Y$&^$#H^XtC#4w^D<6?hAx?1^E(+ zrn!a1)M5QkFOKN%MQW*h!L4k7LMpnH`BL3_V1DR;dmdV4hz1C@U3>!zMbJw z5uQ2_oIS>KaJZY+P`JpKzTDeOox?*Az%;F+IX6aH*IV<97>j*Q*iBj(Z-`9 z6cVhD^SQFR%6#8q?y+JCJM>kAtp~(MUz4%cJKzmsR$v|j*ShCid&|s-c_`{yYz4zWyt-FwtuZSYrBsaY9yH z2QD(f=mLtdw$cg}c6wTB;C>p+>qJE)_+uK3H3~|+v@GwwMqU6tOHNQa{p8t`D6_1f z*8(Sv>06)cC6t!73&Fv;VzzaKjhI_I!QorrJurQa>x|Ry{`?1+fr3e}X|N)HGtG(5 zm+MhHR;K9c@%A_G2O$5BBR_{0++egL9KTJ;f3dZ<8_GS4-sK;n9lz&8wkd~o$T4}2 zKm6z(%AW($E}t70t*LAwl16W>M!1NyQE zGrI{bT_k5xn@UZVN;=#;9~ z@;Zj@_^XN$Jwt;jh}rcc^I>icnhxbX-W4$?+%qQk)|fDqAxWw&*BVuoAbn%TI%XW+ zV@@li1;)X(;#lS)%D|GmkB%{3m`JXbp;l3=p+(^^JZ!*43RKbwjS1o55DUz>0v~Ar zQVGHDD7ptIzO}fXnNLHdxo|-;Qo}6C`ov2QTF!yr6{K8OnRXK-GV)+*<*#hh60+we zx`r0H=3XJw8{szrV!{IW9j-loi~e9hLhD{7yhOk=x0a@h6S!F2IcM89rIhz$G9ZH$Xs# z=h$DoB0Pn&b>Ky>XBBJm;qHx4MzY_lzb)RkOp!?86LL>%$@PMXe2fqz`4PB{kX4Zk&;G!bCLT zRTc=(-dXIVDf!TT@1l|Z9qY6Y!$ZVI6lfTLtGisg%p|t)ww@>X=s)|)M*5>`ZHm<#~~j#ASN* zHoI0rP~$4B}5r2!YzAhIDNne>sN>OuCgYE=S@+dMN((hvIbo1czn)l z4|(f^=MIstG}=xukamD2;jl`>q1*rh#l`0I$copD*G5@096V_NDe&tdj8z~g)$mG$ zr-Ua}c2faj8Uj5iEh^AMiD77epOE?q9(*%8RfjgOKsUDVM*Ij5@cT;?4cMF~PafXv zbMX8qr^NdfuyBv5MsmCWbU~OPfe%5h1zu<6X0iHc#j`_$v z0;gCV8pev6k4cX_B=Oj%j_vb20G%)92*L*N6iSVv7lpRe?@mG-AO(Sd=>hN{SS+p? zQA7?*Ev_-O^x*on^wER+!m!9P$>zoISsgqMx?DR1 zIZ;`Todl|pDFkR|Ji{bFBN!dswk8)SDPRmtiqpj{vk#z{oX2|VGD~$9Y7PcT4XEwu zHfahCSPKBBoz}NE(yg1f(&lx9+%*?iV8)6;|COV(I-7Gt!L&oj!2zKQ2haD@-gA;| zQvJeM?=i1eyP!T1G(a&xp`nrntU>us+`fqG?@}%lTJF$8vlp`{0bpzr1Fh}W<@TQ& z!(0{;8ilWU+<;X|G!Q1uWnj`u$7H?@HIpJ}iH{Jhg--WlFlfx>0IVUB@_EMd?d~05 zWji5+;f#$&r3?f{LrwG!7#Z^6_!&oIV>#WrL&C`Gw+J~o07;yKG*B+|xfknw4eL-1 zA+w2QaYQ252KUSn%JIR*9l{(|2^*p&vVDWWT_ATuyA2j+G1r&*4W!mTBk?669%YqT z2+Vq(`0Sy~Cv$Dsjb1YWq@52!5la*Rr zGp&9&kOU0M$XhD+;+*UGu?KPmXT|)YTLQU(T)KM#1A-ZBk5m?qS*3QHYKZ|pt1j)HL)U&yTR zFSOs_*NFWCjy-2tVjZcY0tx*!GyfTT7ia-a2^AutYm)?ZO_WSClu2ELC1YQwB7cbQ zA&Rmm$Gf<1Vlg1z@Y?2T+EdXtTqx}2}&n#|^^XxGhH1826c=u}epdZ59kanXRaiSQ(EvRqN-oj%Hy87jJpLS7?CQ=tJy z(n=!IaU(e#YaLo!hmj5s3+C5SgeLuy4h+fq-vaM7d6hUfp`7A~yh&4p6Jxc(blk^y zRgQ$>fX7NZnOZBs=s0a$x&oUCk*g@5D>y7yN`xy;juBk&z5|zm62TbR`@;NG;tfz* zc%*7DaX1rb-4p@Bm$WVBlm4pEkoS>Z>%J}x5$5akSIe&oa~D8Gh!$r(HKJTR^kE8p z4r2|Wg1(DeQFU;S!X_SaS_-*dFF)hB#c#S;hjNNFsIX^h;AWK?#$Iaxa(*=sWVrL$ zyqF0+Y`}Jmo6exM7Dj?ELV&A5dn(XyIuzs3NEM;SeAgNnN++9w2XTB_!b3U2INcu# zwqpcRWHRKf2J9?!Um)djvX4$6uR@D%OA zA@dTRP~HI-!n+in?F^h{n3%y}jc7AMlR~b@lR^u@Bj`<~kY-4mvYI^Ngz9J45Pp{} z!OC;a*fR%&wsp#c$g(eB%fMaYFhvuCrYQrh>|lit;5gu$z63u&n?Q32gAA7T;h(uy z#mN*a_XK?O8Ah{5csVrTnH#hvx1WnBs0wutx8NV)3H46JGr_RsD!Dn>7O}15A>_j> zVXkK{b}tNs7|%c`r{n=k{9l3*ui(Kfe%9NXDTzJ9P4FsNS-rW@Mv-`tzKJJEh4QgK zK<+ta9Ao&&A=gz9c1`en9p31_`u2nLV3Rc%A0XHhE`!Hw1p`!5xkJM%V;hk8)G%sk zgtEK)Q_pluP8T_joI_t4?(CEKB0xz-Tc;lKMFU1^n>pK|4Iz}|>P3Vgr@K)JUDeD|WB2I-dX2o#59tpBF;yJHjB)f!1 zah`D&DuxWnH%V*@PZ~>y&lsDP4_{)`(jQuUuT4O_WS+oWtp~cuJX(r8@U$>alPaU= zCF==|!C+s|=-^#BXTnX#CLdo$Nl^}C19X)3Rpc3R5*~TTVk5!;@lT28H{e@W2rvH% zq2V84Fn+L6C0`)v8;C5Zn=BRY4ZRed9eDs15hXQhz?J`aEZ6WH)=F4Y2Dfi)1;#Gi za~`_L6r%K!=J1(*YWRqYoOjx=NkhX!k;zXZ=3cq<^FE}4U&v7`Sn=?J$@IPW9KZ41 ztz2_40Vhr)7eDauXCjI|IdH`kZR zUx6zstF0^jix5l(fVs<>Lf%k5jF0gI;G@ZeN+{auSh!xkJWPi$ITgN2wecaK@wdQX(ry3_|K?1(5Fq68m9>Kr>7`6P_pTgEc2)4*{VDT zr~6cQpyedCAl8=<%}__+>p=(1Hht6U^4NMC@^Qd@T$kVC-+r1a`MkTBs~eJ zWPM}p<2}Pjaj*R?`saJm|Kh#4?$^D?5CRr|xwG*M8nC2tFyMgf^peSm7;j(`eum8b zO>z`{BmK!A{ApUB-wJ%v9}s@^SNzOINh+VB3rF z=l%lsGC#n&OrIf?&W`Y2GHd}4iZKl25qNV(thSz$Dm~9of{JHO&X3aI({Z{54Xksm zB8*HrPvS*8bb1C8HG#p_YOh#fzKGSu6~X|iKn0=FvU`CM!H`hLZV$}4lVjU+U)+ab z(FISAp*dqtgmQ|j<1_tN=`ls|fYV3_IWlpKDCbL}P4_yziD4@&p>_}z0TRFhO!bs< z*A>E0%w04gHr(>7JuHNM`mJ|K8Cp{1M!i(6%Ax_G58seIH5i}D8`_d4E7|B_D!k}& zua`>X2cW+u)s!xYZvqbO1@Nh0(ZFq6gTfT!!39c)bHZn(?K1Xdnf*|Js9eFCj-(W& zFj>FAqcJpQpSc5MV_j8Pm<-XJU0uA}!hPGdWiIkw5FYZJ2!p~v{!TvvZ~F}0yqRYR zR}n(vwPEE1#|I8&UbOm)ZzEAGzbhoi9^>;NqC! z+W4LDaQN6$3}OcuhqeeuuEDeEp%$_Z*ZAB4V=^a%mFb4`xk5WjYkF=~NII|KhiZ{L zY*yzt+3A8O0w)ynVIua`O+3_)L+ap>_6W}naLg0NP)Fgj!ruNi#Tx$AAABj@spF|^ z9x{Z06Ok&}a~P4ZdQ819EEgktyH|SvTl}Mp@P>t5=)^CJ8zrU#9m2Q^{{U zi*;JTz;_2l!yS0U2dfL|HbVI_#^7d+(&GsEE@!B;6`nzB0ZZ`7_D5I{ADU0d5bp-c zqdaEUTHaLffzCk#HDap>E|kHcz_lZGk2W&iGhAE4HlD$HAv4ZC&k_F)2m?Gou6YhG zddi&2*H&B$)>ZyqMV9^3m}Z~&6tEWwZu!A{Rb6B*6)Od96?VKXfWx;KT)x-y{_|A8 zJ!@K_I;e0|VJ=m>ZM0|UL%cJ-v%M6FQ&-pU*jb<&51}`XUE1vRKF4zA?kDxh(vsL0 z5-ZyGca>40G-IA4ER`_^j}vn)Jy7`qeEXtP^0LZHfC~-qo&D$DtB_x#v63sS@XP0V zWNh)dHu;-1mKWyjYx5#Ap|RNcH$Ma4%CN#a6D|^iU;`yuLo9W=O-_wPtR;P_Q5>UC zFpIi^mc)IP(1JdS33Cjn3=x3}{xcAY78KhYv1!!038X>f5h&FjngB&u1}>vdYLMq~ z;aNbDvbjlu%M~)W<2Eb6ngG$T5EUoK$46;$2$F)J>e11|T5*PU_4M>0J$?F+Yg~Mo z20Sc=U^2uYUj764pv;xb zla{(Uw3AJ|18NA@dZWy-aq1+SS;T$LN-4|C%^V2Gu!d}{p)JB=PWBJ@Zk%jAyi&Bp zgTC-6pbZ54RlFKDv3f7y4bdnuzbFTeY=5q{8^sqFVIH`(f#0pA=3Ih6oc|c5OEY-AkP8{($ zE^Y|q1CcTL5_+dyLVGUKE=au7L1_j;n_FzBYj_n12b=2~Y4jm(eB@o2lGL&W^0qR{ z{vK6OUcN|=e)=#SqZrb?PlZ95{)Z(Am{X~=KwDY|Oj=~j_5k;~IvyCSgsR-QL3aMd z<**F4w(t<4T1gFUeQ5F-12~30S>BgnYP0 zh!0p$$;Lwiu5=4jvC7s8LH!)XP4;pKu;FSp0Q*59T(?I(icF+w6Ds-i`q8T;yfk!6 z-~eZ%6v;Vhta}|Y6?@P9q?bjDzU!Je#;d7IUlDx}5}0oldJmtZXH<}Bw^1NMghbkq z2L7>EP^uZvr>lHJ$^<-WT~N@GM*?kvsJRljSGi^KI0?Ag|6t~2`hk>49?Mv~R;7+a z%`h1EimuKBGVV(dCnR*40k7o_Fbm@!`;+I*5Iz)PtTuCavYXb2n@&+ChAKg|0AON> z3K76v93cD&&v)(Vrk!P;=!2An6YepILcvrp;c=PwI&bfefA|bsr7cBkf!mzxz?00i z9KzMZwfYr@t5me%Wwuj%_r0(nOFvZbDwMhIGLi~x(k8>f#Ko?C2y0jRlH15kg78rs zKBu_W_kjN5KKoHz81HY!clESw7e`$0ABp1Sjw|63-Ks67Kl$!INq_eH|1|BaUPHLX z$|H*nvwMCG%KekJ9xUH%Vr^m%jJc-vc-3t}T0JGz(m*}cwpHQxrwhpbw0BO9+G*r^4h@nSObG^Sf6;o#@PIT0_!LU zq^D@L=`!Uk6{SXz7!|fV;7eQ` zNy|0V@Z1R35MRn`sMrPfhcbt$HzZbTZ^AvjrxF68L^@}cl@iu%@e^Vsw=nluprd*M zeRh}`S1}Jf&+FU^hPE2EG_Z`T1|}5Ff~^9A3Za-DLvg^7!k;khdxmF}CiJs`wYrYi zq!v^wUtLvd6#F5=j&q_=nuW1qf6yG~e7SF!06Fq^$M4JxxK72ZSbK4T=Y%QoB41ApoCf^!U79b&Wh$@%pRW$P~d-7$RF z0RDXn&rovXI~Y1?h=B$}u~Wb=eYav%sAc7$5On&$f4?%v^Wf2+o#9yq-;Xh{f`_=q zrYX48DkjTIb72@gIvk^Xpn@UvrGzJ$u+CNk-=M?*7n-lF27f(eKV$!+1ei2-^!zl#qCf>GgB}-dRF~I$^4>r?({Cn?_3g84e zjShFAV`tzxO1_$(M{fu#+nEDs2=8qY`Vsu5_?IcbTiI}+X?TOTg8#Mq@LT*|#gn*7 zdq`M>xzy9Q77>Cs7pbO)w+W#w^MuLkWnsvprC|flp?pz69+kL&5#dRkBaSm1PD8Hf zyG+Omv&(OEBCs^~Ln91H?}bu17P+I|BYEn3tF?4<5ibp#uNx%(RH4Rp;lWZVCdCC| zPNe_Q9PK!F`2b?+M=0aGl3TsUrv`py&Y9}m1OTG)CPJZrL6*~2QT!|4uoqGISs`!| z3PaZG^)tBWb2`2-#fFF}hz^tM0{gjm&j8{=3rtK1lg6ib#Z1EZxB>m$$!#hmL8#3E zaDkO!*rVbJg11O5u6MEkgaC3*2+VFK39$lC7ILgGVq#EU2ve@HB^vekz>AfQ;KBo( ztX>ady-P{W!?Q!M2f`qT#)O-Oh1gFMgj$Mh$i2E=W=4@`qE*z&>t-2_)@Zv+EE&Qs z!r|Hmo(;r0Ev+NuFBtPg#RohmfQGnUrmO)|+-4&Q2WtLQyy%*w2G?92rQSRUN-qm? zSR9|GCnqnkp1~}$*|ny1@r;Pv3cR}!1Hm%ELm5F10n-=!Rw#yIqu|NXLL1ydfioB3 z4wNdThW4@yBITgw5I$#UgTvhuV3h$;d31KMOBjW&{me8{^N9EHh^*$FIV@3Kl7~{A zg@m6w*Kd;?a-DIZ#9@vHXr|Sa?masqhVUqzkO|)nzJTIletr$6YfLT!s&KHLZ4k-| zvDdX3vCTb{C}iQUfm94XDP4fDiCfgIxkFBmGm~|$!+?MLYgDq>VXf?AuIw`B+`&{{ zpp2+PP*(5;8Nswe2?)(Fmjj!S=N%s%!bCp>4dS80Iz0a5Y1*a=%KZoTV8k0~_XUcp zPd+6}KP6oyJcP^KdH+`W#&^FJN*ft&l?**%mQCVjs1YcDjjwmgS=z^Yr;jU{bEQ`K zY^jt!{>wd(Ey-Vl`GnYlkmk@-udFYo^)2#kp!~2R&K!!YYil=QNJr_Dk3UO~K7E-^ zkNW8ZFOM#;sG@F;kev;ZnQq>wg(r=nC}XUG$11SUhRdYOcmr60#LQ@K9d`x%9`K{` zPbRYjah~JesG~Qs#!N`bnN}Od6Yoyt%-Pi8fv*{TYi8FU_F!dt( z8h{52&APG{z)Km0(ixsJd%%O3(VZS{<_H|J*%J21%FjM!7X!;G3{(!XuOZrcUa4r2 zNiGxT8lFlBR<=_$Y=-`;40PXEH{EJ2T+I5@nq#9+Gvj92&xYyLLCW@5_dLBa{9P;O zn0=@V9!~G%N5P{8g4ZR6Tyg+N1#XG(Ir96V$Lit-_Gk@HxFPt#ss|?*B->YE-z(fkG@B$pMwr~l` zFnPUrhTg*Pa;b%-Y7W}e0w*nlzZMB|YZE$IMd&b8PaZ`NJ##{Jnd2VJuz93*PoAge z2anQGXOEWQE5N}j!c=A`|EUa-#%JY1#w8IZiULFnqHfY8Cd6CxHmL0bJoIehR+Z}@aC(b@KMnt?U%R6O8E?*c|Y)A?(rIV0TYSJ&lLMX zJZhW5m(O$m#SM1%-SLIbK;-CRZ31Vq-{Vle&F=sJKmbWZK~%ly6-yNfXn}Uu-Vj#} z6lM1z;B9D_hM77WYX*#W2ocwKsb^9sioq2D_ww5+Q{iXCrx$pAMy>>eMqxJiXW=k} zN8nl92ha#ZVWkIV>V#Si;eo3dlb#{S9>c%=*WbRAZr4$oki4D(m?%rhGY8+j*&2~N zlcEKDJ|1FZMfiW(t)(**rD7nHExM=JOdtgK6+Q};3gMzbLtJY1hkur9?!l)#A~)Ul zFm!!=YbmXO6YBJDNN%wXFkOPTod>sEfENdN)72Jv5hlit30}j>bm}Muc$S15!E?(X zqB^|y0$v*<6e7n5cqdm#T;J03h2LdIIFxkb7A;~p6<3~dV@kvTCJghG1*1%_274gCiq zpgpuC-eO){Pdyuvn((03W4@0p0xsfu%V>kKQLxK{^5Xde=u;@T`9+VA79J;vSn$u# z-q7n}3}sz4EaXr;=7@XE`=M7fIt|bS^cq?a*Fob9_khczJ^BOA>!XaZ{J0ew=b3YJ zwSeAO8{`JY5BQPd036LT%vT~0Dg6<)Y{TU@oWnzyiz8?@kLG%1&=&J791ejc*N`dT zT6yRUG_FlP{6HJUiD-`Jq5Rpv!2D%A(Lcmcd>5Hvy+Ig{p;V}Wq?>5jfPLmk?`}J# zT&z)p`LSQhC3+AGoYKQkZ14`4#w%g;U>cAyv%)YEa`U4&S7k?V%*-WZowbqg^)qwG z_aVH7^E4toL=Mp{#`F2Svm9U4;R?7Yd2wCz*NYry-~2Jjo>#K0Ogt|pKH_;q2uzgB z$&d*Jb|KOgfQ?eCgoJ1z>LH+(S-c?bES^Y1#xUx`Ls$Wu0OCks#Qib|=*;5bZf;$r z;y2Ht!R!;>5)2dfhAThqSyS16EkYNpbg_&8xr7%(01BI;f+kWVWa-P5)fF}sr8y6} z=_fz=6ydFt=I~Cq{oro8O)1j#Ed+GRG^r8Pie#cL_#3<^PSddo7J+b;6elF9+$a9H z!zPAVh(VZVC2rKpJ>wkdBi-&bI=h$u{+_*xFi2Ti4cL5ZzQD zSr|CCv|%!O8i@ENSn8b@wYoAvhm7Nbz6Eln?533_MhL=Yb#^nf&={_*Y^3#dawf3B zj1yJ?R7F5&lJ4Akz^Iz(Xzz@qNEg6|mMTitqD8kai>sUIOXR_rQo^c(wX2Up<{8Xlms})S z0|_GyvejCz2g(LH9n5y!Lr87*%-ez22v}l>vS{!6b#kQKPGh`6RNkD!Sf7)>F)75qk7`=Y`7Vk@V z^W<1&iLXiX%)4Q^#HHnJ=6uBbo}wt?-eV%J4=C5PdzPMm`W!@<_Ye3M*vFEJm1{y0 zxi0g6aV`Q=%S{&WE(R%@6$lg&|*hYX*`D4jk6=Pl2_mo7wDz6q; zTRpE73fxOwDxsJI#VpQ{6q2=~)WfyUM4$s;O?dY;f)Esb*v{*N+f-Vhb}`(bFk5z?1S!hFZP-LGx{uHkYa$&3@0OQ_l>F`-)fs3|?=iW@;+*wWQ=UeGVKYs$# zPQE0zNW_h^2O49_PEWxVV-yZF+~M91ZS>|AQXl1p<=CSPGmK|R8cir)hp-p6CA6NZ zXlo}Z2~a44Ck~FmRpfN8lEBYW2TEBqvFy}(qDY<&(rgZ zPXb>}VCW}UTE+b?yUaS8SLl}>KnM_6t{t4*Qz#&Kyj2nijOU%E`J=IjlWyZm?&?`elWhllprZ5=s;Nmv;Ecvc7ZI8x!HzH`E+?8R~!z1J4 zJjeD^*bSV=dZ^qju-~IW*XF!W>&{qlU5eZ+P;5?5F?!&%TxJuaLitJa9u4f&*|y8E=3Ml895lFKroO z4L|&?Gvoxkq5BwX`Xuie8^VoHFW-Iv4mo9?KF6#3knp{W#xj*q$k_qEX4skG70%9I zb{c84KT3as7xWmppbYP`@i3Rv@YJ9Qk|mI>`S-(nkhU zVjim`i(H~)!qKaXv`^)_r7iFrzP3sJq*a~ zYuc$X*94!CqXQ*6!gnZxSlcG|%>fshwqTd|k8(s0H=aRvStMzz-UvAt5|_dcb3M$S zI3{vLD2vg)6RW}8To7IOd1WT?S>QPOA?%4Gy)=7lU@Qyehq#Ejqa5!13Ze9Pttc~E z0dLZ!J#egjuncNRMJuoiI6~*_A8qj_e;FYhTxhqsf-~a5+_##EPw@n5z(1?39WlnJ zw{Y|7|B4S!Ydi?cby;8pEp zOJ&&+*Qw@7X7C8%v8Br?0+!p-c)W1)1R<)_7*Z}$2-F=|DAz?Sv`l;t#LA?HCxnoS zwSR!NHW(YAUG1NO@I*$2P2VCxquvA8i2vOtyur#ReJuzemx+MQ#u~zGpkk(n({x7O zjZyCiMv6E$Hrxni?2xjhdU*WwM<8KBHZCHzHETNu3brImn}7gI0QZP;P3GHBduL)a z5xFj#Gh*CiCS-&oL;wW}(*|NN1j5i1y;xK}kQaaihgQW<+h}d-aMdH(S(R(diLr#c zni|e?U9Mo{y3A>xIXgKb=fnx&0;gIP0bVTnJwh$817u0gDpg0Q%<}9p3Yuf)K*b5#PZA|<5!xZM=o;?5BCH52)yCEh@=?rV z5huGd+VPurZlwF~-%r=JwizoM7Ryx=;j&3)`Z3pxK~g>9rke=R%Ugts+`67lW++ZB z4$;1Y5!pzm2-7k~O$Z=c7_h<91>y*$M2U0~N*j@y*{+>KT>*D)Q;~+Gpf8`iNY5WV zLjcFx1~dNR`HS@O#ZS`@|NY0|=DbGM;bn;4GVX!%TMNXBX91mJAmk(Mq)%U(IR{MH*#fXfJOIO%OpTQidh@rBLN%KI$YDh&iDrXKU+j7$@1Q4CNA`TPq}Z zoyXm~jgn`5lYIsnG;@<{J=2|#u&RSyTrOYiQpUKK=2529ZxAlS8m-}lvrKiLCW<|^ z&jy*8yF_MIE1+Q^a@jH>mj5&SsDjWiL~t2nSuNx5t@5JB*j_y$aW4CU%}N_EyX?Dp z*4auqE9|v7!p}S+OTNgSJyBR+v;>&wcK}h9I2cPW4`m{{Cf1i4L_rZXtbN2?!8LKqPa>~ zzf|4<@4%n&x3&{`3uGQ*5W=er>6O=IU%c;Ej+5W(hR9(~St5o0{d@OtStjIz*zyB# z&w%}SFvbgvWRku8i}e2OmGn>l@h$eyD4d6`BC54VUCHR?0>8?HqVvj&0kZT@?q?>nXTRrL3WLCM~bScvs;^>V#T0tUdz% zA=c0o7W4^^JxaZfduNf!-s&n76cJrq-%oq5;BoYbL|`N1{1pBNG{t(umuwNdX5LO-&oj^fc#p8cvKKs+y^AvL(@Vpoi1I5Y zhL3CEeFg)JJkXB7?=adv-~Fa>z!wt|b1U3?*w@_OVjnn1_TRC+JAM~tpinp!xJuer z;6K+cJb-{zs~gpg#mCxQCUKb_yky9uvxbf;tBm0T2sBPVCp_YR{NMjF{Wt&o57R$^g=$hl zw1M(XPc{|28X7C$hZTh1!J6KqR%k<^i5xMd(%uxS{sPahQ!3P|j8;*ZV8nZY67SRV zgY=Wff1g$C*a79O_U>s zkT3@-Dhy4RjgSX2--1bloin{84C`GYOyT&D5b*i{dm3j#$pQV*XNKe31P=G zO+}I(z=(!zu z4|tG&cFy#$S5(P+NE~PX8CKwX@vO>+QQAdj>>yh{**&0?Ejbr`sCZOOdBu= zE#ln}%^eKun-pZ2C$gZ8+%U!1IDr0Jc~nDX8{>QfZ%O6x=EV!v72cfwXmFRtWDgI< z4paj+@scKm5t(%j?}@t*`=+nT)YgA_s>8J_x}nFviN?oSZ6daJqvIVPXVavz!;` zSEQjOSnaL~gcUp^7FXDG)FW=;DNt|IcM$?(uu{k(Zm%-PLxkhKr!OeC`h*0hdVPR= zhUW;;{q*$lAr^HKLehqc2{%EXlCwQR9CTYUBf3<>gr{m9=RwX(+pTnqjj&99jMX)g zDh`$(e9Uc+h85cL`#o<$a9hn|{rq)mXo*>&V}WWE zCa9bvZ^r_{>?-AaxA2(Qymo`U6sxQ;;Up%ObDm+Q8ZeieE8FRUBuQuem#MW4saT^v^~KZc+w?_D~O>DTpCx`VUy1g zHbly|-hV$`yL~%7{_GK+7Ds92=4z~&iC!nH_4f8!+E_FGnNScE00+RtF^aYY6b27& zel6X*^^Lr-ncLITz4ZQr`;p6K0-RQHyW3g1hC(AJu+__@ z&fK~N7iZnHzkisXKY5-WKHnv$2a1ccefrE^fk3nnn5^hgX<4oo%OV~oyHC$k2QQob zc?E?D`5}m>M%yafK?{Lx5Hl{|3(Sd1hXr!VG@S!T*$em*1x(@r`;0163yr}Fu zKc?K_F~Sko&EsaifQQTK`a1JOSGl&PLJ36^PiF4U(l+~K@%lzO z{pnNkvyj-A0X8j%h$69zTWSz8o;PN{&@FI^R&Vf$M2)$QgK3C3e=(lg7w3f|yHv`2 z6+1pozx(s|nt`{8rt|*GN1pFrK3|-9d;SXsxM0dzsZ1+ax7@z(E@OU|mjW~u18LA_ zxz5lV&YSEFemCGbsvEI2R7T2#ncUejsxlNRdu6b64VKB0DZ4<~AlnyV2%5}nSJ>qd z(lz@fAQwp#^Rqd7IR}}c%42s-;#`Sw7fa&*{OA8u`tyJNzXh#{%25cUqYB|;2*+Q& zvz`9zPyY<~e3}LaPf$D(>PHyeC!b#6frwS{=j^5KJPJ>ebV482w((9|g)zK%1$CH8WA#Jg)3->neU$#@|NOte>v!;8dk=*pj5l;gFU>iVe7*-04emeMzd=&APWteV z@29)p*-7(+`IWF-mcTP~00s#KG<~e2+}OGHJZ;^+i}GVD{opV5(*OOx{EX^iD6CDP zrJ@>~6|TnaLFR|v!awj2Mk~x9cp0d~w8SW8j$ooKE2{T`%z7l=hDKVVTg+C4F&iS# z`}_uYtBw%Uy|lJE|FPoSI|Ij5%a-qkw!#;b5qK;qe#Cl~pcS*(F$RKtyx$IkcNsEX z`G_Hw0CYf$zq1~At%txeKq!Js0hh>3=CzCv6xvszVMvD7S}l1cyl0?ZdpMs}QM!<7eQANS945MzT!?L^w?%{GAk)HrOp2MJEh{1;@;wxiaw4E-7 zjXr=ZFK5zbOHv9`_SSN)D(G?!8T7M2+Y|c6Y< zR^`6$8Cyn#KcC;t=&osvDRbO%_e0(8tc;Afaqqe3{LXLr{x%pPhdWW-#A`(t6x-f& zZ%&PKt$EhwnZt9)!wQZI>No~LilNs%?!le1{l+}A0fzdX_mPJexVHCseSA4)K-w7c zA=hgNM)`hx=DNAN;Dsd$MCR4MNGZO;L*6E8x(P6B6okNpa#Y>fR5JHy@I(l)#hxlc zUq(K=S@M8~B>+w%5|pj(qu~*>8oV>3Bj4Acl=_v~>Z`#ik?Ut&0AN1*AO7_prRo3R zE9stf&(K|TTxg){6tOjZq!VJd)Jr;J7@J@nd%cI=Y6NH(CtL^J%S?a@vYtcdfwyTReyQ#ab)fKu|m-jVZO$l<%b?ij624m29 z+89B`HF%0V=gTkH|JE5YB292X{$VW*pF^;wYlkcJTSZ(%cp)dPL!@k~0Tfr!!3xR+ zXr~Yk16Nb0GIK>E0(G%79CA&g%2`L{VgWu@gwA+qri?X5*DII~$Cpk|i70NK;Z&mr zptVehc4-4*DOW=`gD(x>(}Hk0qO==0=NgQoe8HN-ue+S*Z3JC(h6@-=rWwsSw(L+I z2l+y1Ox5){%mL?y-4{B5!^`wi?Z|K#a*xsZvLuCVvUM)sjqQry-3;nR8cS`EkIE!yeczcr0*$zF?jmd^w90C-eFcCcuU zU;fMIJVF6_~JSJkeT>Uy!LRqJzR=- z3nc(5Vp1R;7G(^D;{L)?dJE%n5&)u4VMm#r;fe|`K?j9s)O!d8k843OGEfhhU;)DQ zZ;2_-kIcwxOZ+0a!^6)-$g;}fD5ETpz=K`~3DYnwrMW^~Z$%r$imS2cT8T1GHXsBd zf~IFyyG2F8P8qgY^C>k_B{su*xg^T0%pAr7a8jxHn`dWqRVprzQqA44%{E@3gM%ZY zC+PUWv)WQ^lKLEX@83vEw-$(2FieW^z_<)$lCbn3sl*kC%4pOUA!3wdm{b{t;x!%T z6`rL%A{)|<`D{k7;BjPA=(!mor)+F=62r0q6S0tLjRKeBq#amk7*IyR0&wH}m{MUB zfCl|B=^Fb)793!x&df|=xZg>)mS}&9XK;_GjK?28O1tDPP5^Q&u&$E`59^kg7hD~s zMe40(1P0&-8+&4UCN1LS%b|2tS(hSA+K2{)7kedb9}!Y}g3yB*&M-b}Y@D9cLKZM3 zW*f!HzRyKcQ$|#xV6G7c>#CsG%FN5;h*tqyx`gPurWUEIqj0zQt@5YxsP}c{!5e97 zV>>;6_6(!FnpObW>KNT!JeZp=x6<0nr&-Mx02EWBc0uD`JY7o-y!_Lof{c$(riIzX zbbI+u(Cr?DRi8Y0lK$1N{~Lr*Ru{q|N_C!bk@>oLa{*WtRb_7#P_tndHg`54WkYws1d;24JGHm>faY;f)^PiM9Zp0Hl#Zwgps#xhIXd5v{i-2e~|~2LK&_lYPxQ(AEKUSMo;) zP4=JZDFTJ=dDCt5u<9)|r9}lh^24EPcYT}lO}%jmblf96g0*<(FC40fsM+Y$#pV3;KGgM0GN zHF)Y+vS>Aj;$PYCYt|I}E=x_}{cAon{2eF1{^zeX1Cr6J$1AM;`fYiuTt7RU>mQ%* zj6V-Q_xDha4Bu1P@;$HplYcu1ccAN?{Rr%5uQM5-C!>QR2OER_;P&hvm3^=6cr-*c z)*^yK2?PI8Hc2qqc!$))Wv`F;oclQ@4c*URSVkW@GQOew{EA>@>f&;q?XpcyP5v%cRotnyU3hX zFVx{R3|UEUZeg5Jbnt^ zH*SIE*;1NYnNBy~xS6Ub?zo9i8sYnGD)HwD&mItg2RJ_fT<8<+S16nS^k1a6zEVuj z->=cNYM1B15`ZA`@Ej#GyV`&?Q5hXDHSR>aYbPHs=1yAKSm>4M5yvDoPhR>a(L&B{A6;Kknaoa*rGL`12jfADH2{N{q+g`*K4bzMRM~!bpdrK zolV^yX(s?-9p>D_@krv*TBNI>|Ck!1E+((elzR7=*J3SL53eam;@oOz1Ybt}na<*O zt>GmQ7zbbU{&siC3i;tFW&B<{wmxS8Bj;}_=G1x56W00 z7NrTDYNkW$r8m0Cs5W*rYwKqMZ|EiR!4ULpU+BZ;0CLxmuNY6!J&5asvBwvzm80jl zqjQ1Jv*@I2TIKtnf?@7Gc`Vmr&q=F6x7ZgwB36~>NceOH&;H+j|55tKf9GrI?sP3P z)Tqvx)1A(_?pKx47JTXgourIDUmRiIP>eHAjzA7$zo0(B{y(88=Pr?DiD>3B#^ESB z|2z4k^xhj~x~;sKo}A~>pRJyx4~d8yUzkc?Cv~Ju&RZ2j(;%w~HP&=I9#C|>1fX0d zA|tF1p2KK>*thU2om0+Xjj>ovvkTbMAriMiA>z}sBfybMbo3GAPiDKAh9>B#lg65A zHS7v&5%!P|EE9(S1~w8=EKMAfcGUB{uqEJ|SrJU5XH|g!C)n%O+!+EBrmBxo1T}|T zQRlrvPZYRN&k_w#w{q|M+j?n{lA+^@H89FMWF=`E{ua=vLMNsR=g^T0=$;z%#!RZW zyXLmYJ;n}kJaT?{P|ms>(3w92^i4Hg>j|}R9$cW~$%CwAXEcn({aZLAoJ09gmncA= zKML6bj%X{Ducp5=kshSFTN59F)T zpnC)w!hSJ&SrD43fe&hvO8;Czwy(U0D8ixP^<$lo@A72n!CM6d`%3WHbE#v+{IrgU z%skqR8>*ww6*j#?{l^DH@sEz8!&lBy9nc=Zi&Gen40I}>zQZaGPDX-27mA~a_umJ z772G>Sy)W7)Uzm%&%Q$!5>qt>5RG1b5lIyjjh`&+Q3Cl?;Kg;X6_!vIug}x-n?*`M z@)|P;X~Bk`V1-n}5##1QSEO<1H4(rt3@U^(o7&#>rg~UMV!-BoI4I~amN_%OgO`F??V^BkFHI8!tvNoxSOLC5P; z>Biy=C?%dV40Bs?Rx#Z5c17+L>!lKC8o@ptK#r*sq2X!aR6En0Vn2FE0~q3ZtpHpty?KxJt_v`j7A;c&5nim3 z7Sn?nPJ!}La1`b;yF|SQXry>XCy>np!gi_Af#E#8Fpq)!eHM{c ze^OllW}1L1y9kyX4BSvR`nXV6V-wJ;34j3z2dHzxv$YUtyLFB5S<6La>>9EQd_UwbFrymvd*5iS<&Y7qgU zN7xp!2Pdc01~Cc+DS&cYLP;<3ljrrtAyErNZWvjC?h0{&aCCraq z5JFT&(?F^3;%PYp{k8|UX=D-RheuMSvjRe{f*axMy0cl;K8*aFv7SRyf)~zvnR9vw zThnryfD)Q1WfY~lU3xG~qWvrPanF_joGiwq%41$VH{^5XfbR;37;&YNF36$)ub^P` zsxWH6MLpQqc?c4PAJ5Hq-RDMjNS~&~G>B}GgOveQDtKnnU>_idxnlq5VUTG@4q<#( z9weK~c!?FTLr!&GKE zMnP)n9xfky1;-HYa{uFg+FI+TXCH5-k@9i+xv#&0kSnJB4}O@sfBZqZ8lAyAdLym8 z-AMZ%ou%Fxp{u7<@W&vp)Zb)Z?85UOr`>~xY4>;^MR}1rLv*`BA+4+ubq1(<4DU|! zV-X!O1>bJq!8_SKPNz?I@fxy+ui&#e{F)7FR5j>QRVP}52Pm*_WpcP302cw^S%^7` zL5~q)e2ABnWD%Z$ea)Q6p$jO0$_`tj*GYq@18NsYY3!3`!i)oKpu`zL!@TI_)brmU zG`t2MmN&FWDeQO80XU4h;NAe^SGG@Ky{)Ttg|cgKs5MhSe^L{#U7Md1910yiC{PTq zPK00{BL<%-`kuu$d7r-$A?^jdi?WFUsV9RrycM0ICwPppZ^sgge#+-uGoMTOHoz;H z7l4O%s$3S0!jP{rk9xq3farG76_88HDSKHDxMvQzSb&dZpoL7G`9h9(PZd!O3p>D6 z(5bK45O(a~4cB&pIM1oL{bKXuDB( z0xq__^>67u_5)H(MckG1J9?i7tdB~xk)*?G2QhPI7S$mD!?U3e=+S?Dd^u*IiqjyD z;EU3v^ufxqS0cP0Kmd{mngYX;aAFUJ1EPkWj&5NDqzaHae0YSR3#iUh`GGok;p;MV zZxK*9E(S4s0M^h!hs>H1u&<<9HktI}UJ811a9mqmRl`s3HZSP*q3q@y{_W(e>H8Y> zzxS8vU;OgVq$LKd&8LxAsK`Csr+{|c)1NEAzl(Fz7c@?d+KN9il1x4-p(qRelOM`XrxqQh&)#WY8aue#|j>@lOZudYVY?#?l~ zBNt9rihC^k(xi&lXtk6G?HweM=bl)3mNFl!zi@9vNzY zugog?v7E_sofY;Ke4)S|?T~`f2lOccwB&IJ;?u$QaGn7{04o>y76M8;3{UiLmW;6m;j)&|}@O?1vTmlo6CSXoGSXDexp9LpT?%F+ZpC}Xv> zfsRi8;8|5OeCd6SkP>|Int6a1c9B3(`{|fPFY@>K1!)xIoe3IL2@~^NnTPkt7!?!E z;r%{2Py}p;W_WraYy4J6)Nr+xX>>;cNDy4==#jvV)--6WK5}k#(?8ap=qFyeF$Hf+e6KDjhWucrJ^7DcsKq^JS}I%%R}I zC=STsH#Nli3ui=YTt=u9(F7*c5Z1}OyRM9(I^2%7++62&nDb7tTrD;-k6smiBv_<@rKZ`XI;JA5nIo-SSjR-N67B)840E1}V z%6Vtdz!t#J8BE$pB6AW=eK0KqJsKv5KxC~i0ktlnL6$R(vllw&GCELKl=B*1gIVTy z3NVd|7AUV6f9DR7H+U1_X-2rT8AnCUgmkA5}>F~4N4vaHq|sg@{w#7tO# zDI$zG$F^!wHwU3oW{m}?q*cK*_o5(M2Ty8`@X(H4=u7tq=kXJ{@$6ZKhth%4&3D|_ z=F5wO*QmE*3)>RPP6sA$ETP?0ROo}bb8ltskcYg=i{x{eP`Unn&7=euJ>+MvkI!cY zLg@ZGE~Pi-)dLd#v4iFQYaL<4h3fI?*M>@p@3_2W(kfK8%zf5C%nCtf^kNa;4*Azc z-U)2z1v9MIXW?H+2PvssVqo!~zlT4*bNxE#?9(Cq_$!`CaJLIT`G^1DKTE&(3%{6F zmR5)sYoPyRkqqULIlx2cx$`phk3J?J_a1y1Ai1>;%^##fooEHTHo z!JpwDZ3?TI*W0_O^Z5w-Y=Y+?;)1<$+1@5q?1au>@M3BW)d^i40GhPn7u|dFX>$Va zB)o2S<1lTKnqXT%YcbT2Us3N0@ij^T(TN$r_(_!93A!*LV_Sz55`9Mfr)}CJ8oj_e z_A%m%f&$8I{#F;(i&#aD*t)NV1Hu%S9*VxpEN|5?E)vC1VJ=2TCRrmrb;x(p1Fzu! zSI9o|+M|s#%CUUMbT>h#sJEk&Mer1lag#B(ablb!e+jC`QG)_VClsVF>jxhueB0DY z1aj~Wi`yAG4ZFdR(*SeLIT*LzJNb+9Bi23?SLPY|6)-NKcov9yF}>38@)E$$6;U{C z=DJOEi>ZzvxIQK43)Tt(DC07v*a(ogA2(F-*ATKu=oL;Iqcj9YLUD!;^?YV(n}n3n zt#vXYN+W30`A~^9>|0$&#T-MBu`1L3z8zG|V>dm^drRA1%yTpZ9A`wgvUskaNAS^@ zknHd5eQBQWv9a{@`rFP1ulZ;;M_-12>(*rnOUKc$p3t2Ie08j8TnS$ZKJt>t2KNFH zZETA+fNmFKGQ!<4u{Ey+tUNzbu2^^J#w+o4uNDyvM!d-@1m-*g4GEqKeX^gV8F{1h zk@01e7q2USgk^@6H)K*9J@{#tsyw9(@B*_=aT6s+6A`U zb|H+6C;^!GeWS|8#&L#?$`{~Y=*sdeyWj|vR^hd67>b2iHN+#DjO`z5h)P-_N~22Q zNmE!Nbw(TCD7C1?!d!+^fbpUqc5veEQEdMl@P)TIpHyMax1cCw73w0Qt%{cpZBrTGP>YzE*!%Rmu0E8%N0wjk$I_?jv=WE9hH?>gRoY zVZcU5N$ms14^$t7C2?i%`JgVCRciZaABOv|Oq@^g&2x;+)#n&$C_^YBhGC74FJn{~ z?V$I8#kpow0unN-2xVl!GPD$f24x_^koZjW-v#wvhN0I z14hXv_kDZFxA_6U#k)+M4!&n7{Iz%wB~4~g!tm7OGyJE@>pDu8(Ix^KC5Ur^mOqAi zsRUY-vVrkfrv^fWV)bCbd>3X1GZIBxf3ZcqhE4LBX`ct8t$}&bd_t7OCP*Dj3g%`Z zGXWuH5(Yrn(%K=#I#FyuI?H&aZV)jrJ2y+$4AL?HOotR0$oz(((RQu z$T`llmV^&O_%-TJ+*-Ls`0yma3iCn~$Tr~BB{XmGGGrck+_aBV$>+xuhOhnX&!&~T zchlzfHudXZMAQ^1FV2Dxl3qjYg96Ga;*jTSqCirsfx>Y>T>+q6vhGL6d&Co-Fh93o zq~kCN74TD-F@=YSm>C%@rv=hDzV*$ob5By84E;rD7?BfE4Rra?%QaHxyNr<=M$4)O zIcj%!@7B#X()PwC2>J#^C8;&iTmz}slTX{#37~Q~SPvs*9Kh=)5lDq^d?PxaJOW7h z{onr0Na2~kv6yb%S_S}_N;j96(^ubqJA{<=C#+v0Q!-T8qJ9Uimjy;cU?LzAe>+)JaR=IFT)=yJR_mr1+femz>gauH~gFh^)@Ykf0qZtbMgy`wOaq?NHn zfHR7S;?RsxMq7xDlD2S3UH4R-@# zO$*BtVl?n3`P22df{*apBY2XZp{%_=e!3Y@7W~x*bE|gq%JFZ1<+JnunZK`r1uxozy$1zlDhJVNT!+$g~^5^W`V*1y=^}kaK<1f>DU;74ygeOs4iI@VgUOS-v z!|oR0szerG924J_-n_qG_`%nXm&`ohbB7p-hq@V(;m_EU?cj z@(2`a!Py!z-wr5!L)F>Wf(j+ZUnyHG4genKh05V2DV77$4F}3?ghd}6z(^K(to*>} zfIMqyEsp^PzyLj>%e=M)HUPy>S#NrOak@&ekvez=`_!E>^@rBjraqeTD%fg7g@r6JUuZJ8~%(6*%joxMy1@{q5L3D>~jgWbGtA>^PAS*5_jYve-;0F6s+8y#v zUk_>7-&e>E_tBreyh#7!|FxF>i@*0y%3mA-q@sIr&m0c8D+Utvd9G>Sy&+xJ&`XLK z*G4>_gifK;5qm*^0^O@b8hV`v)v;THY3^9B133OP;Vcg1G2L zu<{B#EYgDkg5)`{V#KBZOqSlELr5o*_K2W{oeTv$dW<91f%Vn#r^S9nWQWf`Mp|{T z0xvQu4nUxTF6+3|*(m6Q?89-3?2+#q-CII=HBH}-joNFF)>FW6HaaJw=Ak9Is&X^O z^-%h70+L$4O%yHiq=>^a-@wpDRX1`?IcaLO-D5o8PKtsWtZJHH8mChXDUW~|SFEMr zaFODw)?t($`xmS$2EKB_dU8GHr-h^R;rd1Towfb63z(DRJ)^e=6fo^#_dxA9O0hM0 z?SCH9kaeCiZpOIfW0D{5$Ls5JUVZHe5it)fN1c!0ebO|14!W1W^5xh={^LD_7I;WL zli%|mz=pt+`h>jL&WEO54v=}A7!HmT=6(;|y@2x3#d-W39scp=F7GKriIfK@U!ED` zXC%$h7-Ee5Tt#-4_^DvC3tqAD>Y-8*nb#Msob3R}RU(C@roaHk| ztS9d|@%}jB3eB1x3nt5UK>ATGF<4K5%ns<#G1sn>-$rD?*g|;N+X!0?JM--V8~{Lx zyt3=-8Uki0xh;z9Hqz!gJrx-&7Q@(cglP3)fEHG~Vv(Km9-&4;eO5s?yhh?NoT}TW zSlStBFrbn-LgmkiLTFW~>Q0(~DH}zU8|lfk6l)JyJXFP}X(32J3z?>^nk#63X1j^l<2w*ui3bDK_*e~8Yi!sN#tOFP z$;CdB8!>h_Rht}T(^uLu4vL5A9X~~pI%gv`(NZpn6zN7w4x$2H%5W)23eywtu{fyJ z+-GOY>CGh>UpD8qH#H)}Xo@DSi9{f6 z0WV;?U7*760>v@~DX5`93QMU+A<#16zE>M*jP4`#@#%E5N}34yj}ui=G*Dbm`v4Vi zJp+LUEn4{P>7fGLxU&rW7Yhxp=uWh9#k6xx{X+5GhW@l$fTbT;*%uYa7UGBrAiwLIqTXZov0Bh}l&;suPfb3CR^k5z1n>jwiLz+8xtynwui)mgSK4Tu0I{*M^AP1w$sW7k?r5Wkd zd~-b&0*8}CQxs_xc7D2=K3+XeAC^80a3}T-bR6KK%nTaq*yRU$8}R+9snN8A=W`P8 zK}rVh`5jZ!W58_`IaE_f|Lck6atWXO;n^r|K$UQ(d7W?*xWEz6cLy$5?KZm00tTX z<7Er;yam1+IfSC?&}^0J&?6K}y=4B@x7O49&z`3jhr5Xu@9aU~GjcQ|1k`!dP>uV* z^APM=ShX|m!55r=-gj<4IT%9-pzF2y>|DO*P zJ(epDl?t!%>cI|zLVx_w3$0@1_zVZth}MJAH8d7Y&}G*<*}^N=G4B`|krhsaPB!7RL2aQ8xm>VS1&Jrf=8MlkcsklgGPk zE5eVfv_)i}pLc0tP3W{;u=*6s>zFnPFU;W_C?H2FM<~gE@-Q_4tV`1)si|>FsB+GN zf*33yoa{63&m+8zC#7_pH7u-ZYeeh!sJI!Ks8`h1 zkNHR zyr{G`bhu=nWuDunHN?;hGEjrMTe8Te&qpC6wI$!zBp7ZbFdD5<39gI|ceSA4) zV0UW|8gQ>@unMfn3jxHClX~#gl?|Ua@GsYd)GD@XFr;Sptj!Ov6uj5L3Xc ze>klmh@cWl~l~ zMg}+nDNf3~7`0#__5d}QM}h7>Q4(-Hu31DEKLyk{L|$T(kaJ@(?mj7t(Xt#c#Z@Ta zn6yagDK+AnL^RjvEVy`!0{EoVv<7sdVJ!r7?Op@sOd(WlIaa7ebjAg#q0m--9D9*S z-6xyP^amg9rd4E8fw{s5%35dg({;`x=L@WpeiVkvhw^Jh5$8Zwj9RjAEAR~R%OPKv ze`cS>3E5fKFD1g^x!zCy$Xr~X6H!pSH{^%Xpk!}!iuZ|V3BW_I;ob_G=2j=j;l~>Q zSghj?9bg2dj@d&kY```&eU8U@3!CieE{^JhPFh6Qp2s%5HC;?MDa^t4f<~|#oi`p% zx(OXdM=W5MYh_JCWrz_SpZ5Vte|ZjAEQwSkiG9XG;3ea4 zJ-~)j8M0=Wrkh(Z!I1nmUW*P&AjpDb5d}e|O&Rbd3n_RK0vp9e^3G!TE}aBc0?o!25=2#G)`L2)Ffq|F(xknKP)2p z;N7pLyI=h($SI-0Jh!zVP62*8Fw%3X59i5Ueq;XKSg$iu9v)-Vv%9ziq5l}Gx0Y|x z=5>iRqjL1oPWs`8KcG9s0YzB6fin#?dr3;c?(imez9B?krF4ID|^rU?u>tJf6K`{o{ZJ_abwDf$02M$4I@yrn- zk49NX3u_7*T0g}#^ZOR(GP1_hnD!xFOlHH{8XeZvC}+ruePh92L?Gh|MMfzKlE3+c zE+VY0V1v1n8WcT2Ip+Qad)|D^Ci|eP;texogW%mHA_-8;g0bf)>4&RNcw33U&3G=O zz3hzQeyC%>pIGZ|5m{%lER+GDXSV z@4;`zfVP(X`TF0VdIt3Nym}0k%2(fW?q5|R{QJib1^=hV@O}@--3{y5-pJ}#HRZKPgc}{Vf`UR6hNxKqjb65^w>)meH4Eo1C_y`6KTa) z$hBc!uGi0=f$v;Lqhx<)1d(Y1N=eA0VrUg!xKvE z6QdoKo;_s#1ztBD0~M4_Ec?{KFt|j9x6l&?gwR$3w6HL@9z5#y08-{i4e3zGQ)fXz zua)yw<~{?)k9_JA)z|?19x0BKibfhJ#=`)G&{o=A6h2mjbC8Sh$-K3;sz_<%djZgV zWNMzMz)8AO;Vr#7PAe2+TUdIF`{&Zm*`xH~`X6%*#` zK+X$TM0y~+$hDA$f|u~VAO!>FUHBXPJqnhB=m1^A|B?}K}XC@UhqBA z0a!OReh#lK5a{*7u(Y5e|7DOLCqR#0+%?vl?k7fg0M*Q%}C(#|A_WJljXW-%LbD{vyrO^kB*eD`{T}u{;b%Um$3)fN_6aX+vLmKj3 zVL6Mu@yw2aJbNEr(wH&=nNWwE`u}C@4WkfL)GXL} zL96c?b74wf&Z3Y^L-U-vMte=7g=YY~jV5CbkVD!rpwQd{FqUZcJoA>9r@(^x@WVEI z!uo;(TedJ~7H={#rHteA6g}MNX4CSc4hiR5^t5BzFFJjlb#GIHt!dYi6R(Ti10O9m znrU>Z2dKe3!ZvrwA6-PGx_7*kb4v5kQL?0ntqR71Ei|A+Y2qTj7 zwAwae;Sw;Vg$>z3KHMNW+g9TA1!qpwTcI?fy}=SSujt5dobsD^MUI4(BOIA>}I7+mL zgm5GdWnxy;k442$iuX9LjVC2fe$|B@XCp6o?+T(bdSPsCF(N&>gsbPc-T-fw;6RnO zowi@9lbd8nSw%%BfB=NCgcqbneF>r|EP5y*2?lg9n9uP}?-6dlv$2s@Kg4i@GR*TI zBc-H_2dIeQZJ4XIK{PTi&IsQGpb!}ig^cT4@XQvo;iZPTOY)f*;9oYWUJhwXBeGT@ z`T|a9p5i&1(<(njK!>^c8&S-%N+_E31e&&l10mko+X5&!V7}Zij2lE!B(4SVVnL>* z`GxeAH}3+9P-nqS3&?XwI)cjHt(!N~oqKPk<)xeH3_$3FwXu^#Gj)Te?6>v!y zoV7l@Zjm{SlpKJMCg+Y%R?;NZ`Kx6@r13&|{uIUPI4d3ReVo<=R{)h}p4>nf{>^m% zt+{BmRUv*&<;=A$!5CXd+W8O+G{KlFa#iwH8J8z8Y`*%0J1n9_maTlDaBJ&ZYuyj zwu&v6#v`JL%?-1)dx|JBo*d4%K&WYK=839g8NF5FJ)WS+b*@S8Uk3kaxxeskXiJ-th-~|KVPY=%@{tgBI`tQsz$Uch` zUjOq`&wz9J>M@-2f7g4je*W3l5$egCaV?ffkj&L``LgT3vUa>waUHI^yjTA385&~1 zdGR-t65kgT3nT4X!BFOVp1`_S3VPzz7jfhnh%#D5$x*Wf0>G54eQvt}yg6S;|NNi* z$7urP?O^p8JaHW$WIG+7t+5wp)7`gjq!*7VJbY>a<8k;Gzyx)NZZ6Vsr8FPB!~)AI zV5Z&}EoMtWBNc2LZq!9%R0EiMBOeCrZ(adz@D6LOcQ&F-*n3^(vP^=sz$RA-IpZ9H z!;|iU!N6Xh1^l!iF_IgF94{f=v+Ty)jlbCr7>)sGV+DOrWTZgXOx>nTyQN@ zL(n9_Pe^}+&zEqlST8D1q*w({X)Ax6)^~q9T|C`H-uBY1H*Tdj-uzmcdqBZ!qBw4r zzmwj}eTVeELx9mU>MuP@AAj^iqSGECigC&S#`H0^fCVzWhU8a_{GJdW$TipR0K?pPH*4zxmtuyuW+XbM@{DaJ)Xg95Y}PsdXMaT&GCa zX8oiSWvEUN=}Q{$Co4>=UL}Z?0dG1@jC2ze@IASyx<*i@iZ=X85Fu;^uZE5sDJp;v zH6lKYhG465KVIWWX*Dg=JGWEQG}X-=^yyi62)c>DF%ctW_=BAibvg~uMYtsM;5eKEQ*6*% zNUd%%Pv_f(bi8>6u!;^wM=0%p9G?{llQS*4&}0uW-U}Rd?f_Fw1S`jBq+r*MQ-I$6 zqtl3#y|F;FGX|}lKJv_&>FJm5Z=zyyfE*PfIbeHXgc=EM6!i(?GJRcEJ3wFd9_};u zuqkZ=f|(2X%_h|JLqbIf`{I__`;a9tz6qz##jaqbpDKHSNrE$k;9(?;vs!NpX( z9O)qP2U81+6#BI0lOX#!Ahjtj3oFz=Bx=QUm^}4OI5~I_3J>1HY0N|O>}f0 zLp~zYq%nBYEUmTQBhte(z_P7>oguz!RImoVKXP&HSZnnOoI?)qR_rx@M zd@xV}5#QIr$MXt^_&;mmwXm?!qX+32`aA}Jibz5}h}3DuH_3bV0Nvi5n@VqK+dz+F z)Dz6(^tjMb!?kimw@4FS&ouKK`@7FRRMtea9nY58-PgnXoPK>_z=jh!Jc2lffABk7 zFxDQTm5~|dX%*ff;+~=QC>6Xfz=4=cdu-||28NLg%gaktvR#Z09Q#`oM8ohgPqMUldo0dz2jUIbUeXM&m#V>1*-o2FX` zxo#HX?4aDJXt{_IeOFHp!nR6WTW@wAuW1axS*=`8`yS~Nwi!JId@yZgkyd--M2n084!H^UceW_VxfQh=cqpkpJlP|pk60=G zkfNF`n1P|Jiwn2X{kwP5)WlTUfw^pL@jd3gir4?n;?4BV*T0#jF?KC}mm^A{BDyX* z&GUCrD*Y`ZHEqGRof@46=N4)M(q3p|dvh|)0}QZOY43=3rErCr*;<+=(jwnIrSK9t zahSw?a4D$P%k%0kVN^X?f8zD$IQg;mSx06^<69zBln&Jl65M8VQ=n2u|s6auKUxNnIlqY@y9`I<&G6=CWl6bY?MdyK6EJqj4L0Ut(D$nz*4wyHfP zYUt$HLbkSmcAp~uH~QCeL52GcTKI?++b~`m*J7U zR-wtR?e#yoMZC_|-t&j&s-S0Kqy8S!1N0&JXpkZQyx>n7tJhHuDtNMcd1wFh>cgLS z$A5n8@cisqxKZ}CPd@kk>~r5@&uA+!S+JP7Er{XmE%cQbA|KVjs6y~oeaEUS)dz-pGcb8Yv%l?bB z4~P*daNJUv7IOmMIU|j;08m***+u|Gv=`hZ_%31{WgTS_MUjYK6mdodPdKGe)fqBH z1=Tc3$6SLS&rFQN69Ad1|I{*N5`{UU%81UZqR5x{U8JVe0E1p2wT=Afp@bX3XAw@= z2EZ+2gD;f;rHkX}6BB?b4UCQA0mVTNhy*!G4_2uEVb>On>&D0$Ks!bh%5XmS2G2gh zeH&?Fbe|Eph1zwukY!@W@EReX6qCY|R%KjCkf4u89Df&~H} z>NfBVx)KPg_5i56j-7$(6*c06%BcMI=Q^U{dX44Lp=$wZxaLvU3SFa33Xfe%EEp<9 z2c-uccz+2d(~~sVeCLlIv;-C=bZHIWNKeAZ zjzWX3qiZW|A>XB=;ZGLYA8Kf|S5GR)052Dr@B_aN^~)3u0hgE2A&p5B|d&SMZxAx_BG9 z{y%<*qm^s@%HMuF-Dn&|iuLpuASpWb75bbhAvyH163(j%(dIgyF3_XwJmlVpM_}wl zis|bVbj%m8 zYvLI#BS>p2T8tzL@E@Tc5>>(~PEsFYmb94K2sB4mF76U^$Drc3wJdn-n9t}S0+16? zE`03!u00b#?K<>K^aSP46#z&E(n7n;f#nA*FyG@j<)K~plhG5wyWoqkzHm4*Imn1y zn&qlf%+r9vs2!Zn2N)AC0H~fa-EYiu>L-39>W1WqH)EQ@ILJ2-1qWwN{(yoj@H6>X*AVbfad9b(Vkq)sm1f(<761vZKsf85QS~z398x*-@U|#y*lzBpql1%F!%JQv zf}@Q0M?}oSP_rg6QPzj(qV&0WeHMlu!nVa`yCCjXV^Slm4O3Hpt-=7Rj0>j=f1_By z==yk_Wc&@HCoJw$BO=6BNP5>VPtWN}avtGkqeL0Z%*~{QTT5w*+_*CBpCWpIn_BSZ zi0&dg+k2!oY`{bhGseUm7XUv@f4F&b2>^j@#eGeGSjX7jSla(xMd&g(^E z(-t|Wc>$BfSakCnZsoeDE(eQYQrd*hsjxMPNZ8moV*+6wgf>mng=T6BqqE#hCjc-P z$D1%_^0g5XYpbLNv>v9#yHn}zgBw)bcOI#mv2&4**kDCk_KnWc#&&{x@1wNRzj>M} z%}et)Q;w*RW1>@D0+c;{xSoFa=MR}H7%EC+m3-_GKnZYuq9=Gh>nT7RRi4LiK?}sP zEPxysxXfb}+N?5nDsThnPlLS&ebt$l$s0G)gP;Fas?xISU~?1jY8U1Yb3j0h^1T63 zDfyY()RH+!=R0TV!@VD-XCFKvvI8L{sE0yZuK_|3jd1hU-LwMDS8hxb4oBx2!w|_a z>}?&Ui}n4qj`EHwo=TwjGpxfYV30K^Z11|cwGOaBC1?c22w=s+-8<>cx4%NT^df)) zARGYLA#Hs3cPWZQq1KbVgD6&d#7$pcX^*I)bLawM;y&Du z=hNe}L@-J-M_63F=m>zORX`ROhCnuyKI-_8s#(TsRh+=U!mBuQx0F`CvY6_N zQ-l&@L{Yb>i2jfxJiAF-`eQoA^b0s0Xe-;lfIoBHVttHrF-Axy8Q}R7s4z|BJ752H z`u?AMkk{YN{i6NOLO3I(Y)5FdYTnR{0ZK{-##eR-5dp0sTmZ3p07K!90hN~L9nr({M(ImeMVEq(L3G?^7>%)o}A z^XvBnN*pyy6|~Hm{B}(ELIIB=eTH?xT!?#zAsRH!U4qzsR`=VdVDE5mx!j%-kyHGU zMSOT}c7E0_JEIA1@cQ@?%)kizK#)p<(>2Y&C)W{5LSSY!0MON;)olGCIrg^^3d&f! zoaAkFtZ;?;V$1V+cKBOe8+w*Zp;HZfC@9W165O-`4Yx|vtiwDe4I}i<;I|pAdzBn1 z8XD$;92wuvh*Hp1zErU801lH&=o@o0jrR}HVc}Qkga6Az#@T;A{g=OVC*4Dz+I;ey z^o|Rhq7)-Wm+#`t6mG$-i7HYbqThtg_ zzYNf#LDA$Aj#CX&_mh#w*1538g@xB`cZ=tb=QEXKif(#zl_b?=hQgv;oyQ<@gAPhp z>=!#d*-m<-HX2dA1?-d-dbd2%$OPvo8alue_#fVjEe4NaDub7JE%&ZV;kspxW7Yyb zeU6j10iZHNy}&$C(>kWSW&@|u0DI|Rm-L5SoV|b#c0DQ8&Z)&gN;_#ZZS6OnNy|Wy zpq^&Lh+R+4&U%37C(#DijwhoOb+6zI?GrhW!;rEDi3Wd@sOnO0BrOnOaOW=Va49-1 z3a;G&1Lhonk3cIN7ta^81wVwiOb3A);oZy^0JT|)AQVghfDPke8c0dvp8RO8hUj$? zxOU71_b+m;oRVqgH)2IPVGguSKb6&vn@jW6B0xriNhY9#=xSsaG*Cs?-NgC3gUs+c z%0TII$QQjHBM4nvKsi$B89M{vC*#YphmeQbz0FIa@o}abp#=WI_uL2WN4_Db&ohUN zaqU^;5)U?wF8=@<;qOh6c0vSq70|v|B8QYBt5I``l-jCkw8~~4Uith9XcAL${XU;X z+E|Q@;eC$B7Y=L;nbu$ROs{rIiE6MC88hE=Wd%Dx7){MM!N|D8lYjn1FK$2GGprpV z@4?hc5U1hhhM6kJi$N7Cix2@QQ=5ejqTsp_$stn|UBW;@+hTcXe+1fEW@DQsaS9-D zwnu0zL{(!mNjf5@dc0jH8J`5=I0Zs%<7Q=9i(|QI&}J}%N7Fo>U zD?|xk3c^Q-2tc_jQrxmM(n{5FB4W;om|&b&&J%OrgP9tub+%7r0#OycmxpXJ)=^~$ zrEvkYaG&Sx=LzH8T~GNniekbL3*^&Xv8E?SFwFy_K$u6Kse{p5#8NJs`$xFkG_3_Y z1Y>L+gL0#A9;|M~2A`k`|J3qys@$ojtuj#>FGb)D0&SL_;Ub&ou_LQyxS)VV=~?P#?A1GwlSVp zKYo}#e)23GoE~yDI+-A7YJ@s#h+Fxg1klr^=+q`_c0r2Gpa_zW0e&A~YGvXE%JyQq znr2+Hw1%C)pm_O`=oH#2QnzH2D4_;m#sKuU&$^VE(+X==$RjvGz!Mdn^-f+AO;SV< zjo{gw0QkD|F6#+Xy`+F=pYfCLl&*+kS|>H;XmuN~k4^y!Q|sECk-n2ZVqSf1P==uc)0Ubl&j=M%3_zm}(LUar zyl?jHDbLi~*n@ru57(Q=d=2o1)QA+S;oTi){B?dSJWN5c2%rkNLO6^8JU%M(3SkzM zTWT2iw>5jnjVBUl2O;om?PdD#*;Ar4XmQDyy6kPct%PS7Qi%Ep-W>W=0Vw0SK}=s8 z2Ji)iMF=8|0RG?&1#TD%d>^L4Ug8D6{X9JNGLzTGPdx*9074JfI#U3cPn3`B82;w3 zY&qiXn0x+?CE^{IME)*9rP31Lhn74+bthWOxt3ldIDn>~!drg8ePe;M`+MyGDZJ>b z2mIIkaBt)_V?dl+z-wMWA=OB>pq;3h{Kq?ZFSH_la~~Bd?w@%TV+ZgV@5jBfzrA-x zf7!jW=Zrze_cC?MJ7@Ig@G>RGzqx0DR7DjX+PL;9AXXs#YH{)^{n!8WZ>G1FN&WiZ z*U}aSyanOPL~6BZdHBJ{r2AEl)4jzSAoM&Dg7B^41_ecn0Hlqy^$3L=&5&Kq-bbNj zKO>OSq{ZI&dk=uUZ?Q1}W8|rF%2wGqA}XSlD6-T&R6xnhLVV%q0}Uqu;LhM7+unVkyWN^S?WvmhMuJ@{rW|oeq(+ zI36q1=gYI#c`n(G^zCzwjZ)AO!>~;;QBxyw=n-Deh=K~nIKH)1rMRW)u^oyoU$D>E zOJk&Wlu|30rjtC= z^RmzVPSmWDjszl64rp9 z5)sp9U)Tb@3fOUPx|)7wJfG&KbJ#P;4E71+#GaH^kRH75@J8Nwg)Wp4))hgm=5wAM zS)FI?yboKE^P+tIL@?QA%M13??H$Y>k@dM*^^$ibQ-)uB)9NBvwOO zuMANO!7ii0pyIj;d_joF=jZ;`D=49C6%6Bokfl|L+2;&j3rL}9C!$^!;jB@s;nwnU z7S|bKNEg(XZ2s8Vx57i5x ziY-#iTuxFEehfq0S`(%Nsa&bF02L4wLwGL{DHb==Q(XW>F2MX6L^I4z)9#hFpVk05 zTcZvIK*j3wRYG=4L;^e@on#qi3UFW{QVjJxUN4nA)%8BlVkp1QWZNhnoahfaW}t+M zKA(`DV4BOu#*1`(yqy-8E9uR5Zlqf%nbqm}w7IuRosH)dEA3(&vv`cTMMTRe3~>}7 zr9`)oE=Kny^OjhXGT~~uGWRm&0YmwSwLF5!&9gJc=8WhN;YR7k*tX)cKa-QwVK5sy zS4PT=Pf-(s`XCjUjp3QAtLRJS~1k{gmn{*ZxI@Og`s@R+^>H4I6e93V}wr= zBzrpDyMLG3CPbL5+)6i?<37gpDG@yIHN5 zA=ld7GIfZ0A`sz#ad)_v^eo*i&EHCI(&a^=Wk~b!{$WJr9PaNUcnBFh<2p~;65I`!Z=8$LvP{ z2qKFHJa^wZ806+fS0L6@Bc==useD$bvoT5(MxE#%i_exAdlS&2U=1CO5NLUdbdX7k z*$O3I5|wgH3d{-lqg1A4-(gtrUBNp&uclT-aWWYz_h_4v#+*j~`4DEAkh8s-0Ej6o zA%tYW2(J!f+sDIlxJBXCy`A)YYd!6fdW8sN*z9WrilKV)AM4sM0HmDWR(J}Z>oHZ( z1p{*}cy-OpvR9ll^e)O@GEgHv3RcIKczyhToB^hoXH{ne4mD zmh1}r%l{Du51sqIYMym~vV#vlSv0@l`O=ub`9ChmJ*5-g_XyGE3qA{4K;VZW&N!{2 zuKf7)XZVd*o*^EPzxm%g{`)-iBo$Cr2mM{r9Bb)UfAv?=H{V`nfBY!@!H>QRP>Q@E zwW0vv`t<2x`ryT0`e>cK0mwW*T}vy3{7$h?N@*tDKq0#Sok{pKMMLRglDdE;?ktoX z3%40{=X_X1`$RC+eaqg`Lud=Y$Q4FeG8EkuG?g{ILVDlA!^ZoU?7wqTN7`5brUDuv z&;fwn2c#%t?9`3sLWV031s5y^>hC;twKSN@BcqJ*8)@R+5}+|W2iaD{$Y`HXFnRre zbeWA*XtdMpGQ5iPlNv?S%H;0%0AP#FUG#S7LPrO@tWO(w+*pL4^I5de9%HGjccEs7 zMHR+7=em%wyxlap&`$sSzxsvXm1nevf4RPze)z#(q(A?`_tO@Ub3L@eG7b+1t-)db zc@&q$<7&aStg{1jq$2>?WIcV9OM41f1{fGLit|vOtelm$ulchNoY8!2D*p1bYr5c`s04ftZE=mP zxUIEdh~xyAG~%H}Eruo_LUb&-K=&p6*oXp)j0R4IPBy%UH0NLPErC7h^@_R;zx{BP zHlku80`09?{O8DI-L6busTsAGp1#oKPtJrEwo*JB(=M_%A)(m6)jh;!aVzZ(Yxj?_)Y z%21r`aA+N2;}q)Dq9D~6q?+^5_A#z(!`eo_-roki#n7&yv*~=UlL|9Ux{XHj6+jjo zCFa8t0=XRBVVV`9hlxNZV%W%>=^5%P(t+!WYr8JiBdMW(+6gI(B9ktZ=@{{xV3Fe? zzljCB{wL#KoSQ8x55RiBWc&%L(K3f#A}W*D87(;#tP`{>O}qA-k)3}{58lhD4}leR zLdW8JI>0=*OZ@BoBu{?D-;#xYl(^RjlW#=I3{K`{fZI)Y_fvR1oz&?R3Rs8UDF~vB zgcE1P=w+^t7!%hL%(ga^z_$**t|?c@&lqFe*JtGWAUHe~GY?3_^9h)bB1gy2ziSoK z{?V(sx3*ypz}f=nIqFS9R5*K(Ev$=m@GLkxAmylsJUoN$j=B693uPWljz}w@aNTI_;*Gc|JM4%sl#)OvWRdVh{pDnA`#4WI>3l*J%3I?!?Sef=5o48 zQA<0ffIOhMR6rZqXea`9NGNg*Q#QO`M=(V20wdq92paVT^TeRG4q-cyugZDR_7vb? z3_~o6gF;ko01zwLY8+YlS7WydAqW_p9`9pB?y-Tl(;7xn5u~+DuGs=(sslJw2vhCj zowBCE1&Hn`%2#E5GnkzQr-q=QiVWMIE{x78bRG;@o5WDPedm7E{;;s)I8hnCZ)@2T zn93ok2u~h9BZUAX6HsJ;r#|bZBI0Ni1dJHv%I6(GDmv<9md{U#Ad9xts6^h~r-P!i8yyo*W8SWoDLa&)*(QKaWYbifq5C#i9< z9}IkkcA^XP_a2>~`Y{UelOKG*LlOlrJDQen&H~m{(>c$TFOL%*Of*1&R3PAbwj%%m z8F#f&h<_e)H9LXVVN|hVx>v)(VQM74qG*XjNg{o*t6u0qt1q)rg=rW3?+! zY*`qRbfa*I0-L0qsEpqwqG*0HQ!4Ag#Vn3eVPldiUqwOVc;WxBdqC;H=}b zr%&*19+H>FaYdc=N8(_TDaq=RQiSL}ut=6l@dNFe;+V zT#gWVFb!z3bmunU(gM#{jcABB=s<7^cyO>sni6f;4h6cnPm|goM@XkNzU%%FD6qc8 zI7s?D0%`=spREwZn$7?KOurd`mRAY2EHKX_3(Ok@bgjHRAo`<2DpZ&K*kvD>igLV5 zo)1=8M zz>!B;QRxqb2x1$`&usAC^(P%(IJ=MMd%x^?KYjlvee2ctd~W%0Hdeq;#%{@OizWZh z|I@Ff{}uY)-ap8^G3+JVPaCdk2&^rSJA_zU-1vxkQMrBiAL)v-^&9ENERl}$C+Ry= zi|O}&eLL+wCF+cOwL2K#Oo9%FC?3lF#^E^w)4l*VbL^!SfJG5rTZ2c$RH|&6UPv2L zRwdTMD4I)n?kV4~=(L_BHYz_TVhSMko^4tW;afO1QNEEi7*aKq#*@izntgXUz4h&% zOH=n&QW1VuMn2UEX|8hr{B6?b-WgA~FKa}wy+CK!WL`)IC7Pq##=FY;*?mEUTF?Xr zfQJvyBVF9`)idNMQKUpF4gfUlqLj-Miaj8rjA#z30y6!2XzA3#m>~oB8K88HdQvlQ zrEh-YKTQARAD`lF-AKRtd*4mJ^*g_XSC1$}ymtc>(Wp%Yzq6JAlLZ|Dv;t~G-oBO- zqZ=xcQnH60P64avh=TER1+Wq4z^CGzPl#){Co=kxmRROY#xdV^aFA}@bGC7Z9kM=I zWSlNe>u}|XR#B-5`bI8hU05)V9508o#$;so?CR z&^I#DNR0xuZw6-d55Uj{}mgFRDNW^|7?=?R{@V^X6$MRe*ypOUR?s@;2^`W zWd`7Rc15CV2TsTXbVujTRCEDSSRv0#q&I2JexKDy7XT0qY6&5V+-ec2s9cJIn{=DH zqFcy-`LocwfU}Qc6uLopmuKBHPG`p=W9l&X7NvCVn#}7VY1T%=XrHN1mEfI|6z4S1 z%^E>=>e4w_5u_kpCks)8)|?-D49(Fjt5Y&QX{YuqG=~EMH*$bUHB>mL(1& zw>{)1@)n~yXv-f*z)33c&b&{Krek5gU!)%$?5PF*?_b5YcC9rMmShnE*{e z6C5K&fdtM~XU}A}zq8kl$!7+Vh-(Lbv0(ug!F;;N%|9ec6^ZJK6EKn?Z(0AsMBH*tm@u; z6}GV5BRb%0bBpK;mlk@iz$&5NPKz@)ElH;Oyhl{xDkf24DtAYNCSX@y^X{8Z3;#k!P4R90%KWat^_UUb;!Ubgrb6( zHMY2tbw)(U1%9OL6BzQzvkm5!(7OgLVu`*OsZ+m!P5%r~Vt@B2eeVzcI4ynUURrtU ze!BP7w-E@lY4zcgw7anxQ3{t7-h4p~5e@h8*{O8l$i(QIq#FP3dqo6+=7uc05SoZE;VjWw~r7w zApL+l1@1M$d{+Q9#sJFn%u2(ykhSAWk2MHTgY$~;5Zgx^B5hIKf*wU^N+6_6eVPIL z`Upd3i%6O$PoJj8n;RHDq(>1J8R6XQMIcZ3kYa(|8mtL!g|TC3s{BmaP$26m2JNszf`RKQ*Q1hRRypP0|4$y#P2|%cb}3y_Mel>I8*EAExs| z&Ov^?D zv7~+YA#E2aB3dH1ScNz1Dx%2%e?Ykm10NY`ccmgVGzwj+<)io!Hi%9@TY8jIkkE+e z$PrDLXrJfLUIpCWi%363V?<@hv(wiHGDKA`g-1&rwm{l(wg7Obg=CE z*}suG!np!C)(I#hQ!QecWB&Vi)D1=Udjc6ggI-$oCq2uV@hL#~>J@oR-UuFv0yNws zTq3UHzu|3VodnNdjlRQs^55$<=KV1EILCbyDG%J=z4!X~a?C&%08>X#hkfhXxi{;i zy;hOO){#@^tPv$uAH_Myd+NS|V1jrpXjEsPt%ofzFMoDzU26?O!93f!MtvD*E99&M zbWLa8OWo2)r6?vU;K|Vg!02FvRV*5e6&cYH=#UjaI%{y$8b)<1<2je2nx<@A!Iy{W z2l8(RqV^n43y84PBe@q{!+Hg0fQG;E-M>t&TXX3b-dYZxFn4c~Na0JOwXIb~#3{VS zLhm_16ZyR`Y@3$T)(R`~T#bS}0X+n?Kqs5BNWDuVzC;SP9seq(asU*NA)Pi?PXI_R z)6^X0L&u4}9b+CTD%>J1yGsglbe3dJ=jrgMz3{;YkJIwvjSL{5wx3<$j){1d|8U?*J8bhlN+e5z6Ck62Mph>j$c7S2y z*gthT#N@eW2_3OcG;hdRgaBAb=+ual;3cLQg^h=^Amb^nIOia1f*u&Fp9{nq(I8z& zE=v0h0`RpUDZB+RQa5!Fyc` zka8<@V*W^rjp&Xw@H!fk z9NC)ig75k>fJeJeBI1$pIA%dVTih1l)k=XFL!3^t2+nz*j*aVwXK8b3Dt&e0e!4%s zh_f4KqcnvB&|=(|IM5HNeX>V;-yPoH!V$iYK7L4Ky3GL4yqQbpkzr{cecp%C?h83W z$za0cc!lBkw*=KuRyp~Flh-?(hWapW;s#24~d!5I?Q}8X!%tUKVz(6*H zs4-WExSd-;1Qkqc0SGqO#i9aJH4n(B3-D2xDvS+-_JYl6f9Sd%VmnCS(Lt+&0YMCW zA4G!)1=`-gv{ih&L{7kd(hLy*<_VwRCBL9<#0B}YZY~K*qBF|Fl#x0Bj4em6xIf4R z;XmZ)VnFMqs)^JxD@F($6E*St2{jHV?s$SBYx;*NBPw!wu|>ZZm#H;E8iC%ZHlD9D z(gIA2IH!}0%AJD0M#{+zy!o@Bx1#_h&Ve9~p6e})(hPRoy+))6+9Ot7kOgGUQOS zC<}yS&@ydU4>lkev<(@y02wg+;y3%nZvqTI7zSjBglU2T7m?y3(&7wf>1NMNZ`Iwk z=2E%unUS&j`~H)+s=B*oA*bmcz;&x4BjU!n=bn4cfBt>JJAkSgA}h3WD?7_^t>cGj6~wlpsfVkLb!Yf)~IL3ZMZHI19t(Mkr)0svvvhL(n^nDv3!C$;Gg}eH70% z%-oDpBB~#ucd&nkVFo z*(;08KY1w#RccX7`v?SLxQ|s=x-g?!-YZD##@5Neb`bnk6c~eM9dzU2A{G)@id+pU zglG@Ho9ZBV6&$VBVXW^cM5)}s_XbyphM|Is2{E6!j-m1Um+?|%37no4aIdyWI$`oltXES;0}a2H(>D1zD#XRt)b_CoU5Hx~cTO3Y zBNYIg>mUr_n+TDGkYHu#Qf4>RD4AL#3=C$zam-j@BI?B24-UX=^RwP3hr1w8D(aZP zs-^WtZx0xOx(pDW7v|V7G(;CWUF}37dQn)31|9`84PgSHta37n$5cN`Lai#h?1dG* zses8PJXY55CfQ<*^n_9AB2nwYMA-ui83Gi@hId{PA@)!lfz$G5@lxE;b~5(y4P*yg z7r({1ceTsciVvO~Kl%*x!SKn2g@TEBFPIJCB3|4AN)zWF+^zU6-n|?+rjJ+>{shy* zyFzsChc$~e%;&TW3oo&P&?7C&5hE>qio1Cym=7AL#8nY59a33W2CrZ|hk2BNvOV{v z`>t-GzJoXA1`5lgzuC8AqX*ve%RBg8!e(2K7-D?-!GD~mg09*+<_!i4#Ow|E?|pni z+vS%E$tuil{G(0$3_fKDxHp4WvFZ&XJRHLe4~$$Utg@4S`?r=-LQ$C-;^PrK1i>q) z4NIND7Ml7$D9#!;&B7`~PT@MIn z;t21r8u7~m;KCMk+B_@`=oGOiB*fLAdCT@fAVL4%HzY( zc5yK$E*iEr!ziDGM>^s^i^0{tgf7*}TESZ=T$<226&!(^XcD<#)DU;c@%(TAdTNB%2+E8|-mbtG{c*?(W-bd@QUq@d4f5I; zC5GU24QG}<%U7DvSNx(9@faF?cx2+sUHCv~GXj#lvxmI11^{731A#|LL<&#|?GFG+ zJbp$8^eh0;`YSvd{Gp*KC@adaF)AbaNh~@*_?Su%t0!qZG%2My3>x4XLsdH}XuuWX zM11SR_+oCLGGnXK-!<6T=VwOKl{w@NT%YS$*89LSEuO!J0#I1iGhy-46f~esWe>b& zH_3ZOg5jasG)fNUp=ww$c!d4brfLbA4EU#Vn!_koLcrZ6RJM(GaPy3>Fr=hL(SsUE zgll+vsdU)5*Thh@je?^F?@qNo=D35RB|=G6tm7m-%B~ zZ=htj^2G^qw;iS3SC9klPJ%NkSlxLJ1lB(A#u|w~PY6fvA13SoUbYSo-(&suyDMq_ znelYkC12p_7IM>mBF8`Bd@5k@(mp?&4oaIKW^;37BbLH;1IgHA+PGQYk*yJ)l*4jZEAAI%lf9Q-*F2NnhVmpT`k9q@ zRp{dwIi}fnoYr~fRh$Nv$$xn3%3eB$d`Tyb6i2gF6@_{l_R($upP;B^F@DmpN^yuM46-N*^zUl&ITWi^i zXtc^ooKIkcHqaueh%mmsLxQh4DwzzREEwb(V{n^XV<}4PyK#+q5?la*QA@m4OAJ%d zjlGJ{E;6=4hNU(QJ+KN$L)Q-osAWR+tS}^`3gQgp3le2S05h6i1T*tKDCl`s*Qs%= z-&0f!nVbOu@;;zDKTN_g+UtEDs>%Ij+>AF~M(8s6*&d-Q+k_7s5^ADH#yIUqs8}+0 zek9!ahY@sD&iKrhQuP|$|M#&%AH!hvqmY@KrqapG6v_(9qaxVKaO|Qz-oQ$~iw1XR za}RG4lrI47IC(K<(dI4^ax#Kvg`NuXluIki>CHFZq=e@(c%wodhdC5T=O74WLT}c& z??LSQbL7A{H;pzJMa0g^3Ly-{3A1^I(au|fw!++58AAnA2+IhjRkXn}xji>(-UqA) zo)B16Dyh`Ong$$9GZvG{Zt@&Q5XLDIERD|_g9v=U zbWM^UVt>C99vB_6^0!$>HNGk``shC_M8JWJY#CxzLX+uHWAoQw=*lG0;|iV~hL-Wy zwUW^`;xI{cX9$i80Fke?+k2FXwR+DE$&`-F%VPct=3tD3t_Q=L7&-}sK$Crh0-?h_pD8!Vx^dqQOs6jm#^Hs32Pr?-c1;)yXv8QtkLePKS; z=f*-oHAg7U;-#y2!hpEh2RpD>1|xjLYJwWur)FWKN6@o=xa80to{uk+ieTekkjf=pMv< z(VQBC>@~fLa(!(36Ij@ee&nADkGk%fX!iTqzm_|z^UgAbQtsaBYIw5T0WLT3Hfs1h zfsBHzvAUUnN$SK2fuQ-FTX4n~8^MEf{>vXh`* z;x`4>C&!OA13fmfv?8o3;*m#QMb8B-Dc%EOnEL#k#fWuwEjh{O*!`@Ri{uJL`8nSG z-PqDH_mo(R6YNXm7bQCREIpGp*;<&gMdUhw!22x}cnZ1*VZl&Jp zuBkAp$HZfIQFd&D2hZavRwMTIa0iB({eOz0R4ZwZ&oY1ERl~)4^BESZ0m4|`E^*ZR z4Q5G;|4J8HS(XK#OpjF1!+C7U?(i5X^%RQX)CHPakAM z#@P{|kmypzy$g*H9xA&HD)bLj zARxg}5E?g$r`|k91}=s6ksup9+s4Z*Tdx_5V>$zYfWY`3Y&>&nh@O^jh$dsQT~-8m zjW8-)itk+NGp3YtS+T}RlvP$*QF*LzDGqCqQPAXlOiAEdE4&yA6JW|*yT-zF8{;EBk8XLz-t*|H4+nXq7(1}mOl z0RtIk+=CvE;{BinLN$EeL-5J?CVO5QN-S@#B7(no1$1z!H)c&kQWpWzM5Tjl?g4l> z&2DuN%LInG+0lVCPsr~gxMUE17QYGjLqf$)*YOxeVC05|e)DkLADkfjLs(kitzLub zeRJ@7=J#mfExVf536&nIn?w@@2l+UdnwXC^iJRBg?zlq`b>U^Wx4e(x+Il_Y{Q-W! zbG(j+^3XV8DBzX-9g>DF;T1u7)x}FQD3J`++XD}vT|wzmXZ|megY6#qk?!8x#v_7+ z_x9}26AkeAzFr$BCt4@N>3(Z1oou|7CQw8SkZ)-e59zVN z<1{`yM!19u-Iu^8vn0fyM7}spnc zOhn<-RQ?Gi2L0&K0>50-1A{r~!&BMo>&zjPjDh*W7>PX7KwdF%cHRf<4<0;Tj`3`c z{Y|`lp9x!Ex|_ZO@7#~9O+)5Xs!P8hVhd?Jl;xR+_Z-5mGW%c0Aw+yAheEv*=HUW+ zIAJ0uPoMo1=ksr#E86Eafyg)&u9q~jG!ftk*opBnQ<3ZN0yHw42ytl>W%cWbp%+UeXedGLb(BRG{ zFa#LK0d)FONUs3gCnz%x5crH+J0z}*Z5fpsMi8!4fLQIqL_tTy$91ZExY;sh0B!Fs z-XU!Gu4QHsWK9aW$GsW=wN+t^v%9)*6$`#KvdwTj8hy!Vo}ew;$HKmeCx;0*8-ztz z@@^Pmc>er!nwkZ%O^gzHVSH~&8z@M2NX)r*X9+Fv8lEZS0l~69hO)$*4D;vbNzyZo zK-x#HMk-n01#ln5${O)`y2dR`T}ZRDvk@k9h)2pAR(`_^#%Io_DLgVv3Tbk;1Cl-N z;dRj^X~7Vic51{jvLrSo?4<^ir1i=i3*{=I31oLxqgv;AM%av6;th$hicJ&bzYmjN z0x1uTOr**2r_;Ha>nLV!;yLnNJPY;_%8Ah?gYWocEn@g27;Ur;4H6?Av~HoHrli#9 z`6!#)I98E091P>2Sc(m9%(RLWlQ+qnyY@1bEKMK+mH=2{)mgtL+F)U#Mh=J&sDYOT z&kqX1?G8(%Lf+q2QORa`YdyV6UXe{IgqM0t-HzKNl^OzeN6uk^0MgpHd)80} zb&2up4kBPMhr(bTjdY!Jq(@;cu%5DC_m2r#;ht6Yl;yYzf-Nx%PYmEc_6`dnyf#qa zx&1A1mXqE}?7%gK9hpp*=co{RBFnxF!?b*tlD@a7K7;aY17*_|NxtX-Qo(^mS7sgr z!rJA0RbD!%)RNhY>owa|=+rxQy|BvtgEzhAXeSH4br=|h1l3hAKK=%EDffWt~C&kf&Ge`7Md$U}iu4vjJVB}#z?3J(_S&S*uG$x$UTpjckFDge-{t08o`ScS%{fp_!GcTrJ|IL4yzWMUEWSP^$pH@)hC<*_K2+RN2u}gD0xo;Y&w2r6Z?X*c1^ftaTHb{hp)25y z%e++B%PP(3Le8PheQ5b~|2k^|^gCC;2 zE5^tXyi=#(mz8O(igHNVY`xKk@bETgozLeS$%FZdQuBSt80baoRpf>t#=v~O`Pv3y zc4KL7@nRagw2MKDDjRES%pbUi9E8K*<0`IltE=y%3d)e?*VfZ#&Rt2vi}L5Kbnzq8 zsY)pGJAbj7e&<);NhQKu{_#Kg85AXr^t=E375Lg)cmm@Mr?(nweC6+5Ol!BN0AxU$ zztZpgudk-RczqvF@>+TpkLfDjx?>0Bw9VY$WRlA8sUuV|vD&4HnzspiFj4Xt#@`xV zG{-08#G~!R6b5G2Ix8%t!HgGtW76W53T|;1XiYD3kwWBbf(EG!E&FWn>{gL7oUX^b z3k-TmiZ7kNGqePRfJgWjNnW8HJwiAPA5l-LQUkFd+J{1bb* zN)pK$u|eYqI|Ee`qX8g&xWBa#esh*@t_xum_b6PtbXRJTShCILFq3R>ql~kPtJbJi zaF`qw3R;jX9|y}4)@%hU^;l&#c%4kWgDomBV3D(39bw-#>s@-M*C?@+$q;=EG?&XTvm z77C3Gklzm897nWmk$Yhb;d18uLRvtGcFpYP%{SjfsBc96jq`YTmb9KA_&2OPmIcYs}JNKh9S;?ven z>KvH21V)lXOk=|r(np`3A}P^pFuOOI12okAZNh9|uJFvk1DYD(D0{k_X==QMcfu5T z8YWVUXFP3?!TyxB69EDTT@)uOBrG!qP=JVFO3_Z5bdtSIC=b8$-pBmv9V6pgV~mhn zkOqt|-}@mp`^@tJ!gC*U(2v5Ve4-#sGFZma#4F|)m%lROG=XIeEv;JVNfZjJCtDB} zya~ShdRo7?nl7W@SUkU&o_+dRo@p@Mxpg~j;fbLzHA_Oz=kS)9J6ue6@uJxvSHupA ziV@&*#4sd6keU!Q(qK}d1cstIoffXlr@8vYw1HdM+7eYiZr@GYca{k`p~TlRIYe;# z+yjmViDy&+VRF=%59ZwpC#a!PKMH^{rHExr$_NYnB!TUyAYjf)DE+z+kvivey|5%$ zB(7zCMLwg1Tmjq1$B%IYxm_PoNxQEF~ zBU8RG1Om4jkL4%LBT{3Wry%Za+~roO{POlKa%tQq0WD0EIRe@e9X0*HSCoun&;4)* zyZx-~1H8o;<6u9zr+gLB(B9THlF$-ZR78t2VS9o;5Yum%<$qae$Ias z%6xeqDB!a$xP~?LP-c|i@+t~u;(O?j35Nk?+Q7J-d2K{rF>E{i%N@?eyXWEY*W0F; zx5u~e?ECNk-oB&a7mE8n7$!q*Iz!M$T!}9(Or?HeaT{+ep}eiwy&W;KSc>LgvG57PmZI#&9t?>4vxZN#kw8h8QFmG?-0*j#ydpJ zT)~xGiVP>2CKjM=;99Fp4MT_e!AJWjoNwJ(ODlIb@m5?(%P5I&uKi*9xnKNLdhX*d zg8Pa8H#gDz6*Q<+H-Szk64#}Jx6<+ED|iZSr{T&BJc6E}C@UmrC`F<8;3eDQ<=Mmv zN6wL4@>HD0Z-ncV!-Q+j4uldap={iT&bIG@Iw?IpLWtlfNt;n**NG=D)h7Z^@t~pH zefsLN>A(C>7t`1N{Lj;G{>E>nWv=%(W0{-4jxN^j_gu&N-gS8D?y{uIN8-Un7f$%&JJJmNOwk6ddFd%|-*9@5va0td{} zjNdcv5z-LssQ5zmm)&VUv3ReYJX#jj6{GcK2TFt8@0j{&R-5(CeFcw%yo*UyAo*?~% zkX2BC>eM?f()^j{`}wK zUH$b=T3EOSp1G2?@d!9+ukyU`Je3Xd)a|6d{}1NVtKU6L|Jy(NgY*+WcRl^o-#eFf zmhlug#XEZ)4;b#(IH4LNm83rNu{!)$CB3;qm@{a&IbKgwgo$sGFJc5-VcBgBoL2MO z#ZcGJvsdBUc94$@CmS6n#~}GvD$KE=6B6f8hBBurc&w@=E;A(1N#29+_AmiyKgt_D zL4p@!ZoEFcWn2W>DkJ)mH?xoI4I=JfoqWOUw~#Z$?aF{5o3O?q>;pK$TA4K!hX$Tv zY;9;j8(7nmQ4cZ|FNU!90T0pxs5)(g1!NjLqK`3RYqah0-Fz`d0953S4a-4sv%Gtn z{%EJ0-dMvp3;spq1B`(w_~j<|)^MK_n8IuGjN*SoAv+io^@em@^3mo(GM9`Mh{CH; zh9wT3hj~P`5!ZVv^Q-I%m=&KfQZ{&AAm$mhPJ0Yg-7~ zguxghG=&GjEcqOwEEU{(6-3;}1_mXBjAwkZYgS=B)WW)vR8-|SYR{x59$S7x|7OdDCO{4lDQZq9HxZ^y*GK3c2wrz8eRs$maGy3BWn`8E><>kP4u$| z1`z~QSdEg%)mTc|;~vV6BTBGV9S;nEN(mFanj;3~G>R4Dxm6CLlmeT(w{&+LBAF=x zrC~`qLIHCKyi0W4A9`e{*zn!{M2uQ+B;tNnDQMmr=ex={+=CJ&1;h$4)laUMeiSo( zTz|s+FK^sOaJiY@zI~Gr9QFzD-GSh=Rhpi32Ud(f9oh=Jmf$^|M&^tmJ_zBtpYC$mNI<%spV4;2Ra4~Lg%KaX^{O;k8 z#pgKj1OL2>w*J7@xxwS;y1&?$PhyD2Awq$|$}za))Mp0$Jw?tV70DgS#P)-4jSn|* zg?So$nmA(qh~viMDUF$jevA@QiuWw8um~n7e8$G{Z2R~ElZe#`#(1CVRx9sNb%pry z4&@q+O+H2lpFKC3EEoZl1^XHb z2^7*j@`D@^O1QuE7DkAZG&cW2gp0s=r|u|1KDe>cBnG{9F%7a--QzvzxnUkC%*n+O zv;w!^9#W42nAYhNj03RKvBoAem$5xSu)B{^dFlREy0e7R8LvIzMt^CGA5=A1>O! zwifaN{50A)w6oMW=k~eyCe26okrP!pL@*SB+hF-H5#A$lqh|o$XF;t_um&@QnVIZ%$ z7!y7Wq*&z35Q~Oz8#pe*nq@EZp>@4j`wY|eqpFXM8vG_Enc#JX5klu+1TP{;Ucp0P zk;I7N)>9N5LxdBDqD;XUe#9Os><4)eJwz>$8r~%Q0%}7k1K$MfTP?AHM?xLGS0!Kw zg}|kWAQdoMNP_a|dIU!Z0OJyF{cPJhM$$GoPnhq=cv-{y0)~Zs4X;Q7=k?V+cL?F< z;HlAb$Smw_LSzmOF=1i#AA;}EORibQ%fk>c!dSZGSv%(Q3qOyM?90>X#w%OtpZ(8& zm_GgSXVT|?^4}%I;q|muekb)!RnpaKgtD|I(~Z||r$70|+j!kk9g1+hpTf)bpu}*v;rEp2G9#COhGHp_T&gFQ zAVNdLb6wWcM8?N>s~_XdQpbyZWP&hd%J=HM75sVduo)f#E<~&xa(OJ5P!T8v1`-8> zm2lu$Au?9M$+|GkaMkk%-qf+_A>vxH+|VQX zh3Rkd(wjW)gQBAa?Dr$X^jlSmTQ!>f7-Z||Z9G`Md3PhdjLZ`E1AqF#z0n0G#It%k z`lJlfCt=NFP;t*tws2njUyZWk!Y|`sx+PQD69v8k=0=%E*!E@rbPz9bu=$=^Yz+Hz ze<)}BtMA@T!vxbEuRK6b+Cqf}7w~h8Cqh=e@B=@|1ev*znHbNb1VW#&FPjfE0~HFcgfVczkHPL?{1{kt+jM{aWO5z zBus%Ev^bjp^Atf*cgq^t%S|@c0~uqYkHk2LdoV({#w!rPtih@wn{pN^Dw}J$IR)Q} zno$s1k5If4!dlNn5dd93NV$e$qK}OV*FhZIXc~rLneHqinCFm_2EzCtLUbF%6vzeSZkR22rx&-fS zqXgl)E{xtF{m+oxNY9BOgj;hKl-Y<{=2!8~*ub*AMcxf#`1B09a`7@=E~Al*)TBlV zm^*lU?7(bV1;nJBGmC_uSP~S)i(Ue2cpWS+Erk;2{KZ8S3<$-HOT~=IncNLp^zyR0 zj%+AiGJ5Vj*VTI|H)y?#jUg6N4rNAleJZQKLYsWb+!I8>{5+c`@i;kY+$EG`Io(J5 zyM=pW6*sy%TFSxN1O$al`$t`rJNL=o01_hZtlA@MJ?H5<2%q;d23lrK_cfJWx_QYI zIv!tsZbML5Oa`N+it}^;xrAvZ55y?3qrlVt9_4ZAxrGMxln^03Ui2Mn;v#4zkRj%* z&s-vmQIpCH=T`)qT?9q65P0^6hm7jhxx_V2mdk*KJ4J^ zQ;db{=)=DO!$Azr`VU~2fw52Di_a1hVT*x0Iew%W(5jNjiR)Q(exH6)aXNILNUEg9?nqP2%>nv!%c*h4aNtJST!W`^bqO z`UrSsT*Y3Z%u9!zW%0mkYiRhacVgn^7-C;!qB%-Q{Y_Oq48 z$Sbk4k+x6{_+;pic{Hq!(DBuqZ>FWSx6|`~rk#gk{Tlo0csPDNz4q3(2qoO0@>C-&qx?RGQEy?n?M8l$DXs_S zk@Rg15tYIz@D85rqEu-i z*fe}j=!6Ovb5SU8m4F+XaGVh@6?#4c-}TrqPevJU6TLK4Ziuf=DYM=r@u-QMjaiTK ztNdnO4N~)SzbpjEoC`<(9^-(XM%4%V_ZIn2{6MxxljnrxCmIRlk|T5=u3ljFx@23#j;oE~*y+(97C3NiR%4M*TQJwRJl-GHx< z7YsokSoYl|kA#N`s{sqbOUCuWnTKVJg{1=j#K}05Kj~dpXAA>)Eqn@t;q_T6#leTn z>Oso=I>2nIANY6{$bpkR~LA}CgYyX;x&Gr-#ea~k)+yZ9cvB)s^(t2029VP&vgrV}mlWYx{(i z43HbJa*|dEo1Y~d=Mr=B6nQ;nFc7OGK4rcRd3NCjDv=G55?aDE%xlN)XO1&o8^oA9 zhdgEYX3205jA=RK#Cgy1gE$4%T98M>J2fnrKhFw<4fyglVSy@-fF#ZXOZ=u$!({TY z=-|!Fld|@l(hE(mpMJcN%parYNy!irczuNl*Rq3`wmgY>IP})hyQG8Hk6|C8y(*zL zKtMd3V=)Bh02;7#R8HSmSx+xh8keafNoa=gz}3Pu<0>k%1iU}s9qE_*h9?WxotUhj z?b8SUFPyno^bi&|s?^Ae4WBFT8~b`l|DB76hdn#!NTAPL0;ciV=LpCZ&Wq-J@LLg* z6|f(4#ru5lh`E@Z;`aZay_eFn@yz+r^W!r`d7_wXCsRb{Q6Q$`-E#uedyj{Gxfr@3 zq7kK^aDk@Ujq zF($`p;+9a702~TmO`v4}zbZ>h9#L+zt-BEkdTO}Xi>TF*H4$u^C>=~3S)-n>B~#19 zp7j$_(vLOYDi=O+7sPZ-D8N3-3d09ZsZ4UrCM%)I9GIO<)hRNk6G9`BG-RMnsLCmd z3KMNwXW&oSEtN;RxdDT&q0{Z6K+Hj z9o*MSDphp%tIn2T0 zoQ&XoVP&0un0)6@w@zWEwR?=xr6 z=XTw#{!>GlVX4>}?${N+>p4`_y&D)iBu~cyAuz{y1a%+|dWh(TIe?N)xNN{I9I+SL zc!5+{cgsSS*?$p+0t2BUNLRi-tSwgd5q@HQ-FMCF!ZgJ77@ zHqUt*E5Y5>m9&K`?R~Bu;44s1OPk9f< zi)$i@sGLOz&~js0>5-LX^yyEb@ZkNCBk)%NqmP{TH+yxK`H-QYJv3i4Pzm**iS z;XQpk`jx3;|3H5kCo((F1QUqTbd<8!cmBgKrcZp~X+jxmAv`n@AO^6Ib+LfG@@H?Pum1k)sl7iz zo~!XRiI?Ez%NIcD&^ex`u6wt04^Gn4z{F=!&QOIBxW8gPEtDI>GqrT#S@KI=6z7pl znjA;%KFXW7q0c1nJ3#qAIEoFunT5Jt|01-2|M}CXWV4G6bnAWi0z(mKk6u zK7=8e?ymEK#V$fcpn)>su|@&A;>a9}-bP?JB?(>Aq=#P1dgPoNe9oZ9xa7iNb{U_c zwX*+KHj%cOx5&QQ&_2Tjto9WN7+IX;5_p)#7Z z^SA!_od-{O*6WkE4`Bv=^56StPlJUoc_l+kLLq?hNOYtj!&raUOvQ!-l2*i?hDgn=__+2#;2712zz%Q1LQHh zc^~`^0RZ%&5Q_IIyhstUqL+!vits+-cgO5+Rh~sT!(Ah9&;{oPyt3EA(~rGsLP?b| zE%7%3b%ziP`NHUg+xZ(KjQ+CcH{J~JSt?ZYvSR2lCyvLX+l2qYI}HY!{5MZKax) z?h*#i+TsV)BRiUMvQxyJ~r-?;GX;tm!Fx1kL*j|ex;oLumAHF3guqnNN*@oYE!&Cg(TtBj_%-zufAeSI0;JEhNm{yK`- zCOqejbp292Jwe-#|ihe5(x z#^8Iy2(I!2oFU)sjH-OVvPNU^uAW@TaVS^h$J;0t^zi9nOmKaqRUQE+yzBWH9z|T* z0Vj%+3=>juQpHGWXh|Kq14w~_Rao)Th|Rkm6kf|x(+_wO)so6q@t?|+tXPl}5oTC- z)}N@#w2wk#g^D(BZa32_D7tS_K6MXenGpkIv*SA9j%&`~FXK(YNSe$5W(9!#u^BPT^1#i6#fxIPO7Tz}SI zo>}JboEnOQo*h@$k;Q6+Aa))1`UB07$NR4rRy4Ag=Z? z9t2Z3O9gbC&H!Ez7~Mjz>dY1GMP$$7o zW4QiTy^eOr)HgMe=e{o(5i^nNMKL!sgO>*09Okw_38A3AfkI;&MTH4Utz@EB*o3Ad zFewVJgY?_snRXFOPY|*VU+J^4wvbdMldtk(z{@gcQ z5V6;m1TIlV(9GdG8^r7BJI!0+!goz^v_=rTD*DhtWS`efes-aAv zgs8x1SoXC>{t^?#x>w?PQBXA~87yPngYfm!Z<&5ia2=OfJ*5In59(+}=V}dD4?+*z zgQS@bm~se@Og0L=90$llu*T-jtKjyhtEV|@tV+}&`Bo1NcVy9bU0DM&UN?D3sv>zV z3Q4Q~^uff+1ne?rRyDa#K9al3%Y;8|Mundi1Vw5jTy%LhD=c&nU>FgnMb`E&P@x2( z4P1}k;t2fWCxA_5gX=2>5xI!Rxj5Fyv+p|sHuKp`V4X+cgj;6|q(sP09v=CtK`{@{ zXHoiLn%uo8>@A>S*zxHFBqFupA7cKJnch6n%Tk&38o4@nS zjHCz7v~R69J%kq%ax1tr*^|p-%{2Amg>?M#z0}xd)(+bwrJjfB9)k|F*} zKlfbv+rRwpq=9Le{*j!UXAlK7zP!vIc!HSi=RP-|);E^Y?bmiluzfvUn0tQ>i(8NQG5#NQGA3E2cE`O8~*dO~SG>y1Y%8MJe zQi1+9ckiX<61Zya0*)C}G)wpjvwm@t5*Fa{1r%Nz+y>lP`7Y3KfqUYGf#@WzDbr?P z;9Pp~#lM+8`Oz2C?OQj}ul?4)Oy7C+CSf)(>M)^Yti+IY<_;VL-5eqY+X`NWF_kdo zmJ#B?pz_iIbxbF?EU;z>W-8)O!O^V<8DSXUIjg*B2@U}O!9aM)_{aNb9O9lD3CJrF zRSLkNO=x1Xg)yZ?*~VbZ85`&I#t`3|e?!x<@!T3IWbExzK?lkhxH6PT0S(OmBXF7d zGnH371aKR)HQ>-^&R8%jHu%nX#mVj$ZxCLVDA+5|c3t@uXj_B;w-HwS93Cne5TE@0 zkY_++pN0vQWUjHerQoA7&M5{c%&@$^VvTK^c@fWx1Nj^HEnrMIi*{aeHPx#|>eg*wWDzgS*LvlxHAaN!aj%)9X2jWozUZ8Y{!h~@qba~;rI7dYyY2S){} zaNAFqNO5F*311NmLKfh{fWn59KUeOP?*Ne5rR+aTse-#pC?QNPY;{G$2C@+i8OJwg$%Hq z-ulD+bmQNyvUi~?aEa&2MJLbOBWV~;RV~|;2_!OC|-vAE0d=#ZJne~eY~4K`BUI&@M3d|>Mp~E*`21< zyBL>NYw7ONQF?Kqmp=8v^HeukPD?kxole#(=@WQvuOV-I^I!cjUdtotBOkG%A{A1| zH}}$=H`5=zx|P2AI!UKd{9Xpv{KC_CE{j*;Kda!aR@c0AC3sdV3*zC|M}mBe!LD_U zwUs9ai-kO*Cx$pFJSM>JLI0Vx@I;fwGxuS9(D=vP1|ntA=pvM|b#lT~@Y=7CELtV4 zFHxNpeoB^5B=kgj(gJUamjWtT>t^&z|Ke#Ak0KjMcJTXQd_XDfmHhOQaBSPieyb>} zZc@_x)%Bxv3xb8&I<-w!jS_c&XEp(~`$SO7?;?HioaZ=6fB6uP@`};qGg-;USdfj} zSeXy?oi7g#ulfE*p_m9|A9L;Hg|W{u0oidb6x)o+eOp`;pWXWo;IH9$xGVn}I{$uM zs@-uB+{6+nCn6@9Kd}yvT>R*KXXL?kG>U6zS1d?@7>hO`kYR3v2LJ#-07*naRM4*Y zUUZr71tNtAhxSMyWYZ|z9|6#JNN~AIK7&!*ROhFr(j{E^FI~P&Z0l_52T%{mG10~I zLBZc7J}!>^L>VVGLDhS**-8?5tsE#ddh{K%n#Z(V7sM_PD^R!CaG)<-#t>p<6bKKo z?+zN>Nc4l7X}>}u$W?2-i1Ud21tvMwmDexFyf{R_ z&0Y>oKH7U26`JPFDTwe}thaOQ{&io(IaLq94t?`WUK2J>Bz9sg6trD;VeO=W>m6%S zLC7B(;U0X}y{tuyw(6uR@zTSLodRPZZk~%H;KX%f?hB&qXJ7ti-$BqsE{=^c#e3Y- zDm>V|cqT)ankcRmn+Jfcan^Ppq^t*r`6pyH&1kG=!wK_J;@$prQ?$<nW_Udd!1XI~I=h^f~k*@!h3V#z3loAxC7h30@Oz=Dk>Bli&`r2WlvriUhmD z_8#t*JD3IDxpgbuymgmEQ`Eahxf3giEPwD%o+2 zfh!!SuK>8>-8P;407n_-}6Wb5LJ z{4Tuc0T6f#%wq_mpdua$tD!&*FuQlaKp_1L&oaFL7=uyi0elMZf(#d{7&R0(PJshW zL{SBg36mxQQz2(!Q9f#=TpIUBok zmG4~8=VE^I*$#9>Jny6PF-luo-nvBo3be>+6Afo&q?*ou?5TA8joVa&;yXPK)?_eiu^8Kca9I7qe8txc+2$D<@E3W%HK)d{ULHr)zhul zDQ&oeR~K|WXg_$_PC{d}!W3OErK0ugXd_=;=UhkT)p zP)Pr0yuKa?3Z3ix{4c(HBYoq}O8S|PUQf?YkjIYdP16{;`X+!^F4N0&kE%yjwHqOy zP2Ie2^n-hEhEt(Xz5#d)11$0lTnvw7=peEI<2IB<*shvv*gZ#kdS`DM9-s_Bd&dai zTm3_UTRye#tlFV`j*1oY-I-HOW8Vn*f$HRyb00(%HTFOx9HqY=c6_npDc!vVAKaUv@B3+GlMr#d^j7yTrS&F70DkW+LQhgU zHz{9UCRG3)%9I2?53f3goV3T1R+%?>+bVqMkRgn-@UW&fZroKO+Z#rb|8;NSeTA7F<+ zY*(eyGw*tu0+ETleCXn3f5n9R9>{>j4TkNJ-~3+mk&&LjE6_2aXTSOTgTBO$u~57R zm&JYgs5Pk$Rji3%Ac`U@tz}b_Q)ny~(&9N>Qt{##CS<_e0Z>l7CeZHDx7pqm(5wbw zg2o;j-efVM@K9lab*e*K%Tl&AU;8|c!W;84nU?W!9o~V|7wSlQ*t;-8eQAPZkkjODm?Rg- z5MCjnkO6g@iCM1!!vym4n!qdzw!y>jhgprai}hxss$q0qV}0{bm^2zO4mXnmMU0Ql z<&rzxAPAvY(!0WSpe2Ywa?`~+)+GzQ=*VycE8j#y8z$4P>L5mmQ3GYo5pK{bU9xLi zzLyFL6F+68oU@XNT6huBheLCIoQDcTEMS0Z@@E)P)!kxjsxiyCHQc%g_`9l&V?Gaz-nvResMT8d$En$hn@yg6P zhhc39_|Nk!OsVkEBBnQip(_&KGSYD+mTYGn0Q_GrPuw7hXZ); zk59gT&l&iMpMB1SesDO?kG?VlzI$o|&pfg|8B0ItBKDBqY!~YV&JvU(Oe30!gfd*^ ztLUHKZ7YZeLjqna7?S`+_T7X2+yitd9TRue*kknpvIfD#6^y;tYTeQL(J?A<6E~GGGR)0e)yNa^Nn#s*`Gr$&{K!72=3;5l$ckMNFE!t(;$l*lttB3`_G zJdRf)Zqo0dh$lmT4@I`sN4g!tTJ#J9SDDwOi2&2>fZxEWZSwGF9hC8n7c`}WtMSle zH_grslBa`QR+E%$9MY>2TtoBG>GLVgKSS{ol(HxUVCkXZlxtN<-g_06;ah+QENg|* z>3tU%>lAaQ;u<`4N|Mu)UFhW`S@7q$W*^V8Z7Pkeq~HJJf0MrU&DT+$jDY)yZ*LJ6 z6TGzZDgKdh7l-*7JQr}OVFCjJ^u|{t%VR|1W)&CWUg0Jy6S$1u9E(ZuDkcc6lFQ3( zu@W{3J83#6czrzZejrxgergDT8U*ynQ`wQN&(ci+9}z-jk*bpv+bGwPIqK~ZL zV6DAA;6&bnPvRnQvUn+sjKUH;gbB>`*fqSs$|iLL-2psU7f_@=Mc$mJFwD(kEJ7uj z2EYY1V+4S^9m=7esGwsXYIKyR)#9!qyN~|Z7Bu4?Z%Uh3Bq7{iZVZ5K#>+#B3Y zcQ8#uYpIepw@=d)UfkoeV5|8a2BO#De|zcK zYoCYzYEcSyCEdBROehP9L8+?f-s(pI^Qlkcg#n+sceF4fuZ+`bK ztV_^()*^!;SHY9Bj^eit{Jo(rOi!%miQ!8p^>mEa%o<9vJ9y*V##?)tHCe+@%}n5F z4#LGtE-M5wx_Xpn@!sM^pR2%?;&@@ccnKGdCvYb3(e8}q=DC4q@mXS?z6VMK?j9WA z?RZ|FnGf)OzYb*vFiX3PzrDseL`Fsq3-5dGt;A3$oxl0Do8My) z4@U5p`XI^rP!1=;iO-AUuFjKOoO6MK@G&{Xy8|tVU9qUe!WQqg@!F!D-(B?L$P>*R z0&rf#9sxOUZx&8BVNXQ7b5KeU9*oa1NMmnfJ>4T*Wpv=3G>*k*j*1jBcuCAoOy!CX zEOL!a!n%bU>j{izB*SF<68Au03d4Lxb-;bHn`X1A<;4e2<@D zU;$RcV2sD>ao*e*4w=D|a13oS2tWmZyq?|`H2|}Y;HwqO92Xu6{0g3(JrY@>U^zNg z<4p2J`ZDK*f~)y5EE&{bHyR6ONunwmQ<13^G2G1k9PXPJO;%#wLSmnX)bf+~taR zP@c>EYOa@4=2rp{UM3(l!#GsDXmM1L;QWQK;93$p7|5Cj)mkkalARVohdDtRCL?Zm z&hjcrXz#D3Rrcd1iBJz=vd!VrK~d;>x&*OCjK|z0ffpEq%zAtV-gxu?r@UT#Vg7$$|vT}o!e$Xz@0biY5VfpOHefZ_!IU2>U&infh&Yi*bqrW}cHpcnrk54}Tm1m&9 zBY&9=0uEz8XT~A;=kL=2U?*w|xVKqY!{efdFcEv0{pQk(KZOkUy)XA-z~m$M5T|53 zC$4jUW@~gwS6GEOm{<^8>=_A!p>FE01OIaq;Ynsb!=-H>j)gCeJ-Fg*WZ(y}E0;J< z4W0~}{!h~7OS9>p{x|=5dg1vixHW8mn@L7|yp2+JE4}v4-SmI_=1b{2Z&P6lJligh zu_wWSNR@Tmq)7$HP;t9uvRdFblc`D%%2*KVl+YW3i9O-@#`#>v5_*4>TtZ)5OqG|H zQ|%T>Dv#P}bOtXn${+4*-Qe0?T(A+&i4X7W-VYpM1*$HID-G+cB2-w_t6n2S1^iH{ z9H;rkku+JoLLMnBpG1=!A7Y7xxjfZ4LFw5+LN5CU#t|+CQnL>awgw)Oc+IKI?SLOl z=myfo8c0F7;PMO7~_3-u4H0e zmL)=JfU6*Y?g?oEG&AUe(;wHptLG8_kuqJ5V$t)lTa$~o8V)TcJWz{a9Cm6oLYt#v#FxGT@!e^ zfd};sgw3IK_8NJ)rodCr&rehK^&E;0lo@^GqyUzO;V~=^dW1LB3A~XZ)s|}Q!`rov z@vMaV7k3EWR$de20q)k|6C>ccRd~cs3>v~igc4AmOqjMrEKQgf_Eq3_dhnipHl)FM zBd3f?%nqTv$9p7VXHE{QB+;DOO;^4|PCUG**52x+9Td8=)1TmZsiHz?$`N_acGk;j z6R)_&;C`AU_s|>PdKG16Cw=*6pGg-kd_4W>tyj{we)W&i)kQr+dg;YaKL?N4Nh>RO zTCD6-O0}21`^p{grnq(&MFn{MB1!|E`;~9qNN>FM7IH;B-MdTG#K!%!%N%XOJAdgX z=hIid_(JOK-6jz;9>OT4U%$JaUiyRIPZP)@|G`(L)6UUOTDW#D&0Sqcn}pQ=`tKd5 zfBkRBg942xfv@LKcJGkWZ2_Khl6-E%z>4x$%rRb#&fNe!&hYe0H|tr1!#U!00Rmv%PCOD0TMFC&ab;D z157|@b%i=EmwIn3&f~>_N5>o?7vl)1gCqj2b1xB)`7ch{bTXW6fGrl&GGq{XE2xB( z#?=PMj1@z#@c;k|AXUJO#7S;QfT*S?f&lCbLA8e^MkNIMf|yyoO=Rvsru-hs!4MJ$ za1#x8CXfJPE{Ki%1!xM9K)FapvqhztEUbqz1g&s&m<_-=r`HM_@)L?tdKBP`HPS^n{t5VJn}@-n z17cyoM9f%j%UB$Y*9FdDTwWKOOYL}ArU*CSni})ahjzHkSY-ZBNGjK+zN>9ZC?0%| zQcN(_bV$M?JXwrgCUj%CK1TUd{7Gq`exgt31yh1|zACRilqA7EwOxnFUuPvSg4bgCpkbx!r_=mRdDB=7HB z%e3ra72Y`9OUJ|+?&G0!e|0Tw5;C=k%VD?~3J1-Ptz-`(cH>BoF< zy`LN(>;Q zy#QQ5qrdH^xOb*U9lQ&g}G7UXRgF}{R82&rH{G!MeReP#up`!mB(+=PqrUE|h| z`ID1D;F($SBmL9=_E*xUKl@RX4&+u?{|0#UUb=thRcPE6=p7er z5?ufHzjP^WACIM_jWN8)X3`%>r!73%24KLuSpK%YbCjmd3x)SUbqpo@P(kZdIJ^HP zHZrN`USMnoNKmRr}9w7yNTfyU`hvKG3nMh%(2VGjE8rqk?@Y%HXfB#-o zl_|l)gk@3djF^hC3r{>v;C}J6^uXr{c%+}8dyFlEo$!|7GH7QgHK6-_8aSxf2JUQ? z@a9Bud_ofIQxs5uZqNk5Ibf8&R91Vv_mEHFcFeP!Rqj8md7)rekaaA~txPqYIG0}M z%cFRYzBv`VAnold<6NK7o2%60If2m#K>=neDEqX!GHm+Ia}jwsqP=}TvIpaCPyT#Z zGoVM1Ya8@FAQr#^Ud302J%u6y+?Ih2B`ZG{_|$cbYtLY?P=W;PD5!D>KZe0(*rHE) zXZmn&^@CUBadE#0`00}u2VO-UUHB&LXeU_I%>f4TOAVBr_qgXBJQaR>`JFU;)Jj+T z$I^>eucePp;-^N~>;Q(LDHGKLhw=@F>=|>Ib-_{H;~41K-eaHeyd7|kAkX81Yc)f< zYxBYGXaDn!-`%OOM>OOr@KBra=*8h&XsmJ{B1;S0;56I7^OAp|%3L1ZLwWmpB`q#o zOyiff($c+~X>I)-_BLsaQ6{L+X%CX~XZAFG;uk)F9jTVKNc_G|wY&rPEIqfcU7jaY zrI{v2C^CSDLj$3_NkIXH*%$HD=z(iDHmEpv>nM#ZJV(B@9Soey=`(n0%%9hDc#~wL zn`wV-JiYVXQd&J(PrvZXUrB>_m*2a21EXOry|mH5^KB?CKL2zYyH4)F1Nd3+?KQmY z`r-YzR*%z-H;&S4cc_@cnv9^-xXgGgt!^z~|43Q~1n*GEW(j(_!~GB8p%1ZnYupAj z1Gg7^K=JMfioB2+^UDp=rU-db#cQyCJjaSYCbpPdI-7Z55)|4hgia8+nb&CFu0vRcX%34HK| zfM_Tx`f^7AMfxPgJEfB&LRWEop-2`3Bc=z7!IFUH__5Lbj^dKnKSw%)> zGV|u(XC5tY4)nEZ5@I9uaeqB=VncF&nO3u4D;fAq{16B(U(1!wIls#UdYA;&P#d4w z+!c<|zKZrSH-Q}rB;goEqQH-Rdr#g~o&*!jJQQ;p2`FW<7zohFKUPnRfv2G5COOh= zSkDlXl}fk{FfSee1Lo4u140Fsnfps1`XWKow=dg`))F5%K>tZO3uJS-s{BzwyVWiT? zXXd_IG>i?`O|ouZx(j0stk9=1(1*km?vg-ilaj1UDle$WvP1IP16;6=aewA9*(p;+$6w(v(V$zy*jPKvo6 zcRYkEu0O+BfIlck7|gu}e1(vuV4RmT-s#fymEn-t5G@z|i3kj#$hbzDV2&LvBseh* zT3JGClsKAuzzm6-WSq?Kt`MqH)4sgE=+k?;cZ%JC4drd&}vKgL`Qi?}hFp)yc?&U$rzg2|>rfUzUsR z5ko$F+@FsA;Ego0j8KdR#OU?ibm23E-CgWYqgMYSF9p&G1Hdc7&;t;uLa+H8^bpX? zOq{Ou{sh|FY*6j0c@1~;Mevz9iKsY6&MB1zM_3A*xSESk^-z?5kWNYk&BbJ%5G!g0 z9Yt`dnE#}|n?}zKM{?1b#o5%GfS%yu-NTEnO9D=ZWFS98=(ZRK{2Ya+|sn5>mprlRwA$IZL0cso=@l z0tSqe_Iw5$18J&Y$chc%h55`p5zs08sQ?ScKQqJ%o7F0FUqul_qH3S}7|)SIl{bVN zMfDK?sU!|o7(*$+CBPwy9_CLag?PG!@<`r>hRmz*%h2)W^xedx8hKO_g@TxO(cGiB zu=pH%$HyRqC&Mjc28Kc*EgvB{hq12LDa%Phzi^M%YZltlMsPeqs5m}hEGn~Ltlba) z>Q}eE|7PcYPmaI-8Tils@jt*pSC3D45a2-^82BpiCQAhDsF;!@W94;!=mOV4On1waGwr4OxZ5?T|rU3$XqNi@8@VYhX=>BRTf83%GOXG%X@+bEom!`=z|U@ zM9VjKD~2fMd3GjaHvP`$?6D6*V}0a*Be}iL2yDi8-eJe1@=Pc&z$xOpwgn2nH@S^? zHPc>ktqNQZb!5V#ve-c%sR~d4TSP!*#}U_VVz^iVzV4H^ZXLY52W<~NQDuySm$48& z;vapT!MRErpTfR90%vkg4<1iOMNm+2c=-rx?6ty!qiCP;Z0;vIIr}4=+P!?V;U+3H zghAhZHa+Ev`-R{F0Q+719I}$18GFI6+if-qI!29hVs3Cqv^gW5mZPrfEIbe@0E$D@tTKKolC40$ROQ-S6TY96^JYx4kjfT|7i z1b$2>+ec}2dp%mIfH1k{2n^Q*+R^E;iFhAJ;W2{pV+iC>+)KnRf-jJ@8_5!M0fg)b zT|I}1KbBnJHv%)w4B*FYfcnc^M#NUzth%6aR2<>NEq65MP!S!SWBO%m9u!IH^HA4vb#oTjwJiE{DTo&)1S73&lhK`aXbP5ldF}#FIv&lF!zaT z9o{;OBQqQ@^#Hcxv%Q`dJ`)g;`cUHeIV(Fr;386fSFvSZdh3)yfL_Ofz+|4Hyx2v% zzs7!PM6%Ld6WmhLc#m8$J191e^-clyxEp;lJ_uZg1a;gkURqrXgviRWKNQ?Dv!in8 zy@zX8yx#lUkK1?0`M%?E=ib-o$%!9r2AFp_%I|l;*gp1f$#_Lnh#&1L-hoNpLjd!g zA7X#|Be!x-2J-{1^BQ4U{N}}HD24Z|Y~_mh+?A_lUuYrf5DEc50OKbEA+C{`Ly63H z86|P3r4kiBGhdZ&>|TEKC~#edJ^Qi>kwQ2MNfKq2P_RCC6_?@9T}{u9Axx~jK?(AE z(76>D{oQoDwZ_(_H6DoO+N793>TA~19u}zcm*-G8jIiI!Y5m@})7O4?g$J*uOP3bY z7(#RPfaJwkycY0!n5|z+O)PC2TcIcr31jrGP zF>nO0PC_(GhPvPpd2&)BLFp#>l1|d-WkPCZuciugTa^fIfZ%tb0zAdsj?8>IJX?P4 zw|^^r`KP~xRdoiT;5zZ*+~f2%_Y*$PWq2qRRGbJ;&=Q^}Ti2nfND?ylSwNL55?+}rZmdUMDBzR|9>HnhULTuA zxD;<315FH+ou6jJDJc3WCmk*{EBRUx~)6c7h5NY{E-9cgPX{%=}{D{h* z=-0lV96t^-V1i$H3}5nD#UW1-u*$p2-HfAHdvPX>!t%_z8d9rQmAI?$*eGDV=quyg z%!g^g@1wsQCeLuR9v%@Dlm~<0 zvj$4vcd*F6ePb*A@87tWMtPQxotsQwe&OkKxql*!Y_pHsD1Py#C=l)aQ+ZjTOL4K48b5jidN;%(|#@_>fWCklWv)!e$h!PLOxYhA*Pk0t zPd`5cze&Xt@(m609NRm1Fi%|OGkN)rcFFO#llIBw=YG6=;UZqo;CaFUJI8oSKtJv; z-9s7LPS1Vx*;M)nxiUU^n$~WUePXVWE_`Gvo$TWIe!G!2S9kEtJ5A#khSD()+g~0{ zhwFW5XA_0W#2{mzNXrak>Z>d1l~oiSc=}!?FZ1&5PWr8-R(f`#KmDyM7gCqx&TTwr z%BQS};pZU4F6*Vytp-2ch0isg3JFM9OYnd=jJbEsvjQWdCLk-?sgRIYw{2DgJcP4Y z6JSC*>(NEIBOR{#;*u74)$200QE4SU_Ilewf51)RO<_r+r4(WY97R?pWVcE>Kq<8a z9oRr&w92^Gcs~S(Ht`DT0yBDutN0GS0?Z~(4GzT{Do1!{+XQas{@`gp`x_siE#gl1 zlrPWGmY2`<;E29xU{}FoJNX+v@VtI^9{3VV zU`y})K_4HYVuJ~0CJTnXcz@gj7Vb3#Blfs9-|L*$6xV&fdlc7;Fp7yT+6xcG;YVM< zM=Vgl3SUG}Z5I>-Y6BG$#|WgGSUPTRucdzC`qUU|{a&1(OBYZGSUyT6fn_*Nrejud zl@um18gQ|hAFU&?DRe*c-kfuTwn22}JP^@^u+NWHu|R||jh!d8i;kOF3gQx*4{cx^{8nacA|Zc|b|Qw@EP3MTh4C?F#-cE; zh2E)#k~uysr?4b#P4T_f=g5)si_Pv4h4Om)7$W}4-sf3EMTq{*YO{1skVgpd znVp?Z^H@FauB@VAe>>fH>#Zn5I5;>&`7dG=DS2wyUc;2sl( z(2qmKhWSFgmz7LJyv#6jL;{NV zYn|B3y(qo90|7cTe9L6FXCX2QY2l&7q-NHf4=~0eTA5&B%DgURkbS2OG7nhD6Xw)v zfz3oEuSY05^6(yv&$0Sk??28a{{26EsAmFhKGYHX|MliSIy@A6!gm>*0w0Tw>^(CZ z59e1H7BAU8KC`!?LdwG?u@?*c5;#HyBe)vW2i`~6<35qM30z`1&XNM%nc_nHC;l?t zHy^&A;jXhY?|&<$$SOXvl3r8P$A z+XB``yu-R!KeaMZ9<@_h;J0=~( z%sbs*f4%SBv+o#S1~b?}a04ldlqia%E0SEYY)LLVVM$fe52>V*R8p17KcLEQwo@rv zwyPY;lC4ltq-do`iquMQ0YL1)U@&{n^i1#j-ks+;_j`MKng9iopui||XTE;7yWexq zJ@?$RpbEJLPTC^9MyuUI^s){fgF&$fB3M>*brbiBeYIG@9qgET7J6fP`q^0C8bLA;J@}3_big4#G19r- zIuwg7mymp6ZD0**gH_P?$ey6`@%jtr6TZ6r$|xYyUN(C6zg&KN%!*&UsG+1%hA zV1SKM$1Qjztly2zm&Omp#Q+tjw9*Ey*M*oCe*7g3&=~ln16)7ByGr)e!QX9c8d_L~ z*PvaNp<9;t=~c_(cfz9eFB?$TG??Tt!;GWUoQE-Gqgr6Q;AW9CvjIGA9m;&Ms@|Ko zu<1-Op6jN}YE$^Wto1%QkNmem9hEfE7C=pvMo(s;WIaF;&fOF`Px5pyr#ETYu>9?F zfGBsv-$@UwA`K;+NGpm16UTuQrPB(`h$Mv|Q)`Yg0R?>Ddww9yG2 zj?4S=BQQd7w~EWqjkygxjcmp7M~}tcvwLH_=T_XB(mv9By#L>oGit ziXW1>{X?i?NOP{EVhElZogIt%o>mOocg57TTQQ4`q7l?rE?=BSf@5FYbKgU;fB1QD z5p?9f!_4V>z;ocOmW4ROSbgBVC*s@-YjNc@`VV_@j~+V`m&e!RwUDQXuyWxTTh`Od6emTgT2(g%7<7GD=Yhi$YJ;|I*|cPn;y~=40Y7@KJiD zO4uavmCuVthunY{t*Eg_9F zC8Gmc_y%!Cpu5MRyXUdZ;bE|HH|aXw)LC9B(*p;~ZwCG=n-*zk8JH5(*73~fUa#Qd zH<>$G6Y;UZS{0_X`^B`6MA|%Hr)_1<%B-O=z@+=EY?kPFJD7*_#h!|smF?qEPfZe=kx#{?LzReaxx5O;?XPhb^GmBqIrAa|y% z@-w~fcV6>h*Pp7BsL^&^m?>rOcEoidZnS`S02Pze2~}h8jh&)fP9T0YxXpD4Qbpq0 z*nCP{B;$ikXS(b}4I)(l@&tu=Y+ChbqS}jj7X&OqZU8V7rj4``iJsKU7)WtC7K23O zOa>PSCl=MBa;5)#b`sl9N;OCfY4@RQcIidB(utwuMMtA&m>54 z9?(k4bm2(J4j!uUxA_H5@{T_R@n_FiQG)Z48s`{FZMc{isyS_5_GgJl{7ffIRR}wy zze9g^<(crk^IdgM`Lx$yeJWg(?cQAz0bx7bRYlqEitpg&M?U%R&Q9F!?-E1ZGv48pt+Ugk5mfMlK=@+AXsk@K5J7x`k~3%u2Ui4tiCYzQN~tO4H= zNo51aNfal39e96e@f48x%pqnn3x%U)>>{nAhrA3ys6jJkU!%-M9mOmBtYgj*?n%ZJ z>rTDuqcBlBk(7A!^r86qpZ-y-xZi~70E2t-XqCo{8vzc(>3ZcqQn~z zv0I2PH_Kqh%6)TtZ>)9n#EeWzj4^liv$3yRXI696!2tFK*`Pr9ZaG3Q4&k0fAha1{sTw$qsz(xq~G}O6@D8Fk}$-jIzUeR|K#;6x-hTq+or3*xBh$>G?T`Fxv zHz!{7lo5E(lR$f)^(o0Z>Y_AAGj1K>Az^eIRY(|LDZ!Czj4HF(X<1d$kppLbdJeLF zPR7su)=XI>N|)UI`!4msKl#N^00spP9q&Tl>^P`mu+zva@F&etNp^TG_rj8PXbLWK zoflU98KhTRkU&!Xtb;=wRr!hphj0Y_=ph*}vCe6`%o5>iQ``(rF6GG_1k%<$SY%T1 z%>%_^#Iw}fI=8u5h6$->szn&S3mAx8Mx{cAqeyuTDWW>%eEitK_~j2j5qp<$NxC== z6OzM1B(dBCa-`X)oAiM2U1)Rj_o>z{b1?y*@65l%=hC;*>EKFu#;e%B*}$+bdK~=l z`nT3aKe-8qImy~Gw+4Q|z3W!bT-3ow2Tyjy*$0opd|5=oY$jSzW1O1ki3{h~P0+~-GP3pcd~U?UH8WA6mU zMh_mudOKmbBVnTJTn&lp26qcp6zRkw4P^HMH%U86gNrw?vqWDMIu{rOPQ*L5+r3dP zv`RH5td%ufm?$cN!Vvf-zj;qW;6_HA!{^u<$dSMPT-#|2<6Iq7=v^mdg!ce9O5kHK zy9ow|-c@u>yacSxFb7@(W=3Zhv01W?bO+j(;O{jUCrX1;a7I|QZBsIF0C(@pb0dx4`Q>*QB0Ob1 z%9RSyH@P?D%f(km8@*GN|Giz`(agS+sx&v>PhUE?c6zy1>8k~}x>oOZUMmE)^WB@p zH*eopWq4oxOk2J8THW7~Cl78zM3;hL=0&e1S88YPao-97=U|Bd-9Wq9B2!ZObCXvH z0v?hpmq0`ANq%HBkQi|gG%g!V(g~)SR?agMpe~Wf)y*dv<|bP`WNjUEv7t4+1~WAl z+9|^X1mEfprbv62ZZnatAg?XN;RNaw>62)no-26hm}gU}_X$teC3O0*JUrNs>sH*! z_F`FBrb`Fqq?Z&3BIaB6Me6%8t8LTmK<(YY(iasYs(iNY0y=3cB*0Z`>p2Eu2ZH^j z+gviG=XvJ6<1W$>gKUdIS%#BS#tq$NnTlx{C;OcKN;@C)CMbsd$c?n;-)G8Vx z;6zi$vKdih83prrOPQO4a3^2m+24+b&sk>>iF&-=^S6{sy>;=bI9x7L4Mb73&2lSO zzc!H18Dzj1ywu4Y>rOq};RiR@NT! z=LXGoSW20r-etSV%Xw?Czx~cE%jb9Y&rY}}=d9b#chx=RH~Pu?lsZvY#_C&w{jeSG zGB&om;ybwc_@^J;*@@fzU1cG3>||^d_`f3wa0k5Z2vwZw%HRR6C5^K`i2!ge=pn%~ zT_G0`Y`_JV2JE^_B+=AJUlmiqMZySmtTD%c5~dVCjOrp>2Y!FRd;0wxm*L=jEw;PsJ~M@-rB~!_eo|k*KjFta19-#3_6o zwj+nb!u{qUzh6|>;c7tg&0 zLA*bf(3hUPF&fJgc>Un?NmqwU)N_M5QAhf073J;~)}AdG9jX(yLZB|TkRR6Uk3V=a z_F?B^4jUBxbFFdVbI-*3g=wTgT4RnA&L8@@pNNnBK%q8;0eO(EjKrKaG3D;kfxXFbhU*AQ6Yk z2O{$l#IA*|9=eRIV`YB>qta;%8+#62gZrZc9d!IeMoX^*d_O#lv$#aujQ;L9hw^ihI-tPcZN|n{(-IKg*szh7#H0l_^HWP2}tO&{!1HG zw3q9@_{dZKHEqu|7-hZ}ZVJs>BsGLr*UjqZH{(?Kwj)L5>3!Ps0v?rqPFNsLN<_gR zt0d*zz`AiYy*M=Mz|~D|N{TSAv|T1{^}tNka1G`6qgF0cQ2QA(GxKR5Y;tmz!zbu9 z%ENLGOlj(*fzkSMoZ8nJpMK&b_Bgs@Xl(`@3m#=&xKKF9EZ;K3u|T)~kA$5!j&w_799{`f zI`f|S&t72Gbpp-hg;zUZuHJxdY>tor1Zp&=TVibTa!lW%f0y^6hGI4F5`$}Q>o=K%-cKmOC@ zuBYtRsC!BcfEkpQ$yHH!;a^G^xPAg>9{we611Gv>=bFmB3|e7Fm?8@A?JMC(yjk#^ zc+@z_Kok3`oT~r;KmbWZK~%3Y*3#9YyBv3}eD(`C4hB9_duys%xuIcQ*T9QMsoH9+ zQ;AO2;{~KPZs1=10`^~Cn@9SEz1t#;jdk#*>L)Us3mqZKD{U$50H?yR+aTR4^uKe< z_rl)oAZ@COp;uCilg%?>uN(rW7pi~{(cYO9X7<$4TGB(*+sW+2VRG`E zeUiw-HaEUIshHI%>PLL(8H4?^3Bj)6$xOE+eu|H=ka+^6dI<%Hr|3K4o0eZywr$me zON!ru7-a0Yn3|_WIX(v8Rlh_!GO&#>O8B zok_feoIm$^oIig)Uc=J#O~eeBWdfl4t`4;-I;BUTE*%fpwIVXxY8yms$yMfC#&rDr zQMYC`bs}-wDQp%oNl(^9^b*gqSg5~a>SEw2Apa6k^4$k)8gmw(nLgZ1a1^(^Vi>pTBencVr7 zj%&QQUB~jGieFu;Xg)i*RjBSQzr@Y?->94Q{FWfsa63G=tAOnfcW=H;5B$id-;)Hi zQA&T`895;W7!n3|hw5FP(&hM+dEoph;_}WV;Q~A&#got`e3C0jO#D)QzVlSs_l_w; znPpm{b46)0Zn;UQ@iX}q2q&L}VNWNG&1?goOJsmnU~Zs7z^N2yE$6c{E~U~SKy;%F6B9oRVh2P_dvX_H21Y0@vK8#KdpfL>Nbqgx8AL$2eJw5;83$gFuK0Jo?$H=8o zjEX+PX5kjDrjh!<$eiv^bwj?kiTiO4)IrFL*IFUGWsKHn=rZLj!+78G(Eix_Jj#^Z(sv;=YeOgnoES{6C-le0=`@{{1+OX!U_Ty+}(m z#{{C_Gov%uxay4iPv0Lez4#Kk-#6li9($5gu9g^i<4Vk9ym*PtJqKpF;jgpFZ>JBH zCTYe%UE2_>6qq&xz4yYfU}N1e4Zs7I232^h4`*d#6bT6T!;@+ zXW$3PjneU%YXq%q1o z5XA}WGR0(?I3JR+k@(*A!#R`Cp7UaR4WKmVQDtAj@-$|vvAqq}H147c;(Z?*m}7n2 zv7f`5)y|cer2bQ!m`~%{eU9JaJR4C?JJb6dxO)>DC${~M{xgP9?uK{02Y&XKK8-DR z7?;d*X`MXW5H_HtQWXjVzbi-p>B&gX8=i;@(TQUd*Ft|_gGT&YZOpt@Az>YyBCXnr zWVC6W51?W4D^FW6hqst(U|`;f)A^xNvIUbubw4HEmN4eH1RSkkgmwi6g3{LQFa-t% zyW`+Nq`UU+i9T?F^zQ`fwj(!C^T0mD44y+)mT3#PP?g$l%2g$1rE??N`kSK<2JVC4 zpogg1llyAXi-)8%z6p|6ZN~b0YM2szxyhEwvIXUx_Bdo-uTaP3t*Nxd)&w4@Ayu~8 zja%*~4o2q?vxPqF1TSxZ$F+-b1A`TtsQ9h(>m3}#)=wui>Q>B-Pca5-FbjKP85}u} zx?o4WJLYHBAR}QQ?(a+0;%RJS=r!pub~V{xO7i68p$CvK?t| zjnk*vGX1y!v!Wd-!+Y*If@I5FOiwJa9xTQAmltB>GW~j{J3jLZKMvK0;bx>-mXPw8 zM{;avKPvB(v4(r?>qy)E<`+iei(f@rFZyu9yB>Qm7}|m{=Nf%-fX)69Bn}60<(uAW zl$b#Su$e2Tg8X;iC8G&E1I|voBvjeg;3I9X&;aTW9PnK57>jG8_Y?l41rx8{MkPsZ z`kEVea-{Zw@hcGNlAGTW{=j|a&pYYVyly`OW0ob2N+^t#LZ9eSMHts)z#R3Z#z=MW zqmo;U$v8~*XXvw+>DyVxcNI8VLybvTYG+;GHfi}4DrH_CM7Vd#{gF(;tYd+_Vv~a| z+NNRbv+_-*nt3{Z4c_}RZuOj3J}0@;h*Nztp7C8%vY+^H`P{ABooU4HF~}zWfeNL; zE^Y-7c2=$;G*Z=573fs_VeX+Pyoo_r-d%zH~a z7pA6e{(xPORoNsfMWP?=JS_)xD0-`is8*i0JW26nj_eN&?}?Mgj>WylPsHKsqiId{jAfpYCs7)(< zZX~|Dz&TwTgX84aE`-t{N*{vGR>;7xUgY8F6=SBQX6v6g$MIy9wD;HKxI^4=u$SY|Ouo8o zQrbe}N-2rLcbN>jH{?~8lbw?#@rT;yMxSqq9vC-kqDx>{Myzpi@%acxy%inrG!jS* z$4`S)$BrJ0qlXT$;2eyaA;xKPOpiTGs6w5MQ#a?Jt=GW`lg~+X* zeD*DQ=FfYBBhRAINT077e`K(H%Ln_567Go3tD@6g)v*yLGcEU-rERZ5R+wBEa|)rD zD#u3ropGx)j9C`H-9qbE;#cj@Ue03p1KedW>&C6KA?yEU$g0G?`}c3@0T3}Nen$K*qo>J!^8$cg4l-i-xiG3HE{Sc z>%s~~EL#s~5EB)PuAVq_hdl^aC+7InL(&d_4aCq3CJd z4+8;-h=umJeq|;m$N5HkJJY&8r%7}|J11Aoh~Z96Oo8WEFsbp>^Vj3XtC!i-x5nwS zr{ZI0J{C`pd^Kjb=HitrH{x%eeKGnm+&4Tt9QVKHRDA6z=-Ixpc>hQ50dKNy;Q?iG zvLB{OFDH@pI6QG64)q-7lyNOCy#5llt+ry%{d=Mp*M;_58%*^Tm^QCH^BgC%css#P z$ll{eP(4BV0*Q!)CM?_aEyX8(`lk^K?v3C7@>ft5*&CxUBK9pIIf*Kttm#&m03HSe zo>H2y^|7&ru|JshN6$XYSVVmB^Pi1VXMQM--unbuNg{D0}G&yb?}sQu+q!skOwSEkpiQMPpO0S zr08}N0$lq8E2wlV&7*cUj~mZr7#$oaX?WkgoNiHjJ8>3?f-?13$9m{d_f%~Hyx3J5coHxmUfuW+bij1Dp z7HK9_-Kc+_`jb|Mqla8R=X|Q|;|jy1eT6xVI>J&tF8(#PB~W2&!n0g6#x^HV_i(d! z5YH_eFfCV+n7B4J5o2F{4bLM@ap1%d2bp{Fu&f29MDxl#_Zu+?tvNA15ih@VBP9Tj zA3uzTl)<=p^9uF>+hFeOWu2qHP&u)_+Wpg8<029S^+A~&j17#?e%!MnYeu@cc$qR39y!3g#x>l z)d<89zrse&7rE!-9jOzC3dd$+M%s08pJU>F)C`vyrzQGbL*Z+vE;i#D{6QEy2a#m? zI+QJXy?W08-<#fGmMxnQ~eak^pwagfwuPgbSO}9!|#|K65_?%#OxBIJx^U z0@T;ri} zlvWVnqXhc*{uf zh51=tL8;~0yjoj3VN8es%+rOLtY{~X#4n3AjK~S#WY|h}sBNSp%j;Du|ccAWIu5+csdp?qd7E3f>^U~eVvDDUq6{my#8ey)C|+zofaEi)@&qJoW`*AkyGNO%^Hl83{} zAjz;4t|eBIcyVHik6}Cr>z*=-svO#cgvJ>A&2ss|j}(o3GF_Di@5y2NyY4H?2GNZG z1dIO=(YH^o0h80?Yz}&&6QkMv`}ZNjtpT-p+{3oVnfnLh^oP!1o&-_gbNDRj;FOep zU164#(K z3+?fHfBqLSxqLcKu{QU2U=SLk(5zSx=cu=k@A}*#hF%ZH|M=hhLj2lq{ZYJraT*B) z31Qd40<(^}!|hLL2$^X$b^Kwwtg?Yz<^Vwvb7=^{GzoBFk;P5ePuL@If!j)&1HFA1 z*+m7QL5OFIWb73r;cTL!)on=*Z2&kW(eK-6-^nemWg^3GIr?{HTg~p~{ zWA#cMxsfaOQP^m+nHQD|E*BvEZyt%51*&ZvT&X{&2b092!~|D*0Hg$moBvcNhDoP= z8R3)JlCYw>hfIul=F~Jg8k@}+`UGzvTgFBn2dOYL{B$D;E3kSJX2{Pz_Hdj6?px=P!s=k7u7sLQT}#>^58CQH z%>yIwsSKC&)B!Uz4^HW;^o~M(V{H<3z&7B&Hx`@b;+_xp#>pQVz^=v3n7!2pBc>LQ z^kPJmeqC8u!E4@1w88i2qMaYX;BpIgh{j+B$R@vh@dge8`eLyASd5O~;Su`q=#dBG z(9mp*qduqs)@Gz5@N*ZVqoZlmeqgYVdAB5wF&REse?k=m26!8)E-)^d^k#&##AYvZ zbG|Lkom-9vI*`$5_(Y*yH7Md2d?Q6!D!ee4l7j zi3;fg;uqX^`znWtPvu)9|8g)$AMw5^4>85t)Jde(U~YJuv;xz`^qVqefJ4rF>0j10 z7;y89X$S8|QI%T4!0Ro>TzHXn;y$H`!$)Ff+0vO6E>1efXpC%`V_X|JyzHT*bNC8! z7C-L{JM-|~I9^$-OJ6kNXBi}{;*@9S4jI40;ay~G(C`eUBfTx1wyW28pPiI(Z~xiZ zNyKP;sIIr;z17{D<@r`|-~7F0?Er!tZ6Jo!j4dmBcAX zzhZ1;yb_h@yCx59O*IIb?u4&#N|;QML_no1iC-B2Ry9xUy-6ff7$APL&e?`M(Lv-Y z`>)i|Nn0lF?Yi$|o@_d1{KO3+#9YL<+UZC!`iTHSlAsgY*oNHDiiC(@T^u9sQ(}WC z_N!677KQ}~DpNAatv{JsU$a(3PR5RPEW{}sc?f(7!DKv$NU52UKAvjoSzz$K)3FbI z$1^AIkLS_Be)YnI7)L~{4L0>Ai|s0lVY+#xP({EkE9+``1(+IFYgK}EDQz{53=s<4 z?#KMf^X>R0m1(jS+uvL`?3QdF->UNNj9`j<;`2h z^=tM?8KF08Bef;cZsc6X)a0dZUX4@g=sOpV{BA$oS@p(yVU-2W`hIKIW}Lf!zI_i= zFjT?Y?$|l1xdC(@5uB?#=0LeuTEHP-4(E3X12KUZp)BOWbrMEA`#%HkB*s&k%&~SZ z@T>k=jQN!fDEJELE9W-QQ09#j#e3$s9=AXNi1Ie4jiWXs2hxKPxUGdb+<`Qi2GS(l zo0#Lxym$AS_L#WlX(z;>Yl4Km8$bIb8L?b7aDDg~y2-c=oI5{`3%X9cVkpria~HK2 zCD3|?;61=tK%7{+6vsNSTXE=kboFB}c>IN!y!K+e@jQ%;=HoH2?}O1Zun}DYSE8Gf zvp(!iv|xwf!dI@wjjQNjZ{mrBes5`;hbWt&3=BQuT|iM_mKW;f+C}^Muic2$U*;rG z=IqQ8Z5XF=eBXrNU56nu05Ll>bQCv(qwz2QmtTpE|7ivzo+skNAAE#O21ZITY}x=> zK&HP6al^6Kj1ignHr_Okg+oH<2Q_F)quV}h~Ki_7ROM8esiurksfR5Vy4H#s$Hf>BaKg=CYH zU>Ob?^l(bA!Px2SJOK>!#N$u=RO~%~anY78%Esj%23!C2Z~RJ}zxg^KFca7Q_^CK` zd@}Amc9P9QM;wI7f+xgm%MFbEec{i(6tBE~F(&4awqgC2;gGNfe91hQ!5|2FQr?P0 zj~mM-PO{fl=Tb^T_v|FdHKv?W3cE7B#ba(}NG#KX4T}FVj*D^y>jmO1GT|y=ivoRq z>tH@+(13F~r7%QzmFbupeBWT9&ARit1_7^)lXVX3r*Q|q1x)EhXA!3U3iL>Bgn^|z z@g@)J?%Z_KnG%n0U75RI{tkPfqZ1fqZs-zJBehB?Y;aAFf6y`7)<_!$079x`Fvj8p z$I{6oj=YVJ3lJ9E%!q?SlSY9F>bjbAld8P@>dgPnv^Uolz2MDm@S%KKrf}j#>9hqr zHqFepKw-k9DlR1}joT_yq*>c`Fpx>Cw-x7DJIrJXhr(5A7iS?zP${u7 zvyG zbq*_Sg(eFwt$BvQ*$i_A6OyrtWX8FD9+#2?lR$_ix5e{bXN!;C-wGZ}h~q z%PaBRA6<&E7f^L+I)J^Rg*f|YI}&SqVrA%Ly!6@g;56+?EXDlhL_GPv_eS4(XG~na zhQ!BZ3{&^P$em<8X^YdtgQ)n-vG$?<4RgO%!$SF8Bwzc-d%NF30^wyIN`yD?qpuCZuK7W| z^H1EyUp^-D7Z^%hXz@S~ke+eP*EDzhOzSxCz6R5%S$i3XVQkRPOE7yUQM;REf42x@ zZiS7@I!t!KBUMqUlZMD$T1%ef<=(`HY(Q4^yZU23;(hb-N;U0{cO|@wjE&Ob>;RhX zwYuNk6L0l?cf9ZQ`K`(+gT6cW+x4yL?qZ*#xjX9j^js!G$yZ1LB7v9!Fks`xCOV67 zG7&`()o_tW+NUCN>gE+fMi%4-F7_Z=dOQ2##K8k`=H63r?}?K!gptrrM2#~&O-WS) zrx+8)dx>T;b0%i_2|OT6C$bEHYI9umWA=-gSqtLa26#|}_48d$P$ThcOoDU|+qn01 z&=Vo^mO;@D*VRqF@#R=oRrdOMM1vPn5J3`;_BG`t zx0HNz5tZX0Wyf=#Y}s#QtKNP^6xJcy-QaA&;b0k#!~6C_{O-rK@S)hZ=lOW{m6s4b zyqT_7T{cttgB?Uc;8sO~KzJcox9woLJD;tE=^RhL8SK$gKNp1(8hPb|_tpExz&2vN zbC;?vJ9Dhc-2JYM{m!@F+r8zK&9A*vg72z(+s}Q@-BQo285;#UGJD4H*bY^)9FLuS zw;ki|&D-pOO*TA5y^I8OdNnVF_Y925PL&VeRi6r6^EY9=;IB+0BFG8Nlf(;TieRtW zS&g4e1g3E^5At+Ss@b7#{7bx-_($AX##cgzY%*V8r5%slP_p?4G+NQi?t~!IcylL~ z6ZNLmiavGmI04fk^Ck~DroxY4MkQ=Z>Zw~k`KXe&0sd0twupm+gFxi6XkHs#i{qT2 z9eMygC@Gn_0gw$89q6ez-h49#SZ8{MPsAH<%*OR8#JOR>cYwRt)*z{XClqwWTj|dMD!q{^ zbJ~eOJ%SC6UZAX-vKel0myuSH$+4Ly^R8u!$*`4Bt--j_Ce$QpfA3fSBXK?wkA3hk zC#-n!VzXZdmnYYxiOmD$t*m!oAheghK*9w>YJJpr?A2>=;o=BH;c9dp+84*q;9hoe zCJyWyiiM?V#IbM0Fe2McD;Uo1TE$VxvADU~5r6*F%W(}G7g{5c;hb*Rsn2>dn>6sO zo2PYL59(&T)(rDP1`ci;1G^%tTm3P)fF=L6UN$POLu2vO)4v@Tu6zX`f=RND*Avjo zGv}_wH(t3~HhScvt)-N@qd)RQn}Oeg(W8+%H&)t}5)fDg*<>-^z(Xr_0c_Ze$wbq0 z3d{hxN{mA@2L}m`j7>Qm2jYvsMc_Y4b)JPYeyT+!sQ@+2 zc8aLRp)N8=h#;tYNKt42XaU~gSxwxNh>y6ykk__HUqOx(OXa^R=x< z6o8#loD;<+gL9UT&R^$(lk#r(f#`uPRb(|@uF45sk@U`140r<9jBR0@F=oJp5Cj3% z7{3O61Ps++9%@WkwPG1qd5D*w46VitaJtKkNF&71PaQBFyZChiA3flMei)NIFe2JL zurnXvQEzT~I%z?ws?KJE_m^|&|CrR0fA>3R~ zm?kYSA6j7K1&mQ4H&suVN*i#SmrsTSVWte98BCjbt;~mIj4;nm&ZiBKfxh;b-rF1>`0%4J&^O}Jr75r( zOkgCLm%&%v`+MWyewY~;dzJySfGS~MKhi6xgn?m@(ip(`z!DN4x}@&PjWs=iA!MZ7 z$Y*17Bqo-j9hdfF3j}GtJ=j^I-(R@e9sk!;6Y&b_EA!CwtN#v{v$*y?yQeEYex^V6 zbu*ex^LW!*i~szuzCt_q$NN71NF0BRjr_<`T)VJ<-6ZEXW6PL&;#k8_YfBsWS-M!g zlcrAA6fn^&Oyh}V)(DtO;F6wR43T17TD2QMA~x$V)WB!Chj8%(ew4zH@hkJqdsW{h z$E76zRNytE<$Vqm$X>J~ZqtaTSP39a@-Gc=R%6M#l>BhWORS8Sw;oc9_Xrk~!RnNc znqSFslY|rom?zrakek+unqU)*jx{1}u_u7#CP=aNa7Sg`L+CMUlQ^4POP1owtZB9@ z+eV?jD(}51b!kN7D`|HG_Y#I}8Y?rdDxY8SyBYZ}=^^{~c7~1b-}|LnKEC&yzQY`< zj@x~Gvuvt3JHLHDI>Y>Tm-SZV7_Y>=jcC6Q;{)I`@VOy!_BdN4RwN*H0+qlC05#%S z56K8c@yaO$L=MPym7f!=lgWM<5#b|;567t!_r^UiHTH7CFX1ACqD9#zkiVGLQp`iW zZBPFyl@mATDHa9MpiY^6;XC`wpU+I?f^OWgi&qdrvau##>YJAQZ!^=D~OB=BZC%@{~-?sW723dLl9FoYEv9i88L{ zPCPf9}DUX;*IF%+?t5P=UB)BVo(WVz+R((|EVNY3@d!-ygSLDVR=Siz2 zkeAFGjasFr6VR3K6tVPbn5ydL8$c5b9) zP1?qZ$hb`Hx;~DAAg3%7+P6-#T}jPrQ{MCJw=@ykBWg*k~==U7is@}3&~_^ zG)e$&z+xi*>!(>j7OFSM#~TOM;;I zf(t=RnIrL*85VU9)07lO%sB#XDS4J}iEBMoBtP%-lzc~;I}2#clYGgX5(r4QEk-So z%%-rd3uZj$?40uF1-=c8)w*cbNbh}8V?-A&Oy^9 zz;g@+#Ae)@!M^1d9#z=zw@$3b6US?D?_pe;VsvhEt2@qJUyjdy>FY2u_QVM+6gj?3ysD3d5$khEcpGEa?~Ck-hOS zZfdXHIv2nC>;D2*h%z)Z7OVOt#58rxrQ3GjFc$3NG7n7e&ybZX z*;TK~hdciI$-HEgTSk_XuxOoxPV#YRU0+;lsG~L*+z{yMxNK^LbF*d65n$Jb-K!|b6Q^mpGZt?(^b$-o1D%!fm64bNb;Gxh~M3TAzYtK9c;Q*X)#h6JK=ie+!EeEq1%0~+e%z#8 z`?nV2Gmq_$?~mNOA=m2yIB0wKn%-zXBQ^=4fCWLy}vYOkk>HOeU>| zv0`m~FkQ1xob%EPnsjqc*h1Ubgp`I1&ZV0h@wNZ+8yHMndbEDsil*ivZ`$C+&uQT=??@N`v`DvUtCfGne&X_0xFhcNVSafzKMSN)CW7`fB3K8gDsNFarM<3asB)(TM<+b zk!0&e>g3$yNPPKgH{vf|8jDWUN{+Dx9%kJ+0kgApYBXloFj_r?+KG4$+aIc~)#{8n z?bJ3;(*Sst&AfI-HgE~8-IQg#C#}FVX<`vh-MhF!M0l+fIKJTto;~kq7>z)WW zi4TyR95+61w;Kpf5i{Opy+r&@BrDX|+ZSS*<(~;$*_Oz;0L*zZuj^OWg&Lx6EzHDD zBog+cvwZ6K@i>iD_7&X$`M;PnTp6$G@2wQWMK_i7>wH=V$#D)swOE+DTjP;O&&1JV`{Uf}ug710 z?Hlp>8y7Lew2HW3H=>RjwgRNsG-z`}1E7$KS+@i;K34E_dB#dsA4!dlA&r*;c* zjB@s(_Og#QA(TMg*rq_NdljO4340Ifz*|`f&wT^KabRdKy4mMq85h^MQ$XApNj@f! z_zwCMdlu+ngU?pzyKao;z4xOZh!6evX-*B#qn_vb$ofRTq|FO)C-}Q}s2+nuZ83js zEygiwH$5^I!-E5H;GSbJHV#A!Di0IW6S&nLn$1 z){86X{vMdUc>U0ZLJ#-dFhko>foMhALK;m5f$obJwPgX`*@CuF?M_M9^b92J&GQ;e zibbRl=BDSF(-m!DmyAT13|#Xf0rJ9cihin)W+Xr-NqZUgFnOk; zdoT8cPV#>Iay)oyIBrcXW2AXCjvvu`6^5I^TN4=RoSoPNC*Di{+=A&ty`f#&>OCnH zRYRWRI%;rp^xO30YMj3RIAegiGmKj|+eZ(dVeDG4&2bIJQ)le&W1oR**|E{yxQ_Xb zi#HbI9R0JOx&6o^2Qj3Kt+?r>nE1*ldljT>`VPh8KhlM9P;7@x<0|&XOgyj;dpe^L zvq;#rvVQcShO@O%kGbYK%4A&djx{%`rH{vLt`R~xNj?z!ytb(1yYp%2A<StwUQGK^?gfoWJkx3W#k`Z5OubrMubBr*F;df9&o;2DG0)!MDscP8JPbo< zdDm?DWjY}cr|L*RuYl#S#{A2V!ZK8Jk#+LEdak}_n`|1vv<*>O zZ+*WV&yx=7ZOhz1WfqRQlcZ`-UYQg*2}&QBufGc5Dxk>4UK+ZQXP)3g%&A|tvbvbY z;11x@@AS!g+0`RnOdqU{-BVDLA+HHQed1w2}J&4Bg z8u2uaTGg+TGO=e#oQsqjb?cgS^EE%EIuydS|=eZk}&9UgSsp7HZ-Nn9af< zXo|wQO8D?jLQB1LH-YJ1Rz?YHhyM(25R!w21yMfX{+T*tck->&G4OR zA-OpT z5nI}N_MZFV{N+nAg7=oh`QT11@NY@E(FY~&dOYytsrbkz-xnM8F+87WM}o>Vv8k|a zq-jE=xW;K;Q*9BVy(wOpzRBjHFYbNxVT^|&n%>q8LndMz362%iM<6G0B|49U$8dC` zy7|PXJ{Hf+j>lj8hd+rAJbF4Ff0z^Fu3M-JZN@jhbS|#^85ZidZpGtgT4M;8q&*n4 zTVvz0&PJmRSGu*0;W&SFCBFXR7qhH!Hd2d779B!Dq!~#Kop3cH7rnX3#wyn%s*w1G zOCD};sn$8J!ll2m6gburq`Y%&;hH~SxP^_9Fs5$#8a75G-i`b1f}1y`KC-`^M-<{R zn}-ryWx{3Mw$}@Zch_gvQ0r-Zs{4w#ckL~uX5ATQ88D4ErS6S6X1Qf{Qqyb;LrL7~ zml8Q_wsMY>X(r=4CDE52a*z(#_H@BI-3>n&J#gci(o~LYVK65Hje7m8|da$L?&!)K_oY~LDuBQj@7|=Sc*rf;jQbbv!UajU4p%rd`ckXD?eHs)thwLqF|Nm{jjs#~+I$%=HDlKg}T7(ch=rQ5XqqgfZ0*Y`PZ7q=9AvUm>$r zHruE_I9HtO&M!Bweiv^i(*h=sZd?<%skm!^beEeqRrc0k4y~a!2#R4D;VlM6mrxnJ z@BJsD`*2%az3_T0jh&BSJfdvr!30T;{YM92j=WnEQ9qvEU6~hmmK&@jgt~?7v zmczS6m;|rCf#<4tG5+a)c`6Qd49EDb<+zL&E8Sr~^ziBE9mb{u5`8jnzV_v@IP-W{ z+;jilc>1}i_|l(08>2Vscs^Odc1BAad7vxyFjnliu}6gK)|til^iMqz?|-~IW=5Wl z^B9$`!vt3;@yjpF#GgLD6gRce0TjpV0!;r`J zQ44q*wsWd4j*rd9++rQKyfBVC35Pdll72H1{r3o35aO$%({d0jy93DbX~(3 ziIVJN``z(znO0h`O@rFNXTD>M%&Rar#5=CRs-l2_h>%y8;YNJNH_j1g$MKW=Xq@<&@%MF}e<>|W;%GG{KhIO{Pe5q)vD$P4}&2f9DGW$;Q z5d_|TcrV^-fAz~pnLFggT4B0&J(&2k?^<&pgdv7CM~P98sj#0Cf#!*7*Q z%9?U;Oq>-cs?0a@f{1Z)C%3UoIKMgZ>^qUL!FN9UFNrDd`T1U#w=y^?rhxB~>rPzj z<#Qo?tS_6%PJ0HJSC5=)yCUowqg`KltlE{mvLlbi`|Y{> zttsz(L;0m^?tH!Lsr048d>a;aMY;RD-hhPAL6Z4S?{FHh!2n_Ot(TY^ot9 z|9mgr@q4~+T(`eDn7pgL^CXUQ_Luy@C%~Ms1To_kP~*Y!iJ2$c;L|#|po0^yUYQxV zuK_z=xg_se+l)EE>49yW2`m+ zp2wpU@ZZfQb)6WT?XD0oXbbvC}%ITGCi zd!rron-lNZ!|CN>Tzh2%x2xn0-dvcTWfRbfosglp@1fJg>%ef{(U@d|@CRRcJ)U}X zBtH4+kHUo7gC_+}7a_*?V6d-$a6g-jUbi%i3HshjzN|FG^sNgRbzYBAv{LHLQ|#HW z-LZZvUU=neoDz>?)K6&*#?pahoQg4O)?=XvnDK-z)f*kdgh^pZz$>^S)h>xzhhSG# zQ6gEFjBD%Y*|Wy0%3;5Xy;+Gfk8PMFT~gTMGsYs9Okx!V2XO%>;VV7Yqza1SHU-AY z=9CPqCizmm^3Cee7MDbcTh|t*LH>-J_}IynKg!BAtq|nW2QAJ&#>^8}g%wpn@mj-> zscDP4mFr-m9^AG#ADt3xB(n`LFYSxF;RmA!mKHogmiBQh#XpQK<0AuCa!7b-#yf}y zZX4hRH&Gfoud(570T;Hx$Y{fMP6u?X(qV4$YDkN1AsMwnej9F5WdH-CSn+|hfk6us zPH8r|CkdMD4%czXDl_92Y9eDW7^h%rOzTcryC0~YY^-1>hsfGW5Q(;6pt+9JYzuI? z1w-MzF&aPnbC1OVqzaZMV5G7!?^G408zb$MU901QmGTA6QmAk$V1k2Kn=He&<)IaQ zAq`wd1<>ysGM<^YGA0G)CZsQ9T&!dFL+OcyIS#F0+-elLtB17$DU7tqqm(bI8}m1& zQ4`r8M+YB>n>CC!!+_}D-xhlg4aW51Vyqx-r~2XGo&$KiVt!(Ta_Gn+b|zpt-|EFk zbUhyU2Yce;`KkD;Ke~Z*o6Mn6%7r04-w`i=^_ws($cw|VF(lp&9&E#F$)T8R9gX+> z#6Wy_9R~6B)tI?FiDBvWcGAHGZ`Z+PfX5GTludw4#=@-m;9O zoN7sU69je^FlM?q!`g(CguZ@_U(+|qjMcp^L*e2<|EH(E#D|5+Q9Lp6nQyrda`*%q z22o?MuAbuH48U%_X*|m^kf{s?V$6VX3Q9%_2vG2Y-#`!_ibpM8;P9pROnj`WjCejV zJ+FZ^@bxBZb9y*&-B%JCT&{<-CA`#(QQkG~=Rl0>N>?hO0uxS^p~lK#)=UTRsAckR z9eCb0cuvWN;u(e;;XQ#i-};5+rQlDxgw$EB%*S>(f2+Mn(n8kRf7vJW1JCA>`$-eK zzL<+0@_h*J8e_vjfBWIv$1R;#I@>%;C*HnR-y6e`->c3y{_XERy}eMCVeH%Kch__G zbCoxP4se!%-Z|*T_gfXutMP7!s@$r~Lc~^eaFVh>h`5;ufLaXp^~F7hkAXPu#oog4 zIJkFzx}j=zqBwaJaf7I?p|jlv_dCUWA%qlPl_GGQDv|u1Wme@@^+_bm1TLG10_2{& ziLh-II3_1@>ih!K=2hiKrOW+}?($of0qp07o@cH7+rAt-@)U826pU+9jo}q0ffI&z zyys&wMo7e@rCi&SlU4>sDbRBACxW95#>;jXmwM+W-@FLh^&)AGpc6RDxeaespXB>Y zRsQ&FTSR)<4>EULvmic09p;lGK%Cuq7NVfUAvO7d&>$EM+So_}mPNAzk<4Zd zTk%aJQi^{zq2G8Pwl~_fVm&(%PrvwljH5%2b&eDnv{X+rJed%AC&PtnmI>mN(3EPm z&eqp!{^M$0s!+i~^_=nY^X)j*w|DBAu+bRT-FY5|)W(mIQcZ_&0sAiD${H}BQ|98UFF9jEDpVl^D<94q&hW-c@2vk>I2_NNiHR|Gz z22M5}Klh*c#`$0x{%I@1I~kLHEpS=Nk&sPh2K7q(MJnwYDWx%hltw?l9yZUNJsnA` z`Ax<{RvrA8IZGIbJ9zMY3-@eyQ!+&r!JLYe+^Cu8km%w<@EH|${Sg=1FXF)hV-Snt zS5l=U8gxvZ)5Zgsm3UwX<8Upv5F4L~aZcPWOmxP~3XBjK5FNOD?S@`F+&UjeJ0~cp zJw{gA<0_1g`L+J&gn{a5m{lHHJs5+j3W1eXZc^G`EV5JeKt9v=`YF+QqZ#87m9muNCy&Iiv%pZng_dXVy|BR@8-)~sr@vD~8vRw&w8;EPV4@5}g1~jEs8TBcT9+c~ZNB!4a|t>{y9;jipigLC#*;QKbuR?AWwz+O zg$S7^`D#Q^ckUP(Xq0*P@^1D(8DGcTO`l8)?W6(UA}+2Tx=AOsC^3t)g0x&K_qwuf zWgOd3$!kL$MGrtSDmH*o$Qp*X*xPAi(^to{iBf7CFhSQAW?~Jg4AoIoC(-b{Oodr& zYE0phbZTlQW?`5vgG&U0sltmBDkA;u?B|A6KkVT`U!Y{bI{kHZkYnQdBH$M{m;R_sN^ zuXea2e(d_le5~m+Pin-K z;BJEZyveDP3kVRLo9rao`If-OwFQKgQ?WsjROMG?Zf|VK(=^F!5HU11+2)&*S0rv3 zyiaauB8@WntM;14I7~ZQTnIbA6^)*jr*O1sy_CWKXob75G$EbYW9!$nQ!&8 zPL7f4B%AI^8o@T0pWmx`=O++E-H$}A5TgB&<72%^)6T-Xf||+%BA0beMg}lM`0fDsBn1{FsD)wr0HdW!&ba8>N2=mz$h5#W(Z91UX|(1C`yzL_ zg0<{e#-S{BQc(WB&y98=azO8f@45%_gf9EA>c`z<=6ip>-~Fu=EByP-Ipl3J`kbr2 z%f-zB49-D(gU33N=IDwG=ufZ50X87(=sR!roQj3zqqz7( z`eX(@cs41koU*O6_|#Vs6PJ)~oy9{zD;DWnV;(yqE1V+EUZ0A!S4N{1qi4NXv2R{x zZB+kUF9Z;x8u6QlK;MGdQl}3%IJ0L^FWHJ|2`r=rOB5|?+W2fa31iQUTA6!LO{5L*(F5O6WaiZ7-Ufs0KtY_7U z-x_VWg=qUr*Jt9~=sY+WCKM_%9f%D}sJgaTH-l?mMSMDr2{wEZ?@Q-8h6zVrb_K^; zrg^Rps$yusg#0$JEs#tN*D+vH+-5umzpN3NXDNSYmKl#V$b1V^gY?PNXh>=ZMG4Eo zC@J}4eOY=4mXjCKyg4Q-Z<#L*I5vJV{iu(9;`-PG%r(K#$SZV&Q$qDw%Wxi){<6GM zu5?KL03SEVN;|bm6?-BL5pWY9?q zd1@@?TxJ8OvEeqP8<63^!w_^H8}W5uvlXVrI*d@646325FJfb326ebu>}){eEb1kM zaj2Oo`-7;~;+cVcY` zH_$1;A+*AX03f&6NHgOAMrd;8pfH>?TQ-+@1am?U8_p@`xo|AQM%q;dk2JqVRTnf~ zN+b9Z4;>^wa5Ud_CB4pOeUnYIMp1n)Zjj5qz6`C`g1rT7UtC3Et^?dX+`2Db z_`@qP4`Xv`T?vZ$c;biei%#ct6|z{jEkDYI)Z9l8c5QCS|uJ_h5%+&uYE z4+gAjF*!OLQ=_`do{V!aHqKq%MEZk%L>g@k{CWPxXXDV`h{qo2jvxEj!+4lE951|l zJ}z9HiSwxTEzfVphu+^GANkO}IQw87M(`BB9waNe<7Yl0PO8N>zkVskN62q+6Rn!w zc;s+zTwX@1n11Moq14U#(P5v%+*ts}uBb}A)fs)LY%a$fHj0)x5MUibN=K=OR_s-^ zcdOc0Pj}%)clWisV&(C3#tk%RADuj+FfYaD9oW?s33%WG>n!m) z684u^pRO#-$1U8XFT!|Rhrve&QZ^N*5X;VWB=?})Q^~}ayw7z4c*}!U+E?u*s;l2^ z_Z`nR@w*6#`)O!_cM2!i)>1@a)O;7&e%mDP8e`*Iya0TgY9^S_3)$JkD}?5oBuFNK zoAuIpdHQa;2G|wy!Dn+63w-avI#u)aH@YY4gf2=i>Tgag%rAqP(3k26S>%Lt< zt0p;bO4GQAH0q}wB6Tey-Q`;qN9Km0;aH@RHLVIeE(8~+Txj#L)S3N3*3$}P(OH%- zT7D8(<-XA$j8%>$?b5G!9XPP>9Z#(mTLw!iO{Ra%6Qa@g5{$OQHYAuJZDV))DcjYk zqjk2gmH5!LtzIGK=dsvC=-{M7#zgNRTx=0H<22mAHy(fJy|_dijF->78gE>>81slM zufp|3uZ0!2mr{WNPCzugXVUr4G?^o{{QNGQ^zA=>X z61J*d{Wgj6ljSoe^iMU;RbJJz-%BWE+qJX^Y0p~KGoUf*59&=mLlUQgfL@h)poA%BDm;g#@z|`nOa--e`UQmuS0~s;@ zEy}he!Ne65k+^`{#8Kui77|X&CYcWe<15Zw7dDBUCsN>^qB~yZrgODfH*qraOa?w$ zg+XJfv#4Xt!z}N_di^vThQ;Qkv`F8E$nu^+>^I?}P>t`ItpgaRKFvnsP^?S>yYx%f zFq>jF8ZEchVq#aBe=csmJ{GS(_eKo2;GLy;FRlz1vf1_ zcH%d2jd*!vJSG-k{@@wG6SXb88LXl>URO4l(wlj%wXBjBr zHCT;vp=2x);zW%Aj`c2#1+Em6@K0jbP|<0@=K@%16E`GuP4rsI%{0Jc!a3vHggumI z7#q^;?*qj?w@zJ2MS(f zQ_tKf<1O<|1{d`bUVt(2UmY4msjS-)#B9d+zO2LrwAq68#F!^bFbg_ihG0_@l@sP& z(oJkoiL)|?WZ2X=%#GRf2(kv=5dND`UFd{Hs=($_3ACi1BZDeFfLnBeL68>_&oabSlQbh6)_+Uf0jVxLw+cH@-F&S0}H;!#{L9 z9{gxejNE!74jtJa3%x7RH;6&bHR#ESgK_bh>v8VY>3I0bBk@cB{rlt6^u-u?<7zbH zU8DvRp%vf8H&K6S?}^iUI%ANwEFrOW_2s$vPZ!U{&;Q~BvG)X?w5G0u zr{9P#e;!X-XItaFPhxunDYvOBEiv)NW-MIUh+(ANh7TYSgX`OtExpLV5N4=)Y8~{8 zw&bv>0kgduPgkx9t1vriAPRBA8f%9*SZP0TY%6=4X2x}CaXrTH;G!f~7kFK~w#8bP zs7d;pXFW=>yyO_Fe#d_p(lDRIk^F58g?HSSaoH56b8HK~6$Z*!yXKQlw9YHX&m`3W zTH-rC04d6n5Rd)_4(DO$++_K?Ji8KCW|m?U=?om@vW6f92q0=iwCvF=pSH2?SwCu; zK*;# zEdKiwvLAPhoIAtpyV9B4L&dwo7`U_PRj1$i_RXJm#`WHTtwQy!x>oQ1wyOkMH3=jH zas!)_q7ViJc+5p)DKSu$Ys&yg#rMS7#MnDL9B0qmAIFX!Wzr&=hB)3T#Eq7qyV1w% zz-6EtTQ|YxYuWxR&fc=_-uta^n;U@N=+aV)LQrSDOw{NCH`Pg8k)PiT);CW&z30dL z%L(Sa$RS}|s;Da8I85pyFTz7(0yX9Z`Ifr*#WJj~$VKjQ={x#I#4mG$@BX7j8BYSL zq$_C~Rpgb#lJ!yl5u>a6S!Y9U`cxf}iIcG!=`$C5o^bn5)~&>o+2dkuWr+iltRx^z zl6`Ew>6@z0?6<5hX+%UR#zv*ASEG=uLmD|%Op)~deCaqT$|$0?uk{UY=tmsSw)ou4 zc=z}8!rjGd3SyhR*xY#Jp@-wxi4$?~$f4+d`Wx}mYp=w_?YjB;y9%r#S%!(pGeZ{gZJry^-hoRlH1uhXANhIx-rMvJ zRP1gRZ@UL%9#oLy7R(?XxE-8-j;(L_<8|j}A7KKNIV=__aA1P!UX?pZ8Q++Xzr>xE z$DDUg7c2TDd-E4pZ9pZt32SZFwniP*6I2}VU{pu)!4s!cV__~y_(-@qt(;^sE%Ij_ zD67=JS`&DNuucR^eKJi0sWXF#PhG4ZI4=IWuwdWG zhMnC;-)3h_UKo$Q=~_%6^1V2>g!zfSIQNZ9vD~*3_rCuy9=i6%jsE$l4R6H*`;WxN zg{ipt&5IDTUvQb2 zq$Z;9+WFXGu@(;S=|UQqKZw28fwdZ&94K2tMV?U((JF>iTI**VR6nBFMv$o>#SDlf zyt$6ZOh*L;oS#HF>xn0#t~CHAd6xN*i87-qGbeJQmP1@G?%ehmS53W-M9{pYgZ_^G&11^0oOx*-^=0LScltyu122B9J-3>?1V={9i zNCg-Jz4xfHMLT$>?FOZ1x;ppL4|}0??CZPX2cZY_;*{{=CJ;JJc$0!-@c6NT4vHa_|I**Mb0GaF_%oU1v1fic|F z3je~e_|(l>N?ic!o7l-wYQTA8>pX~ahPhstM%sH7x@?m}BZI8Nsx{!58*Izfp~xKjJ-{)r)9{{+UFJ5r_QJwGLLG{5uG_0-@5srKqf znniFi+`^IRPwu7qxwGl>UwkUvY;30GmtST5;wfSDF=q2~^Jf_U&R07KDLfbfpBk)X zT9jKyP|?2KNT(L2(iGb2J59Cf)G8iCAOufOyGNk$+3WZ*b$nT23b}>QuFkxNs0O|rxFXDP9pO+B z=c-N)1UDOPt2ow0xW}Uy8SA_#f)Caz`xWCM@HXRO(C^5ELjui~P-rHW- zqm9Ifx=;)WB3672+RUBbPYU9H&QFb{ljEF}?m^#`ne##8e{}Hx$^!>F>%oF~3M9L> z1fO$Rftb-tGITPG8KAz;-%RtMK+a{zI39LVE;DzS_oW^WmZyX)Fp8Ak%LtS@=H265 zmer29u&I(+L&9A3$AC4x`H0X_QybD3 zWPV%{NT3Tp3c+bzdEf^>AE$~zD zVtg6=VDhanDNP%7w+_~y*M2FCU8ryAe9b%^e8%&E5Gv!$2Jy(BP-z8rkq_Tn%#Lk# z0~BmHS%ztg<%fVI6OB^8$dR^r^;i65_+TCVg~;07^i$zZu8e zCrsu{Vg*h@**cr1EVTW`fAZ?}5A}=o@$5JIv}kVVgwH<66DRu%;0V6gLMvww{~I-q zTO44gQInm=AH4=6IGN5}JfFV(-S4J1QAyN$zIkVJAnV;f7W25GCINxmp8W1)Z6%`p zT!Fll)ICTjV(^qi7a+zhlpuDKp)+d3Wm?WSg~6$e!fZ_rr6~j(lbB_U zvWr;50dUoA>Av8wb3QP*5ODmF#;6?XX?l+%FaR^zH{G+v@XD5kfl4$ztYA* zge%ZPb7(_%_F=%NIleX6se)GQ;pDS{FyQ*uPI?`4j=6=;#G3o|>Q)FSx&wIqhZ*ls z-}&K51g8V(rFUOTU9|q&ER1WrFwE?z?W3>!^wSs9kH7ZK^ukZRpQeaAzPbGv85{0+0TC8>xa&V||?Y3zhV-E<3isuSv8aJB0<>AY}~NC(Lo- z=Ln6!2D`^>rLjhH*AV!!xY+j?L@Jw~sWeQjM>-DcXs=&>9d6JLwqKmIM zqSpuVwk*3oFW|X}kZ~*oSMgDyx8-GX!N?_W(vJrFAIxDAE_6GvNW5X*Q$`X#05A#i zyEyCjh(kiydw!G|*_ClXy}*6`GX@l%*ls!@P&Cg`F_(~EuDj{sO|Yfck4N|n0jA8h zymub+oAbYX1cDsL3;s29-bkflK^9K**d2G*eyF3aqvH=}kqGX`$LCqRoCnM-!VoHb zG;>k_@8O>h2?2MQ11-cN@5S|?jqpFg&$?;kd%MnkT!Pq{iYC&@eBehIO~Fo z3MZCkCey6tL0hDsA*j;?B*ZQ*?lONG3pC1h&dE-z#YOYWv^@hS+L2h~~u?EzB=3*D8U#L4C+$I`xi^Jd!K+QzhEHl5+*6a8>V z^Q(*t1?0mOHnK43+r5(h5_!i+*Cj5_d5wiTsum4h7e4?A) zeEFwo=Ur;JGn!uivs>x8=Ma!gZ>Rt8KmBZa;xm(+wDNqqccYnp{Pla7v~&FRFPuj( zyp>*memQNt-AMoRcYcuOE>+T3f9t6@q2x^Xwn&T||v+K*6bv^VmGuKl8bgD&PrA3%485PptemaR62rwO*3 zq`=g07t@ph1ZEX*V+2z+>688AiBcU;u3~=LQ=qN?mB3M+sZ-DxVUPLGAQ~!=C1?+G ztGKy~!`7Yk^e*$vb@1`s4NeEc+3XrlTkD#2J2xY)8wR&VoYQ!UbqP4M7jwIV4!ofp zP!3#RUg+@zuK$QG6335}@f^Yqk;ZiWfp?jgIb0tV-sT{h$=)Xz-=E{9+`musgHQc& zodQy6b z4QKG9a1G||?3o4ZkQrqpCDh~*``6;oEaneIp?=4pbi@#A$ zuv}3$cYiWs3ujg3%DLLs$8`P_XqdNzUcw&jq7B*421v~}Th2Jg!eVPv~JE^r7USfQ=PwA>IVI8pEusMgyFM-V7cb>A%h!@Ma)521#O zAZW#KOeoy=K(H+m8;MGOq3IJOh^ptszXT_@z`s$Z>5R;KiXeS1-$~S+0R<1#n0U z!EVz20A?eeG(y|L88aFOjXiex-n`Cx1n1e@TzcknpH4si zvlr3}KlllLDK3yB6Q?zYk{f{z{M#WwUTKnM8T8C8@u&940r0Gz@z{_@S+se`WzVIUo|Z>^t3 zH=_uY#xdEPn_ozE;Iz)E02?sTtLzwVlV6p2bW~s=3>ajWbPR@c5>pvn2HJn8E-s~^ zxmxQt}fe71!KIg9F z!|jPd$D1zx6iDc}P^Wo^f(`rIPA5-sC+Y)zbx!HcyHT8_or2^%mo(1lt2CCpDxVWOr68D=S%mh7Hqp8d)w!e}&N@Mlulnog(M(C@d`Q{&xQ zI`{b5bnoqfI7au&zj-QMd2%wn`|`bX>$`0nN#oRcRxJ{=F(zE&;FNj;T3DxC$kjAv zEJK)|R7dydd%kUM)8EkDsgW=@QOkvHL-S=XjWX|4Fac~LT;Ev7xh8!+cM6RyHP$h~ z*RM$h$IbEtp6r)584yAt+}8mqr;Qp>O4P4toup8q;T!prgO_1u0M$YBDAc#-LuhP&MOVU=das3to67bFVnbv|H zjxB|Uy>}(A$S^X^g=G5QSC-hxf3*%vTJhQ6@lev1_a%NV%k;GCgmfkT2fcobf(<+F zL4v@)A7JmDve)D99ijKdd>NXSe%5-((qIunhQNBr#E9v` z*jvp`O{GPI8WMgd1sBT>){2XLzGp|F!1Dw!?IE0yu?lRX0rGGK5&PSdkCT>rMXbc?tRMk*u3|-S2gpq?67GQJ{B&+ zMrNu?hZke>1x% z0)euY0j(V(@uweC3TC}u-Z@TAWk1n{1jl)P=h59dMRx2#a9OazMDxwE*>4Qm=D6}- zh%C7e!7ggCj#Zr-Dg;oV;V<$zR-s%b!;CzwL;mFv;Wt@fcRl-qv`l;pnr2Rr{#2c47SYRB2`Y7*wMHr)CwH_9!jP7-%mg53<0QL8>DV z*}+VpN*U70ec+Dtqnt)x5Y>CY{~FymW; zQ%AZS;WsgH3iV}n$S`&J<8OR7{qfhHO9R-4Us__JiiyVBJx&xsgJcj`S72KAp;HR4 zonLCe#vNa4W*diqZG-O%`j}$w+2QC`dM4u9XR(-OhjS4>8jry6*T`=Z6TQ}GO6w!t zv;r)4+1(vRurrKSNQHKf!?a)Q%*F|06PU!j`ueMB{mwEPH{;%4f7NGtB0qi$#~OCZ)LtsEQjZ zlW2?9aB%PDiyBs}MA6jRiJvCHRs16iprzq4zZHZWW5jK;K;PNjfNnr%@c%V}8Ota* zGmMb1;z>lH|2_*;Pt=1d1^rZ^p~K=+?c5#m7hj7&!^-$9PX?=$+6Wznrbda6W}SjT zf>c~>;(h1>QNT}mLg=*t(Pa%8DgCC zLE03flX}!R1!WlR+GQMVKL7H|QO4}dbh`A|1@c39fw@YTF{Lw1dAcrwo;v;*Ht*G; zm7COUAT4lW)Wp~%8VkJN+zj7$mOQBGA!DeC9|z5K)b1Wgr&zcHJDOXYq#n@m8BgpQ zcqFa8v4K-%9Gl)@5x#<%Gp3VgXRf4`7ocBg|DHk+d83QdWi%;Hvj+L`AHAHu_xoyM zOr*!Ya4J2C|BSnpiYfr`!+Y9&SQcyH$RW$nq3#PJk($qf(V4Vr_>Y#6|w!14Iwin z1I80M%~vF+05u?tA_HiMLDe?^oDgC+Mxh9xkDZ{1DA6Q61KIkE^d2W`aF9tvB=kPX zsO2~oY+ZV=BE99tqQK0fN_lX`xQ=?*-}#%W*tU(_Vlewf=2wQ$sFvd{PYcF1?xW5! zQbZ&~JE`Xo1W%Q6;U&Xv!>p@qvk0|}0}jSv(okE$Z&}d7GpXXc)iQg&nTKCoRCuJW z5>#Om5_+!27e+xGdhHMvI!Tgn``$FxDQvBylv3+FISM!1Y2OJ?um1WMO3_q^zY$#s z`8`gPvHje)khoLfbPoJ^_A^hX8#k|~AN=TrbZ=`5xInD==lSc#r8?0+&Vc5t$qcU} zgoHTX@>hmAO6J}Oy+{Y&bJ=~5aeJsKk-wBYEc^a&|GSgpkV5Pg+@jEcL;jFKl5;C6g{3I3QQSeD`oBE9e_#j{x+}1I zIN0l!$U>Ydc=cX+_QyAlJJ0csKhf9FGAKl*4~!isHD!S}mIn!m#bQVkND%cgHVg`6 zLAtI9gBkYMCFp?p^g_m;T%LvII%k}6+~@dFt4QH@@jvRy)v+4mP+G(<$_m`-72y2{ zOfU=hLG4JedDc5ysQ62-AcNh3Q~bz?MQ2nVv4pLKBJe}~pW^jnF^F_ooA^r?&!(q7 z_1T19)U@)(E9uUQUuQ>-ovTxOY31(Cbn#P*>C>Nk9FBDzM}A}}Gst*z;n77PF*S2B z{nGdnPUD_P|LPC^DAn=HF*7!mX3ygc5>9p$p#qdKU4P?xdhT1_Vs{m$+!a2#=u}V5 zI0Z;^95*|GbGTdA-(o+F_s~BXRd=#Rm>(`&yqGQ{)Nmf%T;EDJ7w{Q!ZZvIFX&X%J zI1c+3u@j%z*hfXUk``wc)5QKbZCXx^X%-U`9KVQ}%lF=SJ>gT+Ml+}BAXH%%rwQmQ!@hEXKEU$;aM#2l%$XztFyXALVnNf7BY`wREYgb$;*kBJ z_N3Yx&ab`~7pw^P;Ac*kaV6qYhNvpN6<2k@NsS|_3_ra=63XFsgiblRnJ0D6!FCvj zwEPqHdi#-JL=T9;m)}(|7TKlc2vBVC)hMD>y*fU;d=en=@BQ-U=^wPb(6(~tc%(MY&iZ5; z#phQQZP6AEJ2&p#Ow0GyIi{2Gh#*s~g?(ttHriQfU@L7R+z9>`K2Ec~8aO`YQK*_0 z(A`7eUxyv?4ma|@1Vh&>53^1IWRdk$&ibsm*2US+H0%n zb63tIG=cx4tbK%XZA??fI7&LSZplZ}4+sl1pFE(8js@6md@i8rCjS<~8tMSv=CR3@ zG~Vm`W*A4Qdn}M0@55*oi~xrXj-q|*%{QnsM`7a|@7%@HIGY|%n`pCbx3@wVG&eR& zk(g3!@1~8lI=@ZmSe-@lWV&$qY6$gOt#wR4RzicsMZH>YdyF0S^7tu?(b=YaDD)R6 z5fjj`3WD8XG$j-ec~tcCfBa5pL2PW|tQ5Z=^QTABg==hh4ZfA$eSRkGtRZMn0>N0D z#iX!?fM8>79S5c}p*1nioN(v+HBM8(>F2;`%meLBghq_>C$64G8)H4)e0LRLiI_Kz%MMSWs~zVq#>5v;%lUn zM$4zio5-k_q<4v^{jZ1^`Erf*pu%a=$y<0mD3W|*J|Ui02VK<4``}AR?`yw1&)ip# zA3t39_yildX&RfRh~C3c@AGk6hXbX2 zGp+Z=u`L}Ki>$dJQuCu;kfI*K%PeKaLe)8$lrF?YlMhWl)D+1(FbsfRT}nNoelq{$ z89b|XqweM%lMr{t2}m=j$sh)6)PXb-#11=lE+B+QEF^eOC9@!ct7R&{Q4QQBdbF8E zdV~8jCpAeL`paMb3df{1(x3eBJJ_?sFyPo|mp+TeQ$OpdIZ*g6DfQ;HWg2puY#UL9 zxp9U6v5*<>V=s9;F5EE2LEHMGhnjWY^ZVagxBfaDzxP?l2wU%a-yJi#S-d0k-1AEkA6Q`hdogpc7!jyeou`+Rn0C@ox^NS)y|7Bcm;7mE)VRd#Miu{$4apCaO? z(#)d^>50k3^zH9`JuSa=D>YW{A@pcrHiP*G45JH~a|`FvZ~oQaNWc64{qtA=470;1 ztUQi-Y!)*Vj&6MI&9|VxFzWQ3dtz0h%;8JpiOY|sg>y@s1jRAfXr~MHQXrw%a4$;YhBY`~NfpnR?q0M;{z`80la88HT8+wC8IxcQH9zvkv zVlE~o=VTXX;x~5ZF5W`ukZ~`BVZ<=4bvJ!%2vCly;0izt!p^cZ6$oKJ_Z2jGG(%C~ z;ryXVfxDqb%~~el0}H{aiEAuEE;Bx6@$bU%j;sjm5rX3=anvkTnr0Mx-ltXtcQsRulL}G z_NdbfD_dz~yq>=D*(XzVcP&*gyBNk4Z+EE97}L|Q;{_ZAPj$N9L2%FkK?ixK8AAs` zKNuP%n4-`I$D5~TU}J+o)eWv{8pqUP7pin6|Tyi0;Imy<} zYMjnAj&RlS(A;jNd-%!NT*DU;8XEI+r_!~@7Gpea?|NP<;|=YSEM(05Zd>8b4nBA= zrIXJYuI-1j%F!`TW0?RPXufdo(a!o=Q%hkVQ^P%IYK8pf&!Gi@AB$m5j~eDU?PeXJ zul3tQpn}h+8O&q0&sZF7QGdh^oUfW132&+cX%$Zn1cv^+VF(2;jLijM(IfGNu zL45kW@cb%uhaN(DnrL5);e2{%Ky4173?Ey=WV3}P%@%_0@iBzk2rgUj_|laMevq7z zh7oS4{iqqxP-TK^C%tq1Zkn90AVlD#KefdW#yc0PeG~KEL}{Xxq=^tSiewQ|tH8`z!DE3HEJ%l?ow;8#F8h?{e?HKM z(p#_n_dG-}QwU_x_1>#;@pUHnaV=}IJfBIAbHqHSd7tylyb|?s?O~bVx*->nHyvE} zs1>hC*PloDH<;RIVE=gl^?05IIr`rR0`|Z78TTTw{EWyUDrl2805drPBe8gDA${uc zYw5{LkEROg z5Ia)j7jGQ2riszxP0l+bInVJC5(TR^1cXKg<+*54 z0`JkN63`mVbA};+vts&4T>Sg}9Uh%%K zJfDSE>0_Ty3dZRV=66y!9`B?$zANoL`aQS%=)3oNvI6C2ocE~Edn7OQj8qvo5i|OO zJHMAWd2%|MQC^H3g~`zv51)P(1RO8@;iMis)V6UX8IHz+H_gIf$1#0Y=&E!f3xipM z>nzOi43p!SmJyU@kpQNQaTxb`+((@l*DeHWFib-@eAWpWgbv!rm}W>1_f(T9IoBvB zifkkgvCCmKy@$CCJfaK*g!ws_nHPSMMQ{8`%N1n!PMQzxBYl2hee)cUuTD5bD@5mj zh~>0W8b10E?HhuLJHtZdFFnQ1=KgJV)$Wi#p77Z%+g!)~eQz@@UU)oRd~6*0@>2w* z%cLGhsDr~)=&e2yh8k##kVhNX4!8?O`8zm`YpylY96Nta7CRk0;d_MNE~?%NTJA!Z zX66>tm!5ehedD?3Qr(?979Pu-w7pKlarl*z}K4H|L5*1>wi`N}5A!WOrpZ-J2Z5PMTd$ju_l--o<1` zGaTqJ|MtT_g}}?f{wegxtHKGHQiV!-m(Moe&U?%qEZVci2^9szVv7A8JOKHJ5X!W4 zj{U9Hpr(PjU-S1+tL9Daz+8t+f1Nd<->&xgTSCqam z-#|<985us!Lh2I!1{QhAv5lM%;jSnt5XAE+ydA_3!zTs;_PtsFJDiZj`46eh81GEt zL>B)A8+9CF-ngCKe)o1--$0v-z8_{BdVKvLi@%Ef4{tJpz|sY*$3a&?z#3XyBcmS2 zj5!N9Q&p`Y+^S4DHE=8?@frL17mFoIwWk1s6T!DY&G zp4s8Ik4eZt6-^JEdUnyQ*uDKGelTu94_U+`m>GdCEnQeb7=VC~9&0n^tgpP68oZ-u zvkfY6hK1flJ7Wds$X$FrOtQK8#HSwvt}QfS)=8sp2u6WIK-L7(gbsN$5hS?i9z>|3 z&|n*%L!K^j{*guE;9Q=145R7oDKdJm0J(dduA*>41)UDC z-)$g}MrvPW{vSar#7$Dosie(18r3I|FsJ&|5O_wv(6?^vB4it(f2s&url5CIXKLv@ z0-NvMSWQ3TWUUnhGYxQU5Frfb@i2ceUx1tTiSvb_2snJQ)^03E?JZB7JNC-&sp;>!^n5Ssf38bgR_!!+U^$@U0(&CME%_ib>sG=&C8O{2fhA< z7HpKx`e2RE9rD4_W@LHrwD%*BMAL3B!M5bdTV%Dftsik<+(M$^h~PPPNf>Zdcb>SO zQ9671N_yha$I_Lv7f|^cXMyT~!|4%D(`3A31W;7h5#9@yToBZK3UXSPuw9Ma zJ=e072lD#f5U`h!@bkSvRWM@lt-!~De2DDPT%#JnNdxKT5Z;|j`PRYmJ>5l>!x*#< zVB%Yb(p7EPw3+S5kTb!_^l1ZZItNjtC%(3m5)B0#4ecnYx6W6!%af1_BY)a>HtI;C zDZ2z!T6dT{bO_hwxWZ}&^2U9n}Be zd#;;#`px>4P~w(rc^?(*J(Tu)wap(qSdU!mTo>zF^2>FM@062)R^H`!w$pUSgD^fG z?rV>2HogDIqx?+Q50hLk`_uOk`=I}hm+|oV{UI<6QdY z002M$NklmpQ5g2@;{rwuT5^aF;-6#1I+y&UbEdaV{PD`KwCbRZwgLPRhcYgj z&V_Hz)A%7!fnK>#V1^(gE1wsd*4TFF496lwxtUp&rk<)<%Br^yPt zhbwP|+H$i!jndnA`uvx!rPG+V-FWA%^rPqh6}x&ZY@f$)V7E%WD`{bV3HZ@=ov!Jj ze+pAdIQId5KlvBmObr$~bJck&z)n0&W(Z`U?>p=ej-k%m*jP*F=cd!*)I@rjJZX8r zxyi0A&}6O=u9U+Tkc4@GYbsr%PZ-f$sKk;S3;;##Y6rayJ+mg zg+suJnOdA801KSjXlXRhV6vj5gn;>f^c|aw2dcupw_NFJe}IYwqb|)>uo1XGx==|U zWL`uo1TH(no3=2+k&&78`bP5#`-W$Ow8H+%f~u^EBi`88{(_eHCveGYuGb+cEx47j zDAJK%_`--+=A+QYgn7#BkTQD(wZA#t}eHjBSS?GA}IAKm!Nb@PNoD;TbWhfW|e!i8dM(9%Vla zzUkvgHXC-5_<0k_V_{{zM)N76X;8Xd50O#~v)6&BuIOxfN>!22V7@qF*6*EvySJ1w+_(rKT{PFgeKzPk z7I~lc!`HP!L!gBK!%aT&XR~e;p~((r$G7j?j+0cz=g>4`VXww+3t-jpW8s(`j$?5V z?Cdb+8JLTU9EFXqC3f);1_&<&R4!J5Pirg9b3C>_am-@~x)=g$7VLR<9(W=o34WEl znRW=|t2Q(=V~F;*$YW-{mM%Opliqye9@;A$iojeuH39EENgDEmW2P<$7|`-r!)HHj$JxQfQ#`~`d^4y~u>?rx-a(9YWhPg|HNR?x89XU@xWIS_=1 z%UT+Oo>KkLfah6li5M?VKLUV|`GdGU_+wjrUw(clYlw0!=?>!@=6Cq+Fn|3#X*wAG z!+?8eXOP4V=q~-D)720R(e95r{Dl^5d?;Y_7=r#hayRwAd7t|{hrdsR!%z3;3j%@6 z$Aicf6q^qji73SR*@bI-1EJ+_R2@Z%TLqi1TzVvZ`iW1aIZm|bV6RvQS;jaSrG|h* z=1#$bj05A4v@(07=iVdh4E@L&FZ%xY&G-iG5d(S2qonbDAU);8J2N&!nw(JLlB=E> z>KKefv2MmtlOzI+r@=uOgI^-Ty}Vc#>1zlgAeIfh&DSCJJ4|?L7{mesB4_z~Op-c; z5{|0WP9m5XfFRt#PE!@Wx!L(N!H&RyMr-7)TJk7P6W2PwNc@g z5W7GEDz<}sqkC)zRTWMFS^tO+T-;HJcTRK!^AQ%d-S?sT#>>#u;TrGx7Ane?N!=9Y zxaiX>{~!xM8GsP-s0joS4IvrYFP_?Pbi}cn%dijmS)Bdtm}J*GOtoT>=lJF|-@_}vJ7TzhS3@iqcgy4#egUYaQ~!B2A(?0CBJtG}3D zsxPP27hg={GWS4bhaI;DOlJ++8X7yiI~>!%mh(}q2U( zWtK+_EoI_^auK@FD*0BmpGFZnkAYh?Xu>eKAxg6T1`SKLiItjGBt^vTMQogs(FRZj|ZT4kQ3@%3yrnaoA=Vr z7IYG)%}WbQ2oKOsfKS!GLCL(oCj*^!i86L+(ZY&m*t7t8_=)8P| z`4LB-wK0Llv7_4@(*bP5yh5!*=9wLM?sg0Fl9^fH58aoHBA{>wz6tDEx&|*k&MABf zGSrkdo%5s4e4QH=NDVMHJ*lsbW=04}nFNCyqUe~DpnJ}X?M^+-PIJl%8Yr9h+G%?e z4H!DBNgLH>QENp3Koz0O1e>>8Tg*8t8<_3TKHftm$OGvHe6}0A3VR_u&;;i28gvPQ zsu`o-cQ!dXd}SLtGMQ%Zle9Ndhabp%v2Z9foL(bu_jElxIB_fSH_)jZ|jx-gR} znD%`0=307-erOI%f{Hp9%>utjL_(>uoJGw2+;zZ;{gPYurQP)y!a9hW$ZA?(}rb?vz$o~AB zE7&;fkwaic?;k$C@7<9ee&3jm+G7#Knq#kcjKNLRf>04DaL34!fE-5+g<;gl&dklS z3w8>L?Kq6z1joc>>0g!6J@Z^`mtk!DT1@a`>~Nktx0IG~KvhS8CZp&I z1ai+mh*OjIH1Eux)nP=|B z0TZc4-F4SWrc7ajf|6c6lr5;a<}sFzTiI#Ha2zp5-5oaW@+qK+lQ7hxBA;9t=L5#L zGz6wMJ7qKvXbVi4-$K(&4J^=iUr+eNGoQRLmYx&elTo-Lej%NAGSd9;?r#a|pJ_Kd zi;1DTm-WHfw1G*b<{o(KYAL;x5%sxV7D?Ef#Hej`> zYAyopHvTtMs~)5dqcFePS9|QYtmF>gTeNu#hV$0it#lC|8Nc!yUrbY{=F;U$pG^bx zvGkAs&wrR;%VB!i8Rmp2S_mVISp()m9ceTS@5mI){|@x>n`$_(Sup2Y3983gm#{P{NTl@P^+**uhRMWdl&!fLeQ(BMR9;Y|`It z+N*B~60vIwwEZsgk*qSbmwM; zBnkm`C_{5x=Vi6M#9hmf7gAWN;6ZGx;-EIn3I=N-kZCc#p1}~G-)S7lp%yK!< z$S9ks3TC7S)W61J-l<4OtE|N7Z-hkjv!|AHSk#Wup95?f*akH)2B@F3WW=!#UMynL zQeVFvf{Q`;(keoOHl`wDYEd(pQC}Z2VOYWLWKMu{psm}I_^{$p=Ov) zLJiW&eT8V=(~mXgB{f+*QKcDXDx4^WU}J>2#3_l?^ly-098G7xFZwjHynW!X%N!%T zke8&VriZ|r)9IVnSJMm4dfKKR2EoxR?6!VZ5!@9esY&K3xt z`m)LOjhcL9e;95bPsq&IgO)9Wbu^p|jOf0j5#Q?x2Jl0LjL%22kU>5vh$%$Sx+Rt;Ht1+z)}r{``oJahw?4g=kQB;E?4u)*;#Kxx%Qr-J-J=RE&1kj_G|91Qm1k)aL&&; z-NCnCmgbWla`3e1F?MBUKq7V)_R%Pr$1#sSI1C(8)DFBK>W;+o4SZTBi8|1f+w z2%KRDzu<*A75J81?UB;G{qc^*Eq$J^C2fh{L&My^^l`sHE&AMkkG_=VNdxk=m>g=- zC5f-%QC*el@aj$>fxcuO$J5DNfMULL=t^@Ow~}=0p*e#Xl(jXuiMdFego5(ja-&{B zgDl@X_!9(=w86YUPvcdgKW1(onN2tldYGT3SuViyS49wfdg&CTqMa_yd^$~^s-@Rn z{%7gOZ@z&zqzZ$2C+(ySjsv`qrsmn1N3&yjV>jLAq?HK-9o@B8(`f4jGz8wpm&HXi zB0iJ8@YlYYe(~47oZflyC+YwGyT6}quQb!MfBjd}yZbBY?pwFhE<2Z_c;~OO^R$Zll%LWZ=kP52${OK&XxVyH45`5n_zt<^Bu5@yqG)XCB2H{aV_rZ$ZoMr7Mq~ zN&o(T{A=mO?|eUX&2w-JMjp{P^l=N}`2hFusc3qPrqAHa@9L+nrsb`6`pG|giFp+U z6nbF4X8J1-GwmexpyMkU`CTsd(7LtzRS4I+-Sa(VP(Xts8rO%>~bC@PiD9%Kjb+qCX}^Dl4z52tu1gDGyj_$pJnIx z0(1FU=BFukqZRULvSaz;uL+%pEj5p`BJ_8xKMbD?2;5v*PP0pA($b|z(xaGj4qbjCm9Ljvt4QJY1og75vA)AH&qG&3sc;^p~NLjW*7iNJP`qpjtITlkxxh84Uc zE5LAE>ocNJM@WJa$I=qKvvY-O3bfLY!O~ueU~aHJP7^f*6$+Z1C&EkvSPNh0EQKF! z#^w;hj>JO0i7A4PQ-|n_F0c*(y8;~2Du7k+FuyR$2{_~F&h2&TfC-_#LKN0g)-b?S zz@p%51dTeijdwX+M9mlddJJH4gM`3diU~7J{wRNsqq_Cm<9zGho;c8CaXkhdt?|8! z7R;@8@ySHJrtraG-p0#h584%U&2G-?p-e9=!ge}eGDl#OC@x9)^nuuAZmzFmBjf2Iz0L7$Q2e955w}N|b6?puV8k41o+WKR?T@(wSoqF3YVX(= z#Ex}Nj1gcG>k#^jUI14a7ifU%Zv=FY(4S|oW*^CgF8hlRWCD%{L3KRzn2F=B{~|xj zOt`|~KVk#eAxRzQN25(}{>+&)hbq=Mi+6Z}P`7o&hU5&y%t$S>1qv%slZb+ZLe3q1 zLqYt^uC$lR#sHxK3^sR4fdSl4 z?17knx8H9s{-LbyS_gfWFgQ%aoDu7kE%2Y&8Q8MnMI@lG1#$MZ6-?fZFx<@h_u zA9z|{^X6?V0-T7PxAf%g&Rk8;;ymv{FjbFJO>%OI$r#37>J4TDAv0eW?LDv^sn$Vx zye)MwLjU`cpubJ!yJ=2pfB9b08ZYB1{XkzByq=V{r1{rzwNCyXq#o9{|7V+Q3YUlB zLqK2@`Y1*e*b3L<;e=NarNqtsa5!Fl-~XeR;@Lzc&GBpgmKTymxM4bfs$@E%JZ7`X zE>auS;5Y`FF?mQ<#3hAkl;!y43dsrpTR^10{ILGgLvoK7(ij(vF`&seN^x+z@Rb7% z=FB>i3+cqsNMaP}s_$T^3f|`WijUZhtEoZykY`g1$V1e94~Bht`A)ig^<1iNET`9A z{0`;3%}yu|=mt-xVH|GC@MAQ>ZfBLb>&f)=XTOTGz4NKTBBwfX6=w8x%>Uk|EeI*L z-%WQmI%)acmGt!EPp1FoZ~wRHfB7H(Ui!hUSJK5_c_uAhIhUr6Wed3u*sp07@m=s=n>Pe1jor3AAr?byo zNjGp-`0_vhZW`XY6sOTzw`zAA{P2Y&<-4So;nj3eRq~HX`Drd@ZH--xJ+C& zQ1g7_0>OSoh$LP|h%WDGI>ZYwN*Zs++V@_fpT)uaoN?GWz`hj^GR?7n?Q=sf_bBI} ztoV}ukSxkEFLy6Z=VHcoG12iX9E@vz-Z)qCH!}8_cEN=*y~IzPrkY2}%cr0W;v{em z4b}6QJ1sERb9zk&jUBaJSh%u|Bn_Epeqi0B%w9ggDw|bN+{5sRfWRicYvzY1)6~Lw zGzX^B)YKXLP(TYYQy5ug^MpQBONwPs+H)bwLUT~H2hBxL(eLVGfOjs+6>?~{p@xN; zTWTvqBE#pxJ_~41dGlFK*>!{gVa@^`cF|54Gf!4oU3?>W;!vAKm&oY}D}$6fqOc5z zQ5twGf0}8p8Or;0*@Z6~asoCm9ARkiQ{+RAQEn3_`D&I_@xO5mzI_(qOgPO)6Sl=_ zw!Mf2jqB~13voM`W1t_MBdXHl#J%SLm9 z`a=hqN7UdRWbwPrF}b&IEW@L9)9e{c0}*IU&7u{-QLHV5BAP5vbolNV#5uByZDF;` zBD>ibO7}4D(}D6hn!6R}4q&eKMXWQ>SkR2ey6bR1k9*;#DU0h37yHs703-c^xG7|G zPe_5TKTna-w}|zVL=IqX;}~|X8sN04vlm8bQxiDo`%Pa^@`Uns3L)IQ^gU>S5LbDJ^~l_QzJ;7~hyl@||FkzkTYL&YS3p{mV&FliwHWKaVj394oJJ`Z${i^9`B z1?ebM)hAC)DVh*^(pHm0-x^MmP@AZu#L%OgWX?)(0k1HmXn+KDW=kXG_M;%nl+-0F!g~{^Rw>@{K#8H_FVrxQ>(Ui0jz`*rfKgVW!Ky!xvH9gaX!#NhZ&?KkL?^)n9R zca0MR-X6Y#;No4FLF}OiwRz@bk{ymNtet~_`#hS?)wH`gf?3LE(<6&tOgjifT4+`5 ztSz!*HiydeAr{1L}uF4XY|;wUz1A+U?%5JW3Dof zE%*6U=g8JBJ7i-xH~qqI{f$&b_4@z%TYn2%`6b#013W#EM$wLJ&5fkz-u!Xed%KnX z##euZqXs$MfE~c!`t|=H-MDoZ2g^57Wz_yrFhM`qF$D1;-vYyfz=A90WIbVK7<$xT zF#f=F7_&zGNT|N6=Efd7fH7x5r=60_yIZ9{D9JvuFO+-P?;t_1ymI9|$Y7l8b3z*H zFCv2jGU8wWKi_4cgcZ$mVPR~2Q*hgRLlK7feh;;D;U#{XHivw*{ZR&GMH(8BVZwXR z&JA&yTvGSadCB#xc$BM}8q*6nhMXoo+dK4EwbDpqoIrt8jJe%0#Jpr%)Eo^AwZ4=C zYWL6MeFZ$c{g@!Ic=mESbM`7)1B;kwV3L4Y+v!v1((V#k3*bh}O(}P!8MAxtUL(+` z5>F?ZBWN^Kp;ekes4b=@#wN~2S2^nR?#de1bxf7f2!J;kagoMJBgidS_`8_K6b`!3 z#H6HAuW=;xI3^Kj`jC@9887&(DkEQ`S} z%7}%$JT$_KSRCqqh=}_fWvwO%?<&xsdHAPGOLLURK<3nzO*G7gNi%_uhbBHoJRY`+ zP@{nljrHXXG-ffO+aX`Fy7KrH=x8>za3gM)lVmg%Yiw)UfqBL#n%r~QNwR)5Zr#}A zR1p@=9J4*Um z28{;p2WfW*H5Bn8+}|76!lYwAU3}zJ`sr(GmY7mLS^DCfBj2hpMiX)t)~pj1Oza{6 z((Gdt6a6+O>${lQ=!jbL>ya9%O-KK?(8!6+0&q!ATa7PINU0)0_84{@k56FAt^j3g z69GN_R0D=pj>dJJCI6rKi#%6HciUR%cwTQw%hXDlS@W~+*cj{Z<6p|`$}250*1 z6?pSpXm_F8Ui~L|l-5cgGyS*ix$koSId|mWNqO)w((A9pcnY>6fE3opwNy(}69h>L zpIs-o(M&6duTK(bbPq{*yRnhmk~8`6e|xq0@EQHQInewQk^u1gg6|FiaQHbR_u=!O z-(6+^j^p>7_=*0SOIxcLPEpBjO7XQq@}rtM%|FqPvgeAU4?M(%#bkay8$wpo_@8 zKjwa7xL!>klVT8kmjw1ml$7Je3wz-ZrvsL}a^X;ddG!bLFClU}@;QIYaSr1dU#2*6 z1+FwYm}jM`A+_e!K9l%>5^N?d+cFAX%#g+6;$q;Oo}OhqEdHPlQ8(+K+mPQM-sieo z!G4%oo1>w$(QCOs8l$gFK9o2G=Ef~}SgwcZ3xJNobaLEM z-{Y|#K0h!7`tYdWN`G2T)0_ zqrQB4e2xYGJCuAYO>3*%zym*ynfKCq+8=)^4I&U2nYoM#HjbNR7_qrtn0p*`^zHNy z{?6Y^i)VMzmwx>sj<7dU<-(ctpZ(YWW%|Q^{730)zxU1b#lQ0JrZ?+9fT3=(uw~Z~ zwd>{v<}XWE(;Ob|x9;MI6q@do=?H7kfLug+{GQW5I~FQtE_&Fz#WDf zF*5O}>A+Z=;4(W z`2(FJuEHy6wL%ephBysPgdhyUQD@xFI2*zjnQibVnBwr)p}<7ldGNw^>tNIc4=8Ik zfotRqFHc>BLu4H|BxsbOYwj8Fap6PV3Qmr(@Eo7Gh6&L$3oCY!>BSb~V;H!&P^mG0 z)d0j4_YHgx>^5B_xzi7>x+r$sP~QsgoFg8FPX+{POG{~v-z2=6CJsB`cNNwDQ`fGh z(WQm(^VP;A#YJdrx`7npuqP+!ka7e8!9ZmU8m5{*{%FRxLYtw=0&!v-pE{g`H;6z? zEeM?#YHG5&wvp~EucdqVq-a3{+weaPg>m48g2XDc40HVzP*1%VuF~u9`;IvYw6P0NM z8Tbxju|Gn7bryNcw=t1xA>d#EJ9B0#T{wS=@w~~n*kpci0}fwk4Kx`xx-8&13VR89 zK|b5i!n?OQ0(SWxuo+3GfMpe7>*zFsTaVF3Na`U2u%rYQ>hQrWV5857P8$s<7TY^G z%ir2wCha7rjnF^PfR=4!Tn_;Q*AW9~iwq(dX`wmLV)0rdZv{~Dx%jpOR*XUXTR_!F z1I^)ij}s6b{}lzll)tC14QjEkK$Qi3yM;C|^-G)xHAFmpg*aDvg3H2EJ-z)VzL?r* z*O}P0j2OXpX=xWnse`P8_7HUH^tICj{9DKsmh0O}$| zBui-qLQzY$TdZpb&AvU_UBkChcFKyMCrpFv+$!a{_M!?ThD)ITMFDBH5!j*#URzC) z3NX-rQ5WqY4-W`@0j|*V!>KcwAP%IJJu`hi$6AX`V>f>Fd)PoI7l%&pElw>0hsIbtcDZ<`f;i*Rd@VA!`gWMsFZ)FugJnFu8lEKrzL~y~xd7 z>L>!FyhG$yEsKHYFH=2`n1QRro4g$;*3WNVBOR6X8o~Mn@*i!1PsS-sMbwKj$TA@3 zQLf(P{Bm9e4qlzKS_l{{M(D&u#^BBx4Y@3L6iw+=VwznDH(oS?@weOtM9#r$upDji z5b8q6Au^EG&{&`xZpb0Wi8@#y>dc1HPTvPStWaMtDkSBgozWiR*xr)H=)y0n1iM(u zzy6#`IX1ZDVY(96`-3<>lt2Z@tvqF5@npK=L1}JCXI)?k7f?(S6wigPL42C@qeNVC zAN@uaBQPKrFJ9twl&k5LH(pQ69GBGuh{9D<9(N9ckuEsEH9*84%M0~j-`Vdc4d;k_ zSl^TCZ9CozCKA>D?*&HY6KTYd9-y=2IHG@Ke@?3JN$=jf!2A2@z2iRo@}LkX^vd`r z^#`L2MmEznzn5Q$pVMT7bv(qchezVFNaaZJ8q*JV(i3~LJZC0@vDTM=&X-6Lq!ZFQ zcL!A~mMN50kS~j~$le^C3u3(TKG3E2F2q_G(kdQVYNj`rS%jyFbY}bl+Fv)>ZCrsa zpk5BoiaWJ*=T)>hrk+Y?KL2Her&th&)N4f9*Pp2X=rEtgPH!#utWWgjpC3 z2gZMyPZ!O!8TeFXTyfg;FTVDt={MN{txcXzUA*d7IhjC*cg_IUe&K3rtzS#^AMWB@ zZz8R??&0vRo1XpjGnmc1ohA{?3|6Po{OlC^%9J_D0syCk`z*v{aQ84{gjWrCx+o|+ zV2H{2C#ZoJ4B`;=abC`N;nmfK0yJ<)MwuPsK^7+??Ch$!F@V&B4Oa34El7{(KGHJH z6Bho*=#hzNzfDlb2T@~ z5Sn;up1aB}$~+2|ffHj)XOTn-y1~*O5}SECeL{Fz%P8sN)FtSu8cEXUOe-D#aHK49 zJ7`3Z2`VF;xPd^xlUdXdX=3it!5jf167*|`ak9R;!$}}+$c>?C&`oF0olkRT@Ga8e zSZvDN!+~alBWJg_RwDoNm!=V}%WAfqXY>3r=`t4amtCXcY0LXsBnj|Cp`G+*Ti2F-daB= zq4mKS_cPf?&R+_Hl94$x_M;Fjld{GQS2Rs?63+#6AN1_(UD5?;w3gWPV)^-(bK2D!P z^Topfbc(8ZrT$2C&<$jw3er3Cjrl{ty#+acV+Q3M<6P^JwwjGd*N1_pS~Su|g)0$1 zK;?$9I0L1m7-ePp@$g=HPZ0sn5Rw32dFoajoZ02z1MqidW-M*sKT3_9wx%4$2ktZQ z<2%qeHLQ0L^a`W+N#!-60-g%t0tbb$eaAJrPdw(C3(xjlj#ut&DuvLlEXZ>mnCAxP zo{ZcxX@SW&?a{TNoAjdE1yyl5K zCh5a$PPjAf@o>_+<8ktHsHq+KlqdQludIvAC;w!~)F{vtWkL_}5SuE4$%VdfvFYYH z2*C`3A|vNFa8Iyyg2^R!;24re2W=0YmKg|G7(&tp%z$&*t>h*`s3r40ORnvY+~&NC zmj_Aol6ey^7-Rbj#Fvqdg@$RUa4?(Jy{{g*l*7M%izEHWBib4LW7dcLTKd;^87$6_ zv(4p7SW2)}GGwtEz+eXu6D#Q7t1(K67QIKDM<#giwbU z+H&>>s~c@2Pt$rI&f$#9MCAAKKF7=P3;c3kvaLCuJH2EOb#x*QsW$L0-*K%J0yFeT zNFe!gmk=C5nk;FCVo?VscJixD*e1o-?2fTZ@&w0&-FWg+`u_79oCUrGW^()#i!rfO zArTqIFN7Jq6ZvROT=Qf|wTLGlY|IiejCtyHUZ`>R`k}4S%H_-CA5`#Pvvb+pZm{r(T4*tIO0kVuX5ZBPs=FJ#y`@Sc;TO1;=$v=O@GVF z%ah`YjVHw|X&zpG76gjGtHdi~vy8WZZ;zIgZ-+1!_RtxK2g4|Sk&n;dm6#n@7k$JF z8qA#|A-~Bv8LvOY`0mlzT&A=TydvM03=BsEDBOSp1`lDI*zJk@f;RN(VSQpn>$Bf; z9**Y_K*a8id783UR~k{qSt++%A=D(5_T<>omVvyInW`9~?94~G4&;CXV-AYZ z9Gpql(Y#pQtfa+h9EIW+VQ3g;dFLKX@VzuMI+xZrzMEFx{X>pjWnPEDz4PYF>Gqr7 zN1b^sU4DEmz4YB1seWrI{qFzp_gVaN@=CRpCULknv~@cD;otc>XZYd(58=ahVE4~6puycv7cV`L&R=|nqi1K+1m-L| zTQ^geQ&8~j&xs3D*zm7XUY!M4VP>Iz^o9Ma!b}!&0LKWv&-WSb;FUdXf6|Y8?B0d# zI`257F>nn8VHXkD(^sLLNj~<6{TyVirEIrkih#?^F0S7{**Vw7%eh7%6-ce<_@?7XCdD zR*3NoEyg_pYIo5YqtYFnT{e+8w$N^hq!LzS_&huZ$mHf_VF z!zM?NYBqQAGJb^S5T2sJFdXJqbr$w$qd~`JXXmJ2E$VV_rIBvlTqS*r(_?1iR6kEN z8D{<%L3krCROciXO#&1uxJFQWVOJ-q90#j&)GqcV8(VjPM=L#Y?GfUPr@Lskj83pK zk1q=O!mQ;0A4&Tvno@+%1m_sW9>SY_eE|_1r_z+7ZS0tBAuN&ul_XSwx&7ghtU$L% zJMxf)WJUjFx+r}FrU)Je23wdKP6L~jzyW%X8YwELJm^(yAi}F_;-C;z0Tt_ggcxW9 z(p43N3;MRJaUxC=C#*McJUs%Pnbyn@{~47L7vuUyg0A*vaOq>LDZPn6FDr?a))B|K z#pAFw$FVJ*%ov*mZ1e?P3mSQlIN(P@V2d!;Y@8FI^)3h0>M*8)@BxHZ&j0Icb?7BW z6yub258*-!C#!o%wq38Jam<%E61UwQX1+r(ho2$+%t%|=(iIV-?t=&z%A6B)pYrV+ z*98JM)*0NFK8v{^`p;(4M&~ZR=f0$^m{sW*)iEc&Yj&jxq8b^YjT59fW--bk4}@kT z(B%on(Iovof#4GV-5h_+`hsezUE(1HA9eWn1RM4+$Z<6IF3_oWJ^Ho($qqOkJo4uL zJdGtGIvUF4did6I%gHot*MPQbG?aMDwM0md%qbm$Lqa5a&eJhz6yvO=dyjdg{HH7GquIQf}N_+7Qqx_1GVPH zN;@rJ*0D6Rz{24b?3Py&JS011n+Pxdc6#-Dzk}a|$Iw2!k`@+c&~%u9;U7!m*LTu8 zH{MFMCSK_~>`VcRE(-(avN3ky+CSM!Z{GTDT5EH(>nhAFOluQIcnuZ+s!EKr2-t@~ z+=kJVDQv51Z4IGoE1PRDyF2NL$2lQ|)3tUnN362LH8xpG8$0;g=&Yx))0fiNscQ&I zX0dhNPQUycm(vS>`VZ6E2EI9#o=CST^U5PnGXL(SMwcCA=;qw~0*j5sv|7iUg4K?A(;okmjd_0zBelH>-C5CJON99Me-r?tFTbfUVWJ3CAA^f>0jw?(LkAk z{UeQ%tcTD`G@#)jfC7m%bBYXsqu=9E!0-$^!JJ}0_6NoS@0`Kx*Z4;rWngpJ(pKh7 zDj<_?UE_mqneX!)PdmW<92tN1{ujc^LhFpG>~PK2pVfcL17 z)BYi}Xe!*RkzxU!cB2UunMOs!l$JL8t-#NBnyFMgYK6K{m4Hbkc=+cN0Rh$K@7-R( zr0Z4)1N2c*Lo?^psfBdz{P}cxVHUhy4cdZfxmn6rn_+ z*W!SH>Z^1`+mk2iH(0m`W?~Tb;d)G(F3yAME6} zb?k|D+#NJDws5lSm|0v>2%``H&6S|rXm@aOj1Ey1S`Xu+L^{!EU}}O>(LFQ=Mn^GU z*%YQ*>Gaug%AG}v0|C$SHX0>tTTM?h{tytuGv+Z)`yKxhfC!9f#uy`$cX`Y!c=5aa zqQFU^NpN8lZvOzth^twKuu(8kmDj^h#y%P>G1htMc#f{=nZJxfqi69iap%tMUU|+5 zbPnY@3rVNi&_+ll?-6=PBl)(1cJTzq1uI($T_a)SibTa9p}zYP;?O^FVI=SOGKYQ-jvE z5y*AWJlB7Wj(3A*lXrl~%*Z=Jz>6}0lcY1R!Tgfzp;@}?1x<}&!!PP84bQw0m5cg@ zzZLq^LlmmysSsWBBYJ^M>1)9x9BG*5JZjN3JldCW;i;V=ycb>)=#Myje1Z*tCLj+( z|GjTZW6Sk0rgtuIj|W-I!*qvV9dyS7L$2@DNo7!<@|sS2pb&zU2Z?#St?!-2!4!m> zDCMBR6GZv>UF`6$@$x^?Ksc?I_z;>laZjE+s|IZn)2R()o-q*+ z$2@fAq+}Qp7n9l^gnE#PXq26m^XJZTUicU)kjznlv4h$l(;g|AISfI(<0c*tf!6mf ze>wPT{R~le+aSCIHopvy+zx9T6*uycaKac5I2tK;PW&~`6GFhPSFYvx>>?x!Ge~fN zCna&NZ+U`}AKt$2U9VB^8|UH2j|u|ry!D6D&oRFE;GCLANe@ft_Xy%bFJbIP_i)2k zS>wlR#?!17MSAci0tqAS0sc9L{g!_jp9_<1R+Yn z>`?x3+FX5(G^mY_%%$nctLc}&@|E=R{Hy63|Kyu#umSVdhM{YzZ2^pc!yxlqcLhB& zG%sq{8L#2|lO+HPbr>wZ>p!Urvp2|2<1WIDfF8`^Cd_0XiaFAQi&SK8il%UC=w}vH&AwX4mgIc;{@a z*+zxFQCm~TdhQ&LGMP)OTRrU=<7%QBS{UZXi->Od-b?5Cc`r>>0HWF85cO~u(}jip zRp8NcAmRXX0$4#j7=1GYM|dQ?Z33c{t@chAZ5pw$3w_*oPK5y<8JPgKEF32}ihgE^ z9Z}3?S!mWq68iC*nq4z z0e&)MKN*k>7|??k*oNU5(S|Hhi$#q&Bu72saJpyhWqP`6>Dn?Y_nUcd-o@W{;*Xnu zW@qiM?SWRx|ZvlTRjZJ;6sT@OD0dI?yX2x{op&68=2fewFV>&26v^tnUxwg0{eX*?@ zdX=X7(2hP^q#yb16n%S|LBpfAqtBt->@%_3hX&mma0q>dB?EBC40~*GNNn?Hlm925 znN2TVWlPk?oz&RJp9TH;5XI@i=2Y51nJ~-NoaM_4I1gLn z=4ftCmRa9g2S=my>@y1}8Sx)B39aN?su~kL;-=+>h~|$Ygv<%PWLQFhX4F z0nA~6jlwCE`efUf-NWhgFs*O6jR*e~SZ!#tfqIMbAOPN=7lN-bnubpc2?yE$<{sC1 zww}zk*xE$iEgV5NiMP9sGP}!`o5Kdjg=4wFp)8BwpW%x&g* z1W%%#xKV(#NlpjemDeR}_f?$;B?4CoAVRs8L?;rQ@lfKQ@#(~?hm9v)D1<^R5EtDh zh+%1Yg-*(f2Ay8hE1e^`CB^fSJ*ray!97$C{+R&59Ymf5bn**Ah4`#i+(Y(!j}?4g zh2T)ZYlkpeCiwi4Y(u~ZCq^;F*>?_Ru}3oUtk7Zsn7E2Vf2Ay66QfF( z(@S4va$b+8)kDrd!*5Cj%@XQyedn`qM;$0L6j4>=Vtt}QBkCbzCx=np(g17npIyof#DW`wY);2Z*D^)2=_AL4qReTW`YrQAPOI}5X( zVkK^bGb@!^)2@I7b8|JqK9(z6R@`#IRfV`%j|iEBCeOm@zVfIPIq^72s=`M6$2${G zZltTKJh?Y5MzvGQ~2yS}ymhFDReRP8)@l&B`O;oD3Hybkh_4hzj?S}NbYX3}(AI*yay z*W*GD^iOHg6|QdA6?#NL_$t%~h&Ve2PFHy3Q(-Y8Ad?_HouVlpqljEiE`Rc}O6j-q zoogseH2He)8GB;e+wsh z>zp3Iq#oZ3vzSTiKvN6NfkL;qVOAdeiap=s1I&sseVt7lQRr+P1+7Q-jWG4rga6e} z%%uxY_0wyw{hf5~%ClkdI2hamznc2qVN94uz*NDs4ldZo%w%R^sgssi(d=U-a_!uu z)W?&33xT|a@H_5qr1Puu_#nERzW)X%qcky151w3&4MHfI_yy~dS0grN<&x-=-+;4B zEP+obC)(L$*$F5M7~oQYSS3e;)$BGCk7yhIAjgt|7NBk1i!DjoijFn@d{*&ckVh(b zhUiLL$NqWpR53B@q6vOQVqyYK_Q+7>ko>L1q^X7Euj#tmMOs+KwAyP-NNE!$MPB{I zafvY*r2d{B0WIY5liGw*MHr%41OmKUN3X87=W!~=H0VzU-?p(Uk-6W9C%~z2rNtmK z3w&`bPny@w@RuZMpOO!7lHhCz->Uws?c-p+09N3I;}e0fCss|b^B zXYo@rPZ@k+gx=L?zy=Qf zK-NwAkEat#?LK>qsePu;CNiY7)Zv7SU;pw8X|cJ9(sd6@j+L}|7i$aZIR!4(F07GW);{OYBd_}d@O!wI*4W;$%(2%yyBsYGj~<~wo*v-{6s7uzxkL}e z&^DHX9jfjsyYk`?9`DuztKLS5+(YDZ)!xZuS?nw_l#63-g>f;_V1J!Lfn|U9Xj+v6 zDvR}{=cyt3E0N#YU7hndS5d}ohShL`qiWmmVvb>bz$Cw#KzovnuvocpW=$K%$jQq% z=}Eo_?~{+kF{f7Z?LXG z89vk!&n-UCm+&>18#KYYIwf>8z{)rT80aG4d-7ElCQuB?lV!IqIy+}-O)Z21V}OF+ z6LU-ziU#Fqc{_1iDDMuCy$`4hHYll!b;cer@8f`VQ_C9{9RVWv8}*L)0?(OmI%6cC zz?=T29Mi!KI1+Bt!0jnDknG>+%_U~qTqp0n{{X?! z+LkjEZ1HFbllSq#@*vW712(vf-x9{1&5hHe-s-GNk@P(XIJM5vBI0lp854 zSaRW3$b7AXSAHk>6t5!G%P#NEx>glB>(k?Rj~oL|lIwxi4+1Jz2|HUc9LK8Df^Q42 zEHTP=ujS{ra$m0HT{gvsJ5-?fy?l!s{scebsvxIOzRyv9F^P5MDfk(}4g#Qb9LW_P z%qAYB@ru_*hcQm(LdK7uc|*75C%-F-3!>yOp=-r3g{{mJos`CExZ;^SlQAKub&L=W zGhp1n)S78S+*>*$1lhQn#Y!G4RecKDWXswVJ`)LJ@um0*kpI-UqOX-d8e;3}v`W%zy9&qgAyiMUdR%$8A)0*J? zAyny{Y+j)W({ruO4)(KiKxR_u6Q8?+;$)3IF|2~&o1=|scMtP+jpKAW*TOkr|8R$i z1&%?P$S-r$>x~-^m;?=2;az2){CR}6o9X6T-@!@SQCd2G1ykg;^mEU=kluLnWpKhc ziy&+exA_O|<*z(Md!PUgzYxJN#T|RbjQ}2_Nx2LB*~YZP6cdNQ?N|><+H!D;#CV(N z2#0)k#kg4-OhUpAEaDt^q(LV^W}roelNygX%;wqfRq`~RzMY)> z=sZ`4k=ZX!mP5o{8P6?GrHbVlzw|R#2zPe$k-+LJE5?pZD&MnjE?0gTqbSFT(&O;a zz`!%lUx~Kf=2RrK6Y1KOtLf>du3=I?mA2S+@#^&(^huNmOv0N?4)rzA;>4RQmr8%o zoxBL%luvDd_8@%~ASx0v-zPqF=hl=tP7%~1!->C^8(Mw1CHH{qAQX2DiKkama}Px> zJn$|`jlC`8D4hN*tu3$(Muc z_TC14zX$K2o;b;*nCL@&>eFPqja$DC;90%ch68`p&jjUlIexpt!2?fSdpfrA+`36V zSaZnd-2!3#hHUAWYV5*8@pp6NSxxjgCaLyx*_3=kInv|B-A<<5$lKs6Sw77RZn2;W z4(z)shje;uF(tUQsGN`y)`coe5!IhES5jbkdEN161N$AdGjJfNMw_h2s_as=S$8Jy4J zU#^L>+9ec67f`6JK{w}ca=XlyAmw>|(;+z{_sXj%lJ>Wpsjiw09;^e}FUP3hzwjlM z$Ol-)4`9%;YLzG|HG0%33(jYBj0$-Hxk)?B_E>4eVm?%wMdhS zEW($UP(pg*i3_FSR2CmDD*P6pj|HrvJjF~}wO_QMgH04l9tkTAJnHbFDK>PlWeAi{ z1gcWK8s*0;QU8-eZnP@x=`1G6%ZJldr$fc3EX?KT(L<`{on-JnHzn`WQBK28JOrZC z0rENhif4rb-!mab<25sf^UzgRRaRJy!qj#e#?P`51ccz=>J%N@U|k%{p}=^~*W)^l z5hfz|ogZXN8h^f}({Z&_O>#q+p%X~la0}i$usCV9I0lvwba_K!%Cq`9| zDBl8vTR8H)f1|#9kF7P7Z;-JX*ARFhQgnWpj02?bX8aHfCLh6!NMl_UvUIvPaBy_L zABq!A|eaz-BDG0s>A6r$2T z0t2ocFnmFh|l21Af6e@q_}&Op7?Nyt&k zMGTXt9}M119=I3x<$b;v=lNCDPAB3ETS;R&bFe^vIq&=|(fe#36+nE~l>hkIBozU1 zd*Z$6B5r(`{K=D=$z$9EZ3e(6-#>o(AQ&iZozvv@uP7xRY*jhZamYNO_FUbT_w}py zWfEsJpUdyvIpjB!epvNK!N`;;EYg$~4NS%l5c)9nS9y)JM}L)9RL8FcoS)Wz^7s7C{N>H2RY}WFo&u~+Cj5Yum10UBWs2DOtku#Lyy4u#j8&+8EB_> zZgCbJXt>}>3kYuC`S$OjaCwRCHQy5xTOY5bFMRr6U~=}U^p)TI@6&qs+rSEk zBAqQ73MKf9JUUO*Q3A;a6v)Ar(B*)BHYMSaR&qMDCVqQLt5@1Z z{!U)DM;o|jv^>EgbsvkLvbj{gnyu*&x|xx5z~%hn8Y`ervT}Kq=S$?fm>z7SpeEnr zvB>tO7z33#exF}8pwEhoc~J?|K$o4#InJ>P2`%>!#I?Q{kGom$wzk3dsXI7uVkDir z%FF^Y?{cAe>@#0*11|bZL?cL3;s)@tEU7Ys@67I0jD&)NO1ClL*RsUnCFmoke*E`C z#=sE8-;s(*R(hS-^f~Cbv)D{)ICGr#l#qLHD~NZ<3i&k0Up8sSg#~Dq3DRMl)3@d-^(;24a#3*rJpwUUS6tmP$&HIts}RO=y!+riY3QEn#(`)l=g zofLYSN*kq#RvHQ|4YoQMMIP(3i#p0eOjS`1jMA@v{>5|=Iv;H_Iejon_jifc=y7_< zOlo(ad-zC;>k!&KV0(&I8y$Yz8(V1~N6dS?n@1V32!8etcGB(p`02nQ?s&|xx9~${ zsw0%LLeOr{aj!xHYZR1)9>=P}q=yp3Jg;58LSO8sn>RLaND1%9x6uZQkWKhr7dh_; zp4?!5vJB(7$TpI>;0LH`!~^AMRpOQl9ZBkZ^#JR&11A3Zi^xGfrxMbmWbrjZ`!YKL zAM!Be+`Jeo=d!QPpyZV&A{CN6b3)rsUZeOb?uFk|OPVxT2M3^Swg~pRw4;2{@e4TQ zAM!>}06zRV7FRMdSdz~kf(uXA>2NBFGUu2%)BMsxdWU0kH|52gu#`r-oWQjM&0WCS zkdtaS0{8ZCp6x`8U+~p-1IMlK!bR?vv7B2%@w4c*9oj*)5ZDP?u&$OGN>!@nsgWvV zdrjvt(2Pf1QRX4C`v&xK52frT^t#SA%{v@by9U;nL9cz3CFpTOS)c2d z>9WWmUj12eC^(`)sHf3_*y$UT5%UP)G?1TgitlXcO?+Q~_YwHC97B;?%6;1teyGzq z{8&A)wun>QWyWZ>MR_6(M=I~^*!G@MG?kX|qvY5b?Mdb{oP;zpiw_<8vg5*|4yR}L zk2?SN%r6Gx_xyVLLty#z%Xd91W(8HB`l3Mf!NTeI4_AIBkB5m%oD&nDlhD-(C~HC$ zkn+mP{Nfy@V~d!JV)BXh&*`L^P$%#1{VN0>c~k^>BKN489sYD3!JJH*5P0-E9l$^z z%;3s*1U-`0>siG!;;A4Ur7Z95ICeT2m$3TI$+XrcGJp{1=)_@4NH36yhIvzTGRv;u zwn$;IZ3`$|quwwe83(x&A$M}Mw^2LG%}FD!xkVb^^D`??B8f=c%T%ip5!itfcwwPg zV6Vy!;hlR_5u~WW7*G76J~;pp%rrEqKqK>)nMCWx`l-QGUHTk|e^ z9MR5`h7m5>PevH~^uc%Fu)><{4C_esa_-KF0FOK6*B9t5A98dOqS*PI=$$b2srqScL_L0nIfF|PEZ*?NNvuk4d zUciErFdUuPwX05*Nz=Mb@-Kvx`@3ZXZxBvC!E%V3CyCbB@+N$%037sgfg}(wPSBM| z+~N>CUXfH7g>Rd;>h2uAKiu`q8()!Luur@@`k^#AR+ zdvS$rtZPinIKpvi1qd#Zo>L1jLC*p>mO>3q5&-sSH`=RA4jf;239rt|czN~_!g(Hd zEQ3A#`%EA)D-R1Ffag{4_87Bbd}1s?sp7=Y36Ax!zIlkW?o87dgQPFZaoqFX)!I;Y zgB9}@2VR{t4Mwi|GvPpiq4nx4li(q%;vSvY#R8;H`??76IDB+4aAzl_yBj;%VwH$VR5!Y zIVx#;Op1rVJ>MCowIwRfv9OzLwfN3E<8&P#72jif%3D~f-95l!1N?bvl+JqH(vG)^ z^vTt!^z`&n`ZyaQbpYuiCmS_blVuwoN^Gs}r{JwUd|&iYY>b8+%}l+OYvo|_JQeXO zl2m*rtj)Nq+RJY`Hl;n;%Oam{&1i+eBp#S`0OWfp-5Y}r zV+8(5A|g;U0g+}TFcn33k_CT}4`f*vB{cES@30U!O7nc5WzlVA35770EtfB1Ir!X{ z(q3#M!omY3X+u6kmR)$!jt$D#)qp2@Byd-38mcmq7rlnN|L|I9Uh_x~<)`izQumAIG|E z^P#DO4w$xLZ8%Kx(E3QF96@~axJo;R$CmaD({qr127ofWb$SpQj7*V!hWE>E&^dP{sav(9jw^}f8T zU+E*!b0q!}>i6ZH*R$T6SNTmQ-gMBS*f32fHXN7=0znT`-N@Rsrt@c91)bx`dR2M_ znirWM{E)c(h#O|)(Jl;PG6CZ#3HrYVTa{D1EB8?!;fs6~#eqfU5@qlV1I!Eora(uH z)wU?u@}WF_!fmjumP!CPhkNbnG+E$?i2NyOxQWS#m?-rQL9fcYlwms4_jfLKL8-@NAtuVVN-)ne&$Iib#P_GVEYMI436URA%pomTrl3l#?AQ3@x3=)hV$X` zI1QEbkZGd+B@a9GHL3?q{=}VtE ziO)h8zLi$x<;U+%^QTPX#01ivijpdCt1fO~zKN@UgpL%!!@@Et?s!Mpp?oAl(YFP>^lfSuWth7P95czV+vgR8 zc&8v6oPl>tN|AR0hw&C6Gx#wIfZT6@NF@o5@nQvvxWeAUr^PLf9ZXA?)93%iUr&Gd z+rOKZE+W97zxO}2xqr5C^OV!HAA8|m(i8wgaaR>CX#NK1LECJI=1$~;F> zx5qOGmH2(Ya%17b0@==`!+A`Mmk-m0&p(&0@BD+*!a-ikl}H5BU7WME=g+gcf1cH| zVfxLl{*URmzws?9vWIU`PCQ{x_eyg;U07lz6J^2r<~=4e52(ilOvs-@A#yFXF?IjJ zkG_*${@!=fkAD1Wy8Sl7J}Y@HOgI6zHFC&TnigDEZ@u~}@3?d$OkwfT;g<*xi#bjt}|;)ip~>p5n9EE0sC=0jle?3tT;}gbh6D2 zpH4Ds9CKdav>&9Ut!=g# z;#&YmoJTV_<2=8Vu0H*-G+4ib0)tHlDE#_tzuDxt>_bjE88fMEp`e|`QM)VOTemmp z7xXjwlNKEZba?yBOlvV6V!g1#Jm3(`O`lbEeE4!4^*qi$+4eG=NnhI-r`O-UiDd!{ zQ}$hOJ;wJ)Fc6fovnZBf%^{0hCv8nW{tLg5h8!z;j|uH6j9piHvE7}qAh?BN68*i! z_GXUtSjzBaEyuEdNqv-U-NJqiFBYsQaRIYJ+{x0d_n#pgM$gl3oTXo zJK8t4;mdbuWAN-ksM{1{AsGBext2v9raQ!PL4zb?!HwgeY!fa8&bgt^!ucaC0Ofrx>K@xWj0=x- z%hZT6kJx?^rVApP49FU#2e_i1@>?5Xgz`XMslwNv3SX^&yjPiR{i1x8+vJhw1%4wg zf6NB3;+wbez+cDvAq4^+d1T@>z3mctQpYK9t5Ty)yLRB^ZWry~0QEp6ONgW>H;_Nt zEV9hu6KM`!Kg+_Wym?N`3}|2p|0OdzIBnxYrn!xx110n@J9E~0TkE;7o}mvnDDP2+ zvuD?jx|BzhpNJ2FCBNt>r}LFaY|RfTWZ~eaFQ3{?>NlyY1Z=$^MhRbY9{p^1oE0Bn zqI9c@(1Xb^X%#mTy1&AVOMV4^qR4OMyU)U3zL#q-6kzaMuAedO6vrLPX9XJjiSPZH zZ^@%v%cMNEh=8WjhIVEp6>K>#0N#e_ITG0p5$sMB%zbXL6b?ez8Rxb<=}%>|rMb93-}iIWvIr}KUH^D&0%-%6X*-Z=N9pU{+ur#{CNyE8H?#D8{rPk;r)e#>UFnzdLTUUsRThAh z?B->cvwZ&Mhyib*@tne$v#V|@Y(vnK!6S&O+_2BO8fYK}-_0=3vV|+~7g8Dzq!(T} zADd8udk=}EP%FJ0mWr}xux`vBpr!=7{ZIb&AcTunocPF#IrjdBpWkmR0t;vxd~0ej+Krv^9SYiz@# zjqlytN~{)?mOwP{?)&d{^7U2o-l@>Zn-73ERZ1Efk}tejoN56C6j86d_BBv7&7f(ODQ zFw>&k(|)vqt8)2i^sZsFZR`Ne0vjl&1WdSLa0*aqa?3rhmtK;?kBy(WfN_ zO%wEz`&1M~9!^Ld)A&KZu2N6qK+#pu9{bsya7v?Ebu_WUQRi(OS6=tnI;45~A$#4W zeFbclCk@(ek-g~p@F0VL!PR1aGpq*3Dy4OK96k~laM8rA8q2FI>6z!AP0u~|94qL} zbd$c`#%ZR)q%xt4UeZB}tp-pdaxWHJ3o}?FAPZuNAq^;z1;2xz7~~61%-zBrR=`XO zy4^(Q&H|B7 zcT`cqJ6cTN8Q!~XI@$r+QFfFzKsk9Z52B0)yjh2#mK}>@#FrdHUz{DL?iGS_2TJ5C_uk>yM;?KOxul`(!zYu%5+F$&3`nzS8^!dAt;yC{Rj6Z%eu5fs-wpCW=yOL*= zVLgmXJe31hTo}f5rePGsFJG+d5d%Z1lW|KMO>iFRqb8)! za0*YsSJcxyt9ZT__VR3gQA6siU}wJdU&+flm%JdY2}}yl3WByr3nki!0bzHS6-Z3L z@7=$j-oAM~?Xu?+tcFq}H0DltWSTX&tn*nR`?3HL1fv5+;1DpQj#Uxg5WFeD^3Y@Dm+V z1+mdnkBKh&ie=Z|m3y!C{+j!hZR-Er&rZW_ntJ;3T&~i6@EC3i7-0ccr8AypoPD;Y z=$NsM38<&0sJNU)=n4T6I*fkgHRw}-_)Q240ncqCVP`BJDS6=>RYO=5V!dxr;{8Jax)8{XzyX%|j`>(#9 zZrpq)1YQ;WK*YJ1E0|&zuaDc@FX`N(GvqIWvE~neK zUroRJdu%yrETrG~v;SuLOMme{O@H~n*i5g!@k8Eani4nSk|8Lr^4SR0Rhlt~OG79w zcx9SAu9Ww*A4{gTiAMpiupRZuYtN@kY}4_0)dr^M4Y%LmpdyY4WRm4+3lf0*nHdA^ zV_TUAD~k%^wv|UFsw8n-7D!W2h+~7a;|VKHbR0)!nMh?iB@zI}KPFa9CIG&7Y;@IC zno&kkD7RkrLG#Qwke0+v7ObbOlP7ISv(tShh&_~3yI~1(;4z>GzOHmiPb&L^uEu=onNU?dmcl31z|e zLU~49P0IK$DTLoI?<c(UcuPgrJJl`!2^v;<4d&)~3-wN*?;Opo<%H6;5t+&!AzkE4e#yODDG&q@<tKC_1DTq3^|)Zi?MhOQdvU9RM51-;p?SztEAZo9%jV3R^VK*}R-juLz?n$n zf1%qt-}7DIoUu$QpFCIhT=1XADKX;OJjiHa-f@~XVN7u=4rX%XkFs1Gptw*`hVG3c zX?q-*>$acWppiI`0N@wq@r{F3M+?QJ)-FA)H#`cLSu1U0J6YF)aHwknw z9%UB(WC{k~nMP`lG*$c%ga9Hs6YpXhfecG#u3*hCIu04c>J)KG`f{}lg_4qo3_rG_ z1Y8tsf0s$oiL^JLRXY}53BOm_QjeHmJsIv7aX(CE=O=D5oD*1q$vCCFNW`C# z-fZF=xlFiCyqtyB7odmzn9**eLHm-z}#~g0t%c-{6=Ew$^yCCs8P08ZmhGvQePrO z2+g{ci;!=O6GDD@UAq?C)Ly;E?IhFMcishTwO8H>;JdlWKXt}X18y|%lyZu;88p(6zU^DukJJa!h1ff+7Vm>UwQEt(#3OYC=%WvFHB?EdeV0FhzY=U_bBZw=(pq9wDRF(@dn;YO;tO_b#U09gbM+qS*MxAE3xx@10kZV|J~FAPOUfA&RKmnyhvw7@rH&imKdd;ovN7CkCi<`F7exdyv^a7lRr+f-$X}oc z`YH%T4fkagTe{PsseZn)b57z=lw-?mryXOW^c8hhXy;D)l^j%HZ0~HQt!@0OblKYI z9&XYazloBjgXPQ;TWWMv=;;7)L^<^d#G)SHY^Jo89ecnx&(z?MBtLz9NFJEi4>{C>QOsVJQe)O^%>$aGHnkj!^WX2235{aB%{r5Doq@n&iw`!%qF8gP0NGY-a^LF(YwN2`j11FSl* zdXsO+#jum0uWD_@LM&})-?h}R+5qqNVaKc?%FhPvtM3l&AXG|dCDx=IFd{JN0BfBV z@n-hGbAJw>6x6YS6(8-`7|o@atUs zu8p5X?rNV*4Z92J|n2NF9dRK(! z9y*!cqZ-HJ1O$LU*jrir~vv33~@eU{$3=I<;)M(i>hCdJ!SpeU9AK(Qg|P*ME~Kkdq2y0N6BwdSJR34x(nhYE_%1L+BTeY8 zp0OPGrw?I8b1L~+uv>4SdRI&^%e#!%@-bF_%0pbiN7RvAf;h~{yqwfjeW@~?&B^Nd zW!y-EU?|d`h9akV{P!nepdX&%PsYmaBJF`y+sOV--?d-+E&u#v1Nh5rDF5)$)j!*` z^ut(MtBQ#1BHeMBCC}qGnbtE|l)O*2uxTo?0S*LYR`Qtd)4vgd5nK?XaZCn(Bwm>5 z%D*juL@}I%rI@f&C*ejQ8*@}(rbWe3B_DW4C_azzko$pr)2y=MJHt;N2zRdNxer?B zj5#mMFgTttA|Tkv7jtm335+3h!)t(}$v4vtfH(e;T#Jw-VDv7A2f`7fpG-+wht-@8G!@H{6JZbd+#J;zB2%lro72wu0t*myX5l;+N_q${6( zCUu@*Pd@m<6+@a~TyURwW1wR+1ZrVH7$YgcNwG(X5|4?-fYUpU5M=wai)jy(|L*JC z>6PohlfL-bPo*oDucqs__tTHxdK;er+rZC0ad|yFb8BZec0z=;k@&z)OgJI&>EZtXIH`U>Ci3F0x1v}GSp`Uz)> zB*b5Z3Y0E*#w#8nw+r=zHu6~F(ZTY2CqG%~u37fco;=%n=W)Qiq!;nx3bOEE1Yh+B z+xeL0EhGOF<|~07+HklDD+yNFt(D`})EIvVwAa@5CcYEyBQ)d4Q8Q$4L5)##-~)pR zjE-V8SI5Z@454?HJ_!^#vBlO+w~fejlg&@X|3^r5z+6 z!4rL)N*~c@3O_4-O{b?_tfmf`(0%XzMw~o1i&esZ`8U6wo|>CUzw-0f($!@g`O*(m z%BsBHqb{5L?l9?lhwXQ}j9-WJwJuvdj*zif=mr3+DJV@#lxchkO*OT?asm&007$ou zJ|uvXNj-7pb@7h6`;U+G%^cq`qsV2#A8aU)KnnWZ*Kgn};iVhtU-_l0>8jQ!92tv| z6rWVQFcyFh3`DRTAEw>CUHts4W<1GL$*0XRtxm#SSdb4z`v8J{R($%bWmi~qgp~pe zn|DtBL-_%Zn>qw4=%mZhxc58I$<8QU=9t@AzV#UsrslC7fdzU}$`lH6eQLNZ&N5>j zWPX$x+gpIeF-v|J7A4@*`M}ksne=Hi57$}5dt>7s_+~Or8>);LVlCq_;sY8X<_JL> znZD|{6Mu$s_1lTS_slzw`Dux78k5Td&kE+{mYXcPSa#;aVaX9n9C1n=rF}9eFvQi2 zd8=dZ2%>;rp$p$h!_tQBqLL^Uav+WtmQ#*pZU?l_X-(H3pja2T3s@9^=Qfrwi&$Fe zmm^#VfNbX`Jro)Ge%a?Vnk}p$x7hNtx6iHvtnq@^pTUd} zlZQeGrJs zN=U1NkO~utRS1aK55|!o#ZkeR&)$1AL>zA*I^P?&IPN)ua6PKeqxp!K^D%vuhiN@- zuT0z{U(@j3pMr$J_ho=76XtrmdGF6O#x+>$qL9#{!x6-9C4b+Uf4;`$#2@oClypAl_&JT=e6H88yz?qc+jgf3+?CCbMasQ*>B`E_V43X zaw0B`N}mq=ekp>Jj}>X3E_U*4A282C=b7)QXgCg0URAF7E1=nT4-XLxVYA_ZADCv{ zdmchi76e1$vEKyTRsTZh6{vs_VNPLD1w?k7XIxMa)%H&oHgi3W$B4{Ba@+#9d_>p_ ze~H8)G+Tyw9c};h05nJ!;`&LgcxE2DvPqTLmm=gXVBGE-N%taH!B=^$+1#yoE)D zN+49kBUV=_2`h|*KaUIP+EZ8Ixl5prqa3kZVL%2)SZJ`aI6T4xSUYM0;(RDcqCDzi zSwxOD5&!DXv*iWfDAOY^wP47TI7U|TmKGwtBW=hK_Loeb=A{!qkB&4yzh_!x9180Q zF-u!8LG&aNPjk?L+?WNJo!zZ;@2xvwk>RnPZYfbg*T!LCn=LI1SiQ{8T(`A{+N zi_bro?%chPWz=E%{tvN;>P~a?>3Mr~dT@U)t#6>LU>lV33k{eyIO*f=z0LGsQyNCD zLDrmNvQ^{>E91TVpj=}+H}4C-I!Q;;iM-vErj5UGUw`)0CO^eVamr~>oAPizE*3eC zy>-gW9CFE~u8@de3#xdfJx;OmFY(9p*(sDbxKB)nOaOn#Hmx7Nax>zN@iAZ-n(7O` z6g_sr%}ck54Bb8mpQnI`2iW;aDMu)S-6BBlRUcKpqHgp9C%ww*5nF~%i2S*)eo3-GwXZ@7=(;X7_sfmp*ejeSD5BE#0lOfCEW6xY8g6hlOvKHr?U4)cJX~ z4AJL@1La$fk%nJUZ}AeRuP~k!eigpn$R!jdq){O=aIp-fbXI?|w1)ryKmbWZK~zo< zvx`C(Cc8_2-oTOUYwPmVxi~#!FtrOe?4x*4nL!CuN}kiksip8+N5^XM5@S8jp4KuJ zx55rCwIrKCiSa3p9ZpZ4OaIT&dio(J@bu+RPDz@SNA%e823`xT)$wJyj?=l!jA!E+ zCh;<{1&pN~%J(Yb1phvlI3=I_F3?Sz=lKLw8266H{;ZRAt_SlGhNvz$@}K{WKY@(| z8Fuo8x2nj{w^F1dq3smo7kTaDcS9@gE+=%3`}ngOU`2=3(bNnJ8VrB~<`4Tg#oZ&$ z9;feYGe+-WBGU(n`qa{ab;GTWmBOtK>(6@sp(!@N)K3L_Y2>pLpPgqk;MoZt^6e=K zdB{}n9St}UR!)Z8`6Rk5NLv>=gf=}AX?%bP+$+clDASyK-9!?aV!sm77)($hBg1J2 z@K#P2DXhWnY4?~$O zmrj{Gjh(LQWR#aXP3}(#? z_26^KOM$7R_4?lFjt5oa7`MRdv%zBPN1 z?lP_r_w9DhZ}yGe@xoj zSA@9mM+JwRW{NZH3oY0Ce0dj%sy~IUGiBurbN=7XWRf1jEPcUAWQ+$@w?HHb!On?n-tGslmttDb3e`f z)jAelBZNK&K7Ak;w<}bv4!kIEJLzN$;_4oB9gn#OTm_RR$5{5JXRlsMPpmGc-sbJJ zx4WJ?Snsv4NVtFJwRHK~rxBiK(z9Ru6)YJ#>1$v4KN$ZoJI0~jmVSSRI2K*zl$3=| zy7a=w(#$h6=>WW#cN6nuwmheKCe$5Fw!7;H=bL*Ri@KDS*H|ruPtM^0)1&KpoM52Y zx90Dv9K@iaf5snM zFYy1-WFPn9$}B!JIPHuRBD6>#D#9cC*_oi1z1Ad>@kX1`T9ge8%{-Y`>7X@8p)K1$ zey>7dXB%^0%!;$$3HR@tw=Es5&6T`VXmC|&kQHvyf#W6A9rf|q6inVwHZ&nV&CBPp zl$l|*_z>ZBbL)P(fB$aUM~EHZ|I4w$6B5jOaq(Q5V;m6%Cn@3JkM~)bDBa~THpU;y z1(bka8q(RI4iqzeIazUHWLiKM_K2U`LKwre+XixUiyt=oRzn% zBSp^fKKDM;=AXQiP8<5VDV6sjJ7oSGmJxLHTwiJx^(6kOQ1Ec-bv$N%fBdD<41g5F?I2P+r5a^_tGgWmoKg)J9m6-+|OsjN| zmF4GX$l#N{8?eo?!8j(5(R4eUOuAPDWrpdxjx+F=_5r6~QTYwLG~Z={ybI5K0Y&p1 z*2F3vN|4X$dvFE?w{7TxomMd_bhY?$TsmT+F8_ASm-qL;;|#wS*lMwU?Gh(kaRL@c zdbjim0lytG|7sw^Nk`>Z#`!wV%Dp%)crN#+xlnnZX*ttbd1qa$hoSzi!EUwOyQ&Y%k-p3ac5% z209A#K>xsff(H%w1Jz{7yq9rJ2f8uV5UJgb^LLOi?*D&5_%e(q%RJd8`CCxX$!H(>r&`^j?^k{A zBM7;Sk<&tWi>+_O z31y>w$1Et9KcvY&Y8dzRvVh>kJG%QxxT%AA$V(>tfqV;WIWPHq=B+;a&7x!VO@5@H z9xHK74ph*G<2i(2geT_sseuRfFL z<_~_vwB`ejr}G!D;v{a69_($WE|w#`;V$*eJ|jj>iuti{NB~C&+1~2aKX9-0 z2Q=2?Dy_vHa)dsI#mu^FbCt(lvw*0OJ%fU#Gj|T5TeEEWy7+D}anmFnFZ9UsM;7YX z%Xe|$u-GQ8`8qD@P_~RI@@?r%9vu@d__UtP>A6_#8pvYSD7X4#TW~| zG#geCaqO!C%Er{ag%W9w(+->YzP}D$+_FO(g@DY_s%#NhUOI<= z3>4x{P~7Ummc{JEJJUzrMnd^~4Tp;;N32JjW-e7QF6%efjP5gC952pMK$E=@~3~TR32Dv{4?4M(Q&?NB_o}rB6My+L&d# z{E;$em1FqXBQ9JAUP-&r&tZ=>C2TYJn2umQMa&by`W%xw;-svj?ZY%+8(ohH@{dt! z?7}QtEb@LFyf!&XSJ)kAZ8v$Vr){;!e+F6^poG!EtUSw;lpO0-Dyc+KLFD$%{R4bJ z5ce&7n7HFlr_JO9eZd=nc}itD?Iyj6D-j?6C@c7}?+DR8;50CpksjZDHbmTfn{m(m zaogk%B~G+W6<4eks}pWOH*kd2gXIS}x$T6D-^sL9CPs9S5>{!Y^aJ1XF3OF(j?+8# z7kF~Mv>TWazv~aS*@n3XO@n9V3{9*X=?aWB(i=()=)FaM4GUVv!v^C}j9FOOSf587 z{xMT*JZkj(QRY`se<|W!6B~%tAf3f3FGPV**h2%>J!Dmcl?*kZQwWEe^bFBlj$?~J z_Fo~<*!eP3%PaD6FV)g}${EwpS_nR_-YGD|In@-a@EV%q0Ky~^C_g&@#P1fE{4Ar5 z9xy4ZUT&2<;@0m?Yv-`D#43vwCGV1F1~b>${l29`nTK%M7yK#T%C*GvYMmlP zKg#9%oI9xlUAA&C&zRVgzu(IDlBZYSm5v_Y1vq|D!sNSoO+u9G)8uCIsoa=%nJ~pW zo_$w-mZh~tz24sYtHUI03c00DlCr-SiJny_9Yf-7u> zN#El+a*aN2``Hgm-%=n@z;x28DSw{4*|+k$tb8>;;ZeXde(9gSS9tMVzAB_DNa$4_ zfji`SK3X6v6N*7n=)4~b@{a`nB4wuqQ9|xD3Tra@W#&=R{wU<8it1mKE&ExcPKmGol zm($d}duj37IVJ--En`dF{!x1HCe|Of?xz)m-t#!#Tp-_BCg>x#K%m^Xc=1YFy?hxZ z3;dp{&9K@uX4TMbCu8<=+y0&ib%a$2%Lvp1!5n-~sZ63SUbQ~a3Sk<7-)GyyF|>u^ zCh%fB;lYZa$wEYPM&CqEzB!7OcJXLECv*cOXoYMiB!iP#Uw{2EYU6;$9k@ znH47e3~&r8!oF$CPuOW~#u6s@z&N`AthBoeCGs1;J89w)?^G(7r%I0w`~5v-Mj^h_ zK;Gbp)jKzCrw0$#iLd1k69s0I9rEo{k4292^9Xu@apl}ei2K+bOImC-v4^Sf3i+F> zz6~gfawRePM?WiNgeO}X0kbqk1m*Q9d@6`{w*w5JgWeI27O36PAn&91l%Ph7iRNGr zKMd;}tBF~+U{0hkhwt>d0INy6O;YQ27d^#LtOczH$lPV-15>OFX2Pj-)m7kw<0PBRyRq^E-K! zsf;Jxx#bsy935bcrA3EHxm~RZ-*vZFk4bNb$=VKmVUHIh7kuFBLndsh58WmR6Nt(D z0{uuwi=prp7&@H&M_SJPqsf*HPc(ujL;r`!@H<$d&7!c?!Qw9W`sA^0)*}=T!A;3Z zkO_Gd3T~0VR3EZ(BlD1`yK&8fke}^uRi0ep^s5+i#DnkspYNyP+io-HFvbkP>uzTu z{QiRy1>@>U%GfPeP-cWT0^0@i1HH^2s{zIvxO-Bi?xP0aGTEzI9HiDW}ef}j8RQ53u_~Mys-^}V@F4xk4xG2;kCcdHoHB% z&wc{FZhJLpmoalCkB!zRp*}cl_+@ywO7%YFcnXP3?ubQVPwVP&on>6xpI=Vj=G3j% z_pmaM=M#@ype5#1Ttu&MY7uCVmzH0=Ag}idkyfVr0fKE&+ASxGR>?5&B7d*T6IJH5 zVua6lUMInK;KVm73k~tN7R7gYoX>Ui*$`#Myfi=CfsW|2aRfUw(_+kPgpvaV9CHbMo7(14Pcd(0p#Bn7NGzy`0f5F>GB03GR>fw4fE!VfD@gkFjPx2-K3M`qT`+Q@_jfmg27vc&7_4&S>Y_L zCdkoAxrX^4&LmK+u$UgdpN+_*;toQhjCKyy`z5fw6>O6XoH3 zukVKay`#Sy{s|JQdgS^LuNn}eZwY4<1AL*}JY9nM9>ae6>*MG5$AB~{e#L$HnIbod z6bpVI0=?3nea%o5q$R)T2V`hJbO5)&+}6gX4>N%KD}B|gze3OPj07K(=AefPR+Cq> zqo8iiFLVzn@WtM%|@kK0p`;SqxJrQ8kVFN_BW#fJET5aKX^O6^!hi`pZS+Rn?C!w=QwV96JGQV{wJ<7S6Jc%l24@`6W1;)d9$U|gt#s$@TWKEakJT265hmJGY=t-AjKq#$Y(g$}Ek%04^tqxFaVXy} z+Xdb0ys^F&=}8c2%u8#C859aml-%+W7N5W+%W-Tlj&K++!|1risQ|37d8{VMfNd|` zz56DLjQgy{u>wk3Em4HUJVWULZf00cY&-%wk$yyZ{_-q3nPQulV%{OBEV0ebquAhYuM8-+AM$;1`Pvb7^gLg_BS`(o{M` znSu3&r!nks45|w(o{Y0f9C_c}yLWIbx(7W-GtiTKvHG2^60akU{7w3DFMqy5L)_R; z!;(rFi~HO+vU1M8rt%IwD1IbbY_~vBM;y90lWpP3K5O={7TDiE09H-%HNA({=`Tn4 z>6w{Ak%k?=e@oiy}lNM+1d%pN6@K((4{&f17dP>fA#5 z7?v_m!uOYzVNr%cRFpYRcj3t}^^8M(f5?ZJCr$HfBj>+4JDnx7#N4hwW=JmZ4igLzY72d^X)QJA!nA*jnQVXa@ z9pvu*N~ zffI&iKK@Gm%YDEC9KLtFvTTES#9&(qwfhge zUopp;0wX#>M6|BCzCkEV8Xkv#GBDt(u0i_pSNd?Fw^;c*MGw+m=^yp`lBV?k=&Sal z!uMsaRax2UO5vGugM()JHV^w-^f}U+hcKB+N3RuY3e9SX& z;)r4Xyr&;AD`?seyuH{@i6U*A)CgTEBTWju>2Rb86G;Z={<)`cA@*n-=AGS1cbc z;EeO~Gf$?`ax?9sWH@5~{^5}Q;#-5X#P|K9-E?k#4F`0X##5eyXwxk#OwbotY3(?f zhDU~lqLXgw>edoQGO*#+3@k~+8;Sz0gT_<12V@eh@kSGY8+IKu00yWF3LPflD#}&t z9KpBs8DSfgwl6eBLFAw5Rz-rVyMB|e@9yqK8mO6CIyN}QFqX$Pw}FXOpp%2c4ih&V z9AXYEtkRC-k?S2g`&5DOU{j?v$F3gi@vJgDk2$j(_n56d+={}s6qN)h3|g3gdjM=e zlfQD-?3}C3lu5n;Ffdsc>A=-FXN*lPONBIOUq2g86u^V=NW=&V9%xTiSoI6ySk$JS zLPkO9;R@~^r$pSx6TkH_PshS(j{aO?J5M+!WRkV8u*8^*J`~5(k#Z2PkXdhphItW>7Gy1Y~=W7Ncuxt0*K@Y&FvD z+iWYsifWq4cHt}an&gQ;bQQc(vXkbeXBBSpUU?mKLd&Sv>AjZmX~cX%T&teZHwn53+6TO1$-()y_!L25jnd$NImLApL2ncH|J~vU z)q5Lh1%7`8MaPRvQ|ZduLOMtPT!hzh4i3k6J3eFe0uLD-(l%H~93Fr}zNt8Eunp}H zyt?(WMY|p1C+StJ>b}ha@4E9G#4?T9joc0Y7J1n+4u0oR&k2oGiSL`jor zr{L{04T?8I!DWdjzRP>Br9BG1<74@gqedR(RsCAZDDUcJnJ=SCMbnPY(#j2=mXv@epmLtL!6~ zsFPHc8lJl?>1zI|(CTqT+|WH?1}Gy!Q9ulte;)@gQl=@KxEe+Xb!3GA>RvbMCoJUA zMzF9m9q23!MiTqYEJp#F_r|ST3#fTFlnxmyki;{7dG9wnM+hUr3geQA7A+u!lYw~% zZ?2y_Cc~A5=d;R>0;)fz(|M4Ch4=o-Btv)|L`!G(o5B2r-}k}XtGY)==38M7;ia88 z;@uXD@7#H{mhjQY%lzs;zZY06Pk0pEVv@lCcm(c?qQa}+RjT+a_4U0!;ne$m!M*vJ zcVWKX51^6QFQ{UMXN3yQ@{TmaMtdq1%kSnE=7Vl--M*Q=^ZoCnw{Km?8Jo%Phu$Jb1k@!}`_DU-`dJj!4&ItI!z4Z!O1%;WG+1P1Io z(YL6rSLsxm_bSQB>pYXb^g*xXKH?Ln(Byj|%nAN6o!Q3~ERKT{!)#fX`Axkq+J6ly zTT9tK2TzOl86H>$c|gz7IWWRA(+~a%`z)E#>h-ec z377k-*}zVIC{?jO7-F@set$FVp*%fgTgCtRmES=#@T=+R7Zw?_?x%yz&D7gsa=rRO zYOj3;0UJd`b1q%F@bhV(Z77>>{$YCc>n~$*u@FuP^9cheF<1a-v%30)U;HAgd>iS_ zyKkra97otgm}MHa+=%Ma-cKnf9 zFva2vZygDt5w_EUZ!IyT4Nb+{EiE*lJ0?aW@Uy?)O+8M?c7L#6r0;iG|p<=OMJ36oX8Il@va zEFe5J0Y{;3t)6Wjrj z4}MfB^q?sh=kgFh|3#+G@}=Fv{%2m$DGU}}Tk6`Wpriw=COrAX6Lz3-V2A$c1E^(C zwz4vfMc6DBU>&TN_OasF**#||w`mKk(cDL3|D?xZbU|L=dIS%IQ>0}aAGc8AI-wnLs?-+!dL2#3 zx4QJ@oz1iYAA1T#$#Zk9^bCs8tKe+GdB$ib_@jP|_Bj&tXof)!9;;%*Ep12Sd1L1& zy^cfCyC}K(@XZd6hUSq;-K^vB-woR7h<4e>TA+)S%^mRlI`zW14+o$qDA=;5B4v!y zi~$B8a%^*>9jx!L$2PYq#si#$y7f`Z9NUe^q1Ygcz>U_)^&o!g!B%;+;V0)93(kNM zJQ#SIw1tXe4*+mJmB(SLLZtYg+xs-^b-3T_8|aL1`g_m=^yAfEEb4GIOy(!hbPvT* zmn~KY{JQ$7p>IFx@S!O-WL6Iy3gLiJJDcG&Qr|l-;-5hmPW;ab8Lk4GT|DUEtf*(a zvk^<$Gd}-Ruhd|}fLZkz(1{fsHXrPA9z1543y)|@CU4JIH8pT2Qz~>wUCfF(TtE%bJ^@*QoIXK2osh;UTyQ^ z-U+?IICi8UZsFo*h`fm#LQL&l`Brb!k_RIROaHy+x+h>;zt1_LR*B0uXLMB?ot^#>zdZ%J^*;+okGRyw+0`&Gr3S!Y zTkw;ff(oiH4d?>A(5Q|64kDp_%@z|L~tn ztJj#E&fiN5!wpva@SDPMs2+uApB~Q*)0h6_^XUhF@ML=Vo8M2XmsZkeKlS*;rX@9&|keT}^E*?=;rLFJ~{J3c$@>K@0o z&e8H~>=Pg1Omu2LZD7$bz_F;4_Et=)<=@n04hs(^U7fiON`Xb{$x7l#e-50Lz$C@7 zQ_CTTSQSxh*Z^O792G^OIHC;zw))9qk8p~|X)k+BX85FXpoJxlTR~JPxc?j|NDB@K zMRC?b0pWPS8`4+?;}(0~71VckH`6wj8GE}sD3d5lA%IoRHvT7OP@Z-DhRYT zbbK$$3{PyaoH*Hp_X^WGes%1XCT!z89%VY|pu(h46Q@- z58{~PiZK#=>ZqEi2jTVG7yGo~2kH%3Gf4B|(?crfnaScJ8xWVO+<8 z=zt;9`aGhHuvlX8XNcTBi_W;ewu1rv#8Ye2v4(anc6 zk;x8OygZ;^!B&EYgtK1|sgz^=)Xh+hD&(;)s;E-W57m!o(YMRE2PeqEI&v2Z6!URR zpgj)Y(L&q6&qafNn(-+QkUtOsUSmQn1&>f-3@FDqDoh<8XHcBX$F~NS77OVR+Gp1G2A=G67|4NhNM22p&w2c+Pyy)jCYyCAFHzw^yHCT{Ah_V) zy!9iN8-b7*3(FWN(!`<9hI|!+?;Y}ZUgEwxp46qHXtDr9-tWrMagUe&475`4W9LSZ zKXho1Xn><3R*^$31FaMPO=20QDWT9od48{Jf!*%~2UflGE$5di#q&Iq@k88Ia9Y03 zVE3__@g$W4oV4~G8=>n*9X>S0#-pytMP4^ zLc6FPqzzNjsg7cTRr43-qg=y5nidtLF@LM0_SrH@Cn;AuKrnNz#-~S|U<8FJ)H_YV zjd@2JUX=W(1+Y^uv*IDr3kP`eS2~<|cwgRojS5CPWwXEXttb>sQ-W#ha0^Gt+xsj) zX1FMcZ@KLQk7Qz8Eg`g`(5l5WcKQR&j2Dv-zgOu?9zL6w zdr}pqE!Vt4u;#h6jly6I>cr=N9+W7ngHt_)ig26-T-_dftvBwZS6}@>`Vq;q)u3w=3J&D3Jds)P z{geG>6j9f&`KOSoNp69`G~O3{#nuvL;Z{4~ry%!ai^UipV$3_{Z3>_b_{R(@Z-={V zE4h9n9k74i)zTr8-SKEHy>sU<{nvlxx6<>UTus06ul=)W>Jkh0Tar2)r|u0Hv5C{7O2l_xHx zfBVn<`{|``{cid@fB&~qA4h#X@|tIovA}6Fb8KmV%cT_*9gVdo(ma#=B_{oQOvb@* z;-ILo7SIXW3=^7W%WWD92+n*UrK^jsLgxj6d==AR9RZZT3|uA zXjrqfoS-Po?o&V7l?jgdIazJBaOjFxMy*nufVj=Yp>KX}IV@6D0%?t^_0a&?W}xy8 z(|#vX40BPAuz$)S$w_L1w96lNtkXJ2mJo6IPP`2eh zG&*v;hJ1#!A5A71VI{SXPaPbVOL)B0Qh44|IB3sV97T@gNq&Ri?OhJ{MIonKh}_4r z+-A)S?+PpgG5gY9X^$}*7L%Y8m3J*@cs_hzxXml`UwK}U$&|IU;IQ02bUJ3@u2t3n z$18^-0%FdKXjX>2Nn3cP(B{B9=sf&xP=prNp5|enSb~3!*<9E|IoyLcbjf#TZy!q# zEE?$BJtlk{8hrL%~YDd1qtlz*FTwn|5@3&|YVo_FTtV@mqX*?LNv%_=paQWo1Nym${XP zQ=)7u=NItXVH2M|C@@;U(^iQ>J593~*8;{_{AQFkF8DqnA4?O!6MPq3%cpEo$GpIY zj-1=_8S2I4$D^@@ClvG*jU2aKM&A43F~@lHe@~ZLuWQ@~&aD^o!QhuDeo+XkL>OTO zUU1~K+<#CgJqq3a=2+pF@7BLr<~MO-LaO91jk#)bJQ`6&qzf z^FhmhzxaPlIDN$!xJd62B=l2(u6OcH6{Rq(oO+VO$+++Hbe5yjv!mOAA2R=UgI{GS zp&>L(z9aY`lBnr&T-F(jrnB$dx}IM8<~P!_&pw&1Ub%n(gSh32Itd%D?C7uu;u0SJ z37Pk5eI;(4QmUkIkD)@A9@`^^y__GqO0?B5PBh8NA_^EG$OOYzE0+mZijIy!GKEZ; zT49FKX%KuAZ9{WQ2aDAfGL+fb0qYF5FjL=^5awW{GcWV?swKmSI1w)tg1|u216Aai zJAH;LU?9zj>;K2zoAub1Tz7tv!^!#Hyi?5stBT?zifVy^TW!1DGSClgzz-f^z%Ux{ zyWjjV{1prs2Kvcwwjo$-*e$9>ky2BlL`kGbiZ$Pwr#t1Gc`{G>_xrCMndc5wb&GYS zsuD8p-MRPKJBAezYpqzZV#SKokp$E$y~Q7ya2PS%TLDQ};`Ge8gkCS7{bt#&9?8H1 z6ABDksF))Hrvs{W^sS8_m|(nP7`IwsKuU16?hv8W(96g`(#s`nR?lD_0-SWiH`5&3 z{(x9AE~{d+l|EL)lX$X67k3;Gn|4;*bKJeZNcWedPV6j)wZ?_d5&ezscqHqAJ}T<>zJUGZdZ|ANA*ch`#r;O6S*RvD3%;bjhs;t8G!ucGd#)NtwGu@llurk29bBu$vLninO3rzU1jF_GE z61FfT&=7t_wyu)qpLeb((#28#r|P~3MtDt!%X^2jKj%g0uF}#R)#jw7q-16}6hKtQ z1mG9}!2YeR_VzDdY{#s?E-()5)4s4Pq5&NI#;pZE|M6zK`gh-Hk3Y4}c!UY-CQ68< z^KFYQBHK4N+c|jgH=g_o%Km2=1z6#SSIsYBK7M)9R<7)}M=s5BD$48agE#*zZSgpZ z00_eDyMFq~r`or^`E3*&f6gfk+c+zoX_tBLi60(Os3qGPX3(RH54SZYR2#du@ZG@< za4aR~SpA#B!QCuQN9X4`mXiJ8ZWlhl3ZW)6_Hps{G^XP^e98%ez93wDu)TK~w+|TK zjWf@7k3}ZgIMIiKRvPB5&|OCYs#pW}xKwgzJz{-F z%wFa^x0fL9XoaN0UgeKgiB6EmIVHuFb|yA#A5wW^pav1H0T`SjKIzWF=c5Ja5+*yy zm+*!K=*!YTvsGn}ew+iBv$cqXS`BEqAe#-ns3_yz zh{Zla`}IU39a)O2Zfz2m(^+5!j z6A$(IAsy>yV>cHx03XnA%psO^1}D>QV<;s_jUf^;i|WYZ@C7k8`3egP0OYZGc+h!x z4gEP!*1%%$LOQLr=bQEqNnh!Km@ix2bTBy_y;MU{8*Y50A6-}E*$T~F)1hv{eE z^*Z$U^^P_l()T#RZ?L^5_KVNPNd@@&Bjgi8>)+g}V*2UO2}c1Xc~23u z@p}2@>9e5=f~HMbsh<<_$~$QU&bW2UvjF$Dajx*L7b5Q6&8v&%r8ho@7oFn&Y2KD0%`pd(9uKwcrw)yruZH^V3 z2s#>t2|ut*GW#fV@5@Zik2sX+gSSu|;MDlm;Vp!z!QB zbph*)b8YbwWpTvn(Gfm6t{rn^HAkr~ynwklmLKPzXpcYgpSEv*^IPpTc-*V6zl6Zo z+FMMNml#XeF_~V6=Pfg7cN@qO3Zi|EFx+<^_jr}ILy^vLr?WF_q+5VzR-etFIG7nM z7aUNWtduoHwYUAO^R(@QZQxQ#?uu89s~)%NYP1#Tbb}XMrBJPM;2-UF#}ACwD;xJ)pm}POD;e3NF4ROd;Lb+0jFju&#flnvHnid z=ft-UEpUwK_d)z&lycC1)v+fv{T3(&kYnd3!`(i)x`+Ai;GyX&>q1V z$3SSQFStapK^ZXuOj($KYh6SgCMd5m-tv2M>w0{QIB^umeBZ~tc@;C{uOdHfmPP}1 zCm{pv>38gCg2PzG_p|W%Xo0o0H6}Jpa_G|)6bPQG<5rEatK-nTrwl2Rg%hEWt*vg* zGWhCdHlBjFZZQa-q08fw4C3gxF~UkstBWqPhL?iq%2IoK(4{mbF(oYvK~Zergcb$n z%JL%CM2qbl`Om7@K#nr5Dq2ay6XdkQJwmbO5a5=xSth`u#dKK>iF$C** zXOMSH2kFuAB4Y;erK#RN#uG+=_wW7Q^X~W5B@IZK3_H_`4fC{|v_G`Cyo)T#qS+W_ zB`0{phXh;xNP%3lV;9Y2Zn7Q}2*6-J&#DY!{G3BUGzTtt6!a|pdgNt0^L+_LDZ4B= z%C+FO4#Fr52H`g_JmfjuKD;}Dk+>uKfk<6eS82A#mI){2^6CnAH0JQO->QFW{O#@5 zzj^PlOuzf2&%!(%tZTn4-|^Z%mZe_U_&Pr=M6q9)A2JVdZ0ddO{iA|;c$udcn4LMN z??%i+JlSW#`C&+^#zK`sDv9*pxQEt1mKrEE4q{mfT}P4iQKkNB-_8^pzgoN9J5@SK zD*dCNL{P0HzACvYk{jOM397iKb>DEu%x%Z#J4`eTfz1+ zAL}rEokSSoc{9Ix6h?8<6eR!ytZ>UDhPD!h9@jQdBki|xw8lyl6fG0)Z5#LpU{Wuj zunwAKRa2D0#5{UP8p<@jaWv=hyY(nj<=Ru~JInHJ+#bhgSF~mk#5D;s-2sXUx1Q)I z)(ML%Yy5HilfGU}URvs?X*HO) z1CXt2|5oed(*yaF9H%oKo-Ow*oVCFHw7~8S_V|OF(pAyaz$3t0ad%GhScD}7WC#ON z0Jl^M^1BOWni!v2ZPcXC-%wI$015<@(*a+8>8iSyU&b?9G)cD#22NrX_@rGYgXRGZ z;WxrtNA37LBCRlIbrA&(K#(8*c$bW)8X&YtxihSWPw<Vw>UWDqGE# zsXJrIgroITKnM$xCb{USSiW6+NhfTy3T;LkNaJ#T_&sZ>0Z@1&a5_pcuROlkk40l=! z2cn~P^PNo=_&EOY%6fbJ(nIY6Uh@}ONt;Dsv$gpW``P!~<6pYap7}E7u;(uW31iS` zoiSvc<3HBfvwpeV#G&70=PEVc;nWq|a@3xB`Wx+k{MTP?fAoXjZ-4PO-vtIuy{*eO z4(f0Sr~nPm-a#1KV1F==po-fi*6GU?bPiYu&?h4&U~FRvm!;kGcjaWe<6a4PwLMS^ z8~bV*pA(Mf#Y+)F6%4_>@VF?pT*c(FZ>W)G(R+Ja5fI0FoLEI1SAf@69%`d?^XYhq zu!$n(;fEe-mo8jxdz`?qi9^FzZ?GjvKP$9}mV%yss4|Q$19sXS3ycX92z`8LEvc#f z3UY)Nn>#zSv(6pq7gx7+GCGehl0_W(X(iz$PP>=7#w{mnD)bzqI3`kSz+go%BIRT; z02#v7dym-F+C_zjlZcg-RV*+#oo4ZJJBQzmS^_i+SO2gGAxI0m`0F@;MvsJDg%Y^! z#MleWqc{1-)}VRm<}7?JTHu%ox~G7+pt7;E$tpgsIl~*ka;+S+t`Yyig&DS-9Yg;j z>5MWD^rGxCKdjO#`xvtAL_SV%@~dN6`H<-{MMlmsrZl<8vDk{>vsff|UZ$+9ubegT zc?oL?x%Yvz0l|+4D?RzOr*$j=$1!xY51rK50nY^fi4$w?vsfoALJNCG3s~tY3l~0m z!dzK#NdqVgfk*xpr3v*qMBW=KmqA}Mq&>pwZd-ap-qfFn_gUx?V+D90TePSXoHckJ z^rqg_kTT5KJ2=l{#x>p;IZ`(k@IU)4aw}2Ha~6L{Jkak|YQ_=rnx&m}GOWc8TI$M_wDa&-Rm-U= z-=Ta_MhK`RFe%r@(!v*c8$5E1jYTzlB3~?<2YnRkbaMd^ zN|?B3G1{>g+L(Z^;^H2be0w+zRUUCm%2>ZL#Ho7r5+B_C3#HhQ6?CHdBu!wtPZmy* z<`bpum^D>cM~tagJj!rxfAgWg1O)+9v4&CGA0P}2QQ?P`ig(|=)}DXimGMuzJatneK~3IM&f*NQ({$`iOTP8{6BmJDqgmtT61=g|RsZT%|~qDT4rJ zo46;i;>mPMcso)kER0A?Mg7g6tk#)EWR{s5PM90tjVDZ&Z3qkyi|_oVkkn!G zn^zbk-<&LDC5WPYpK{D(NGp-&dC1rAsXyO~xdI;yOP*|5o$0&6XuEVJhH+J71UAw} z$wOXh($((z{p5&Oo;w3_;veliu$jMCfmb*^{m#72*Z7^0_`NGKdi}Z&4TZ=>264{_ z9|4b2$s%K3`mBU;%Ci2K(~>bBq-PflXFX|KJb*u>Jmb zz7xM1G#u?w3|w#aHE0HU{)ou;i_E6^^r7(f&N8Qe7ry;N!}aNFc9z3~Zh?2-dN*`F z%~zzQ6TSh#BS(flLi5rvxGoLLPc&7X!%u+tpCdKlg|5bt1E9joTthjTt~xlu z@bnVv(Sz}XZQcopk_6e|HB&5wNC+NhJx3ruh?o?Bx-zSa}^u0Y}7$|a@ky83s#-7a5QY5&nb{~eqP zqNrtpvd0KBMsaY+R*|`t3vC+*YA^lrb&g`(Z_i#@ZI7;9pzX-Dy@%E~O(4gbk+ z{${&G@;~~k@3)(KHV%bvFg(>ej1&a~Nv;4_oEWK!ZWS_)u@aSUY~lfT#>)FFJz?}Qn6 z3DFYY_tTf(12bc$?|Znds=(RH*C&WUg{osv&&%KS-aOzlbWp{uw9XUsJ>(W3tq`=H zSz2ZW1rO0@(!rj74&_~_&Ea3Rd7N^RS8w;eD3OAOKbG&^zw1tV`MgSG+LV}C z%TcDVWG`Jfs7r}b&eKoyslnpFn0AymiyO2`FY`?2?{l$oC6Op#J2-@36gXtMTzakUam_>8lTnzLNbEh6 z^)P{AmYrzKs}rF24wH(7JBidXe3$&V2VTk=0}Huia8fZ~@OR~HJ-H+#V9yUD@Y2C7 zf;)^#EwPuud?DYeGvyd8vnx4ND0G1+&fgP=-Ofkv}^6ju@&>Gsw zbULwez_QF9Om8r*>HKC~l~4Y*y@j-=b8@3oS>Lwo+e$%V?1&-9a zb?a99tDpY3{qgs|-(Gv|D(85EN9>VS2rqnbVD9krcH|8(oQ1O%_`J2i)mPpCB=8eD z39U%a3OfArzlvV>hGri%CidAj#>$O8ifR>_XI5;a^#z2SD0t-yohM3AyZ?g)O6>|BFf`lB${I%37zUzq*QE-|m#r3*)KjDL&50j@t zgXOq7=<0}D(2j7b<`QLA!Jy@^5wa`Z3a_+%R7CJjK`pAAtlATY)iA`6su15#gvFsw z3aAE#DXyBBEAY8p!g|^ymN!DFvB(7G;MQ)tcJ-~c{q}WEJ7C2V`1aw4uHgV~EHzw> zeCW~zwoqUh;Z_g^t=+wyc57>c)?xAitoux?S1w;@&#{%{v8S+BT$;4CD^D;v{xYk- zv^A5Ul?xZzyEix5>o2_64wtWBwE;l%<@%LJn5d82&6`(I3S%9x_GmlLF|A*I@~QT- zH!io$_iw>tYn643K(_BObqtq_9_zStITjK*orIG@N6H@l6Gtd#(jQ^KDOLGpNj1;nbK_j?dM(H8oBgZ(0B<;7XS&ErOfD zW7?E_k5FQ4VTtO|@*bBfx(T=S(f@*FY~0|e$OFz=psieml!jb6U100N0^`>*?e9wa zS@?XkfVl4Q^71toRSsR<1%I+&=5M}(An8xH9mr!;Of4~+mp8`BDROo3F!M9W&!mCy zHE?tWzIRBx5sI@V_=T6&9LmIp2RIBy!LpCSO|wamD*6bmogg0@l6lfXIINN1&?L5W%TENTey0^6jI7na?}5Tg{ou&qz! zZr>Yc`dxqiu)AseHXVAIsk7}2&k$yPG+@1WQb%r zJ&xt|a;$wq8bJ8{=9?P->!Uaa7Vs`6!MALkG}gCd-~V*j8>TVXp8e0Pk(?eG8# z94rr1REu*_UMtHpA3K?>GtPDk^|Z5vrVobF1&WYwQ*B&hu~Dmhzgy4VrnmpDJSxY+ zd!LPKJi|$TLmqy!ZT)^kANbogH1sn1v+bdOn%>6Vd%yI!*#<=$#QIZkq$^-gf0EX| zP|2)9V=u?LmQq7JhdgKi%098EvE&CAN+Nl1`F+MY-QL*`2AC-h@v#}EckhZ-Iot`` z{pUOFycF_;AVo3|CkQ+P6WqmW<9Uw3I@c~;yb$4G%sK8lj8q2^uf9;SM*`N-Y6{^n zM+8PN3*uEchamWsJbCUxqy;@85`;8l6pIuF|0>9f?EaL9oJ13gOM)1P$b5ZILgQo) zo&-f5EXA?O6jeulNOZ*O!QxX*UI4Tig88^nt#i&uK&;P{eFA-)fa(Tya3M_^Z_O9qnUD6 zENqLEE-UNd^r^r3ba!ia7S3AWS8su1Ce88>ucBt3p*v7jUf|l90ybs@Ttt#4u`p1W z4oxt5TtcXEFTeYmUDb9kw6s4`0mAP&PQ>tJ3%@y;ilgKxDT+Vj)Qf@N6d>{s0qXRk z@FF!SVEc^~t3&7)S7YVG9)<_O@FmsKx{6&~x*c`{HU;0cW7ny;2F zWhv;&zNer}*bN}(wc~9jHdrC-A=K}~_YUZfMOO7zSzW)lw%#srI)>)P`>dee zINZrL6vwhLZ8gg{_w;Z7R(teo&!MO|ZW~x0*dLQwCe8H6GW+Bg@hfqINy4kIz0t0- zoo*2JRvmq@z(xoz*hEu-W+v2Fqs5)=E>G`*W8tQF0UlzW zzlg&;%c1wVoMh=stF|ZF{(f_;t!KK}@qzXiKbJWbM8yTN0Q@l|=AyxWLMUp6Wc*t>pj7_Dyu-y+bUU@2)?Q5DE z3mw-9{B}$Xt}*#tzyYl7Xxr}W+(KDj6KKmj3!je`aEp;jN|ge##(fl4P(psY_@!Jp zH^_Kysa}Nc7Ex;GPp;?+*#}-@KYJPav$B+ZJ;6yOsLa*^cn}Y>I1(Z~4d z*?|{qZeh8F;?nIVSr8I0;gja4h^(IrX-+4%BgO_)B@i0;MLCB|cC|j)!7@n8rLJg8 zKEQN@yd)nK^W^cFm>1TDcHQc=C=sE6JAha2(FW{AVL=kB5mLF}c7Xf^MUn&K1Iow+ z+DDq_6Lmy#m4BxV9M@73<7Zl zrUdVV$9Mg*-E$=#b*62zt<!pVX_SY!Ylk!E1zT;$1$bST!*^kX{l@ylgn8Bv*mY+zhcV`^?3xjOfJ;vV@C;n^S|E?9pUi7RKFxrBJlfqEMR zr(n`jgS=#t`D7c_rRe0dX*-kfZk`Hk-u-4i$&V~+kTGu<2kBF8o@o#Bl4}9J?<3$b zh{|jD%K&UY3lG2f~<1K~Vo%vxzU_@2Xh!((1=+_=_${NulC-~0ae+gq=_%@Q6A4O4Et^b3zGzqCa9 z!o7LEqcVZbGVN$;mfs)ur&4`fEWexI{l&hkkc? zn=loA2}c2Y|F!>AMgOBtoYfcGbHLS9RvHm!>qnlmng)-HKaIp?<&B9dB+eEDC#l6R z&Ce4cy4ik|n~PiU9F&j<;wnANTg8FOS69{Nasoze8>l$NZ{?r%wSt6x3*4dtg9anL zT+QM)D;g>`JhJjwDGO8PtRluF+I&i|n?*4I!yq13UgV+Go=Q^Fg%85>*#OW+`*S#P z%U+Z?$ehE;0_!O;NgW~R&*1lBVTU}K5N2!I!{^%U+N5nT!HpR;ZKF`*F^g^$QHgsx z@rDo6KCx5)2DjNLkXz3YzAU!!Z?XB}`)%`$>uro@^xA(5Z!;f`23Vp_7dhH6u5`li&PCTY2K)wxz;^^vfti4j3yYbLUYsony6awasB& z@%HPlx7Xf$oql9bKPJTIf%nlz@Xv7p3koI)INV_3ztuk2+-Tqb%fD=YclBl9r!Qzu z{XOjMA-sCRjOU(H6a9ef?_o6(p^!-jaa3$%1v&jWvUq#xnX_r%@bsCKtKZk4XN+ zo5(_kC}lVG$s(?;pm5Xb0Y$;Ryq1<{;pc}C`8)~} zw~FgqW5fi1b!ik!Y_~v6m>f#GvA!cNJB8i!M!xbBox{r;9n%sDJf4G9!;d?w`zO z$o7c-a(DU%6+*J5ekUj35{IbU5Uegq0JjzxG-;gibQcymX2G!$ak~;fJjr&^`VE=h@z1eP z3o_x(!LQVgM(LNXYbR0vVZBylZjbp20%%;5QKbfAIZ3 zY5)Fv-)pbE@p}4I?X)W+!fvP@CHD-}d3E;ZtOY*zE#R?zhEBWF_x|3y13DDV1x3me zK>Omk#S{D*z5oeqGYOpzt}Hqk9if$sGLmOcsZ#k7s}Ck)3dyc!J2C4%jiMA`!Z@b_ zk@xb^C|%`s{FCN{!B7fLg%d8mmB1rcFaA42KAI%!$3l*vqeLgS3LpBeSmyW0$+J$p zfNKl*j(4Dc6bTEaW0rd1jd6SL<@ek5w{Et1Ci3SVy4bG0!7BSX6ars%_CX%@wZ$DeL8fxy`wMS#Qh9xXxW)3QlZiQQkS8Mqp+v zEM=q_RQ>njpPhkX5ocLC^q(ye+|mRBjoC3ERWXsCSO*x^B7oA3bcnm0G~%4quL+=#K0tR2Hpqt zf_l&|{6IyU+}giR=*j|$H_(h*_S_oi_d{SQ|4r1B->!h`?0NmXbPsJp^IKSi+@j4q zO7@6F%2||}W97z-870ei3kT^!{P&(ockZXMbsqz*t8%=-c}Ab``&(Yr?@rQ9(`h?* zes}t-@+dLoCRzTN=A**&_sUE87Mf4q=10qsXa6RzxmWPJFnKp^&)2*4AP0J-;FYKG zv-q8ZRQ*g^-_J0<$-_^=9d$CVQdp^MsOht1YjswEv`fWneC=E#$_)F9@mCx;;#3=- zYdZ_D^DcQ<*JL8B#ruGWH!5(z;Q%j;d}l0}uBXraw|P`f=3|9V<0kvzPb@4PyUD8u z+e;pwGK9x#XxrY-H3zGKMHPmy$b(QYE)gVW5Fn_j(6UB$q$x4e<2hb zy}Nr8eE7W(^~1kUe>v^U>9==37h>K0{=vWLhcQPMPLPgk+IC^)P@!jMTm!>%Iq2e4oz~H zgv3g@Aw-(n{M{$+@9`j@h^<;8i0pw8_(Wnwb?;e$q6+4hdJKdk!SqnXRo_cck#X5) zox#F@qzbrQVBw2(_g#6MkS#Tu|o;w&I}mwMWTR8eQa*ibzL#Oo40Zu95?l4p;-z$xErg86z zYQH|{aGK|7c@Msn2MzV-Kfe|5Ts)n=gnAlxAq!r}ot$9Fvpg9>T5(+rTBIXF%g}1? z`t*(ON$M&!3>b?6Zqcpms$ICek)gy1)Ixt8Mf3ciQn5X%O-PldF}Or7Blx?Z-kG zR%cj5IIb}!FeAZmj5@Ecv`4=2T)X_0r?A3U$|Qe>Z53|2V^+Y*|Hbz3x%Kwgd3`pt)*Y2$TPhWFoUyPNO92j6eF+=joR+}XO&ZeYRk!W%c*I~!Oh%%7*X z5m2%2m;nczl8l%vXC;$%^c02>4mdrMRcD4#WDBO&9P(#pEDFoiMLrt=PaFa%V*TJk z0CiK@wJ=A2fn#y<&3F6VUOU7h#PP%aGanJkG{v**!+Py~Lfa`gZgZ-H+!|0jJ3!)l!1#VLX^EI5#&RLMgig$zC}oVjI21q2g3>q(OFJf zSwLnQ!}G?{8ZhZtG}~;*S06)BYWfY5P*Djc2Z!ZXikmeAYR zy9;`bB}vckYV#o@ZW*(NpT_ZfPk$P#o{VcbRixoxMj z<|8Z=^UN5j@1xHz-$=7^W-(ezuw2Z$sU0JZp0g`)@O_1fffS$||Es3j&96 zl1_Xq#1vIwSe-B>*x~d5<6Dl323IFDsi$Jm9z(27m?8HNj&OTPBnAm#nt&Xf6fD(X z8Y1LLm_s@V)MqP|6;|s8qv&nv0B5r*NcDHe5*F!@{Hk80hxapyr;Xtv)eU^(UsltG zvZ{PCv$Tp7hS3>E{-b!NCq=8X@C9yxC06o_ zKNKBWmHxY`Wd}p|;j@Y~MXQ-y%10pJ_$q>~kKnmQ1JZe2Vtv+x%w~8OUS)h&WmsL) zbl3o?hMu+TP@%ktNwf-P6&qQZrX%2mM))bN9=8$8)+dzT=G96y~6!<93Fpgj((kRYNQK1PE*E@L%tN58~rw+4>Pc?22<1%?A57X0qhnQXOVcl}t7H)OHf`#uogk4}uP@o{P@`ClTEo_H^ z$#EY=k+B@-xH2iF5PwHO15NbFt@X3bEKi#00(+b=0&gx!SsgA`rR& zLKG@&b-_wx5uUZA6*ltV9Ez2B9o{Z+q8&%ju3tE>PB`th58bKc&@tmKFv$naKMs81 z_l{#}4(c7cVmz1*!qY=6TddPmu&r(LE|=TJhE98?_u2QoUwVHTFYlx~>E3v}>v{OS zhh9#l?Qd_to6hpID3Pc6+p?!|!W7f__ixj8fP$Ym(hTr%pRS+jmBZytcZb5gntv28 zG>&QdmG-cvu`tWmd^5i&{GAigrt>(fwoSAIEZ$0e7<=U9@^RL&L9d!8d4h=BRPC-> z;1xdNp!820Q%tp8!PlRi1Nl5%|NbmwnZu!ocZ-qlg*|ONv~6$8UbobSZUHH z_ZFNwvUQyDH}wQ(<@ITL#{N^qMzA7zKIlKUWBY^7{U1EPPts7;N&ny=enf$g$Q@rr zRwuX!F~u5AVuW>pEQcs0>WDvxl>LGm8yoGXKlw?R-?x72pR{M5{!)|+hnO1gIa!8r zXEhG3vyRjhnk_e$7nTMSb_G&`4|4b&0twTUxiAnY0D3&1t0DUEaHa7WA!8qhrJAEg zAc^n-{1Aha?Jk%|Jmv+p60bDte)H;tswPuH3!{MWJR96^u{>+W3i&)%`7W-b4(!I@2u9s{hd0|b6;@U2zWgj(LrB9tur6@OEkmu zt&TzgjH`!EUo|-NxBqDGA;&vulG@UaXW@&{0-7^R$VJCP*PZkq^hGtwzlMUHlg(P; zb&so71x_lDp(ANe0Xd3Xc?D=ugMQ^5%79*FF(r6cS+Eo$qFiO=E~_w}h(s~_C>b{3 z>mKPhKYxpfID8pJ#{vTK(lVA8fIaW27t%NaQMR<8q+O7IQ>S@W8{@E)Nockdq7+eR zT41|`N{~gjw-6^zKmm4#Q$A+i+i&am`?$p3-K0>HAmTY#+S#4oVG9yP)ngVzzl4@~p*zCqGSS5ci44PYISS7ax73J^Jg< zqCmk?ghO4m+Q1&WtsH8#Vt=9JVO(M;%1Kx^v2yt9mtRl)mr-t9M0v5Y%GMjkBl+!& z7HE?dcp`m3-FIe~RFQZW1;y?dUkvc*@PCyH@V`S$TBtfaSYgthErC>Pk|VZohOawq z0go~UIeFo73rqYuFs^!(q^Ihr+%Kg%V+FWWE4I`}r-I~nKp~E|nOu-xaTdy;4IM9> zNM(#cn00$gtT%yI;n21lInIIuFn1A+b}V>>P0nq;hP*X@E`xBFuvzbHr`i@%lNpsw z9w|Se4C^~B!1|o=n$FNl#qmXCQlVk~{uU4Pp`rf_N(uxjc~Z78^RLE6gkSp}S%w!w z+X5f?*eAk0kFvd1FHvj(i)A>j+Xm7UQ&yfe^~OmkIF&6g$K`Lznk&=j>qEHD!snv} z_Hi6+KT01iz8s-+Jkpm0{0^o?U(shMG2wOrSYDxn!a7LtaU4`dQYzKIr6Zk#&|MD8j-HCMN(bD(@q8*UTBAa=V%r5fXHhzFS z3R>CCdi1&k(5}!RzfL>h5h{CzQ2lT!fBSoyR(uY7F+Oz$kjT1S{dLF(D{faB_Z*hPp=$Q)97JN=zG}99#}T$c zfn)R`6dc4I>e0)Fy%66>mACw;SJm=5e~RLU-`PG+Tp&)Jdz|E;$UvOHL8i9pG&|~X zh1t20{-+LcB71<7QgKwJ#vzu0Wd%WAld`n$ZP@dQ5(QdFhXH%GdumCTjBOvGpDe>i({pDp0&PXY}@)$msvV#99xjxK8Q^x6Wc@B1y&{K!B>X@){ z7#ie*-rL>7tEs=f12k!MRZm57j$uRDJIgzENMHgzhfu83IX(C@funwpKlE_>@)J+D zF;)^c-}?YVX}H>z^Y9`pA>awjB>>=%6JN9v!MWb{Ed=ikRxkG>EbH56@5U}Cr0n9% zlhlDh#W!hC2wd8mZ(Hw>_tw=m!z6y`o9Eg-78Q%LoUp{0b->tjo zeFcbqJwQn!yHu!CVX=8gdm#j_;5>ABX*G)d?1!dZ4^Su^9HXG&2@^cX>9Ew4~V|wMEDtt_5P*D(=h_8Z21%xZz)~}q}`n$}7 z=TMZ@DjMTRO!EsrlM#P}M>Mq`C@3}c*}f4Dt2w{y%6Y*otbs9~#r?tRf~dYHmnf3v z!AGqVZy|%kT9bGb1D=hLJ(f6u!V|jK{zSba9$+ogS9TpsooJTu%<-J8SRd#s#CC}C z!^IrNeSixN02`PU1<)~*JSUOIH~=J@;FbB+Vk58eR{Xb@b~T0`7* zdm7U^Agl*ZE$W@u*n)zb4vzg={UylNff{X5z^VxjcRn zYlktk?p!-E>d-1G$8O%d$u_ku9P+=@UVw+_hfFz2+|_bJC1BAUxCiXYa&A2_AN?xn zw`i4X%~OGpyBDNUXmNx^^TI6rj!EAFiij0V^>=}J7PxE+)HYbNAyZ0sS@a@*>V616 z-9|1y;s{u+uXo{Bw|4g1CUx3{j#QYqLT~xgGOCtO-TKK!?ureoTJqRXX>Oq{?zXev zlu?ygy(iGFMS~^h*2KJ?dzr?oev;a6f37@Tl!Ui(`P;ZXo_F({{+%EEna;D9<=rq1 zhdji8`9j{NlUw_us^Q2!)F-J=|D3|Yy8)-@*yLZ|fLA;gA!L^E_6W<45wtMo?)ImHEI7012~JO#EZE=G=azd4SCv^j zv!3g_G%_?>+C+Y+LZg&nrQGO8lnY0vPoE8CX*aYh4LVDi9Y1;<{cV22)xQaY*S$hd zcdu`s=G~pM`%jbCS=vw30{14cyR#@{m!u$L5QJO)_`ZMR6-=Q_k6U~v>| zGBxX$JiODcrGzrZX)un1i}B6JqrtS4u{CB{omgP7q(QUlYQAnC(Np|n0hJ1EcgV4K zI(bvrv;EytVjT0->`?)6A7#}(0=xUc=UFDuPlp5aM>(wFc0`%Z8D_ZO^sXW;%yEihrFUz(1ESte)$ zUPKY+fU5uppMWRI#}u4v66v%2z`ftl5_IhLFs%z>O@%-pFH;|=PYC&ym)Xw2-?9Y+ zMgnKd73lkpUA^GG^}KiAB#GqW94~*)?)_!<32*pO?IJi%fi__ zE1P&JfR8M{@>|Yb>BN_4q=!n#?f?@pOT0 zgzC-LueGHsINE!B4XX_%rnh$6wX5&8_g;OgjW>2Vp-M*0Sixn&^Tr6pn2i3 zG%X5&rS(P3$XA(^V2VONdeqz=r$XsOa(~ahr0?K&9!IBgSf`wB@smdzZc|Fo$}068 z8&wpDGZXx93D@GWo&Q|G~2Yu!wIBYpBytR!?8sZYR8+UMYaynmVN9N z9zN3#`rlxSBnlIQp|MwGFZWOI~D-)O`2p3#Db|SHOzOGlU?TL z+$QAlp1{EbvL?AIGo(54)&b60_}sKWO~mA{C68$ZtaY4p>4Kdosb7d07TuIlMojKh z8gvUN6&Um2%prVAPOP(YxB_$uk49!2vyda7c7?kXqbO`SiAfsXN3j+&`6yRzZxZp* zpuA<=jZH0BZxpV>n6=u7(k(I|d>foKg}ds+br%gUv1R1p%j*qi9pI&kX<-9rsn-IF zkmuRjvTzQ?1}MFUyf%vrXSvdVeANZEIkqCs!e7;#>>jvfX3TbS_%r-(i{r^}dBiOD z18EHWmY_TAcTTu7H;|a7f^kk{=e)oDd#79TOup4DNh6<-?t1zj$9F#W_dO4@_c^r5 zcjNWAQy?Wyk8AvtI~{@N{!aMsyli9fX&MHflP2uPvde0$!`AOTUM#l3D4R=o{Z6;Y zeTKX5Zl5;a4y!y7JggCnJglp2a@s%2A|(q9jSAfLyH^&Rwm_}rEL+?s%`EuHAYXT? zp+bvcCb$gBQ-%vN_N)2yyn`C~WgW?evZOJ_O7OoF-@xW?zSVczo*#Dv)AzX#De~2R zGzl9J7-0+*o z;ZK>DPsbpugyqWI^&8jQkAC#$?Sl{Ag9!d<`}(hcqg}jmF@m$l)VVGn9~i`sf`S(j z>?lkIK7%Qo-qf{-7$_t6F0h3-C`Uzyf{%ib1CPIj3-$nEDzJ#~4qBEdQ5O*jcpS4K zz)xTR!XE;GNPM=g?sXJ4FJ}#1kSl=rPX4B;bi`5k8QLrw3Me)N1apBEhVbXfH_8o| zhQgF}7AA=`Z77V!ac1HTZhap&;Wh9gSvVY^f18h%Yyf9=3#tf3&Z9f~s z{{zF0qQn(Sgew8j|&_hrdRJ* zUVVivDF42__~I+TB>AgwvE53@2oP0D{@Pz(oKWp^3bVgE{QcV(r#5Ghe)<+T+Q(}m zL7G#zhysJV^cFq^-$B+az6C$%tKZ>cPLhbL@L2n#S&`Sj0W@{!3OzJ7W`etjzX!h(%5Je)n?Y#~`?%gCFrUT^>AfBQ~*>2Eo~1ZBh5zWqr1 zZ~puL8a{x<0w&HL?JWO3k3WouF0s9Y<4hM=MRc|ACi}aOcCq5xIBXxhajm_3_5HTP ze(%u{mKj)2tRPgoHAZKp@`hQC6qNrQpj{auY|C>F*jl3OvxpP4{dZ7`ymXTZ>1sPz zJZxJW=lcE&Z?-+Qzj)-L6BO1P+a6NbK3i?{5~@!J^+t0z-aG&J`S#S;ztk>2d8JKI z^g0&6@|d{bqltQ><<07=mTO}sKXa_io7Ty#tGsZ>^o6|D)zQZ;uDA0SE)aqGVuiBH z1VAD1fJu{1_m26k5<}}nComHx4O(0r!KZUvs&VK~c{UgjmRN#k=Ow&~unK>sOh!GK zGHv8{@k)h&_%>`Ma^F0b2cDqfc&q;aan6A_lO*aPej2)Pn3Akxq-x**429*4bJQc{ zpsW(!8sBQ02GJ5Sc48(E3J2HYr;2g5E67!zo2lEJiZ&Fk#a9&%OvI>rM#EwJG`;T} zQ_?1s64Gr@nyzAA5pd$Pdv8_^UKlkL^@)t z*3qHkl;3C&%E{`oW{#;WeZUB*?-Q+>43S{~D89(}edvUem2+3x&%)=V1)PismaHflr z@7yvD+wuEzfOBHRVt6q=d#oDt>`~cAFo2_3HmrzWKZ7CoggiVmBo%@%?6eYnHea zcg%R|`<~Y4(;#On#TYRQUKuF(;%}qM+m$1xgLzGdJAZd;82PE+ltD`2TJu>}X34KXu+jT&+G!QPJDPb~ZQj3VLwwyqfWnaoPA+###8-7C1$Ikuzbc zFX-;!)zr(6$@5O)FuI+8caR7RIr)2n1j;)-SgM4A_`n51`U?b0PR$q33Yd`;dwGIorG2YWIGjknSR8gT{_1x3h-fj|NPL79-tbR*yZu1J{) zw^FVeKyIl9amyzL1jx5auc@F}!-N8~amkZB%5uZJB-CnUC+dDH(?1<5X@XkJ%eLx* zkntVd=2=lpT7a-UgxAT7cPIN6sZz$@io+!1xyn;npv6YtL!Z?x36FTaU#1yyPv_ms z?K8N4U}G%sbeB~ zy4ofsl5H@@d-a1)pF9*UTZZ{msCRdvd0zB5pS+|>(aY)i(61-u_IEwb6!HA3#hs=5 zLbQMuOwyeKLgyC(&a3bY=St{xi+{lHROsqdS<`(dolt*hOBz4oc)tm>r?Nre;*g2) z9{y=`5b73@M;^Y?o_pr0_VkmFwy%EqOYM<|E`_g6X5PcH;Z20o4d@k~3rzC}w(gUi z94+SLh~2{*?cM9&ZSUL=ID}$&7;0Q-6acvDJ@z&2@ zV_V8bo4v4vKaZPj`|WG2EFl=tE?R0FkjXyzpgSR*jm`ubON7f$U1?8!6F*Q7Ew{a8 zR_9S*&kSexgPB^{H;gnrqV*TO52pWtUsXi6~<%NpW3uE-}3_HW`ydlN;5)-6mn zm}u|v!+q$xOiYe<+2hXSCrS+NSt+JYj!D*4C)?o|mY;WsNlYSK`429^AHfdFLt%`f zVgW~``qNm-={EEe$;ONDA2Wj|({ZGg$I~8+VaHh39HBgLi{hB~3eKKzVu)fJybCOp zeR8BAfCLA{0dP5|<^WH|9@4p}Ag@(nA?^llaAw5*f8)C_pxN=t2uli;Jiu6^e-)Wr;(51u-k7w1t*7 z24U6mMQP<&+~&8mX8mnISKTvy^Lu8V({GH=vq~2&O)8idFdlKDkH8R2)6*&N3;Qez zzCBL4IS>)g!sns|-2N6BO}TLh;+w&))N(`fdzFnU6Jjlg0$F8X`dlU0fa}2+@GbrV zkZIjcJ?50Bt!pGz(mUW4i6=RNPF7lx_eH-S2Wr#mje8OTn)zz_14HwSF-D2+jM$Bw`Q4BTfJ zH!B~~8{c?@Ual3FF9)o^U1bs>ao|eC)(W(O>3e?tT_79s?cb;Klk15yHK`YGse>Ik zge-JYC$k82;bX#UUoz%k1$2P_s2MCaM+fvRa{>KujI~4r4Qo3I3K|l-uxuJDWC^fG z+JiQfz8DjFy~F!YK(N#*AJ76v$|kQG14_wlYN5HC002M$Nkl4yMSq1sP`$970u?gNbS(Au)Q1kec=( zK86T0@m9;HV<(W)W7s4dOSAk0^O1VQU|F<-K5)L0MN}E@q|BS?#7KT&<*nspTvDYJj3}Mr4vvxEx^k7D6Xq zS7_w|v4|kA>0tS`MTf<~$FemeG<1gPyJA|EzNgXB!WF5it1Af9#kz9AGE!fyWFp9| z7KzUDZFbd_MJ7}T_j?G9$=iC6be6Ig5%$YmlL;CttK!EI1D5ye*RQu9eE*Nzzx)6G z-*&L$U@X&fuc$shO8FuPw!`T)^r^2u_hA~=>1Qj|FDr3-Uw-bZbq3(4YJmkOc95l{ zenOXdW@QW>IKyh-3|0nn2n(Zy6$C&W9%3aWkIrJc!D9fQeda6e znWw(gzWnT$Q6hTm$u8Cy*HI+jWS+Xs_LRS9FTc-(3_myW7}=u=g9ygX@WI0c%2JTp zRY{@%Oq?8dNUX!~Is^}RzHzg)MFEaCWB95{1`O}p#w>o5p62Lg1m4Lm4uV;w_w)`O z6Cbku;FuNpJr$=+?w8n>@qhoD@3t3S+=l;117RM5#IB>P<&T77SUieDR%Gg663=z6V_Y!xA^J1M#&^n#m{&ip$(YL)BU*a zm_M>3c#kaIE99;d51d0t$^hX}&)4Au`d?l??TeiM)db&0^EP+{*-f}@VTCjMy!L;h4S zW4%n6D}o>I9giKi94AU4;Dl%x4;>pwFFcMb<_IPLqvKqSdz$PEljCJ@ojS!aE(5H` zire2aSj{Xr86eFVMcp1I`vRA-gj|y|FezWe50rgCCumOZG2ru*uk}OPl=hs1z7Fu` zWM2rDFilwH)~A5Jpcbf;&SWjmIyu%v7*#|!WMd5Vku zJMaW=3od~3A@Rgt<0lRGat>@dd5u&UAS#VVspIk z@fgRo$S((2A?}Z~L>CDT}!X^rORR{#_eabugXfi2SEwLmK+duI zf?4px@PU9fmp0#q0WQKE74p=YA8Dpb+(iT$8K4L*V#>6SIg+mb4ul}Jih%^4k9j@> zsg>(%(oo-IRHkzfDJ^_(fxQ#^uC|;q;Y>c;LQpfa7nnv=WhfyiCjg|k@!b4^KhS~gY5y= ziEufzf!jW8KL=T+AZ>xw+7W%CfL+3^{YG9)s*Y*bBLr6A8Dmzi_xtnb*Rx-JgOdgj z=U_Al^z7AKTRWHi=Qs9o5Qtf~PEc>&y2j}T>+Ru74>M?PwZHz!&)WCC_s8uo|Kdk@ z1h*dK;EEyjaTS1uu{HBQ2xH@(1i#%!2+|CFeS(wrQ}xv;KKp7K@BJ+``R>lRmTjKH zmF+UU3|=RVeQ)}n*7wt4sN2aa`qd7*BiI&qhda{_G16Ysv56Ph%%fjCp3rK~+d2Y2 zjQ-xC#}ikBsYAW``+KK4d;8%n;A({vvpC$97HN7&msM?6yrAD1lo`i7s}%I8>;-6V zo>jVeR*%-!IM(#sV!Lwrs6F=B!|nV!t6P&DcolpO%ZYJ^>7GiBO#x)H~%D#uJf6|NVTR)B+3KoIafedRog(f|B+zuMk-{jY!>X@?cNTiYs6 zZngE*)wagu-#z0ho)tcHytju{N|fF3KrPx79z7jK2g8)e7{G*_f#v{3>x4b>?7=En+L4FE- z&R{8{&xlxBaP;iNRV!%hi0ut~+c!9-5yb{V`Yv@C52voUQaZ`XBx5LWQaf;gNjGJ< z4I^6^GKp{>zZZ%Oa7HDyp5Mc_=`be(heIDmsSF?2$C12?NWkn(0Z`gSX+V9v_fW#E ziUkFF6a@Hzh$BSm>G(^N^P9FI%+Y2#i1oYe?f5TW5rLE0?NvO)Skz zTp=UkYgvTiX@~x@Zfv{J`M1@O#~Rloj+faMW$S1qsvq(y0m~lqxtP@&CXR>x&eodK4kW2^Ztk#U5&4uh)p@q#W@J)w6ow)5lQys< zLtvo%e(!CSe(LQe{nA+do9U*XZNur%)Asi#ZA>KFzK0&K=T&`1rxB*p_}e(X>v4PD z{dexvnVJA;!BZ_*Wy+fzmuPVMspcz`LVo@wev-(iZ-?&$R|c5E$18HuRufhG^)~GA zdN=s~q&}1vC%Gtwj^(Y;%1C*JVS-bXIh_)kz>>o`P@lI{E>(}5t`*WK9O~`R<9Hvs zjdBa;#5=DJN3WB2%kZ*Z1!Lu;QhmD3eKx&m@}4%xg6?#|59s+bQ*1mS_&-H9w-eHb zXVg*q!()8%FP43Z`~yYYkonP&XENj6d@MgERVZ&<;c{N8Qo+fGn$ir!ObEIOmxNA2>Qlw~S3$G} zWKDLfj=tCI*Hu9CJEVV15&;utV0)`P8UYK5(@r{FMUoB-9^bl!g2J<*J&9(4lM>1# zSdG4#TUIPtrS<#L>I!@IpNxgZfB4fMw!izuFFF4AZ`FUn!_xcTff-9yAJq@UR zub5}=KD-57ZI5EZQ%;~WCqXls<6>~#d_ZQxE7(eC zaE{6CF_W@=_$qQ_V3aOpVG|~&aV*MrEea;YIaa|y9t)#2coB*K*aL@nu=S(_Vy!<^ z;_L&1Y{$u;zA7gO%?h!HY+;Knezy3^ZcG84-KcKhsKtk8BcN9 z#_=asG-J|wdd>XGI_BR@dI3tur&_Gd;jA)SB(MUQfu?2|52H9Cj^hlO1qR2=@PEpp zM>+ZxcS@*bP!26WK{u*E+Z`olv zH$Cmg4x??+>7b8qme=7izfxvY+JZe0o&4$bcaGBgqt_w7t@s_ye3JN6K759Xjk^)- zQ`Y4ZCjTVm|9!OnzzsXp3cd-J^(&Sq!34e4tknR~C*#|AQC`Ay=?DRKduumG!rr{T z(Z2rmueE2s^b`)9FCai*+KS-sBwryw!2&gM1g?OF;3vBj(IF=&5y}9;MN)++Edfpt zmiHkNKr+5Zy=lEs1PYO=I3TZ6!sCaOK!BBzzho+LO}9mTkG3>1Nn$L@_X~>dgxvUJ zlX}Eyh`I}{TAd7p=48b7F{qTWeBtt)>_LTwSHWEUWnCyRMDMft3$|q;Z&4wblX=M8 zcy{nGy)bp92c3{I^rK9bZGh8!Z~XfxUt)GP zUdHlTBKyJhByJsLTv6E2CMSxh zK=iBpvGQJqj@!dKwf)nfN1J~4X`iPC@{i7n!taFVLlf9*!KT||gwAe%rGS4|80azY zPs+SUes?9T7l{cjgr+_u&e`jaZUGf{uIzg3YwisAPAK;eHnQd9OHVJh-}=^id*<0E z$O!8tj^jI?*}_TNP3Q|cg(q?@2pFxU6Boj#Uh6TdB0hA+pjo4Nqj>*do5Z=cmK19(l zhUv|6#Oe&@#U6jX$caf1wK|pXTzR4n`Hp5eK6U&s3h39dM7h@ftN-pd+rR!F{>%2A z|MN%fJHPh>EV;Ju(TQ>uKBNMpD{8bnkT*pA01uIuIoZUtBk-uGn4=I^8pGe&f}rDK zPnz;r*9jIE^H?C*HY!7$K%c+3(k?%Gsf|_{6Hr>XO=Xt)(^WZ+m5QfK1#%nHiNV;D zq1bM7jHSl>gd?tLPupGVM7KuFu|?#N)qJMBoZiCL1?xfE%6VONw0&#x&z2c@pZkK3 zu)5LuLplS}loer4W^PJhDK)k)PuYSI++>RqE2;}9suxEW+0vmOmKu{(cxY{y-@vcG7T+;dqP~_-?KzcU z4oi$U1*K-C)B}&go)CO9vhm(pQxBDB)+u9w&$N{b8SdjZP>kqATTw3fe^Nhb!M;a1 z7=HOVV=9ZY`VLiHsX}sH5 zv{+Fgb%f$&estI_acYheT^+uvY}wg;FN%D5xk{qNg;k(sJY##=GN<7naikvpcKeKq zC7scph0jL|$X~#y(69I>UiG{F-*gJRsMB*59O8obWE^`LobeehgJM8gNQH(L8sHE2 z@~0uK5*gZ*NBNvPH0(b=@H#;}HUtLC;1YlHjuP{kD5mRH#Zjmcq34k-i7Ty}-_{li zah~Nd`cb=d3B~z&9J!-#4)1|}v~m-EX z4_=pXu6P_Z3GBjT9O>c^2fQjbcE_}*3TpV_JmZb0w9Lh^E^UqV;=&@1S{Jw5jqAHC zgsE7hoLFzb3sPD0v+d|Tn1irqvMTH;Pr8+lIIcM_s0F^XXGG_M&GdayGq}L-^ncpB z@;A<%;gtVazOYmy7`;{N!y)To7m%SWgl>ZaQQ)8cgGeO5W-&1tbd76;vmG9;8 zvDQK#;=gt z^&h$SZXjYl zH1}5v={)}=3{2AJlZj4!k#rJ3v0u=R-z@(N@uz3+O-=ft8TQP{LN3=pZ>|8ws+oon|>+b6E2ss!%tmJOlAr>x6B3^C&Hzd}6iz&VT$|d-l1n!3H)F`P^Ek zY5fbt!7_shP*xaR?WL=nEFR0ZKy8)6PPUKO+F?MZAq{`*Qu!IUqM)EJAgLSf%XuKF*DI4Gv&JCeI@|CAY2?I}?!`ycc1c~wl8g+bB@nu}M8_lwf!(d5fsZxc? za?$x|l^R#$c(ag$Je<&JSyYM`jMeccQdScBDoOsydw>Hgoa6Y_uOLLU`1RdyyZ9yg z041CY098P$zlJJYyw06lOP1nsoGwB)T1v?tqIi|&{2>njhieN6wWbYZM}q43GA2-wni~x;gwF^P^+gtxmSCrG+DwLgrCc2E9 z8(W;5P?V&wfPY$y4XlxlJ@-n)3f z4}TX7g-5}Cb4t~#{*|$Rfddd6^J-k;yAvUK^3Vs?G5t0)hIv;xRbDSExefI@&HwHv z+rZG<*5|Yfb^iMZpP6FgWL&$CTG?q2KHP7nboK)ec4j0l?jqfA1*!V)UZ}tCHy9U! zfH-ujBmyrf;4(nybWP`XI~*-FgOCv~;xz2m)|>6Uciw9+z3@W&#;yM8P07n{KFn zh$R^A;H7W~BLMyke3T`f$7cxjsjV<2K&ge4dDW_!X-p-Ps4G-MIXWN<4*|vqvZg^8 zv@Tj(c)17ObcSd*$y?=3;3Ut^JQKlzSL);v_GsTtPkoRj^Ul1ivu)tB48rGPh{UnI zY$vY&pS?GKvMjmo`)*aeS9?`2gTY`SK!Vsoh#~_d?Vx1x2g%_@maMSDp^$%Y_+RjE z{%0H^+xp4ja99c|917YLC6N+HfmjIw#4^Cl0JHZ}`}*GV=kq-`>%FS3ny$ty-N1Bq z-@5nRo6E_QCr_R{dGe%XXf~!wwX!_ zPXVbmq#a$YXA-Ue%wN9Kr*I-+Q|0Jrn~XFH4Dw+6uso)M0u0}HuVse(Ag4v~J>{r$ zgkO~GC=y0R$w z{T$^`8hn#7q`^V9ncd>lIa>Nx#(3HAShLe7PV;j#YJc|hm77p6D=#OJbUI)Cp z)OUsaoo){C&B0!oZt4C`w~yxKkkh;-#8KFtC=7GTi(`;&GjcKwzuiaKp|WYtams&A zpkc1#WBI9*8{4tQLvg9lZ}qd{2JY>qnNaujj6x!e--&`-nD{_2pV_P0w#Fgj)MTgx z!5Wh&M9=vom+yNSjB6Q=Cren@Y1QHQA-$9kDNVrh<=No*lu40$@CC!PWgWla zU2ID#_A(?lm%S`!(xqEYeWc99jvE9>c4GhlH<9E6U5 z!+hf;mIC!7<9J>&#va)VKlFp5!}sE3H~=RoVh&Jz=?K+4gHz!2G>Hk;IyX0;>Feh< ztghQa;eUVU$K5M$=!5KOcoHyRe=;<=Nc#5Ke&E8AR;tpd3J!fCwG*vuYZV3ZuG)U$ z9g7Vn-)>h@;YJifI*1R@N#)(jl4k59(zp2)EX5C!0LsfdK+IOa#4j0f$_FZ@{p4aW zPV4hWICZ=?-Ui;XB=M9&>nJ}u3@PnG17fwV?!B~9>!MLgeFH`a37*aug0$;EX zz?)nBtgk^h(m!~fLpgbLh`*&>`zhZkV|f)trKi)N40j8h$z1dlw&j(%?#6BT!+ac@ z?(M3GftS(Oi4`7&mju-bdb+4+zW#2!_zVW(wfqymr$Ni{cWbj&ZfooIyWLy7+3&N@Ds#0GJi~uqj=v4n zem={~L3iq3G*`-TKIL5qIp4`Gyu9)-uFC6bV`;fPlh7jkU=v>&z(VrRwp?%?I07&4 z&uFXio~?s8nqH>s+pVwHrG-7@<=aU5mN`E*#fF{f(L*&t8aJ)hkn0^LAeFR+eQ4&% z;GwZ>^qx~bJZ?`U6|wTq-@d4jTH+X^C&05ik@Bs*uQ;J^9$Tl#+Yn)&sW19q{#Ay# zn-9#4{oyfHb-j<(5Lj*$91^}AR8!3{Ldi=n{iJ*Km7jLs|L8}$FMQ#%-KReJ2^1X9 zVlJ$sE(C1SW!16?BINHrSe@{>ul7jOV475Iy5&am4(C&dGzh-}vIB`rZ?NcMMw#Uo zHZs{Ko=jf&?eG&+pKVq2Off?Ka|m>n5tG|65(l&ro-D7-uY?g{I53MD_L4hEQGf$B z6&=_#Qa=VhI&@5Y6^Jzx7eBx-j}Xpdt}xIDaR_F>Mz*}Ce)1m$Q0iuySVZtDck&ho zmX-RDnUjPlL|9>RC4n)ANk>fvqCut1W8$djSj3E$gqZl+ewf^HbSpoBf5<5eyWLm6 z`nB#){`B8>FTU_%_P(F_%phM)aBUBVJ^vL=_%~Dn@M0=|&ThUrANubzFDsv!7kM;Z z%j;qqf6vl&``zA&wW8O8%#7 zGilPFB@W*O$o}4*&!?Qm@kv_ZPE@nGD#gVdp8h_Mfq(puf1UmUE*IEpfz`$ctBeyS zUpiMDyXAuU^e9$ov=hyw1J0}}g+D=;(Am5iTN=O>;S*N_)1C@0UbGZE!@iygnawRP zNqTvJLI-`8EfTf5Z=0%+fX^X>$EpBE;?@$K#l-@Ses6*EOyHN{Q}Ini`ZxqTfrp>s z0FDz*jw$zGv9ax6To?$AYc_1UVzhLUPL%O!V&5g%Xo8l zU+ezS|L~u73pg14!+(jBVH6X~I3hhkX){#8KxT7J1gM{L{|FAieY!`USb)d|g;Swf zK1b$Q$Y?DB|K5`?10Q}7HrE!r8{@TZ^9XB`yKKR^dz5WI$6E;h_qRBv5noTF_jp22 zry0SYDHVRnD8>mMhghpIjiH?uy0y&>Rv2%f6)7BPT8r$3;#sQ_#~1i`6f*W6I16oL zf0D06AqD(_6)csISM8ZCM^s2fRf3764RAZEa9+!{4MCp0tKgDP1(gP$ez!&zNarp4sSuz6+cKhd!3XlWoKY#t73^ zo+~-}8%04cz=v*u^9bvspZ?_4;L0|x@sze>LL$HA|DoND0#1y*DVajjy%V098& z6Bfs@z7J6+;ceSmGG;P4T0rK=1dZ}lip7@-O8cff8B_06k~(R@GGNP!-^$0w1Zxep z98oQ031u3ZxNjT!GHtF8m4?>IftEb^fz(6MV08;(0?$VpT zz3VH$Eo^1IffWz@!2W#9R-_XYb=kIrbI_*L&`Lv|D(%M#jy@G@2m1?ow#&L(_JTA9 z7qcJO@9eW}($?PjY4)AZEu_1eGU?mfx?9%Sd-CwK7I{73qa-+p!e)SVgh~Jv0(XWgvk5w@w z|5EuWkD}k>w|7l`NAYriS{+QBjlPldodle)oD?LC#h&De6R3hKahS_pv-@nx}O`kA@|E*$Q|J!3!Y!oqEAJmzc!DmBi zyZhbeDZ$O8cpH!AIb~>Xossco;i=dUzL|~IzP9`M5}aONw@%X>z(LU9U7}Yx!0JZ& zn^qBucADfN_)$0d1%eU3nPI>5!cV$4Uw^av*4Mrj$D$wq%*VS=efrbgbI*P#=DkDA zI#<{5rpyY^?#>>J(ozx7(V#D~k56r-9oKCn?oT(*2$6OSt|&HKJuK0fxB--J)mg2* z?__i`B$XMCR@JGdiVK;Ed5z=z3}&D}jl?asOlKa|A??4`znHE010>(AH-m~2IU$`i zc;Y?vv0Me)Q%^1+zhc6EK_q2mfDC|9#tbI;uGVLa(5>(#Y`)8h3<~$w!7{wSf&031 zDgiGv(`DSK)j7;42MS~e^lo|4tXJVy0s4d!XB6>QBIpge*WY-(`!>EbzW%kZvz_P# zRs?W1#VVk}?;HcBmMRWj6~u9do}$hkp8n%IbhCC>g=*u=zxu7`Zh=l*`EE8ppWDS_ zzPB{(xA*IYw}R)od0dQlRi3kOUrck=?@Ckt7JPmher5~|x8Ymx09Ns18^DULp2R2f zp0I(^7rrphWJ@gDZx!sEC^<3Bi5l_%6a(Q85!}eD?>}$=ND)ppx50Pwm#fiN$&74y z=Y_IDf!hl3$D|6GDpsP%pe*;r>Qh7Bq0p*8sj#@js+j_7%vs^BbDS75J{jU||0cpR z77y^7@gf5466t~4Nxa_p2W*3wC=9!u2EI6q0Ic$32PLY0K~$D{szjYGF`68(J%yFT z({FeG@E`qtH^xHbU;F`<8$??rKR6qF5*$R>g?BP;EKn~M99hv6FTgDio`8?q_e(9{ zkwemquomU(;M|#rBAqp0i*eAM5aLXf;@)LZW9BInUh2xBD zB^Yv2&GOna5t7}bzH@pXSn$b!kQ@OS{Lc+2i1tuf4LbzS;+{N(H~8hAw%`wS(|WHa z?T$|ftxgi$iW0$(I5bHVHaysp=BonCmMY5w-uEkL!k|*Xvb4T&>~PYr0zmq5jMDnf zSx(YIGt!acq;#RRM&Mz=K;F;56+AlmcZ|v8-*Oo=PQ_Vp@7M}7P87Ubck-EZ`{ZmL zEzUZjtioEcwmsp96(x(~mt&k|3r9{qv1S&n@()wz6Pym3W(=Lsq`lI^NvFq0)>tcS zvC4o3JvGR!R6~>&9WPXCPk>VC93BMSXYx+JscfaA=`}6aGMfx( z-;}O|1-egPm7aiseEjWYx2-$_?zR3@-K61Bx4pd+KOpvt)R+wA3yu#{S*^iP<3tq7 znbcMt?C;8hDhllLfmePi?2*0w4h~>J@|SGk@dwY@rgvmLwF0KYfK&a|XkF(&t=!6o z4f#=5k6iXR=g7Dy7gyIAd-UaoVto=HQ}PJ;Gro#Ys-7IGd@Rcpm7iYLtMEsL@DMG$ zROpD8QdAba!mPDjw&qz6+r6((T0(#f{jGiwhkWD(CBO5TgwjFechajsb!^b`T*a$+ z$UoABF8Z=sel^a64a)Npb{;IKMag58JB`=k2SDoCLh@@r`g>W;!Sex@;w$fzSA5Ol z_*iB4X~O4;FF1Va;j8)^g=$fEaZw1G0k_Yg>f65C-W9X|e0H0@ZM5I&=J;j#h6nSX z!cs8`#`b*K-8{r&g=x8$#eLLwk4>@hsDM7c_#(V-&4&VU-NrHAHRJY#`ascV1o6O^ zb1x*y>V(uHnplMeCfmFZ1m>T-U^EJ1^t2P0{A+LC>t4Tezx&G{e7F1bXMWiI#;^ZI z_nFUpu3KDR>h5u>iW30ix;mrAc&v#w%*jh3%)AvR#xSuAP?XaY9MLetUTTF$xMUDD zun4@J-Ak}aQ369E$Yh$So4@U7XLlKQ1RgCF3YL82PfO=-ago7|0$klRq~ijE3I-Wr zu~qA&LIfb>8bo!NwO%R>$Vm|`b pS-u&@V_jk5ZqIS5V@3RLnOtqacF?hs8QdIb z0t0zfbiP?06EJdFWb$(R_GZkD@4R`Z`^sPZS@*~P`d@c1{P^Vz@;Z1jUsseX2&sY0 z-WQ?O_hFSa-gV=e*JH$A25h0dF8_I0-QR!TPf%#s|D8a?;lgKJnNp}y5fBAn@Qcs@ zJCUW>n+=UWFu$V>e8(m43{BA4nLtK}!ZD|c1Wod@5=KU+nCyEgjB8SV!qyRU4)3Lm z@H`Z}Do+%uM{@@VbtptRi+&zI2+Dc$Dj%?Pm^(%RF?kMa1)MXoec%v5a{m}peVC0$ zvrh1JamvcHf~=L$(WVpNnydpCaJx@^Zo<)n5$3U8;k)qa1T{_?u_}4-^iFs5+H2i^ z|6l$W-P+->`-6Y=r``54E95NOEuqkM|FW2H$dIpxPr|?IcyZvB9pj*G1YYEjuH%`) zQ=R6}F1cc-a6L!;#`7G_h$GM~PHNdZ#nB!Lnt25NdA3P92|p&@L@NO-25;PcuDkur zGbq&8zz+%_N~{*g2ubFO7xwlES`em@+o zf=`@ULYFE!bP#A(QQ`oDeo^LW*9iQi@kq-ErR14O4F!!*xM^WA#LtTKq7Mqk_|%a! z^B%!XU2SVCtCL!48u&ChH?EVJA!VaOCyw77KcrJ&rYxV07dZmuTdm|$2NV}a_)uZ$ zl5tJNhl-L#wlKN9MOrL4bU-x1z6W2iZ%S(_fJ5ANz{pOmgz4QrpT25* z{b8C{J(=Uxp}v|pT`<;5vldJ(r63!;x99d-{+a&U zD`o9Nk&A`ita+bpYI0kEq)UM_aDu`@@m!1H1^hfYo{UhCpR%n{t2DW^mLv=KKLV4C zMf7GA74~Hdj1q-DS4UvOCvarH#P*d1wz!E3zmHJ1yUpFjfKyHtV_4wwl$BD{Ye}Qb zu1}E@_=Wh?N-^UP>C;qcTk4W~$;gc+bSopIs`UY%t zX1t;yajHZhyu36&9$QEpKE#o>${FHbyoAfSlFD@+s;*{0-)QLrP~W|TL0Y!0B6Co# zO6;;As=`|tf@6+V22VWOEPNcs`C2IGSi!^nFLA19-7O$8yJ(VSD6LSyc2JV> zrtPe??-W4%=Qqox6Z)=ou-Uj7bnI^AY22nfv8q0&WAIIOW*ix3>n!bVT$x(SqvfMe z+6FG)30ssk>D+ek!i(KK$_T#8Lmf2i!X6nLZ}h-nN7AElMjF0)Tx%EtI7&S!Ukr!I zFpz56x5!>nnWT7Bo|FM6U-PD*3GY`{aT2(^g3psBoMY`_rSa|V8{haw_vJtT3QCO^ zfro*HiN_GlI?a$el00{r)RPhlmV!q-yz}9@bv2$?J|7ycpn@~{QDJr6T+iqB4*i0@ zoDjuo=^e`Q{g%za$?jB`Lg=A`reE4O>CUX~b2>wK5B*ObLxY#4j6BQBerdnwIeZL0 zqJ@V_4K8V9pHn(qjn+a!i;D;mICgX!hk~NcmF1<%-EKjU=Lm= z0TXKM5Ku_0C2vnZSzTSv#Mc!|xJLMG`8xtg1-0Z482$rr>sTv+2(N&;gkTEm;e83P zOdG>zJigZBVpmv|gXMIuZr$zv-hcC7b$1a;|J|3rj)DQDsixuZpb6TGoGL|S~qg_w{G1E>_`>Yni%a>6m4X~o&RbUyQ5Ky>Z;zR>|M@S?(!jwk`=iw75F2c{5 zBBZTZ-CRN$6q9q*F1y>^{^4F63aT(44evm2N7Ta!HNOay*~V=aahqE&vF7WD>qPf+1o zR$8k(>zK&}F&v{j;e;m2I~D3qS`6mNZXsx;aNt-MXQB%n;p!MEolA(+(te?d{>kY+ z^}U~ZEkbAF**Xf3eQHc!6E3&Z+HIOoEq%*4VOqk;p}sW$J87i1nyAv#v;+Zo>Be?` z8lD^sv^FWZOFDxVrP)5H*qAU8mMTY@+=X6CRjTuJw-|YhZxnu^;ZT1|p1VrQ1n8G+ zN)`=iDbLl|S`qqa#*-WHO*(3_p`_EuC;fdk(a-SQXtCWNmW5>tkM!<@T|9{i`;_>x zyC`~=!oZ61A3&olRat<-cR0YZ2}?XhS{EFnWX8((Sfw*cKn@P4j`Bq^;;%Am^ zj^Kf8DdcEg6(YecWlpqOgpV~ku#TY->UhTYrH?d#?JA#p5Oby%S6+tMw#*y@g=|~+ z435N8e;Kz?py~bnU>jB0v)@{IEw1^^27mkQEFQ2Ymp*@E``bT$QTY$sJ{M-o>tmn$ z-hNn?xJ&iPLmuq2r?ADMj<(Epk{&;^>3nW*rY=#6H$1eMSKlwIcYD|FruMo0ZuhHm z{n@@eHpRxz2JYiXC52s}vMa%8-Qvm!Psj)A(=&ZVIz*Jf6{nRBC@@f0K8D#Vt8jkQ zJ^%cVx_|!9|L^YifA2r(e*3q-gbC_8`|V_g2xka73v_}-m}Ki14hlN*A-DQRCpO4j zEHNf_PTbO~`DQ0?y|E%1iOyI|y)ha;*>T&|OpuW+fdLJ4CJhxwSnN3Iq@-*23|Own z&2-%4OD67VHeOvY0iH7jV(_#~M-l7fEX7GePzNppA5y*oS50J?z)&9@ehye=bgyt$ zA`rHiO=YXez*Qy&Y)x$qF{8y1-txL0|5-KUoyXpZmzRI~TKCOwexv)d|M2JC_rCW% zOd5}wjBp|W3Jrz6LykJrUy9D;bOa^T6lAvVkKo9DtsqvtE(F>+A;j6f@#B)H?d!XL zZ?HaAAm06IzKbOs_Rb9LsB^9odzalg;KN+(jw4oe=aCbz3MZ*}V^K$bT*qttLBatt3FfG3qc`V#W=l~V+09iwXDAn%PL5S}?0 ztW#I&LmRqk7-1S`ee!9}poMqW3f>u?hZd@Rz^_UR1a0HWlUF%DbaP|5+t_sL4t1d& zPx!8Y=$H`87_dLJmT)Q#P0W|0KovF%gH76Hvm0`P%rcI-7ipt)tWi{S?d{)Xl7@eg z5!-V{`{cjNv#p7R1a)*W51OfqxGteRE1r3F5&}(=pNbE+k~HfSlJH(-zY`ApHnE-2 z`cidZbNrJ2RG65%^v?KA9+^n+KDcsVwJD=uAuY5yMhkCyg9h;JwkPq4)dcM(dTsNJ z^Zn!}c|#)ybha_pMu5tA=#~-M8DBBk_Cu#o5pi_1pE{;L5YMfZ-5B37z%RT!6x_gX z9UN=-xg0Oce@X5AZ+NKo6?ZCm?D$W^lY#+x=EaFk+BvigZ{~E3F-q4VGyru+p0a;S z`|@8XR&E|iM|x4oDqR}V)-or_x4$5y(0|3@n+nO6fHXe0MLFRzkH~erZ+Xl_PdV?! zAIp@-^4IEwPr0~eW#vaaq>?^nH6H#YW7hg$L>=Xs@_{k@S7*Kxok)W@^Am6Av{4Y+ zC$VOb$HT8HU&j%w(%{L9Fn%rH9INIQIC7hD!0l!0o1SR268{_b?;o+&|G9?8egGC3#wcFj|+{G8=vP{W5xP<+phLmWHV$ z`8gI~Z> zXhpQ&f@`o3yj7UZ%XkgGw@M?t??!m4*myUv`ty`0#2VR!KMEG^t8)@==Zm06=ZkO( z!~6dCzYpWO$I+s1bf5qH7rKvq^y93S)Sm7kLiQpIHJu7U!%4gyqYV@dB_aNqF4~Cy zDgu{@DJ-?`t@F&LvmCROAsDa4ktwv_t^E331E1dwrca-xkNJJ}Y685y8r?CBRfa;k zzLzUB9%^TcB)R~@49=+knNo+0M+n`T`!&t;xEECQls&@y@0b+`HQI|zI9&Bx#G2!T zQQC9aUw`?v?mOT8tL{5kYW(=eKf+w^2~UT7$YZ5mA2}mNmh$MPE#J?!An&4fvrx zM3%rR$`(%vSx{I*fwP3byo3q#0=QX-Re|k7{NPRWkv9VA5NC7lEB5GdMC9Uyjui*4 z`rBq$d61ub+C8q&ODh3Jr6{b=jwuIi=A+Q8-0CS+6BGmrgYr<7Kl>>07g+UNUt7u=U)J9%q&a^kdAx4-Qm-J67WJgt6lktA+TA zV5}Q1utkMy37DTnnc^_xWM4CJT8M`85?*lboFCF{iVW$nJ}T7Gu3CVAGZiat9hvVo z`A(V~5y&{nd$;aLe+v2`Ys%0}-ARu^ynE)&e~wkyqFIz0;@FI6*Eq`ajzZ*^NsCIh zBPOJ4C@fSo?C}9WKG9pdMd(uJ_4ZSFp-fxrSHry4Q~DN?#$k-o$7~sq8KDaa zSz1(C()zpUg-LozJYPHkAuy(20vj+3BTNlm=y>48sFXT0&cIXGHkP=SQKYh!8Gi4{ zSvn9kEWtb1H&;>C8VAdYCHR}eTez7ru#;gY#o|Y0wH6ojMHEeLR~zi<*J!a@Te*Q! zgcGaigX=7IYMnhl+3j|4Y#&Q5;e_+3h#A1^RcOXBY%KJ6&$lD2Jsdxjj}5jHf9lyb z`*0AhYiT5Z~Zm7DNOW` zY>N?03HM@I3UD?(xC$N%mkJg^9n8W#dt-$t2_0e9nyDXu1;?WQ@{j(g`|b~Z(0vZ& z#uq;S#qI-m99MYQfYB)&%82Nh-Ez-VG+)&`m+p*tErXPk0vL!n$|%ymEDxrWvBomF z_=QQZRf3T@$k0i(g7BM)6JeYuO}-KLSW`N_>5cy^m=EbZ9YhUwbw&kcbA@rJr8Yl1 zGMC`M6S9B#L?>trssiW$370|ep|6+zMv(CPdJ~=RTBJbZ@$^R@WPL~Z+z!l-AgaN#Id}X)KkU)c-_Y0o^_d; z*eT`*lng2cTg=*df3Lz--TAEV3CbgbqcGjm>BWkudY=iP_JMF!{b`8@;)<^X@_`)s zN8|PH>($kNTYoyMq?z>BIpBQPV4sD9a{7teSs?&YlZR&% zBSZuM1=yI{(-fM0+VyMlMSDodDlQdp=*Qs=q>*Mw1`i?)0$!Ade3yrG3pi0mAXGgn zUkCvaSz%lOOx~!;zFQ8Q_!SQei%k1!^|rW(V@4<9oNVHRZ8+Fq54jc$q$BOo1ShCC zgLJiA-sg(6D_qu1MYMBKxQQ$Z9_*x)JIdyOK*;3_5)u=&$9%F*8jmUqzF95^1~Ut_Qh+$d&N z=P8f6IymVtRYi`DsfReyoZwW|37pPW-QJ-I|A_=mpn5zj@b(TCnb=J5yD^Uykd_u& zVjhC$1#qg50%59?3;bPuUO{DMSX2_x$1HGOUMAOv6uTVQ!4Fhb>v_YbamXEn^!UdqU1J zC+Qr%MxO*1C^(kz@1cT!Kpz^DuYI+~L}&xN+LlkllYs%6mbOtMghXiQk{{r?GA!wv z`S$|P^5B}h@{L4sm}B?m_3WRH1N5~v z>GhlPUj-qQw!KQ`^!u4SQ<2_*zm@~=2~{{%4oue9pwg9+Q%{lL_#uw8XmA_W!YU&N z3hQOIayjYuctZURtz#W_`__85d1IcffcRfVK6hJ*lWLVAIdL%fBfhAlg4RFV7pSY! zX??!Cg>rmtbHFjnICtKKAJISO z887tqq*6oWi#*wFD}__7H{dBKgAIMP^Xwl$iL9?Y=a_Ozo2fvVo%l-+#itl|!BJ}` z(}uPr0)DvNC1bSj`Cz;@C&(RTx|WeGJ<-lWODBXr&;Fi;x}9Fr61I5luJ4cNyd5Bv zGr+lywk^N5$?y!0GUmaP3qEU7w5u$0gj_*W1{Yd%depH#{Zzt-&k@JFv`*Fu!HYR_-)Kdotr>ekq zUij{#KE!NUnKVhHK1;MvZo+vYQ`pNY2T@HsKwyXBtzZZKI#7Qn}5ymu=l&Y zoe>I-&v(D{kq;xl&>_k5kh8iqsa|BOg_CcU8ukz0DU{g(jLBoVP3!PIK<95^NF*lj zbR^QK(2%joh=o@;WnQOB(HY$6u>7Wk3<8oYU)u6(?hC*_<|zO;5|_bW4c`r#eK!2X^qgq4z1bwLl-LMH6RN`^>Ka-?dMWH_-gUWMC>?>vFNN1h$q@>|5LW3r}uKY90 zgXfTrJ_?(FFThioOc&pgX2>hTB@=p;mR$2rf)NInme%1dSW)1~-j(x|p&&$lQF2m- z6Mf4Yvdu)`;ij1srzUD&%cY%>(-p(;EvTd_?CQD!E6pV<)!@PjsK>>n%cz% z@^c@83*zx1j?lQ1G&s_4(}*$TcnjzeM28&j=~zw|;sm}94o#J9aNo{>LTpiej%^io-*RfI|u=mb#Gs*FYY9TETI1uO`GUp(m) z(Xr4U);YMf!$?THPPfUpExwFIKVTwpjFLsfMJ6C`Y4(uz^S5OTpiRfPBk0SFG?f>& z$z-FuvGze6YWrNPmq$l?-PYk7wEq!G5NQKBWXRT^!Hrltk-^jOBw#>BYag=<$P>Km zC!u{F7jja zf2?gfa?c-Q#TzRLgwAjNIb596C1wiBxK7 zJ;M+O{>x9%5k5;)tdG4&6Z)|qOi_6b#s-HV3Xfr0xBN`ni}k86)4!&f4K1(s?qTVT zcbzybzel+{R{ng33q*feB`zZRvN-SPyID$lSjH0Sdk_i-5N}|!qqjmO=yugR1>W|~ z=w8*)91z@7Y&?m%gq6E@w!1(2|NgksiRG8R^qbwUfBIA1b02uNTiisUL8sf>V;?uf zpCd>Wu*qN^VWSC;$YXRw1x!1n0|}iG_!RPtqkjsI)sqRv#LWo-@l-BUedrkEVU<)o zxQgX_wfwwh)vT-{jIR)9Cqg_W4e3!xsF5y5fWX0bo#B~KzBDiAA@i8w8qbS3G4~Q? zo*Oer2Pbd$9IC{SkwxiYeM}?bWVAe=Ag~>S=OF^uCi}-XH*bVlX{GVCuYbK$q4Cm7 zKkaszP^2C(?3`Laz0D>pFpWrk<>INmumN;GFxC(x#D=p5ub=P0-^%}DM(=z%7fZO# z@5^Dkm{MGw4>ZjsLHu4fSpQH-kMjQ6-=zO+;CpA6hKuz#NJdVvpL z(Q?A3U_w=j%xWzsydHg;eY-R_y)68w)iJFGQ_@t{K6a*%ATxQC?WZ$ESBz|{@Jsq^ zh=AYr*EuG4vHswBp5=V4E=H`D!x^}sMe@*_M*cj|w-17q78>D+j2XcR z=ny<)TllI<8RBR?-~hn;IkzzI-@bbS0AnQcxm_mX@_hv3!9J_-C?^(Ko%C`%(J`Go zRONyv!yp>-P9?MLrVYIYTDY1v72DLllZeA<3yJ9>#L1yi>i_Dw@O zBT!ObC+_-7Ii$XBDOw<&_!7Q3j_`qkPY#qnj;s2LIbd?Iy>qvF z^UjaDt?ljL)OxRQn%Rw;q`R@y-MqDd`S~W3BOIl&mC=KfP&vO8TDI(&F8CvWjtCi z{xppu-6DN*d0EA&%8aF4Yiso18!I?o<~KvcfUO+V82aDuc2MH&GP!k|i570BDjZ}Q zFeEKA4tI%<_1AEd{;P!-{CR?pwxeBT^kYugg5PSnr~HcbpX1tqz9!SF?V5bogvRkN z&=yW2Q^OlPwdFuXEqz*+z6yYr|7*;;w_=2^=@czcu)Dkc|M)}>7${Nm=jOMh#)Ft8$O(h!FLDI(irod zhzePi4lJoSAz!u4#%ElBL9;4mJ`8pWx31oifWbu}wAb(o2YJct&zZdv&$O-}I#6xi zxX~@M_fg1p_P`zfGrs*-f7Siq2hW4Um++y1Lc=sLXd&aVXQJj};DsEXK&|*|TNvtl z)wtfgfB(+l>QW>$oJ~K9^NXQ!X?^12*N6RXFnDiyl&~~yv$xLU-D3K0UFt8^*Hb1& zQC{%Z{;2?xK4d@QQW(puJN*a#f#9Xta(IywWq6{z$h6@R{Uopb_U@6XCRYrJMFM%+ zb|gy~?nU<0ll&ro9b{@nqCXtB4@i2$xeqWwUx$xjl|_CFY(Xg@hAk=sPy7(3;!W0} zIX??Ord*v}TE73~tAh1mk+$Q@dxmPi<#zJC_+jjytEQ?abYZakfvw@a8*2~ zczoV5Qfa;87$T2XA*R`~tESe%YnlAr>LS@KvQ=rHwm#ytl`#{VoPyx0>4r7NT48vr zyMKR=@oL=d-kWsyIl^5!IAJ@@F?;1fFf`{%tBN)D*@Ih#Gs3vrWV_A!#(Mmq95M;= zq@ID zFBP|Osc1=m$NA_gE6Kz4>VwwsX?VOCkbdPyP9$xk;sm^dR~S^(mfUAwY_Rt7oAl4s zO!f6$q->?7)ZrnDN3O{soQpSCnr#?*=`Fu;>s`3@mMjOnlbe22qDS)un?Wu6EkBI}j9u|XcZ5YuX<$H4| zFy-rhQW?n`+6NwJL-5`4M}JUT#6LyxvWP+#_6-gh6H+gt#Rre=VG@;1Iu*75vKdkb z+*DUN*~vQD*G1fV;4kIbP7QzF+oiJ0H0C`UY;)V+kh=<>_T1kaebmAQ*$~Aff>5zd zQRy${@B5MuijE6D-%f)t7^hvQ%p)?-VLW%AKoTvr}e8&kcCy|AIGFS zMWNwuPYue{Ex?KswPb_b4Iwe3S&loh|zjlRi@P3}cU!;%Vfo zF%ZIdkUAu)i{XrhFMfD0f7^o-ykGXr>we!`R!|bxx+v5+$e1u_%EHyTp&?faSoltBSpCU?kw z!6h`nnssY|VV4!1Dmk>gunMXGN?BWs&IsaMKOXSlToD$nqwy7X;hkeSE<#W^YH}eR z-~9vs1U48cKf?@w$GiFJ}yz65gwMEHws zFQ3$6YodnK-*)s&UQznWPv8&Bi}(hZ$8w7a+j!)poh=E_il=j&uo9;8QsuS*$^jwI z$sy3I{4>HOk+m?$#Lfu;->jF%eJ;YEooLGNB7{BV_|K z0xDDGOcLjD40nQml3)Acr@CMJ8^79pO1^VT?8Q>{2ZfDaSwMaJaAGv+!%FBn20Q@R9-pgPO!n&N@Nj- zcVo(2TjvB6_INix8Y3)T%4!2sXeQIJO>p42vl&YQ50DvYwUM^hN}v=i+`{vf5+i^G zC@WwF@?Q8dQombHJe5Y^QL`|~*TPVXkR?pTp&2ZAhCBC&x7%&)azx@P&OkjX7RAAE ziG0k?JxWf_{b32t8pIR%hAst$F~IRsI+L!Xms5S3h+pV*X#w9XYwV?m5)Ss1fP09C0GP;}3%p>|eIKRvYUa+bbRGhw3w*`BeAW&wjf5 z@JF8Oo_p?D+H0}fKic86oLAV3zs){-S9O7piI|ooI)*eLzgyibD8#~(vSSH@5-0sn zT+uHr)qhrU6auqPIEI6WQ)swfl~1Nm|2$R<{1$DekTv4+@ajDpZJ(w)pgSDP?Cc9z z@}z$#&q1%T=Ao&}Z%WB`p7P{Qi3wZNa;&imQY@toI00mIj4X+zo?J+o%HX8E_%*zT z$+R>U{?2Eu*5=a(jjJhh>k>j1@VqGyddqE3HBaJ>BB?XK@x1qxl%!w;N790;-u+92XgU7ye4o6Dm}41i4bS zyenmJ_nC%G-r4d9UzIk`7Hg?<79*g!W`$`vrZaze^ayK>aZU{4uACvfRXKm~XggK? zO3`w@E`AG6f{(t*J1F8ge)9&Clzw$?XJ@B-{q_6Zy?ggr#oOzC@{^x-&;RiG?$!HmkPZgU%AyQO z!BY57Sw%ZN-J`}eII9#X22}VK??fkvl{_SF+N5u1zg7Sd?_oHb16(Nc3<|()5Eo4v z(KlYj=zS9=owZvBEMGKQ^ZA_$vw2RTdLZ{8`z^koOK?>@8up41ddxSl&95x{W2f{lA#IFVX&Pl80&u}-g)H+~=XD5%QfdeD()63)K|Bxjw zpv~%?CyIDFfUF3}!ZYATSb|Wtk|udMITdC*juX@oJVxsZC#v)CBqymoUqKc&#whgdar%%7X=X@NKLf{?70HZuk5Tp6~86Syl#@I+3%O6zCWZ zUZ$WWIJ{G2^FP28?sxU27a7Wwfp z+fNp$8`}`{JrevPOsa5Jkken0?`#GY%}1Q3vAZWv9dv7)x}n8K6bXSIa1T8Zj4~-# zLET1;GDtiMJMpv_poZkjv%q0qt(muVUG`KCD@q&aNKfmGWyc4Qy3H7{x4Yl%V=Atq zTLnjy9Bz#XtpT%b##rsx6vY{1+XC$~aWatd6qoZF7JH z#eG(Fj}P&2h4sn`P6Kb;*yx^NkNurDce%7A;baC*VMZppz$KilY+tD;2L8%SQN!(rQM*eA0d6>p$$i#&#y_R4b{F zE>(AO`k@a!hp(>Bbf5Ududo<$tJ}Cy4qA71wz}Qp*HD1$;}3?sMU{ORY8YW1~B+4m2LGpbs`n;V>5V*I?xCZYk<#A+`6QgQ3 z2z?Wu7z4(JB^++vyg}bVW?n zSEwHf7?oFUvDAl@W!bbUR=taBEw~J@7_;y{^&mbxE%OZcM!lD&j3BO!C65w5E`FvB zfU(*S{P1ks8MLG`j^#RrYT0PsTDv5^{K+{@yBseP8n2`cDQ-ES7E@8SDkMf zqv5dc>2lW~x4rk?o~NlE_GD*KL%O)Qk`8vvUOyEkPU`)3=ic4!-~8#HcHjQ?Uv{7W z+-JKl{pR27e);1c!{HGocEqz|E0kvo37u7wDp$cu%L+@hL&Crm_)l;Qr9&f~dcx77 zq>u^8M6}At;6Sw;d(L%Y;+)1zOJ*fAskjV<#B(A*qJCfrdxHkeH_X|hNOsDKlGv&G zG8mHQ3{-{i*+hD%>Q7%guu(#RFj-bb(705)4?sB8A;JM?UxUbB65 z_TB8a**Nb|@$a*2G?CTpbBtm@>;Rc># zpUl6Whls`qN}06Te~YKc)54eF6tis{%McVP9{VcaF)xKWkHkbH45QJ{2mFv!9`EVt z9!@S*p2}xEs!x7o-_I(wIRIa+Hp))|LU^jMLa|~ zotU62+(kJ~0kPabc()E|1K!Ec<;PwsnhmQc7_@F#!B2(ps$Eqy*UD_(rJWIWfl*o4 zwg}BIiO@ntM|aYMJlrGCz5BbR9rA8nevT!_*3LFchkYD=?sZ4_#aLQG$-$m^eS~Ov z5*n26Lrc=#nN<)o8Lb;9lpTu*1zBiVQ*f17`{2Tp$CglV45;%O!v8#r2fMqhf@2qc zG}-9}I2T>t#9D;C?rWQCC^sf3+flZ#w_bY6@tKY@D4HB^(`vN!06Lb29H$(st(Ste zxMJ0T3##DKFO~hk??qVE)pXxr1wa14)`W%WH6doKKd5Tiw;Aj^s6;^r2_vtUY;Kd0Kenr5e z1h0~C1#^2XX~rl#>_<<-lYxQHYL-Nh(%Sxp9XrB4~R$Z4G$4gmqFaDW84 zd&&3eDt)fJ+^E$jYReajSQgrbtoBzPMwo`8)%xwJDE@}chTi!T{_H6pOH8~^@JZoT zER}Sb$O2=^vmfLV&dWo=DeN^Vmj0Z~X8U!X$sy&HQnTeU3!h~)-l)|wsL51m8Ti&w z;4SZCF}$$ft+@CHD4zOpj51putioV|GGGOV#5Zspy2>djs~+u&RT)P~;cOq}Fbwu^ z|FqlMM@cLIOx~A3>;`w07>D5g5QX&tywL@}Wqcj2#1a|Yzz6m7Gd|e|MtFo4hhYlE z`)k~3V<~tbpBCh6%bd*RX;CA}L;RCf1qc1^XgMTRirc1(za=_vF#?x4j!po67joN-I|d zNzqBzehSeFIhf&X@&!b)UVyKSc#QPA9wu0o%o430C-7Pw{r=Ym! zk$vI}Hg~qRx_|rSFL!_Tm9KQqKKp_0^Pl}(_bb2r@$MPiGq1B5c%7A|1+}nhfPpJ> z3!dzp?saE)LU1Nelpn5C3Jq+5ynzAEqTuD;Vh5x#46@ZSotL;;5>6PrWOOnJ{btBe z=9H+&$Goy-#eB(2M{1U(SzWfe@Vjj%QR!lNd@AM$cUWgH@+S3g;Cu0<7rU?H0Q6hm z`pfR8Y&FTs9_V%QA&!JW0b6B@weV8FRtPo}j0Im__{Zi+sQAJtQ@T7{`QbwJhNTOy z-^V|pg7>KQmSf+8lI3xV*8}U#!HGG|LtOl&QlGar-RtU#?SV-V;|AZC3So2vHNXY6H1yw)eFZHo*V4u+&iS0| ztDv4bjdXkteLAE~123Ku6Tz291F=qQUM0bE}W_)!uCh&3MMKl z$<~%R{R1V&_|Cm<2P=^S_U5mwo^~s1i`_FQKGyI9vc?|$S6<$V6^BP4*JO!$(B7U< zlW7U{C?}@0ovj8APl3he(ox-*{qnZ&SaY4X2)4KX48rVXux;`T&CSo_U^MUPc{GWS z{&xJ|x__tp^FKM@`c~RG4$h&01twjaH#azq?W5f<{ptt1U;Xqicfa&YAEKVf2yE9m zIK|~9uJI6` z1v}OeKKsInH42Fp@Q2sBZUu{{Q{?Scwr?%MNGHem7#<40hnGxN@#Vua10DU&Q-;V0hubIk-IySo zpYS_;0NemcU@sp~Z444>>s-81%ewV7ofmJw%ZAU1MIbfuq#h ztKF?9ZTqTcEp%$3(iHiQk)eiyF|ke8 z)7?46$dpD+W3oPJpXwLy_Sh5~vXp5k!naMTVQdH+s2>t#aQ;f8%%;ohcmK~@QNcNw zrUdj*pk$oyaDaU!$0GO!%PhW1u<%Wh|9Jp!ZN!_}k~4)IWJ z``Mlf{)aG_7hZm~d-0Xm5x$nXk39EG_py(CEP}~1C`HydXj@@(d2N+dD1=fn)=~p@ zkO4qN$tk}TCKdULxfQcj8!K}uo{#KT`ukQ76a zX*gzR#+`G|`8Z-wbzgWGS3elJbwoy|qqCP@)mO#~-4B2GeE0IpuXT6s+zE_MfNJ#( zCI?JvlA}G2xg>=IbL2{ybj z%(u&EC!YnY4^9lP3XMs(@5Ze>XEJCXA9}yKoQEcziSSnN8tpuM50Uvm6zkb4ZwT zY!MkOtRiH((u9BqA9aGK{|&pn&WPt@5g^UfieG4kk0l5JvwX@)Z~v}Vd|W|8=)_s1 z)(EH|D0>+}U8^u?ONB8kTV?J5INTC*gs?Y2c=H%);YV)E>gg%)?_$0&k3-I9Kk}jO zi(mX=_a}e&M+nvI?WP_oL?+}r0?xw$tAI?@5ifImZ0MXxM3h4AL2*J+gby|g-#jE} zQKJILdSwNk==!-lqz&enaLfVQ{17-0%Ej{nZRq4^duuy&RM1?FqfmukR0G1L@`zwP zk1*lh+an+FwYLE3|y!&e(f-W@L-SHxrXP^T|T69~Kv5(Dt8Lgk2UANx*F(%i(S zJf9ivXcOiFq;p);q+D3`@w+i%QZivu;C7i41!~4Ml`J~aoG^3J`a?yCYW-4B39oQS zE3_TfG@(nBZ>Kq32jvw&d(w?{@xW_DgsXO3wnS+DvZjEg_P8M8k{qWMQ99O%J zZ<0H&Zez)U<3W`b5*^!hz&;Z@g>)2r;LwUJgsym`9LF&gVvd)PT=@iAM$A+rVn>(#O?xatD82TQ|>NdX>_o4+&TGJODw#jCy zENLTOO0a&Fk7%0a_9~TnDnW&f_*)7v|HByLlI1tRi#>qOp_VH;$2Q4~m>eQ93s;6^#Hd z56*=P#UUIatXo(HY{eUbACD#l3dS{C(KJS;E(+D;V*k~GY6VM;HIx@xD(a$_MwwwlvKxTKO8eA>UZblfOiL`VXSe^;kXD)^0)9=>KIypR$Yr2 zV#VW0Sy5IfVfjw_ zww15tR|QHNG(i*?6h;u%tM0;Tdh_)9MGucnu@Q!H4!hw*{hJ>1Ju^BN?J@j_`Owc= zZiwk|QIa^d?1oQ&8|VNq*tZw@e7V_SE)OsriaAZ^CyqiH%uOZ7kACuU_v4pd&c41I ztRj67lhfy(dk%Bck9Hqr%gU`=w=kVsM~Kx-t*j^P)c_g@xK>-h&%gP9xC+x6X`q@f)J!&%OIw@pi9| zko!1R`_6a2+r9Ss>&g3&Rmw4|a85#H(&8AFA3QtQDug>gM5rsHzrgp-{jm*N`#yTE z)cV?qO8mTb^rsOYz(DIS-tC9BoA~$cZ?C7}oxs36{(lTP;~pGO1=}9a3YzZ8?+Yu( zbR|&ABU}Z{3d>o$IN?r?@Rh!uxY;Knc<@O9TP20ZSn5nd>#~^qGx3yF$`=-0nMb%U zYYn#Z@!stxdQA632^NHsr~WMruAs%K8S#qWD)10bsY&P&U==16A}3gd$aDOp^}=Lw z69JBu>oHdZD(j^`3Xe{8QjgF|`qL9u;Sd^K$&wd(gs7a%17clnI%W^`&M}+o-175sZlaOSyx;CP11MB4e3)l!{t+RP4FPNIfO2=QVq$|kL6YHYF& z<ts)`IqID4=uKS6j3kQnx{?CMs&(hb(@w0DN+ezG> z58y;JO9}SBe6(#$R{f~aMcuWoqUemHl$i{nj@(_0h!H)B=`_%_O|y4rr+X0xs4u_p zgYFw&MX7TeoUoexG&~s?7~<>`?hr?|6D$rU$cB2o)mNL&iic{}n8ZpQndsY>q(_NF z2Fz8f@~*ts>3ivFq$nAy=;`{kHU3mi%=Q;R2;U|X#{$cSRnXU*@It2)D4%%LP&}dM z4G?ylkj~~~S-vm&pZ!w2sJ>|xcig>RJa#OMbP}-It#aRBoV$Un ze8dEM4y$A!NXAP{)Nik|m2U$l$BS4{la7v^ZH9YTava7Yg04lz`n`}ZsW9-wF`YKw z!inkaTP_q@a826X9^#SPT5!)%o{AzDC*{j--P7XkaQ~#+XN#T=o;@9GfZwE56fC!& zSx=suH?{1*l80`aaSEX1^;%P8fiH?&6*tTUco(Y%c?A4xad{mcT4RITIJN3HKq<8V zPaK_~jHcXuw&U$#EpmWzMe8ByNlT7)GNL$^?|XOt;JA`8f@;=yQ1XFemT}xxB;xeN z;cu;Uv;Z>H{6o57e3y>`TejcBOItauEZa`bYVcd51;5wW!aK6{efws-7C#T~^FNPG zv7y7p7UrV%w_)gL{p)DH@=PQ4no4=v!$URj!{a@eSx*}ePkKd+MqIO>A1tMPz4}Xw zF}+{2PA+F8koOs~X3|FUYXot6-7u5>T#`%Pi$Hr^3qCfGdgP8-=}FmWm0bxtX4CYW z_Yb-|_h0J1^TQX>h<+7w;x&{UAM8H(p$~N*M&a?y?OWZA%}p31-tb+`LWq{ZxU!_z z^ChHBtu97PDD>w4=H2_<{d@P~xNRSWgnO&E?%$6kg=ISdSXx@eY;`qSV!hUHlD{ih zVPL3k_c3SFI%Io$yW7Pn+s?N8l6NBzAF@iPM)%Blpwch(sns{CsaGJ2&@;S(+a2oPlF-9e(oJxk2% z%gXXydtY^}6f=4DS;)4p6AF?Zo`)nT9&w#~AB5+stSh&Mm!OEKzHR07ZI}!ioW}3l zI?<-(RSbl)2N+FDJB6f5Y46*8`u*wCH8F6;k7yJ6VDV`9pWUu+%Ay@{OxqDhPwh@1 zjZ^bdCVOWA>gA<<*NJJYGj!~Ukmbrs>l*s4a0Sarrq0#|@GT_uOvhvfTtgh_}f583ztJfq3;evMid1IMgdBm(en+2Nv%$%bXj$aasxhDLb(4-0^*#gL9LM6$eWjmSHqB_o`r57TcmDS8 zc0c*iOWiS(=0$N!e)Fz&GO2gTU#F^wZ?(D~A=C)7ya6yS^ab%Re~z$dKcf*cSw7O< zg~<#+D?f_OIks`QdIoyo{it79i5u@?0imD^jBfw)GFXmy@O^kZlc6EbuA}@=_(!W? z*~A1yl{;GcIAOA_O%LdN_uGg&@-+d)Hv;tuRuc>te8Y^I?+X8V^Dp7wiCGDtL&m8M zPG(Wy_0$GWEQke&nZssnSCvY`6Y}S{$LuBVVG@Qmp=tuK^@+(n3J$;o&tMzCXffvZ ztcu>idVxvfV1E(iJYyGiKEaW-#|&?5=#-CBVm`W-71B3e#liJmS2;bEf_4KIn@R85$I*`{6&w~+ct97zCMm`uM>r(}--Am(o^SDL3*VZ3iqJyr}XsGOuh-43BukUrGp zrwj0p#W@wNwjdNlyV3*mPYb8;0_faHsD5r#QhK?Sp!MJMb!b?{uE9RbU+7rkkzQwM z%@`G?tO!`3f43us4?#~(&g1ilg*N-Od7Q#S?Tc6Cmt4uTlqB+%>Iw26(+FqyU%QjQ z-|bruR``|AExzAdNP1+?;EA;I#|c&lu$a`_VPW9*jvH7+aPrj%C5Vb(c&LzR z%{6e(4yuJ%SilP%OSD)^J1~aq?H+eqTRU;8f8drr#-!DClrI}7Uv6S`al_-g89Pyi zfTf(2VvdJ8D}^^7qpUqOs)$Y&}|K#I-m&Y3#P593IWOu%kPTM!%&&KuH?=8$cwpYKfcjbe}6sDci zy>vO9f(E6P0*|W!6`TmP=ZAq>4g0WI_5Hy-&x(8?g9qb25QP_-bzM7L8`Nt@6oS5Z z@9o)FEsu8ZqrKC&GvT7ocou|)+%OwDJO8qUBy83J!~w#=1TE^}Zui<7uXhXI`7Q#r z$EmKcvc#Tf6dTJ3ssk9So!Kf{BNZfe-z_zL2Sq5&v)O?G6$JQF|w(%xHuwe^%JbrTjp2HsWBYOGhdmb3|w}+AAYo@}Z^Wp8vw+yLOjpHW)8Se(sg&ybSGbT`mjl`(@u|-!)v!zPsxAsxUcnMhzA!tvs_ znAI#VeW<&$yxVPK>2R>Wi!#n!sSo)%1nBF;i{|eZwIE?^bMl#^Sb@Np{1HXq%68@r zZAdprXjZS{FA?gszrc0jH8}PKq2ks3;#NFycP^ygR>DHZ2%K>u46Dei>r4)y-7(fk z6)sWKpUdp&kM{xt6Sfkde$0e&pVK`&;&Xw%zKX_7YmF6X>44u_sU1KK7y#5!(E8%z!M8mB(RNR3qHDwhvErVP&e_@qXJ_L zuh6P+kK?89-8*2xk2XA#zrlYfSR60ol=;Subrclk_;U$`h>l!`Fm06)dz>Qp2B!ty zzmKw&wpTt^8SIHIYx>dPzNm5->u$FgF+8GZ!7)EhL3j3#;qRPs1#DVclr@GbZ+Hzn zbiuI-zPade(UIvikY6A45GP-zu@vO24?Z=%yPusA~QOqyoKy=@GwXuEr3_WJ6N`txL&c-_% zBZ}yg$64M0CoKzfE29AZ#rfN}z?-|g{$H-o3 zccG}kZQ8b`^Ib8rdN2G{XJL7G0LE(tyK?JO4@>Z%a0jF$5?@}0>3Y6wz;53kR?a)| zU3jh&u3LBWyDm#A1_~3Blw<$^DELW4K~x21b}BOB3j-yD0>*syG%GwKOu6@$ zyJgL}+KqB!4tMpgprw4^kk2hL>Gd>>T6IELk5f^V8VYEcvIeFSrpXVbgu=Dbsz=6V z8=mwL8kzRT@UoJ;GXa-&N+4r0N}UwsRGJj8AV0)*LvVord&&&L)zo9GHrOoDEpA}- zz^wa}Z8aXNt!b_Mkhc$ZyXE!O?r;3YZ+5T$_|5LCfASw<@*JyzC?gQ2<)d6$g)D$) z1!8qeh3hHI0igfW__w%1e~^iZ606lzIQ2xs3HzfDnE=gest&G(tUB5b)-_6L9#ve( zZ>_J24Ta>k`ejjZ5REWfw17~}1fUdBT3fJ11+#dCP4k#zJSvo)$cR`FZ0z@*{6AhRony4h$Bm8_<_(BQVG0k}hllVu48IqL(@a=+7JFg>Wcv3kFa^u2jOP8fy77jnDrshe?`CBxt6ubM4*G{-<#&_C zkTu(e)nHcJZOfHA@2a0yLtF~q@p#-Miu7rB6tjaK%ewW%WliVi6}~qC1IiBnQSu}Y{C;3u*_3= zudJ+sVsG2NkMaSiNUWn)>iPF#CUaxVgfn&0Oj)b)@gV5&SAGh9FJ#>6JkJg ztKO~KYw#+VwTwVKiwDM@W0VtaiM#X0PIvcB79epnEq``#VHF3Z9uT&)%r+7q7)^F} z;DIQ9buPMne~+}IC^U9|0lIB9Y2VH7>>{<>-wi6X4Q(#rb1QrH?sE&355EMB_R_y! z_w3nc8d2857)<0)| z9-Cq#Ho85sN{q8}i`+HwGg+x?}GT5wz^ zr?;ZL>!iO<9NON04gwE^Y5AcqzSo=S`)QKP-c7%@r?VAzUNqWm-=5yDhXGGKs^HyT zuHXmH2|{T{1VW5#xnMK$1NvJjFHmM=LW|&Z>S<33gnXv2dLoH;orP(x>~W-~chWgP zX%Q!n5lY}q@QQ&7f%G{|hVg4LSwR@bdIE*XDV{M;P->t83AIO&YM)0?mM3aSkx4s~ zWcQ)ZW8vX=*^RgO&BP$QLv!8o^PuovRtJ?w3A)q~UZo;n0mpA6_dP4JgPYJZ6?3bM z+eoxHa2|UCF4%d{?K5duL9wBtXA%Dor}(irb>)q?TVq!JH`lu_{?6ySZ~VoVyL+!~ z;h1hk!Fg>(k(qF2)&qkaPW*PjeO&t_EW$oj8J}ft_hKm zAzkHP!AA!9vkgSn-gu`dR`HdfU|f=T49mke8OBNbU!iewVUEzaQ*FU)%&wbxf^-{Sl{p?5`Z>)E5;eQPkiR z6;uf*_41-Tm1?er>)jtDjVX6Pd#&N)W4MX}2*-N6JHseVP7b#4g|gR;R&XwgPmU#y zgB@V{y}b0nZu_;>Zg-2VDOl!!UUdV+tqGiMcg%}Z>N|wC?M$xnf(XPn6kiI}ymnG( zy`upEapJy(_FS@1!!_wrA+ijQtuZ!vTMi*IgJn@z%g%|J3O}5?bSqeBtl@BQ8Q+B6 z61WaA3R^jl?YcVh*SwyF$A^Js6>=(SvA&vzScWJn*I+!5Ep)>vOYoODwmG=fz*8!Y z=*LIg?f=ZxGfmis2BniTeg}<7Kc(c5K8m+UD5bz8uKdCNA`cB6O=+^QVTY=GqM(4b z-QuMzs#C{0ov0KV0~FQ+EFn(V7NG)NOA`CHdgWLL+9AT#&*QntjrEqY$h|##&)5=} z+k5l5I;52J7f zQt#~?$GTxi9_#qsSVMt5WELYCTW?7Y`#Xc(}C6Ff=}Mb{8c*kMVxKEt2GcG%cTM zmx?p{_bhL4V4lKZDBcF{dqs!w^1UzLI1QGIa9qsOxCv$sSySnf2FpQES8r`VW5Qca4)w2cI3J0p#mNEaVxh~w-N zg!5QK50eDbLL(%9`z#@Q|M?F;dmWsxW`8;YP(&gZ}n`sU3DkFGezH3 zaq4}Y+`@=@F?+v$)==I$dC4J>&3k1r7)@Srd;bg9Oz0Xb1Q7AUP$9Xc* zW+l=s2%fA_C#IM`0wO}GWy+ocBc&)H#oq&T>m*p=)Z_NBt0+p6M@S~rtqFQIqA+;* zE^-(w5U{*k4S7!H zqryenSR_zy?;=LUz?hZ14o~(=m>lZ_T2?IXjWgt(T}Q>#F;))>fjW{)IZSq3NE6TU z@Hz$%#YRsLDh*UFx$Ut{kN_!hs~xP0_@w^eWFDuc9FM>R4eJ{wTq>$|am1+!z13dF zkHrw7UFX(Xgm}tAl=#_WEqbbKfji;^A6K7sx+i>YKM@|SPxSYsuPC466KaFw63Hvg zPFfWkncp*pMj1wZq>qdr)Ytv(p1iZnw$A0@I+GJ8CLB|Kh;I!~5IDYv-;@Kkd~SA3 zNtkSYfQqiNH3i>PC;QoQ6Q42C3@~fKWc%T5mV4onmlVf$5lx>GCULCw2|xJH`#!Yi z68`)2d~4&flT|~0(`M4B$wN`(>$CVZA8ARSCYro&ZsMSDgR&N-Ui(o^_NYwqd-~_e zz`zLWfCZGwZq|ah*jh$A(nLC}Rf+f}U1|&R9W%i_V4{i<0jK^z+jM)~H@NLh3ovQG zi#Obh-nPm-H`>kPk{T(vQ?sX)6!sA@u0vWqwhZKtpk?OnC!%m#12V2Qzch z+DfJ6Des(U$Hx!WCd>^hU-Gk`SWYQcEZ>5?3f4SA-vyK9=SvTl)Xwj^<@vHd!W;`^ zdSZ^NWgKxV5eMkbyOF%iagObbo~q=wkt38bDm+wb#42K+xM+Egk5nefL)aF=Nrh`# zb-?d-wm5njXT00^nv(~Kn}Qiz44p8epxwZ_@8+$|C^yzPeQ6m#b}DvNe(Yk|vAunm zBc|`&-9@5gWp=1oQ?mqygV^9>fMI4wnbwt zt?A6`VWGvzoxB=Mrn9XLzRT5*XTs&>nAYI;9>=o8H?LU8BZovmhjo-blw|EHy{aEQ z9JUnx1pRq@ij8v(Y0EdPw2uFf-aJjv5+3&MDUHo{BV%}DihKu*Q+_wev&vjxg7TRDhag>#o{Kkua2-Ixu zh9xjrMo`X{6NJ%BlKJEW^%Nnzwv;I_BP1g!>qITbwKBntjKrrN!Y`}sb_+jne_upJcd>_@;f{BAMncp~v#PT4`OC=2$jHdd>GmFepCG6rX(RB& zJ`T)?FBur`uw1~|t1AY^8CHSB9NPX=4!CaxX%SXShdcoyPZroB-B|vD04gt4aPg8q zWqB<(VMC#(WrO7~kACNecgw9gvw4nFMo0@Z81V9QPYZ;|9X9p5*<)^F!SW>T740^Aa0!+c*0S*=xmNAs- z#LKhGN7gjLME`K2ii(A?y92J^`Ghfkl@;QuGKUcY0|v0=pZ=C7UuWLQ@BV%&H&if@ zd|bESE6$)1^%B-13_vcJX>>1>D@PezDls&xR>5IDRd6WuUvPiQOse~Dc&ZB-3GQva za!HiDhF_eRf&z`fg=uTmau_qPPnn%PW(IUNIlY*oN(I-Zc;{Mll{4lvZy zQ_4koF#C2^Rs|FYM>(P5pdqWq)Sw;&=IqJk#wxI^Piru1+R97JQ{X2Q9&A%~$>aXC zEC5Lkl8!$SRvli_>@eHPr)@^Ma|TwQe9H2ZXAJVD*`}n=IO-R=*77IYLPXPlJ}?3= z8RUj#0YoG}+K0cm@0o2Aa>I}Vdmk*64vra)AKgq2&}@83-5;T>JcG9^QDP2;S5Xpz zaix4+gFHo|Xk!Cy#U2wVQREdaH_UyEXn})2?-5ThA*tGaLFI{xH5rWYsmwsRtaX9x z2}Oy^FQzVkU|_DbK+tnCG{V~83CJZCdzn>fy?BW&YJ82`LOhQ@4q?Ymme;mv`Swum zJ$Zsc6rK=AOp{6Zj{82a2R_OI2C!I{UBI``Jp}}Xz5K%7&?BGaxAtW&2a)eM*geGx z?Fc2qOHKuR4WCeVprR<2+7bVhV_5g#Q~L)fLSl~$(qE*4_>!d`7w|?cJYK!JM4@^f z8;8C=Q>ks9wP?T^2L;yFk^5hmA1&mr$uG*>Bds=gW^aro<~;IS2kD{66}G7NL{{3d z&hNVdYrP5R+b-gh=X(|JuX`#6bk7LJ{>p#cQNq_{-6UU=&a87SdZg2}AHP>z6>jtX z#&K)*0W;G;d@mPgAoS%X_B?w|!vy|GU#1%I`xaWWt4 z^U%$Hfb6|vCVI26znQ}|VXVGAM6^YTE05pe!-&Af#5zu)vX%GB_d6QcID$t$7ZHc| zq0F1a@4No)_^tRWqrMkr_qZ8H3D0^pt~ZE&GyL$L`4I!fqPy3dh`^sG z70WoUE5~o}@J++t@qagut5jE^KJ(l`3Xx1{6<*|@%!Q&r@t;kh1f{#J9sru_vP!Jq@2$6T4C=?m31N0?TiXK0MGc=+8roya3WQCNvkN=kjb7XoR)KotxFo8Zw=Ro0Em z2v8*4o<(P$LI^cvN3SA)*)8{mh=Ck5<6zi9`3-`2m;|U4;X4MtA@HhvSl-4~cL)on zY5R7DPoZ5454zj15JAwSP8GVPk6aI)%N?$i>ZKgBH@aK{ta2q3H3**ej}H29WiSan zL(7p~lrwpJwAoPNnNQu!lkyCMY2r``lb89xi)BRt6GA_c$0mIYAkG=o!r>?TJ7U zn`yW?c(w^s8S-H{aujRU(gK6L#EB%lUz5KpHjlfGDO~meVdhW4-dVg<;D|AUd6v&y zx`r6V%_YhLmyPViJ}41u2-mi2&6`(!7$D71Bq-Qd|Cu!5EGOk51^>nJ9cV@K5{1Q> zNsRBGnyZo)|%E>Y52Lq(PG%-Ba`3;v+VeGI-WHM4xW?{J*?6y?S_7Aabjc$$g( zb*T7Q>@AoXW(NC=4L~`W>+13}6d#`E<@YIjy||pJ^16L{Kv`KD1br`Aa^hYwnryrI z_8tR|8KCdYu^3@>#>s1xDpd*N}v?!Cc!`v3hM$J(OQf}UfLhj8xx z8!FW(ePH5V7|Qgase$-4}X`}$gf;xxy3=Jx zT$zi=CxN|3j!BP<1@EacMBhLJrr{;+dqo%=$7L)xnX-xumAcB6?(addVlN7p^JsNq z%XDw1)=*8Dr9mG_SRuA9)<|D@DEI%0vj3vHEJl@fI(?jI@m7p}&eOE;j~}H{ zn?M{@kLTReN?57KP}WI9^i6EI>>5N!gG#h-8}j*x>{i+z^8Voz8y~XN52PK9eDfQ` zU<3Jmzt)X18;9kohF|w6=Cw@TYL_9zq;`%Pm@}O>HB*>BfM;5rJ_;C$Y{$ zIQE}E00e9!zb9PpJ3(8T_D8!>SQ$E@dR9}zK?NVur z;r5P759pOS8;VES*v!HW{pPHd-qjQvp?MCj4!kc|rgMzY`Rw4u%Cgz|`8L--dxhTdpG z)Cl>yRk6h4k|nc=C$C(}qcF|x9w-3J-)w;&;|RQ&eMBG+D+-hiTh352OBj|U#In>P zg|t;X+%QY%8h+PlA3i%Iz6Ch5Bn0Jz0;(1WT1#A0hg&nxcg1Rl-`x7bg2gs|!Nw%k z!wz^|VO4U>=A1L~JEe}EJUN6uT;c*<;r%+41LWb_qW~EUkOxh-ciEV5Z;o=~_%sz5 z45VgYw7@!J;cV<|e{!;Og5u<8@`}O787H#17XDzLwexcnBh(jE8{n!OWtS8N0gANH zFLjDxKLbe0Lw#-&7kdk0*fC`w;ocm~s5%gWJ{AmA<}c1UsbZJ9`E+vi`O)Np*;8p( zYoja5bfxJ%eyu;-gmUmLN*fzQ?u`)(Rd}`Tg3$QB9-O5zDcuRWy2`H(vlx^ao`m=x z?G@o$TG(-h@d>oDpq(=i-olKXj0D{}@bN^Vm|1qw!;t~8~-c$b12EUj(skLqsmkV%MR*d zvtMY`w6z-0awIGO;FannZND+At-=!0tT^!=>4mb6HYq=nhmuO(%P+4GV@4ET!v~Ji zJ!Q&ZE9|uhiC9QD+Xip=(SQ7S9=934jISssUR6N59OmQ%s|pnWmVbz|Oe)g zbw@0LtFGW~-(J@yeMIK#<30C)9e45ZvYdtG8nZQi`pGo(U!i?mhc7>I0-0ru?2*q< zy4nA&`JsL*?eV?RUVq<^wMj2%1P|Wr%OebFN#_|(UW6Ne2~9)a~5q zBNL9}2XHk}novX7#zaQWCTH%b5V`L=SIGTwY%I5&IVa}6iZpU9#!9ZX98sj4xzEi# zEWZ5{zh}SqllSxY!}o*NXf9t+<4|g_TJQ@YF0kZ@UJ=A7vI(t<)rmcs>i$P$Mui+^WX!xKxb$I-Ky9JbB;c_^kvyPOF&+{R{h3zv^ z93V)pqy%%cq*4G6(+VxjUKXYmLm#=!heEf#EslFRT}M0C#DAN~C7G^ivvHhT zkAUbkmp3P$zYAyzY5C}%7&(1!mPI%gbukA3kq5{Lne|cB3sC6{gO3-|ql~^gT$0=g zWK`%vuyhYyxk&)79DOjV5OT*)jG6rT&%CHDWY$hIj*DM1*^wPu5PFp%1E3L)5>UW% zwMu%L@jmXq*y(BTC!(ZTgC=pdME)xYp8T+JgLY?|CtXvKzpGZf#^V--&DxK=6+#w4 zf6D^fdV@>4+P@@3WGh!Wa9|n(idq^TDXM6G*9hCF8Z^!~kt+>SIVh$d6&pm-M~n4O z=ZUH!g!5IdW-`uu86FEcBBY|lWcm(NFSCvy1PJnop-#H$b`TvDf@B#W9g2IQjFnZlx4A2K9ut+7l9m z1zbNkh1;9x>{zFDtMgv8TY4E$sM(>qadKBlo)acT{O6im*1iqzS}GKidiHTFKr@GS zCj}r*6s=G`QCt=RbV8k224`niXz*CGI{C@7`J+MDp@cqx*js^hf{GO4Pw7-DlhfrWJqnOTR#e`=wYWqcgwT^q40a(3CqWN@Pli~sh2IXfcA}BH zPj`-QWd{Pqa4-2@IaEni+5~U->z{gm9`EeA6fZPrF()*r1@u zSPO9b!vojoVBA9v+Ee^8wJZg+3x+C<3SPWJPc`W%K)w+!2IS|5Hk z0ik{v4A+b>RTwgl?U+Fq900hQyks_^DZTZV*getBo}5?xgq0 z=N7IpBJ_B*O3E3`vK~RN#rN)n9I)k79n}%u6$k5~Yz?yLKbjWwOn%uc-f7c{mQwiC zJ(_!(I97slu zb@0AejX8Z`0FsL@ns3vtMtLv{wpH>CiJ5hQ=&wjUQ;m=M&HgzYQsh+B|x>$PYV&Y0dEf&$Kv>ecV=g!Z9Fwm9n<|6*;`Yx0({G-K^3HCq|>*|BJ=+I6#NGMo) z>n#_l0`fM%)`cj5t`Rd8@b+EK6x>BcJ>0LwygjU+?x$Q62X5%O!#UrcAJ1d3^1LQM7a9jw8>Z0%-2yaT7`( z%VH`S9Grb(IgQ~Juh|3_MC!tp-T8)1ZLQ^0?CQGbcEafPThrwdtXKY&l}YTregA0V zr%8;kEVGnbmV0sZd=cQnyN?!&e2b;3-P0g5!M1g@13%mOEj^f-G{eBDN`&zo(K5MK3vkj9)dd%ljma#`<$v!9du@Va?7sP$g?(Ag;Ua`xsSk1C3&{B zsZfmBz@MiN&wBlP(-xjJvX=G7)PeC_-%x=Q`HZ#|NG&b(Io@!!Y&XiO*m3!tgYxwC z<*sBRSs%yPg?4bJ`uscy zYZ`$6DxS?p@OmVIOHFmQxSnM1Y#eqF(U{V9f$jP>FO*_ycG^(By`p+57l{iZj1L8^ zS-BRTu6O)7m?HbSV1xP4wSJ3BAvk|%s7>6r;#H)XYFQw-YsKDE2m7SFYlYagW_Wn) z_Fr?`Wu+3kr$!GxTlG|)ZM*XFlbdsoRdc}+-bdHPj%6mo>+NS~0#V$ENQ9*-ptIKThMQ*_rc5*1U@4c?Sfl>Gr&2J(a}9E`wY|KGu%ZWn-)B+jGsLaV_CX=VC-|;)D~#uCqh`Vl;JI(9?c04x)*c`RwYZUjh#N#v#aVdT-1S`0tv3 zN*tXf4AFhwb#!8fp}Jbys3}PH}HqEt+;P__O#K zOcTZBH%G-aAFf}#3Y+DD1y8DhYxsi1dV!bwM+FVB5{8wTGnyX&o1BoFQlyGr*?+K& z18gP@B3Hy(%Rj%r;h2x9|Rs1oCx6SaZ5&zJD8 z-)~XXtV=h}w{(ZszneW7AO2i91G$@Jj;#`ws}Q{p>@(`E0mh|T9-|z>#y?#>43|$E zSckO+@K?j+4leBv;J2#kd63Syv#yiPBfAqKpUIN)TKw(tj_m!Q4E0Wf`Dd2%Unz<& z{I~(TZfBfX<2QQZw^}%NH*q+f5)KbW-l+et|C0$0wPw#4=J-nWB?9Gz82;sk3lQ7_B)B&OcWDS7+#4sjd&A{<-gEBv z)jd`B?;TZLU3=B)Rb6ZEHRl*}jvf0+RSpA{7!?2jU?|8-YXAVSYybe9EHdKT$Z|G< z(c2fihopiQ@*4t?Eo0uUQC#KqJpcfFx_>?}3L3QMZ-auKGJ2kxF4mqtX6{x1Co@l1 zM;A{=J9A2JD|Zh&7iUT?HcmE97D`)BPgfy!_Wy4Jn~S>*J77;O2LPZ1C`e0a`Q{#X z`qVio0T=EbylR_nmp3ButbRaJ{IC+Rw$57lpy=Z)|$s#)5sQT3OweOCB3Lf>pkPn~P+y+4SFVy18xH5kD7ry47;4{Mh0|vzZ zXT!b-F~b4Uv@ydO-E&rqzE&~A?Ty`ihQ{e({1kJB#vyNiF!+^<`V6*Zq@82Oap*}FC2!ZGy!jyVRdR^dvwZPy>nhBy1 ztRMqL&2u|B9HW1?<)u>+c@wv1zjJQ)!~N{{`;9in1*s4v0NJMA(% zM$(8lehSj-%+#+rG0&Ib9^$Ca%+NF8)R~>${ZR_{*8+CxU^QtmYU+TXp;u;VQ!45k zsfpk$?vj{i4V(vhoK{w92iAQ8(N8b6@00K1hIK|?nx%J+y?#aGByX@%Z`4d4%j~35 zU#iLMWQgvynX*!wGEh$*@e)v9Zc|?-P+uZR4~V$FB*#1x;XDAVb^RyqVuwxNB^SI3 z{dShwNs1fBiW^oPeVvrv(LFpXFIc~cIdX{^HpNbUo0k^j*l7G(D%VsR6R36e;EW@P zo7`O$v=%$eAiZ-IGYrBqx^h0*u%v&iKmz~iZB6o=nCp5~d5pjNGE7EhL4lhbOiSH; z!0B|8J!*W;_z}4<@ONq8?|tpy82Y_CfP^@C3syW5_+_N`VFPV-W*gJ@B6RXB5b_c% zJ*jlp<_}qaMb#5=9dE}3zE*#%-4zlSI1PDyZ+k-yvk0>i?g0eYl56a1ZLkLqyU6u4 zi%*dgV2Ru%iR`p(1iPvN_zV{MElzqL7mJcgUEllTox&>N*Q(ej%!B4#| zXa2)CuQ;xEklfSI+h<0I2Zj5Z+|3=k@O>A|Ez$xIzQx;hymsoML70$$okR(X1PjaW z)&(fve&*{(@_Z`SxZuF%^AL!-_x}rbbURef(YQJbQsH?F_Sxn#WS4@%W?lnM{dT;>w{ZS8EkINq} z!=gHm^8M$+=x;}&A_lGxh|rVH9s(E-QDBAFK}_FZtw@VCOw~)d&XqWo!=P`uR2rK0|k!Em*e}TJd((Hfk*9vR?Y{f$h*SI^5u2Nq=?TVtXm3ig58=M4^gE z0=!bVML(U&t?pO8JqWV3aQCO!ecixeuZ{9x)3}1+v$<|l63Ldk7>}3w7bq{a`AvX* zKXJbhs)Z*VsR$LfBCDxw`r z@Fn5#j$6j^A;v*m``#M*#7yBaF*)G=S|x!J&GzAgZ}okKG-!YzZunJZ73TFwPI;#m zpy+Wj+l<27c(^iTH!`PDH}^6%%jqlwkk*NRs3)gA5L z4I0RI?jo~Oi@S0oCDD9})!PjKGMt-!8TKmrc>NlIJzrbc5q*z!eTEf@T|@3R@d}OE z?#?Vzhq))m@tft|d%RN*y6H?3c!>=^E0qTAsa{d>2- z#a_Zyz=5Kb)DKG;0g>ME!SOi|k1lJvAMFvvd0>N3z-|P77>K}r36*_(1{S$YXTX?9 z12fC$?sJmLpZd?gy#%fD76cAlNL5cBoiY~{OsYvCn*~#%LmNLd@WbLf`1SZ)T)Nk0 zk$RF8oj(dBjFfh+BH(^0FMEslyfhK#;(!7vPcf)Y5z+Ql4BrdITUfmka?aT+c0r~Z zuDpM4%d#YolB-a_qVhwd&k}692v_A6meUOsAj}lAwshPLx7c zi^k43;|lG}zGd`9`%hwBh{W!blSDQplf0MQ3VU)036`4Gd&ay^-NqOxYdk3ZlMG@8X|sctoKWttDv-GF=J+UCy)1?2x>22EQOF~bWn!!Fp# z#h#xSH($lvs8%m7W4=)^*qf_L?-VYhV01%^rMX8402}nw-O95o>I6NewA7|5*GPV& zIFk4HkfWRKw?zN)Otsq{V}zT`j-TwZwQJV@HtAJI8dwn1aRqsfjCmG=h|frE_`8n# zyd`1WWYeFU!+*0UZQgx1flRAwW2FbF&>F$rQ@myFlBWuV-J_Te!KA(dTCO`Ww7}+= zz}Og4R0DBc=@)@>36q+jfa3d*7iiytMD42tHA*4iRZAMk77{Z{efd)waYs%@5ARvI z*HDG_EpPo3x1(bt`8cMbE|`f4A`x79A7)7#R)AXKSShK{ed*E}&r{5n{!zQvez=8> zBQr3Cz`lbYy4%wBY43KHM~3ooYxGUKFJy6n)aYu3{N73FJ?wLDeQ;vK_91VyrEBcz z>(>e(+;iK)Vg`n~fa2Xj)*tTco($6G+heJkSGoagi08!jATRmQ*BRv3%$U`6Xl8@x zm-|!35+1n34^=_m;N1Il4@TKHckSM>VGXT-V^^Q_k51*Z%n zKCw!V%Sr9@+;ec6Z;PW-J@-c&-Qh`tXRvU_iOyyxN5_!gjs}&x!?X6*sXuLY=IJ{R zbm+oBtz6@+=Kv#at*U8wEOI+!$v<;Z&!tl{9wEHz_v(q5y-rX2I@EPU1 z6=*tkpRen9Fiap`JqGYgEX}T5tQ|TKh`cH6hk=|-d&-Yf+`F#!K9`iU<58EB4jl0z zUep(Q_pW&4EipTrXPz^ve}5E%1S0|!d<8Z)j^4s2<}}XpQ7q;Vf9BAi%GMW>7|+*@ zn%(MH*wI(XonL-0<4g{{rHDoE%q9Lo?6AeM;pn&uV(1cZ+lZvT>WU!E5d z=+lXd9V03#=6|vEf}hwpZzPj}+Vlf80}@!=RJtoMbJ7+<)f$hAy3X`oQ~jSMCpBz` zuUuUZQsgN!KRk+_BS|3#Kg}5b3Ja4f{5K*Xh$|Hq?wLx=Rz1T)=%@8>WT??DO);pR zdkl5^!oms?ssDeRSnQws@(%rS=KMeKXZYX0a*YU=~wT_@l;FcS-t9xhf1 zk=aa0Iv_?Jd=dAtU{RedK^2Q~ha9v`sg8Y)0kr7p!lY@QMguk!Jyu<9l(hBY3j6Gm z#NDPM-N7eJHut0i;P9jy((XH~ckWF$(zMNXn)=ot#1MT=&4uz~4C)z>ITX$W?WohjGbk{T1o?3dNqlZxIJclHz{vSE zmXMmV{10_2`9-V5kxGq^6}7G*9k|hpwxCHPwVWRFjH-SNKo#?n?!N=sm`#jWh3Osb z_08&v+o>9OSP#RNbfnpbg?=6SI%(mlXo>FrF)sP>y!Q-#Rg>qFf-}rgMXx1V4YtGq(k+Vu1!4EDyhojiEUE=lmlIJt+Vr{H| zJ9g8eJ7Fh+B+d)5dBQ5O#q9g3iUuw1XA{F5a4UGzIJb7l%#!q`1^2xCj7gegnULzB ziA^APf`-kP+J=hI<|~J>!_Te3b^>%Ef)1R2A~0n7{@|kN@L2re54Saghqas=XEpv5 z%a&4rx6@EUX(CLW-h74|m)}LIkKe`i9iXM-=zwhtp3B*$>J04A-pl<1#e4x|za@AU zc>2vIe=a~L^rQw3lG=O1D}>KJpLTE?w`hw%)@7e9pusfzXS^3Fpz04S;LCu}8fzoNHI7 zCI8Ub)5{l5g>WwO9D&v^^?JBZWLWb94U_w!KaJoZd(Q-LuEj4+f$J+k566r{{YUjP z8+7w+(XdDff?p8kums5^`JTeC8W`nwLS(W}l`Cj#Vr=kTwM5#4I2Qx7lN|BIVhz3R z`i^l=iTedfK~G!NWCR&*$wvWlpQ!#M2AMopb1q&78m1B)P{!L$yTME&{BDJ*l{80w zdd4yE=llbiB*qC;*%5O8{J`*h9;zz4Nj7a=ueEfcC1 zw=v2Q9XGvScG=rzUwiuCg8dJ*@nwO9N%9HGZ|pxn4$5t;^(F&3VwO`=pPp zK%C8cWSko)WQ|Ux>UadD^I@BSX<0oz@Wfd`OiH@K*FM8B4&FB?_$^tD=1k{--^8Zq zEo%&pby{cRd^d@sxoqTBLbL3^nJa&Z!7kp=x%)!@r4Uyf7iWR*i3|V@Ea%Ar9PQWS-4iP zTA&~N^gS!@W19EEi|i|P=}LW&L}0d_<+>@IuDpb_eC5&@Ex`EC;b=`go$1(w{}eVvQ}?awt=0-km?bZeXQj8qnEy3$C>TVKt@Vz#*NA>)}WtRI$GZs^0lgi*oj zL8b%F$V4bIsCjrsE`TQpmYL!*;2tGT`#tnHW)MECr9(hJKJ+Ahj|&KV-exyDc^3i# zA!a;2d}2mGBJNWl!J|d}0k9w>46HKcjxOd)ckB8Dv-@N7nh~!-2d~)LaIy7cae|ns zYIXwDN)c!y{*^AV8r{}Hjzs%9? z>#A?poscPnt|(AC<=RYWIEeZy2nWV#dwI;vHnyQTRHpx$TU)x!Z2PjD;k~|37ASsw ztU+=kmIGv3nL7C4?H-ty!@q&ha|3GTc5oT+=3h|I&=Ma~@MzwsU)w$UeI4gk~bC5CYB{xSgrNZHo^~g#jQ!t zwd0G$)in=lO=U4cTl447O3iU+ubu60>Evhj@Jhh1eWt2op=_qa3>oIdEc@r3FG0b& zqrMcSVI^*?Ue%KJL6X&BO4{s&_VmJQB+{`=O#i#``w!DjlAwePhGNBw{oOXc)D1T- z@NuOV_`|pOAXd4a=jKUeXY{$WeT&W4=#K);C%QAO(eF$<&ZLWn=?J2JdRGlC6nuxTlRFB9SK+W9ZYl{4k#-BlcP*TRv`F zoUk67Bk#5~(5Y-$F<{Xh%Whe*-)D1r(l<4BH*FFTrOE*w+7FrI*NO@UWP?C97MeVz z`l6@Ry@E}hN2(X*K{=yd*E35l6XkOvbw+G<)@~Vp2WO5Fb5L{3XsF;6CU?%!M;iCY zIt#q}OvWkj+HRhtD}J3z+=n%yiPXGK2n9h_ zhrheVvIK?gbLj8dKYAZm&4SBoSW@z|;GV=DhUED~+bGMnQUdlJM9NKJsRFvy)*I)l zth?f^&ip4;Rm!OGQj}xNFCV<}a-Ha&&|5j&UxBkzL6C3?%g(>ot5H{RWrOWLuVEli znTi9`$k`yaNO=!6y@S@^4 z@{#M|GhflP+^2ioH*7gWW@zWmDdshrZhVk88DaI9Qvhs7rNj9TUx>X9;zK4DkT z-t)aL%!l!fI&X3FHnZTfu2e4OM|_1cA*Vn;#@}Vqh6raM=-{F^36YXe)zb0_-y7sU z+Ub9Unk}7px2Ogg4dpwRikZci9ZPV8Ez~<4qAI*Fd*LGB7A+`LaA!V?#?YD?#G_)U z!pcH>YHl6YUkmTxT#we{TCl;UbbLvXl_z+mHl-I?Y2!}&ol?q|aHvZtE%q#FZB*Kz zk2Ch35Lkm7Tiq;DJGe4NFdu#?Y=IX3wBJs}(Sd(;X(f^I7tAY#7qDvDRdePT$I^E6e;NLErGELWkZIg&Q&? zFs9vjF7O`0QK3?g=`Qf)YPN0nIG|xjCZejh&Uy zC&INSLt~d?m+})GFzLO*E}85cwu-TZ!ghDzOmCCn-7&Aw?n#8i8#w&EV6SGSVRO|ROVO+m9i0O~0@rs(X>P zb=XH^f9a4!Fs8=yuIyyVfp%Iucu=Rw>M5_^^lz^B9QVDistrbyy%qroAu2X?@4x63 zJWeh{Dwp7y!bOTXjDojI=HCc$bW7Ma2yNw*0}4+?;As%%(C2wQ>sZ@_k6ifh1n#t< zcbfNBDMr%tTaDP%)3_lNOl_6ES9wJGm8PS+gJ0)*q!{3}rJmsa2*L^&UxR-ahN>OU zQJ51NVK!AO%V?LkmO9t-mH!}#SN%N?&m=15u-B-PtGo|FEf^VuFD=PFIZe45J!t+j zLCVZK$>HcKhDz3c+V#?D`RQt;N~n+Jo2Iq1>+jZgQJ5}8t~g_u(U+O`WS#Ckp8d3h zZPQ^cB}4MiBZ(-zq#=>PI?dF$lnLYDL#MGmFVW_rvnGjJQWdThJs8%E%r8tgejGn2 ziMG*oXyW4|*Q}>f(0};uIB#sv1p{y|o22|pa*&sYaQJfGcW#4-oDZUvANix?t&oZL zas(7H17)8rRp4X8-VY>a4$r)srcmC0grKxx$JNiOIQG}%Z>AOxhrXhlXH8m&=jX2d z_!C2WW`BDq^*%y*On2^+U4R0DiN?LFW3#>W{f^QkoVsi4vJ7g-Z&aNizK-~Z=bIt- zrnn$~5jIe5x>*r9Hc2EaV1*Q!nc1vxW1qQDqnEDi{LCSiN;gCcM(e|2r`Z_2nfMZF zw8%5I+-(vnoAf3|W-~7se38$z1Gm*K#p2g64Un)!4JX-Ol8- zpXtmjdSr6FPJX{WrZ49=Sk1^3+JII-bACU%-x+-i<{*it*w(wk8?!kKnBf_-Pes_^ z|6=|>=+wt^s&|2YYkuVRit+Ogq*nj!1sKiwT!r#on3;dz19nWJr_S6IH`>(?rW)ES z-m#o)nbZzkviOnuKbv4FgX?=b&HA_z^pYkg4n>_k#C}y3*nNx1U8~jd8g@BEUMzk3 z^l7uq+}Je^8P*5?v1!KGGe<(wyb809E2M9)bJDEN#8ug;VOV;+X0fxloOu);KaG&% zV_|&G1Wds;Z1`{~$_QJ3^Ddi@PXVs2tx~mo^>df;ItAVQVI#y9iIf-X>z?tCL9S$- z_L7eV@`Rid~uy%z_$YM}#TFVfOZj$*U&)5H62X z4qu*gWF?+$Sa@+xvN)~eIRXJueb*|?Rt7MyT-*+e>8|>pas|)MF32Ud5a^5z@s@y? z&hxKZ=eupzM8U2Sb@@_OGkm0lp*+yKOv0!)$cCW0_LvRsROFY%jL(=1&8X#f9l13b z2mQvm0g`LPf2*P3k1-ViOjClmhWfd*!7*R;`JR#;C8-v};h8jTotz}#0OuG>{ASaV z+)C;)9FOmDEV;||60yCa%=9G?kY(^(ezt05tB+9BN2eo{rJZwPniS%%L=Tkhoc>v5+ zmLU$W+F+oX(+p4YYH*LA)STOG+CB56^h zGfrk*32HbZ2i>L#iJ7zDwIG|I9*mwELCZQb5&8ow^wQf^zZyo zQuJn!`3G+no^6d!=Y+_T7A!aDdy1=8>G={5D163XopE}L^DGXjx|RV}Gh zNL4iyyyej&9ADglmRd!vZmXMl+1wKx0~6X3tdfBPv@du)NM3cKu3=6NS6rH(|7_`(bH?7$EIQ(&27Nv@nK;G^E7Y7( zA_y$nu%Mi>TMuy~b<5)0P}`#_H=o6}FBzVek{rftrT55|uOmz)9i487ik%ruK{0`U zb0qal-RY6VU&$z4_SR%)tB(h-+{o-bqI4B5e4ve<+*4+tk!X_4PnLLk3WjLYqJojHOS$Yk?v)-!>(hs)q_=g{in$xXo=orz1@Vo=~Sd{IccXGY%L8R{n7R zo!8jfY!e_C=dP}KGcDrXC}38;%3Dbi#i5%r>^kU8QQNt=YEwC4{1g|pW~`!Km!sMG zw^OYw!K%cfwAw!X>K2E%YvJF%j|d{?x1|O>9uY5YHZ71vxTf&Kp!c{Fo!hdLY{x<_ z+18~J%lwazu!q0Q#FB7Tue8GFbnBe$l`r{;$Rx%^whtPzs8*t@>7Ll(ZFy$vt69@f z`KS46yw1fKkaF3XtmAeXIb{?+sR4Q85OR%@?!-l%Y;)e1|CsblZCt=yZ+7Fi4^7##z$Vzb5pu4D2Ha2KD_sBWdM_PA*qOO zyDWc(_MKqXt;Bk(GKejL5knIp?R3xHfva`t04mMxQiKR7y8XE@1}cQn_!6>bP-WOz z!lj<`CxP9)E1?{a?KN2=G}Co%WFq5r*LjnuL^s-Y_+2TR%*LXIacfVoY>5&=lrmFx zmqlW|LrQzAE1YDtq{|zwByF2AZk%({nXA3Hn5tZT#(8Zl0*(|D<{QNv+SxG(S16|> zwY-xJO}K1FhZ%aGm+EfS+EZptxewcE?Q{xGmNYj{sH6mmHMJ`rJ#265c+-32o zv)MSMbJ!UN&Wk8de~Ku>fUn~VNgvGo%Ih3X(GY%eF~Zp-JG5$Qx`TfBPMI%RM<^YeN5-$F-R-dFi8!Lao|>s*TYDMqs$;EDRF zKut|e%WYLQ{?DJP6K7I#rCC$_1P*LxV7Fku;Od1NPh#!G=r7(lO_87(I-Mqkn&m%7 z9d&Ci>ZaZkJ4A1VG5nQ=IUh?8pUK!1MX{i5M(5R-v$gS37x$~bnc$^=vbOZo!%n^#6kI$$Tp)bgzQd~WZaa;@eHI3n(n+2o&WKH4*bY;y9T|=uOuYw z?Ft7f3!0&)sY!>0#$t?fR&UXB-l?MC?r)|f@ykRmbB2x~j$J~8_;S8?x*A4b}-B4;ex$8s)2saff<41na>&|R# zBk{A}6XX)}p#X1S*D-JSV}WP=>2OLB`&3P6gCpLj-w)KVY*NxT zhkfNTM3o?LplDN$YB_6Oim+p%`XR6@^kSOB{Nxc!APxQ|{-JuDr#*}!HN?5WbW{NT z)i2}PM-{@W`}_&z~NqSu1*osW{#0;nsdJ>xSI{$b{xN>3%o5RX<4 zoj1*__Ni_S;+~i_eL^TT+o=Pho1>O-_qDbM*tchAT{1VuMH$eb_-l8PIB-?~^;xZr zG?Bo?GUGQbrRtN7_)H-4{JXHzkulTyr`hJU}b!^sGQs&W9F$3vXodzaYhBnk=@LDUlgLxl*gDgu!`5Kq+yk zrcZbfh0poZDQ1p(aUz?4*q%1gV~>Be=jqW`UUlcMV|g$s{a?)a&PK|)gn#^&Ug*YZ zCfZ2_u;h>cctCV{mpU!=lRr$Inm*U4%M20U9^xFg@!p7BBxw-}@0KoATKC6TM$alb zdQXr=;V58sb8(g7Th&^p75W^{^?JUaRQ2&GV$vzqFR9mLVX!ndOl2T$zBV z@9%GiI3K^&j#^sbAy!ED5u#K5L?jBDPp3aEG80#gNaM;%h{uiJOD9H(rmwJGRGROK z;TEK3h7diL301|HE^yA>k+5kOd%bSuwhP%9Gtvcbu-7Sg_=8+?w6!SFzaC)>oBTO zs-sD=EYmR=c$!tN7Dh27(i-m}_)b`89IlZEjyp%0oi{J)+wGS7 z_3(#$Duz~W_yk(cEl^#<2`fk)8rxyH8*rH=kj;LO?qubXX(RNnKp!61Z2$ew9qhkDN?%I8_-ohg{AhU^I?}$kp6Kg6(ym=Upl|c&A=exKtcD&DjMz7;wuB5{IO7QFRU#MwG3h9F`KT$%3P!$eR8oT~OwaSpX( zo1&mbAh^t)e*12g${8!Cu22qy9UYn_%O8_fuM14Ran4a86s74roeDZn7Dp(fwbUFb z*_b(G^QouEs)REuuCP1ImY^Z_ekyGhNtzVdK&rX@T?^-dpwtRfQ-WTSpQ zYf(&AgJ%lzt3XT#Uo0E?1b@2&LJR@-i&q;ekYDo_7#3RsiV+FCHA=1D=o6x=?JZ08 zzgVgyaE4BocIanRrM(1;ul^t^-s|&9NmDNQB@jeG`V!K?QDQx1J^MQP1IU?L?(VwN zp>MpfUq;Io3KPkBQ<29X26SY=?ej*iDcX^{ng>srQ~R_>p~@{0^_C_EvKs z%H_Zlw$s4n3btwOtz{^yoCk%8f;0#gACh_8tmxe&N{nhR%oNS?)#qP5Ml27-YCj{W zYCk(83uajnQpMx8E=$1Q^?rK<6lPZ(R@X0KnYY^eKKfT}i0uMVGT_G@ERM1ziusMs zP}(5!Wi6Fm>`!bQ3o--S*m;TV>(dU`Q|_(9V&7@^0oc)M0}<$pJELJEd&&e+v8@Y9@x$G z(Gs<=g^ly-v^S4zy%HYWuA3LzldEMVTHV4mZx^i9xfjeD4Q^K3?koU-lXpPw$?o&c zi-*-doqE;|68CH4OE3`<6>YmJWp{=--M;s`i?7dh&tIi}f!zvd8ajLgj{}ZJB(q82 z(p0)cE%?NVXtLtj9=zqhIvSiljtuZ&()5d|GkyhEqFB&-4Up^!$+4u9ao;2z^<^hG zN3roa%rAG*@S@!q8jcmk?)$#*fDWZs!1YT*K0Bv*87%=Xfq@fs7JS|06hxBvo<9Bg z36C0Czp-a?`G&tj`=0^DzbvE*R1#szj)eA3{Bb}1pUpf@Z1gl9^se57-_;!POBd5< zf^@YvT<6LMCG2eH1Ilo=}7*lF@VH;T@ke8 zmFO)lBQbcy6t<_(tDIQd8+Pd^gQ0qRPAjZ7KcoS)LqlFk#3I_;(|I~_p=HK!F)C(zm{ za?u{j8Mj|97MyCa@hz18>Kkn}q^o<>nj)`9xY^=UY7ay%>|K?X%IJ3s|2;S~72}U5 zD2#j_}B>#BcNRuieNm}C}bSy87rGWQ9*lUQRfl}D;T z5?;>R_Zv}KPVl#WK8PogH`Biesa))y$miyp7Ws8k0C9hY2kf^qds8J6a2qxlNjsff zJQD%Z=ZMVWw~wC>-!#T>z#9ux@FtjUv=3Fy8{r4`uW@F7J2&LbY&ce?T39H`EifH7Zc+ihvX< zJ@oj-N|;S#OQ31&#jBhAN=tGNuRVZsHomZuU`B* zk^LZ=S=96j_r~GZ(}yXczvoObp4*AQ4CP3SG*oI)0$&y4SW#;E_aBG@;B8~jSm!62 zs*{SkkuQSerQQ9eFQcfk5&|>E6RsY@G@X{)^3>V2T5MrWf;x_?hAPfRpyRB-9q0yJ z50dz`%UeTAo^2J;LR0UK17)t)eX;XGX?V8DTxFdS-6CULVP24fN#NH^PZ@LEjQ{mo z$R6-VL(0glWK6OJc7LI!xB*Rz`S~iXk(~!khQX$q}%Z3u#Ygc%3^?(ywFle!7ecUF_d3tG=#BuY^%`eNEGCL?q~5o zitqw4p9eLvnB;UrdfRs(2c>1WS>Ar(1%zm{@q$;}%6nPBYhN!{2UbGyJkV5G;r3u| ztG&bC@8UnpM8-M};o8n|`eo(35`$>1aNz+`O*@~{gdm{!5$2~N=Wl?2JEQ1Sj z|8^p5q|;Bs!7)$PhLIbjt(()Oz130~f`yZlQcUqrb9g#B*{St@NwicgC0> zwt_V$Z+gt!r17KUeo*uF`XfG|`3x8zaAyK*j#+F;?&Uq?Oyc0Sv0+oXeL3O(xg!E*N0Revu`K>jpt)e|h&`!kcKSv}? zAit_(?r42W+8+ur#~j0!b*GgONBqWuyKT0o*+rBQL_~|O^`lNBuWWFN7RIdAvW99r z&yK@hGG#6OXG7$8yo4ug`7$HV%Dnq`j~m|`O+A*)c%BDR&UpJpUA+51;FviM1NfH{ zc7i32lBxl}xjcr2Ljeut^4c&^zP^6$8}cVve`8N(Bw!52`~!A>e=MwNtyA3*ub`2! zjn4X;ZaZ21#aiiSWO>qJp+)ibswQc*&?6%$apst8$n-C6M6IZu@+0Q_wwgG@_Grtq zg)tusR-<6KYX`d{f+gGh^wR8{+_l+A?v~tugVyG}dVw$d&pT=z!_nfT1mA$ygtb7{ zH%5=<^!*E!O;3$@w84_b8XXPs(hvIL-ZPJ~$~)0wR3ElultV1sj()qRr>Sk;k?+R@ z*KA_lHTaDn&FUFW6@foBxY9Ib6&1Y|-yN>WlBuTXw=;t?L zMmzyQ&6_WA;&?|MPkfVP;Ni;D$-wj#0(Dovzb}j{R8fo@oxb^3Dn=pUe-%QRW0!tW zP>fCD{I?fCwj;YemnLa6v*TKR#XC1emN=t$T!e}~1KztmztZcSPRWNK-q!91Pd%3D zjpiOPH<|A~BqrBkQX4vB5~6WBlJ;<5aM$9&zvtc-bcBCYS)J~}bWb=m)=1iyE#_2~J6O>u4sMw8voW(z zKcwJwG0>5_c<5TPF06g4KM-EEKmSj^6(=_5taf-tx{gQGn@;j*j-S}n3jfTUR-GJAHl1IWfb6@{FHK|LTAWW2 zYi4_07F}H1prl|?WA|H9DaAs`9_|Y6>f&N`jMyygn9~wX=iFae+%sAT@{tQlc$o|((Kty=4o*XnEq93StQ zUAVz&i8(GH&VSFAAF-LNxH+lIdCB!vbx++AKF-sFo@%t=_TT=_C>L(`xIyyHoJ{b8 z;JKTzWU+}fJ?y1A=XO-pq|)(3ZoPzjf2%P*&l&eBpXg5DrUz=$O_e=v6U}F|?(g1T ztU-1)j)r@LA<5Xyyj0C`3;g{Bfr0jD{N~h~qiF;-X}eA%4?J>10YCpS?}}IlXNfj& zArb;|ALI3^t>dazWfI;Lp(NGeVb;&2CjQ%0s5L!*j?9?CxR}l>Qh}Rmk}q462Sc^D z=lVmSX1j%E?%i7R0l0KkMnh;yUZXI=1`CP^Igs(Z8U#;m6D0Hp& zZ^B@f_mWFxHXYMDhKll}7`oQ_Qc8jj~D^4~x>9L>axW(BPw5jZJiK`#e z9A&*WR`OwJa`wc85XugNx>YA~=jnkdQ)jV$L`*0*yJqj-m5_Ne(M>bU{Vb!&o{%BF zG{WH`Ir%zl_zI0R86|TY`G6CkZ0hTa`oLo6d-Q9?!MAtq(T(MG60N=FwRY5~HRk!@ zqdDmAV+Q5DGJR={*kxh_O`bou9k>?l^t!#ZRC{Z=)mt#=@N?To-Gnr#$Fr3Psz7>I zoKOihe)WRmlm4I%;q8xt??7ua&TmfOOb5{8eA8XtqGM z9@^OD^w>jA+X}k5qE-I{#THF+awe@8c4gZ4$B(6KSD^@iZlAlxpg+?rOqOm=(I^6_ z16wK+_=$;fS`Stgqhp7l`Q67^T>eu>XjnQ3-aJt523r%Fp{eQkn}fcAi%aIk^Y)gK z*LI<=4;bS#VlaA)>IiDI`&A<&@*Uydu*ft-4=2@)c z6O?sR@uY&-z1@`~<7fY_4jR2!QkV=|M2mpVyFJjSKb57N<@28#T))zG!z0b%O_XAj z8LcL|bgpi&JQETS$p}p6l_AHFP&}E`&ES#?Fx&=sVN;8#{OQO-04Cs#VOh%&<5yks zxI61{q^APO@HOmA0oIs#Kji;i*u&0uaHi|n`&RY`FUo4UJ`kiB853rla@ZRlIcuf- ztmWRnpE8oqcFo0=n^BZ48CZW2#R+?JM;}aYrc4Z2H2aF-q>x>=ke29KL9aGW>ZTwU zKU{ZuLO*23(wb@|$NS#5omMFSc;UTnNCEsFnp&N&Fz`35V zVNqf8lRw7@o~OT@8&Azh8_eY-7alx$cbpLLFqVoXf?7Fpz7+FOCKe~Unte+R4Uync zuG25B=+1VF8hPg_j-$Ld7(T1D0C!hkNTD>1Vq0p{Mc2RxBmj#J2l!CV0Q$QR>L;G-n`_JnNN}GrrQgxO!-uZACh8})>KTdQ zzrs!tX#@NkA&ScRPG?j6_bqFN79cZ*^<-=6$C)$9K<6UYBh`Q9>%R}$y=IjHQS!gX zTUxO-K9dGUqOigeD{*pOFh`4y$VvV%ivDTdU#${OKaw6C8%5Y!UbgM#F)&(g`{7yP z&aU#9jm~P$$(i}-_09~7!sn*8`c?1e8#aNTiBg_TePbfS_dPfwr7_Vd5y6s0uHb7m zZl4xLWMtd-k5n4_(j1BB4#G!JDSCE{H|+*mAJ=X_Xrm1Qt2PGQJ6!2Df2XUTpSkWm zk3}_U^zl2Hb7W|D{$1#Ir4S$!xeU3&RZdg27M}Z$NJg9nx5SdSr$8h`S*vAB9`-Sa;XkK zE=tU7E0ooobD~%WHv6YYowA@zVip&1bwplV>x;)nQjJz*hD=&_IwT{;Ax9;y$leo2 zb56dOaGU#ZB=5W}_T;VH!!@{|d6l~mh_a53)PtuY!wm8tyfF56i6-{>Yra}eL;+UW zMVmPPoh-w?O>9cacgHn7x{ zLnDbZ+nX0p(@D{j!rswAnsOF0?FJS~BH8rP7XV>76R;>`tVH3S8!NAmVbO9`NqVfk z1gWFgI`rUI`~n2iS6Z@Bg7^iB2fNk+Ub2>e*4c;N%3Ap_qlq8KH?1GyK5(FWBeAzR zZw*VJyt1?iX6X^)Y$Fix%6w(=dwBscUCx<0X%RA76b5Tac^XEpP!DR=TDa~blK$nn z|DyaT#ix;5j9^492JBi36k<)(Gm%UC=hkpCX0*_yM{H7V%fo8BFJC-%AmKmKel-4t z<4wFyX?b{X-(SJkEO|}kF@qLDf!{zobaXIG7Jq-{tL%*HBLkrX{Aen>>+S+in>!!0 z@8;xN3F`6!uWcgaz{XvEj?5O{Py)E_R8&c319xlR)m!hYpd3B?Bd`q!b>@pRD)QMc zj;uV#+gU;C|4N%?=bKrE5d7v_9*JX}EQS&@aRtTUu&(NUaRfJ$61@y-Iaye)eqW>`99?yUuikAhSe+{$JW#%mfY1&f&ZK&wUFKc5 z2;-DLaqR_-0(m$FDJ$hQrOBtWhWjh(*11@nI5&%E406fZwgRyE`PbU>VVNcLqkmf7)af7|42Y^OVXa6k!u zygS^S-Pkz4Tl~$%X=~1U~oc27A~0 zaK~@EqO<|9iK90L2Bt$j5NC!Rf|UFp*y{9`Kg4+m35UckwAwYm8vB0gY5%_WIx#NX zakDEO<0QtOvS!JxQCTO~lHc=NRSn4pCDbOwXe`G5gFWidb1DI0&s+rIA2$+aZK|7V zf`Ts43iGAKW2KNL_RGT`5Q*xh+n$4ZBSJWf(mcAqA#xB*4&!Y%{ibG_oV3oy9RsNc zN+#2#hm+rkb!Hags$TbDWrA0K{FuJ}ZGCW-0`&em5p*!jA}(e##gC7Ws#omI=a)^` zt?T7QZ3J7>V$gu-e1&Yis2-iQH20+_`Fo#X<04;j^Oq^1I`kr|Rn_#yH4=k*1;qdA zt%7QlTaJLWK@3zTj?zJuNJ%MIR2hxQ8ANd%r5h5NPn0GHIVqKHWoct$^^V-U1~V0G zmERZ%_**g*_%Vj+sc|iE^L>4qHeK4}m3rTqS!L6`uO%;2a5v>DPzEezOE}3AHl^fI zwkCI# z&ZfArpx+k9t(@Tm_zh-R$(6K9seK zYgI<6ZQ}<|54-LG`WtUBzs?POhBFeWNdKr2pJuf4voUeMT79bZ9%x5P^HuXal2VQn zH)Lp!)2M1W+xTK=mQ`!D3HzstB+sW+Vp3Zzw3k&4M{;!MbIep^%;@aH@yfhi5O#>V zKH+C}U-`_sY7M&jD?=Y}vm?92SgIJK*or{Zz4f|k#9MoOO|`__%3WJ&)l*BAk8HHl z_J!iybp(`PK2W z{ofq?!<@Xcq8)&qm(qc3A1j>i0v2|GVfFsQWYh7bhDj_jjg*^`kwL(%_Qr~m8#itH zl*_q}cjwa-({{P45{Oh|)N`&|An0Gs`d(rlqtr+91ei zw*dbTu1uctqg>hAf0N*>fv4nPlD*~!_0R4rfp!FV!I0dIV@{$DF-A`krE96qEIpJ( zUFJBc_7&Y3&}AeR^^j$h)(f-z=RO5pbJ3wy9D`5jUY?f}#mrw;7=`21=P?TCa2goa zd2slF_P?yMYA8DjBfbI*qAN&d;y_tgCcc|kxvucBnav_yPj?vY8B>Ki*JsLsctay~ z>jk?!;INxae2b~fjIf$mE17H(Y`s@UOi-uddadM}1C*n^z_w$uZmJIQ=DSK@7-PCa zPLiu#aslHe>>;*Dw5(yzLaI+y^^F|qgI4wqNm?JowqMT+NAkiWJHP8(^6#?BU*rEN zS}rnH;_8dkWn-p9YV;UJ1;|lH)NX$Vn!k#VymymSto!~o?F|5x)(0Oh*Q^)9{gvHc zHZK;^221&~Sx9iYSYiCM(9XERCj`6rr7(^MW-Gp@Naurv_mM~uYwmQ_rJco3p}8sk zO5LdKB{KFy^IN%yrHnp*O8K3*(Y((!;(3U=7Y5YabJaKb3_J{(L^J=Yv2AL!;P%5e z8TdXEzOC&RI@23g;$1Jt`UqK#OF7FNf*+x7?}>sZO*q}ZitzvR*Cd30FR5ANSfO$N z5HCL{K(lg|nqok>SG$H#OuoxEqwkuaDhMI~eD?yB3@z@zabSI6F>< z6eWM?)wxk^HFv06xly2LrQ)p57Jl~Bu%R+`Upvn-yM5$(cty&TacC@b&4a&PZCMam;2)}X zXhjAgt$f13*_T8)@WKVupnPN3VPf;u)dFkLh|qpaOu!A6DCooHcufH0#uvLrQ`)pbhqbs zxvjdCk}@O#e~$S{nRIM^BybU5U6=}a{7=;?c?Zpx>^hgK`YKpeXjd(0*?diPa%Q6? z$kb-8Ed%CSWZj~~#i^X;33^+2hG5@DH^T&OvEAY>$=uLK7SUwUVB48KGAMygC~4Ex z2|qDaL;(n~a5vzv13(%6U~4|T@fN(HwsY-;^A=-u{D4v#)+X*ydv@t@T3PYm`^{a8fd&pJ6ADnH` zJ!y0WaM}$p%D!fh%UD?WbE3MnUe;HXs8f=`9h(M{82!xN@b8exex8gsI5;(UH-jSP zYu_6Zl<9wP6Rf)kS>hLcUZ7Lr5w(9IzU*Ez<>9ztcRkB!G&1HB6(VO9nZQ_B z#NXMA7?{Q|`i9D-^8$4Tl!0p7IH3U{9l zXH5@wRJORw$fBf&AbUNUUYAaRsI5=oUQCfkgKUe-EpFyX3D=BVxpE6$+vRjJD|I#4 zbbJL|G{zeF+Nx@veeBi4$$K|9fo!pNCojl2>$I2%FJ}+qjF|?ji@N&KS%3FK{pQ9} zK>qrTh|A=%cX&+hUiOAkt@buHUTB5K}FD zo|O0W`jS<_pdLS1!;_&Jb_WT2gIkM2d||R0ar!?`Tp~u*e+zTa93n^4W|vbomwH;b zx5W8bTKOMES2FF3em=OYcr_0M?Hz2XUrXUh8jPdg-705=^xJH()6Ir7Ff7(xCHRN4v9vAN8%gi*^r z)N9i>tWp}UtIF^ri%PN<1*}OcgcE(=&);)BV4P)n+^DR}tjd48G~^_1`0L=E$ZP0n zot3#Vxc4cw1OC=0@R1z$)HJ(t@q5y7eW5);e#MH>DqJJ69EHUC~us0dp$RJJ$=po z*pq}p5`D>7$(X~2XGnU~DvXc@s8|$`DO@D4EZo_V$q06OCy&jyu}WC5#~F5{Uuc<+ z$Yh~;)133G2GPp2 zv`~~)O?eXwC@?QRKZ~Yuc+k!Lv@wY>y{t}1pD6_aqZg-4NVPc&&DYJH-80AKph#kf zxwes8^uTDDQB=vPR#KT7dDK=1&wP+h3xK&Bj|z`K0|z+nl@M&^pX`(NcV9iA+BM(R z|4Q;ldcf?!KRU)U^OFCOjjO-$sy@6ss>I8Apdl zHW48O>7%v9v{-&l$nn_oTUY?<29tLWI zWF}cVxmbh2R;KgSW|;P3Ds#c=w7I?2b6$Orocr~o9J+atu~0us^PlC-f-nOcYwK;5 zlocg)$wLJw&f{9@?vq@OuPo?$+q)*zT@E`iEW92owMXIBG<+}>)@q@kT$=4jfo5pJ zeRq#;%pwIGOl3;=%QvThT&FC?EQ19e5NI3{LT5khDhjt*0o%Nsb$$!V{x>v$0(l zl8}SopPAz~*ADX}`qI`1T|TL}tk3=4XEL*NJ<+M4(6no-p)t zvDS^38n`~H7*wCrm>Rq!q>Mh#Zp@?ch)p+&S%5rQlzGA&Mc)G1;_D+lhZ(XrT9?j} zT{X13(A_gk&odrs6LMU38NeZ{kf7RO{39wqTu8f=XQUepbav6=NuYS*Xk;{93EHgN zBPta@$Ef>9Txyjc&M`vZZLkbdP{T=OQ=@~oP)(fn9|at_@)vH)7MZNfijv|2LNL!G zyF&}BqZlOM+tlZk%<5W~Y90_SJRhB6O6Ddx3>~%cwlB0y;f~M2`Zp}4(Ej3=Ba5!M zVY4^i7T#^(S|2-3FO_PFJDU)+qXzCdOG!ciC0TpH8hOWCRY|KhG6Z#$FSw(4Kd` z>AIkbT$L_pu>{qrPYj4(>{!}6%rgFL>oW6~;(e*(p)w$eXpL1uA|Pdrvf>ns7QKc~ zJt#5Vv@}5tP-o?fzXk>#7Q08d8qYQftQrms4XA|z<=)zH3&-aI&L0#8*XG=JW{fc- z$Cfo@N$V8nRKUsQ-1u_dHZzQ6Y0z)9>v;m~wjLtW9??Es#O`6x+olf5g(t;y5t7wE zxOq)o+?6jr%o`+h-=B|$vTu&%dE8x*b0=BTpr22^5c4VMC0QskDbG5+9L2{x-^FJ` zU)?+x9j83}ln9`hFU^f*xkHmUhLJqH;t>r8{pR;PXhAIwbCN_25*-h}eRPg$971BS z)2_(>{LhW^3;@3E({uj^@^Tr4n>yc)Ho}ul`SU2dUF+(mhYdeS?V9!d1mDX~r2$Qc zXd)R z&usWB-XaE!FcqwUimac$Z1m82Q|0~^Li^o6^BvAJHZ<&yBdc(O+n9_+cu8SwglC=p zwG?Hz)pZCQyW;0Mc|K$dIM(FQ;>dDd7(K2pEMgK~jy4k5%0`~b3by|Y3^ISJ9HVLx zjGb4Uhg&3+6AgP%V={~~#R zn)>v#$E2SG$+d=-=SX7%MY;u&5@$JZ#h(?)*Ga%_p9F_$-&DQOu8%==+SIt|r@*;G z*s)jN8cj{-eL23Ae>IJp!b0aXV``C~V>R06S+MJqF~nF^8&F=<_!=Ko(m~@>iOQe2 zhnJaYx0GRqAtH)>YLUlDBGPiuSlMC;b8sJOCb!E?Z=&5yZD+~DjctP{SX4<{pZHx# z?|MrZcqd>9i_+UG>54 zdw4LAJP>0%I2_m;R$yxyIOp?18}%`i?UQ|e-r@7^iG+WUzLLycH( zr0=+lwFHZ@vqliaL=dwaHIT~9TJ5QgTl!f8GiEZxn5$?WfB%$R@(^(Wf%ZS#_ny@@`pjAb|ligJ}t1oId&c^0Dvm z&f&ki_)Z5!Y`3u;e~94x6jdd-^LY8e0yX8}mm;9jK}-8JSCVH0Mv*1$_V^dnG%02b zE=COACz*e%iHIbgA8>74;cU}jvxAyBs7C(!3k{<;Eft#RA3$1t`sE68qJq^_T3Y0U z>NA`CZ-#OL9P?$Tm>|)JI1#ImSQwi;V`WPkPp$d=7l1cLtBKvV}`$RG4#ESZQuFl|eJ8V`XF(ojz4K_`>~C z6ny=hbgeMyFC?UOUX1r%%tbXw!*>qk7VavQmp`a58~SwE?IWcz#0% zd~S;zI5rEcjIkz#n&gWv{_tm1$EaV#>HLJpa8p9q`Q$#==}wi}9|P=GR!|P>dKFz3 z3Khn!eJ8yW^9bB8^I@!H@B_(2 z6-*bR(Ra7LWVr6QLv$Y6c%R<_<1T}8avkQJ8XAjemi4(cLAe{&1W`!}`Lm5ef%2!# zIO_2~VyS~IagyR(G#Wt42@a4xhFI4(yYpdw+KPiX{7U8i0@}>+|ChQnF(ss;MFK-ceYv;WLWWQ!vDN zMXV77hC4CBroDN1Akkt2UF|=p#@c*96L{87rWf&%(LDtt`PLT*Zh@Zy1E@>WQBAC- zMCl!gWfFgPIN>7haj0&GV4#@QwZF5g8=?=)w#%vYzST%z;aKR=@uW593jkB8CeooZpKeEW| ziXIT#acxp)na52%pVi^4t(y(cW3h=<@k?y+Iq*TGx9X3ho#a6MkT#rgS$7k6@pIMX zXkdcdN+oED|%2dIU5$_J_<8%4Rm{&OP>?SQ8>zkURv^`(K44$M z?_{C}4VjiXQNfQ}tUZqQZatX-HFGG3%91_r)K=k$wA|XVS{)=7 zV(En$oNs?jyIm+w%mJ~iu~t;?_{t`*er5G!{dey;W%al3v&owW1Cf`bPDCk^$CS$v z-+7M`m8P&2J>mOd|&chK(PqDyutrdak?4m~q_R)QE)5lt+jI}HI_C4Nn=&TuNRDnX3 z!tU?tc1L3CwQ@Ck$nr+Uy!jVH%-_^zCu~-;s2^*TlM+#*+uZxKlLr?q$1123FYL2+ z0WPv7pr$Oo&s(oMpjFY6B)*TcmJI(t=L0wc=RM(ZR?D?*Q=y5AYv%@^ss-CAOW6w( zk#W=K3hCq&sw>GP+a1nS|6KSNkB!5vFs!<9o0?d0)K-5+DGZ;6sLQUntd1%3DV^^Pz_?2GWL%6}iHhLqn_@Z~n*+|7GS@T1?wH{InY zt(te%P0UA(;O8xe*Mr69s*lMJm~PIlJDbpfXDTJZsXShckj8v5 z#u-TYR`XhpX(mESjQo%rb3_k#45%L7dd3?2UAcIERGfbIay#Z~(0;!lxlzHS{M>cc&ix{B}5mELZ!38&-MG zv7K<9+hmChxtmCmI3mXC)@oe=nYo!4vfR>ktLJR566HMCq&Uq1ad$k)&~=SLr|-?KmrJeW zpqGn>hwe;AKQPu0RK$4M!!DAlWyKNv?U(nWH9Odq^h;%J>vAe^u`9TwxZISh#4W(9 zyucQ{J_=x}q7yZ_mfRbV(;e@oZc=L&I7_XK!k$=w#Tdi#3E;TEe7ST!+tSiv!i1+W zhBmqZ&J%;FwW#-DNWyL6)%k-He@2 zRCebfv2Mfp0}1TNhIH~wEwul-#`3Z^=WaiRb=shaG*2m_nh5uzT)KkUg%aqsYy6Lx%uGh(r@vhh1&CgrzX(08VN@xsi=4CX*M6^^A zMIW@8kynK`h7oc+@n9VNP0B8?8`HF+TY$2at&Istbe&6HY&oQ~T5>UWqnJOjc~P5a zIoxBI_W{A>z7c#254-YJZJBMbMPvma;aa@sS-_hsLYklZW!lPOT@A6W+aw^IX`MSeF8_oqSDIRE(S@yK1My z^wS4MoYk=kQ5A07iZ;lJYk7K$DiJGt_oqJ}Ag=TsB{Dm=-gV|KvELJ{hEIqLjLF%* zX4W-!2sm&wkh1BO&QQTUi z!j9L=(a%QI7c#{Xgc%tiU7a*CX3+^B@3^V0CdtG#h+d6=(U;DfbT>_JZnHY4s&UUe zs`k>XeL~T0pP6rNyi^W5+TT)^Bc*eG%40&i>HGw{Mjlj)j*Q?f;Eu@80(0t&B{jvp ziomqWBr;Sa6n~0aXshgH?4)n zcoZR?3#Gs5KbRu@(D%uW6ANn{r(&*mU#;jRV|Jzbc#<0?Mx|D$d&ikha59))6Z~0x zcDR@RZG5DUqBo%qajZ1?6&()P`6|DNMbp4d@9E^0zWWPjctAWhmP=j-kh*W~tHAWT zdl_(NgOH?(^|)w7=K0q@$lzmP6YhI6-0PL%UXO3H5k7?$gFBzMBf!CbFjEMSew$__ zMHn|FpuP8M^L~6;aF$)9xViII<@@>9$HnDaj9BdO`zp!1Dhi{MK|43IB#T-Zb*)LR zxRn=mx)SsfZN)ID!XV)`7$Ei~HfW<=0kIP9Em|M2%vP2}{q3Z0Ck2JoDmVbdF8sH& zAZes(mMBvJQE0t=fcINx>fq6zaMl)`OT5Cn@5IR|fe%upSzEQS+U`5ZfIVe-e1h5M zzYkw6X7AHV5LlfoqwRi@K+EjgXd$k?|Qox;7o zPWdAKx`YrA^C#5&h<)<~`XH?mnWRt3H)swVRana-(3YnY)2)3gBJ&`NM|Rqhdt$e1 z>ph|<^J7>vOM^oZ^|n)81eg?;G~kj^dbxN2uBP)qFMJ(^Kv+3Olt2?aZJ=Y6KwZ4cFBV{MU$~;C7rMF23A2M+!StlwilmsD6lN5qP@NZKj~=8 zQW4{=FN30AU^OfB_;dn%IPN1>u{#&iRoj~pQ&p3_ALgMRy7v5m1=mnW0I>D5uC$O zBSxTQ7h?_2k6y6fMGb-*u2yVog{)3BYe^3Q9;gFUcFBvC0LMtDU@y{^UM_@sR+>+?1dDd3S)1bu+*f2AMJup_~o)n{^W6!oIM|8#c?0yu zkFrfUSE(5uDbVNq-TRmkC^H0Dy_M_|4R&&^5Q&`0j;`^n6swqqRVa&O$*7^r#c9Ag z)beHA^$(4OES0(iC?pEtbDWeDv-0C#7niu=l{GpXLkPXlw4Lo|2q@)%T{A7m8j_YY zla|-(ERBrEhd34(w;8Sdee7>$2%y=+kNu8+27~*Lu36yR9e*Dy3nCILuO>Fe+^gosy3*$5->69% z>AIxlNUtCEd~hA`N~CoCk$JoQZMOe@L=nzBd1H0uYg7JIQ)}<=p=2J50&xG7jRzro zb-f^L(}GDq(9!*U@89n7@bL=&>+!6?I&FUtAP83)65(+ zz#QjB8yS77AnMqjwT)iyCq37_foT!Lt5g!B$eBe)Tqoo3CC4pmhEkdUw+nmd&ZMo5 zv2UL5GAJ|bQiI=D&BpxXc0KF-rRPVUOmM{os?_BdrBS!kB>~&n5J*ik%Fxj`?JGN!XK_8YEkV5k29zw!6Qa;72k_sf1Z`m9fo_i9I# zU#w$3)b)ZReLS~B=XcGk2=z4kvujfDNwFa4D#qOJ_0=HJB^>BJ#04&9peLrwOaY2Q zLMPsK>Wq7nGpNXe_l>-I-WbiG-OlkWW?8F_uWmdeBQ0WyUe6>YvR4+J*az+^?H09E znhecIt`%Qk%T1D=R4i)MP0p|wR?K2$(t@0xqQvbH*~N$fZT2L+2zlV zs1{mj0&-TprkJV1_wV1R?hfOM3Um@&mrEs#@JS~Yen_>8gOjN9@A`}s0gLu7sXVaX z4w2(sO%vSIpnb*mkEi-0E%J^vSl#XDOL|?FYTFfhlAjzl(EH^s65)Gq% z)j_so#w=Dwys=NW>}-&=88mpWHMS{HyvQ{ksg2O(6vkgmA38cXUEhl%_KG9%0aGEP z4{C{PkM81jwL8_l2Npr7UO}~hm7GfG3b6R16-76G-jA9mc;S(wY2r-Pw)vW$=t10r zTx;KK0isq}MR8v9YW$}U#g;F*{{e>o+uq_<`oBfqGzA#gmkkzLAd33BQ z>CTRyrg`E#Xg8>+lz(|W5Smi0Ji1*^UXgC;QerIpB~w)!&E>k`hr-4L?p1Lxg7dhv zF1o*RKaDx?lS@@^o}d2gjdM3mi*`!VGnsR_{%&*-L&9gYUKHK8^KHNGq;v@WR%!Ll z58`z|C5V-=p*9?vaQQxlQ*XE9>2t3`x8Z+d1NDmIZ?otBv3{2pll{Sh$Q?fYXTWNS z+J8+vM2W*oLVKDOd%?suDJK$A!h3Z>>E=TVfx?=7F4y=`aRn2I7!u~3axpf!kgnvn z05l0^GjyFORS@jDzZx6wl}_VF;_g}f+(4Lrc6RSGX_gG%;{EyylFWM0u(7qBSo*c=x5 zh|=boy}m(sv@qoA49M5lW3b&{IWMx&*R}EL3UyD^OJh*xBA;k2xR^_^e@QY^7;^4v zpm#a3w7OgezUR1!XZ{?0@ralQPX6`@;PJ+cLNBsK zbjUBf|65UX_!^(3R*JJ{2q7oHu%h>?rVV_w5z`DI2ZlD0ax(>sGGuNFh~W~38aa9~ zsqT>=lov6(4DuFRME@|9L+!9Tx%HfK!x4kWR8t#4^6yy z&~?2V5E0|4wQ;SpGW}tHN%(iigv4?au`5t&a+Voi721h2fpQ8jM?6F4U!ELoT4#wT z`~OAFgEE&IH`f)KQ?NOv45D6pNb(V0%pt$Nb*A}!+?{Yfom24bJic#{+yup-+XlA? zdRH=hR<_;9+i4D0jiui}m@#pCP>vP509=iXA#L(ewcbH-wia<1$5g75T15LvCLmCS zN)lN1NN2L~YQkr~9H@Rt?Wff?U3vO+|9%Q}X3xu`-9G?d zbxA=|tfI@04J%cKYKo{4s*T+w%RbJHJ=S+NcdsY1<%fFu@Rjmk?B^i}_$Q^UtscFl ztK)E2ac-}R#NJbOxNXHcm*SsM_@6-zc4ghj95wf%Ed8)P4$IU=cHJBcI3cq|-zGqb zCa{&*k}c(iVljXk4#d!BR%SB;&MDH@S5IVBM3F5#32UtvVlFZ=BI2z?qSaND)b+ZAD4E z8f| zr!;;9fEMaHPnvaSqhI~HOnz%PUn%V;l@#T_t;h)b-XV^()g6&5H_mN%**-`y3)T2@ z0>E-~K{~8^YUrO3;%IGJL%E8G{?4Ds^0mllyiN&*X1_}9m2Qx&af9b|?PtCCe4GcC z#aGbOD;U}&@~q1z_q60O;Z)|r1w~bFD-{_a`+YVEsHmdl&re<}ULCCv1i@G4^8>%_ zWa8@$xRU*w^sYu@G@5%!rgvC{73l>L`is`s-*%Hf#7JqsoI0vDIw>ByECt|@?HhgI z8KJ=`uREimlQszIV0EP|e*-u&;aQkoqKJc?Ctr{N2pfaI$ySQ^_pRlr*rp7uBm#tG z9b>ZXg%?fFH*N3pYR!5*{EzduZsD`%Y~2daE3Ni_3oXpc><`b_U#G5etPWCLz<<9>4Jo;sHUAN4$ zvx*YSHl!B$->UJe1)h0-D+a>}IpLSx+z`$wMCZu;>~-B-6KkYz*5}9`s?C#j+Z;ae`7DfI@cD^}nPU^q zp!|O+0%*}wcE#2oY#HZ1A74K~Q5g(F+H#gYcDZ+Yexrv;GiaFAe#&GzU$_cwQI!Dy zKWx48TO@GzKU}-DyV;v}Oo*(W%VQ`)IIWI!A zKgi5_2%LuGU4*p{)Bhr;$tgZ6V0$|U+1kHodJKC#WciLyNNW;JbYgAXd5`5$nhW{f zp2n3SV~cTp6LvAG=gVpOAU)O7tFdOZ%b74vWE;;E6?FqUuc>DS zG2D>)mi&{9yrrylT~PZV2;q$)US?;8RwtU6Mfx9)lZ*1J^`v@|*QH#*4j?s#Uvf0* zL|ChTqoZ~Ey`X-i$@8ZsCtXN4c%khGr{nD}Yl?_9J~Qx^<0*91hrS00p3zxC@nz_G zz_>}KIC*)|rg(DKyEg;nG&mtzz`S;ycC6GH54nRM#te{5+m$gCe)$u@M3V?g(bsBQ ztXPP;1`?jS1b%#dk#`DwoBzil8iG#WAWLCKX19j@3lpr8@9Cc(Ps(rosKBJaTbIH+2G9Z_0mti6WvsN4`vZCyEOBhg?`} zq1w57#p#e&>@nb+w6pV6y@64M7I{h9kQ1Abg)`;;K>I;)wsh?2_2>!%?beJSoEM`;38746>0Rw*6x2scyAbH!n^tOaHL}YT7?#-@&XUtl_WN zFVvfHHHUuc`R=;DL2d+=|2XB_Ot|bK^#0hoN%94yx>Gg`gyB{ z8hX(}`|BoV#cn@XW5`1`s^frzaGk{xlh=oo4|(Z;&Gz|r7UvrlIEd#|T<05e2XRPD zadtJkfCeyiBXvL-zvj{QBKX$giDUdG!bGuJS=|jC&b$Prwrmyrl9^VE?rK40{!5?oG0yj z)Rg{gYN;IKN#%+Ay`+cW>z%KUm~H{)B%#;cR7-~(T2j{AbEc#<*p&e;2swa+XDAOo zZyNqd6w4zBbJgrLdkXNY*<|DO8${W^5^0AOE%W2g;z1hupQM%Tp+%B)3z}c>&4RQv z7Y@uu%CxE&+$=L1pXSjw}${>IFv)#wG(X&-*oeq9#OxR z*DZ(P6nkZ&W9>%(3U_}mM~qH*hA5IlP-kFTGqbd;BYE0f6v&fnt+IQ&b{^J5O%n|Y zp&Qm}syeu}+Wc;lKdvvM9Rgy5yS#DBphdZI6j~Ix8_tr4OL1)GX>xE*1Z6T)HC_ydGMoU4(esTXtO`L*1Wk%FCT} z#43lxsB=#q zUB8*77_9+5M`4W{pbnquDOp z2j9`n@NKz03%j@;>HEBc^lz@~>T4rF6yYobvYB$gZ>iSu3+2XyIf(^IDvjmWis6Dr zJp7Nj_r>`=4VCnYYT?R$5kuw)-Y?U2Yg-9#lQ2#FKN)FzxA@w?UGLUf(C=vi-n}uM z4}_3z?r)JvK*gAf%k|O8$6A_9mzD-gywPx(>^nOf9N!F#mA ziNEG$qu8F3wc^v^&gk-fUHoa})J(wDWlf?`$ir#X#hKGOjIHv$qn9&<3F6`^nN~%F zB?DtYB-9PG^?8a9i|MN+K!J;8G{G;(SHOxc4U3_gVw7p<91LKoWGa=z0W2v6gu{p|40c}`it-}8)e$)1kWNodSf!*^gJNuf6}*546<|jFVrB? zp69kIi9Y2kNXkO0s7{u^h;m0MjjJ7P$un5!wa0&7&6bXlcfw$Jz!!PEV+4&AIe-RWkh%#4|UKTVm;a@taFuw(u;f;+P@nF|t~`WKWfu6P78JL}H#lp%a&`+u5v@v!KhjRBa{Q*VTiulv-X05lSA(zOJ6_o6!f~U zl&A7+bC6kgG8^G}OIny%^TV>;h?dXyKAyT zG7&N5GvV6xR&o0>_B|lUQ#}6@bBl1;z+z=d8#Ag%F_bv4`S|VDjD}-n8vD;ERV9{N z`@~!XJg3f(x;6X>5%!fzjo^5*^?UQ7{oJNn{#kIclN#X1s+7q$I|@2 z@u#7m%1y%XISwsp0{3L?o^lWB$i5F+MwZXZ0Fv8N zV?sh9Fl6FJ|6)?tKHI9(?E|@uancot#nj?#89G0|qkBpS9q-boyD4RpvAzYB$P*xz z!trlB^^x#m77V?3x;`e124%Y(x@;MR;(+47fMz3chaWP^a2F`Ks?+q92Q=mEDg!lJT@;s@sMV~K8Ak!igL!^Cgclf&8J}s%h zfCX539;aan-y~*Mu^6?)HgjGHA5nqBc1xF9@yOF zdIjq_jnjuJz@C;qPUfGbN6B-1V>qFfHG#|PXZPodGx9cmaTJNl>00ou4sur=ho;1z zhohA?FEB0j!Ew~k1qCenp|_}Ri~|Ez{5YscdJ`F((1-?--!iuvI|ks-S!mi{6$0?! zYB_?0CzpOdGFKJ3(|H)a+V7)GD7H;-PVs3vI6jE}nVUN;? z6Ch)?x@cz~i?6=*yG4$XR@8_zy6LT&)*E(Hyq4YhmQC#0(SnGGQN<&&7@);>a7)+o zddGbyxlM1NWb6r&=-Y)-MmOZeWS+GRs0r0d_%SdI=gUOB`|J0=R~2;PyLBaXt{cDjpfX8Dg;u&@ZscbpZk{c~o8;GS<|N{~N6eF@ zs*)G|v5?4m$dqvW9L&_LQ+bomtIh!gA zR-;H&8xp!gMidKx^mQv#LHJ>fuR{lF_|yk&k!w|Nogb1{jW+wsQT1-U?6qF!f7QuiI zFI*%p$kedwlZ^+E6=>G7maNDoJ}n_H)B=xvd+JvgKCfL@|Ax%(o;Z9Td}}wntFKPC=baE~3BX=Ltymssq_F-0n3 z(H@L(mZr0>Ygu4#-L?EXRTP_7+P&-a75pK2hqeQ^9*6Y%zh zbmHKTve^|M&JY6~i#mJ7Jz=nJ%VgSddTYWio>(q` zSe|*ukliw(pro;s^o*`796hgichDTTRb<%VyIcoKFFFbNF81%q>Xda!DD1&I$2e)Uh9n${&I>T zX(}b5CCC%3))vJP=+(fYY7X&-ykQazGc{t!vM$VdyUVN?=) zPBGO3CW_Vh2y85oHxc)z;cbpA7Z-qbg!6Q|ugvv+KyKvJ@Q8DB%=hHkr$@mHs(VbP z01y|#xUVvg2C|6gTYX_)dx;xpIO7&eS)V#UxEUyUZK5~5Ak#X46N|@N66l_6&Y3RLHHciQ%WBHT$oMN(3Tdu^$6dzI_V`ZhE(0 z8E7?SROgwpVZK<;%j!mE6`JRk8W|G`hh-qWNRU>$Y^W4)0cN;&42jp68U`i%vS$+& z(c!p77U4#c-5rF`p?l6ZccC*~q>{)qg@}I87|0G(%Tvt?yf%5B+sr+5J>N2h<|kY- z>c8sqp8ApwrKY|H+sRkVjZUq8&y`=B9z+{3vp#IgjSGtf3J63hOJ<&P50S|ZH@0w7 zMb4KOGofCSOQ>UELH9lg<1`h{7ALD8v(<8%UVPyf-h-79^X1IeV8;8|LJS2opNt$h zmABMxcPf?2i|8he=cOjRX=yM^OR)V`4j_v`x>bH|_g!Wkf%TXh0%l?b47~)VXV6G* zj5bXFS}Vl3S$V=faTLV7llI6ugv5*s)7ge)93En_SsraUyZ=U6N`OBZ3UZs#xo~Ti zN1j3F^^aT(3RpBpbh#FpAX~C&r4wb_wQboV)3P9ZhxFTcNAxco_Tn6sLYiG);?2Fet#t9RXdcYaWA$?raz z2pOyz%QF5bphSk!JZd5ZJqku;h~-92E7qaoD5M=H#NULfaa95#%!!7uoDx*co76`$g0EyE)}C$uZl+Lo930;QypyJ@ zD0NxQvn8p3+n6lmp0(FV6cdu{ zNu-sk_2v5-*8<6dZM~U$_DM3)L;XxI8u`kuKd}^;I?e(DL`{vaND_j0GJH(Oclq#U z_hYWknb{l8S={dXADWzzmHW$o;z!W-O&Rts_oNW-eS}?8=yMTQVC&KHrv-6e@k3v@ zU$*?YT182T=JDEHUAk^taiVAi-mdg21G~qVuF5|fZAJD|DJnwCn-0qHRiG|7RuF3*!fQ(p?2CIHy&>+XAXVzT7 zw5$-yWOHp<6aeff@J#zR<)o-?Ly49PPjIaB&&d{4JbaXx)PAPUVT?MKDs|bSt_NV@lp)qfA&8=Y zy}HlDus=G}tKB?cDb2eQ7x3s?1P!sSGK>hoSOI@bxrq;FA9*;xulUJP=XR64ZQHpI zR8dU}ND-2JDHWN3R9T%K4@@l0i5nDGEt$PckIgU-Ao>wpfgw20+ShCVYmUL2hHIi3 z6=-rg_rR!s>*T#U>9WOg8#d{FI~Zq<3XV9sjHAvj_3xMtYLi`EGO#%034>ksT<0&b zDBPfaqp;ou7pd#$!k``%e!-wpC66JMkS)D#sYGH%eS}e#=4OR!Omkw$6zDPrz_dh0 zJ%$0oe}lP0rMAodPYZzb{Ud4nTVrh(2M3zE`mC4l!3u0{>z1oql6Pcc!HUWW*Cyrd zhJXAz>ZQt2`4GEw4E27f-_m}5;Z|} zF?b*^U!D!eE?KI@xBDCb@T6vkA2OTwgO0`0**x+i*E#)vURpzX%mdTpRuf7-1P1uq z-YTRQ{7!jLKr8e3D%2DQ>zJAcW8p|r*w{9&vddT$L74;M5BTfa=FZcj##}phuU@d} z(fLDOaxt~K&_?}Y$T0G}fe;GDfhkO(kJEc{3a6~7GDaS&wNr{26rnxI3j%RaGo*<4 zzjxN}mD#^mKuDr|7%F6gr_EaS45*q>#uS70NlBjfEGS`8Ns@t-=yMf4)Iv!a{1`K1 z_VNfX)*hi-?J^%9QIx*@S#LA05RdmuzQaRPAE8LxI&8_B%eu6mL0@8_)SCHE6hoszW>K+`73`qrBVhJP?U%w{(`N`>y`L!-5O#9^ z0%=r=<3`Z)7&{n=zeV1vsYVH5A(cl-@RJFO^0qXI>RAQPg4oh%1J4ZLahX``HR;X4 z$rv}+*JT#P73p(|HJ%a&HMRE;GwS|v2lI=Odhq~dSXjV2-tHV6ol}!jllirytGW9- z?*`_>5w)&ddi~*OiDz0 zP(W#BXxr_@XF|a_#Ret^M{wJVQ^pyOvdqD1V}WL2PnnZ+<_CP(y<#aXW`7fNIqEpW?N?Wc3P@I7)LPmb&Li0y;#Ia#s@LRM zzV1ULv%SyS27Vg@ALX5b!5&V^l;x_$K$l9)*nfoYM$IOGTthtiRs*!w$$^An%21lr zYl|d5@ki*S)$TJK-L53;6hUWes9=&~JY#94n~4R#Yx5v(7y2c}Z%^rO0)s*)%d5G@ zK^W8h<7-p{LbY0}CVHv(2`uCz3s}nc>N(+z8H%k&xX>hu(ToE0Bq$C(Fd+*uB~)d* z#Xy!iNI5xx+TRTOYN)I9!{AsdAL<#X_DhOFDIeOuv+k6jq1M7UjMM3Y8VBL+jVg+h zH^R4VfosYS?h;O)w;A94yn`;N?SVUSr#?7rMqRpBka!e;UQ2p-g;g#|Ci|_?v`d2a z!M&)OyGY(LdH&BZjXA0LQH_?nWwSO)zr5#5DFuQxC3DZo5>m995$mNYrD zmlOBxe#mwnOOX9Mo^(&lOUUPRJHU83|H8F$ia)$WU%fFaZ5k$;3VrG~hl(t>xU;ix z0on%IJfEKaNTVyKpkz8?u~jk`+k7qKi?vZ_{M6f5&~z~6MC6<*P7(<8*=`ikFf}}~ ztDpbB1VurVNrP6++IdahFrl+7DI;E?LS$aDs!A`PdX$jrHEJL0NS}HRoNpBglsgJ4 z>H$J_Z}{9D4}{nA3>zcAG*dO9^NN^Dmr5~ebfF@7_e^T*uy#XZ@p?=);-J$UmNc@V zDmIP5P{;Lv`TXy2i<0g-8sxfTNLa6T3t9g5>zCGH4S6|>fOegtGz6+x7WGmYomW8O zCME{F9tHP|tcd^XL2fQqTlZbWZMX09eSo-a!F#|%*B#+w&%+12pZ?qa#nTGo2dp1v zQx{2STUn*|(O2R@;7g&RXzhk8Uz+T*4^ITvlN|Wxdi&q^bh&5o`)H~IGdw2PZ49jE;x*bwBb1Byx$>KtuP)o}#W`wRp4)aY9 z&rM{z( z27%(LlG9~p<_AYSl&B`H8mfnQt8UNmJo19cJwB0Wt>R^Vqf=kDc7VB^ygWaIaOG}* zgiJOBoS#JwzGeUQ1FO%IWHmWY?5W1y`_6FxNB-5^T4VfYGcyxH9Iwsge zXu*~5!S(1u*0NYy`4(GU-5l9w0G=rlr3|X!M^Hu|0FsvKm+BH24?#FPj$yh~4jt0Z z8HKjkZ!v!S^N=s(-W%Ctm#zSYSq>jK{-}KHg2F>ugNo7Ff8k@$-m-(t>Qa2P&Rv` zO*nR57MN`KNjItHN`0)kmP7oeC#C~mCUZ+_C20f zN@s9+-A@+X0+3~>5?z^`1Lh1H3rH8Uh{rUPX);2+wdW0@w550>G$NDI5&X6%ltFzDxf7@V7YNDa?RP8tJ~Yk!}%4;<{CXq3RzI z@0Ba@$R|4Ol^KsM@V+Zx+$G)Re0QBn)xo$@PLJdLLp8$O0h*~r!Qs!U%cRoYG;`_o zrJ_{Q)RFIjSDZ$+YninorTYOa{3O)}KU$KWgML6ekv?-F96$Qk_H7+S4i&Z7h2aXl z+SHMJOE03(IPsESiw~)0)6888Up9*_Zn4K6!UYEp?rRVBMV~V`CNr5jQ_PbSZ9DI( zW-nf=O}b=!ktX$+Q)3>0^gBLJhquSz`nbpKoB89kPfQ|A zaS}|^L3TcjAWEQol-91aK1eV^W-u9g*vMFj6`lqAE>Un0nkR2cQ^mV`KEx_ZXpJp= zpEoMW8cakm!BpFE7Qv^>EvmB-Ba^FC7FCe+&IATDq~BO9Dra~jb~nFLy3~mnRH|c$ z87%;UsnGav5|$)}=>sbD?2G3RRR~N)CxX1(qvOhHDoALwVVb`gDsAbgX0VJn8gQ=E z=@dm}W-jRH77cX26&lk115M&SZ?X+0_hc;F&il)oI2qxXv8 z&l1TAc1JBi{nW-m3A8<0e(mgA!I3}zP62E^^hpO^?`ievuKX+r=9)k2$h$J};R}GA zfcAk<6sg0#z4(ZTdcHDD5!FPU0^&GD#VI7%ymB$7glAuRa|av6Ldo%-9zEsA&2}VF zY&0P%1^D4V~aUhn`JJes|YxTk~oN5V4O@c^{w00H$jE3_;jNM2@dH_ zIeR|OO^kLsH&=&Ij*|rB(9^v>K}9if*N4aV*rC0FOemu6yObe6Gbx|LIshp)uCXu9 zI6P}Ok+Q>*HU#Xgell(xaq^YDn7(PqV)di4#ouwU(VU)S4bT4REdRNtb+hB@3(=U2 zoq?@DoY;Z@IXVgBK@I~AreHf@FQttCQz^Y$p%jc~ngK+H+9*df@hU0dpsn&!)W{(X zC4?FM;CF^WhL_3?S-1{-V%fkPtXPq-iF;rZE811885kK@wkAaq!Z>F~^PVKQbGHZg+lo6FoR`>W4sNGwd6kJ*chzoP$0uORGlHfs{l1Sm ztMU2LbUyv?i@N@7T>AOh&*R_FF`yOzF_yem+AC!hR7t948h->|HV`vPH^x_bLNBI} z5)Qp*st_rP&xzLG-0LC(V4LB*WEsBy2oR6q}YX4r%WWi9wLEo>3k**7||Xg zGtg*8UXWEm4ylqJ*zt|z!eM4%GjpUk3M2(_l#_ zHN;M41r#Z42-c}aVe%B1$Fx^7{fNgi45t2l`A; z@^cp<2vUzew-S_GJiE8ai$1j8_t7TQhGceKxMDK@_H92#pIu5Iz-p`S(;Ds2t}F5~dq znkqn$3K3mQh|7=m1jcz~p2Vw2N1Cj9oIEz1A3 zw+f+;LVEjQ0Me}~>ee&%tEY5z*yP!RBzu-z&`7Bvd?xQH&7tsA5}xCHPBWe*ezn7t zZhh*$3PmU(q7{Ean0tBHENHLQ^0GwTJhgHenz=C2u;nvwZ+K|UL(FjYZ8{WKHpAvj z9~`avCjmOaoR3`}?kph1tQuDtqao!UR=^tk;A(X-`}DTALOzwb0kZTaS@Pf<7-d5h z9%6D^NA`^=egDw@&%6NPm$kRd4WHkPi61XM(j56yZ`+6}gMSX5DJq1VI_U0~>qIAj z)ckNS(dNkWzm|e%N>2kop!(;o_VwyDqf`U;;rm!sx64>JvpdGn=EcMnUXH1SM?7Uh zp&VQV1sHT7jWUsqwmI@b@M3AP#g`husD~iz`k})8UrCkJC~u;@uR?}k9v_ba#o0bu zBkTk_k~;UXPPDF{KxRM$o`c4E{&WBk!$KqlcxK?F``ZBnog)bd<>ETP>VKN{)NPgG za}%=l-J7k!twkby<9|o3%Vh^Ud(%dbbDF}NTKp2Qwuu- zpo-w+16dgV?CAmvR%$9NYu&_X^(Up3wM%L8*wFM;ltpCc$-N8lXr(Z2cyoK(yeh%+ zf(d&^HUa_pPV(t4iT!|uno=Jis_+U64stV z613-nk?#ceQ!9~21lZ|AVIDN!>}Kan7rv0bV6X*xO=5sKWbtbTsHozeh9sy|(rZvG zS%vBug6$)YWg#Y$=rK>6Z0T27@8c{1hz!QWkZot(cg8~B3C_D=P|>`kFTb<$LUONI zi+M=m*(OpW!NmD~(h98uxz`;gb&y6uOwP$-C&(y3_#@>zh;H0Jqh?04or2s)E$X?Vp0H9 zH)z)Ck@xq+xMETIdv)f-VYEE(>FpgB&WL1H+7jYvSwWPtSI1jE@6c7pi|JT$$S_oN zh7hS;U1bt^3;F-SjJjbmQP-hs;p1q4h+qs2R(QBhtISU+dK>vWE7+;uL@!Hfm_G@V zMv=S!LUOmU8MCfKX@0-&^BF9JzqWDKeb2Ao2InwXTS(FrBlE}b@4ivR!|6F$ zgFAwj0*9`m)%{E~_u98%cjZ)vD7E`(C_>L+l*E`#t!j|>%2uNlnSsYTpNTIBuff)K zYumvMvHPv_Q))z`v9EfpdVPkI8n{SxRdbX#D2X;%(FHyyCN|#SO!P_DT$|p1skKg# zl#g6M=on79IJar(ko~Y0hz4UDS?i{UnI;HFl)uL6&d$T}zimXn>k|<_|1a0xBYxlJ zKf~27(4H*~Tcu`Z9x5u>CB3z>c~N|DWT2?ZlvPmF3)Dla#olllCWC>rv4tkcJjWti z>u=HEWvf-~QbNfB1*+0bxHMXrk@0I--h{hK(;-dv(UNs2unZvQ4IRHa@g=7j9}~a% zwbK;YUFLrp5!F$RkR>|t+(aP9!uazu?T*EGV zA4AAvWamcSN_yK-C0Dc6C11>P&NBJ=z-e2upcqPd%Tpy6-HEX4Us)9dS3?3`sr>4; zm!K~BVCNXQEow1foy8>4i^f>Q1`E?ZBwVXTbpK(^^-l7Xg_ij|fcq!8?CsSrcTweS z_p%dVR5$Eh01BOKroYeu*oz8{6ppKT=s;dmy4S^8e9^JxeNg&74KTBO&(kQxL03lJ zA;WDFB@{?KuAU0!j=IamFDbL4U}piR>C~2gyyA*Li5W&<~6|O69T~bi@ z99vWTcRnoZwe&#HY*&o0SMK7=rJd*KO`Fqe8;lXdc&?rT{Xpboxk6km-%&XkuG?~v z@FhI2CBN3oBu)?1`~QwV5wyI`)}A$Y*~7K^SmCWW)L?m!m) z(TDzp0v2Hp{YBTpL}wX)mkhB&nXcN|#_KN65Vh2zG1=ZD5joJMF~2rN&8z%(+)#K}l5E2R!KZ1{vG43apKOA@bHN%KD3PZA_ ziX^IgPIhiO!bi(K8>)V`|L;-KcuKcd=H$Tcr>(<(#iF@OIx2Vb%>AH31j+k`=OCSL z(qSEj5}}+RWCYbxH=%osu=B&T{YEbCm$*f)MoyO-3Rd0M3eI_#LPJ=t#%!926){V- zlX?<;2I`qFA~BO;<5V>M3sH?BMuJ7uzclijJA)5DlaObvbLMK_zAJZ+ZY|#2_3)5e zwWOmeRiD@-*9zA}C2KV^Iy`;k`&PWq)uk7+Sk5&w73R* z%h<)d^~3C^?XRge5p-2y4H+eX)UWkR~|*zHG*z z^;V%Wjof)s+uReFL4dbrBSP$?^4_>k|sAYse)#55{*|tjx;0GJCoPi9LJqH9Zt33 zhu5q9an@mL>jKZV&UM!T zJyl<$G+KAti>De-&H970qLg`+0*iggo{>rd!+a?vs&gl!FqiAMA*)+v+eHUuxV!GgspkF5HQi^s)_)vUN>moQD7l3V z=FWvy6J%wjD^?Sp`Y!|!zL!yim-nE0?yWmMsl*W3H5N&lvCwM8)u z{m8bL;m@MFuYJ>snwmX^g2h5YA|n`y{8h~=v|0>t*~0<(e!6aO zy)i7p{mv5{|Kp*$gB8-D7FCYj)bhb&(2yCqL4nIJ(@7Zp0I@lZ!i#bf({l0#cT$GQ zKI@q3YNxbt`@be0$3nU)F1=FXrR*rAQN0Vi)8n)5KG%EkHPTyM?YBCcWUBIx*WcP? zbHf{5=}i(UN|4^EpF}MIV1kO$(&@s_lRhxI%B&yLqyaHKbByndR10Tw%j@;0+Pux# zb2KO=sV4JN65Vjp(k5;Ae55KA!r$e+?L%s_U`RKGc<@#6+`<|FZ1|I=Vy+S`m>_0O zILilDa>hBA+mn{Q2%(2rkPeJsZk)FNe@2#q1QWHT$hjXt2i1n3e9}lmgl{wYmlq#9 zzEImvSLo8uFE?YJ^}I3_6-N&{?u0|}4iW2*agD1V-S(~-m#1eN!yBq`IGt|qac>M^ zGXTW@(*kr%*S4CSz5u)Qmk<{B0yora9fYXdIiyyEko*UYN37hy{&SupDYDi*9kVZS z4h&wg%JV5jh8X4GKa03Gb3;;fqtsW zIo4{Ee_U-6XyIvXv6=~ubDOxiMf)K^Sl; z5Z

sv|`u6ScSeShCod1#va_WV=0TN@bKskTo>%N%9z~BX!)L`V#gJM2H)gy<>0) z#G^Uqa9PFRNYHKd#%>^?HoN0~8Q|z?lw`rM;VHe1!N;bP| z3|m;0nUvQuQ)!IZX}2hudxAkujdqf-gR~8pEb^JD!lNT$=<{JWK=sWvHVjOnsC@$F zp*t`qtUGnVvUOh`W^es@F}o*C`-3J*-O@rP`lgh03@!F6BSxFI(o09P?{-uj0NaHF z?O~RKWo^^J+neG*dZs-i6LPGDZ(Tp75lqxOm%#9md8nw#>89-w#z0VEZq(!C=`D6J z3w1QXa1BC21)nCEP}dt{@%@o$B|OJpYBGnfy!hk^{zz69xu296DOq&@vFenjFz2K% zNao^8T5Ck?;qwfK(c;~hmLmxEu7VqaB`Flw&LrTQn*082!!7(LRMv77Yv8EVn1j>B zlNnLl`;YHS)dwbo&+D#$DRr3_$2@rf23@86Nq|8>&Q!Gz8KbFC_Hqku1t&_Xp(fX6 zy98}=2^whG9djH65?m}lVXVs)Aj}}N9*EYvhY18)`)o! z1Wn`&2HvuUZaXH+Y7PnK-RP)f^pO1fZ{Z6nCi~0SZ5BS~Y6QaPSV8^}hYdrBaGre#{A%Wu2>`N(%JRxh& z|Hsxhh1V5!>#o>roW@CGtk{ihn~jae=8A3GMq}G(Y_qX>vj4O9dCtYYna`Z}-yGi< zuZBq4o@=;R^ylblHob7lzVBozaxQ>&Pz zacMB2@@(x^c-H58P+{tJ60KA#lbhGWUtD8B72^r8RD%LR6BH^;fdJ`*3CBaqlq7T_8PRLK)EX^^A(FC%$c=G!)TzA1(K(e$OV7@dMuY@00C?8CnK4%0IslA6yAw0QFW-cG`&~{FygCtS^eW97IIb@C_VEvP z373wjft?=L=x4tJR*0Pq`>y%2wWsz{U+ph4GmWN4RausByxL;4E*0tL_+Xgbj=n`1jV*OES9!_1H zYV`GZS{zVuNHYpw5>Z`nJF2?ey#P#LUxEQPJ>SHaH)|hC%|6fJ~xd z%Yd(7oFI*&JX{*QVa0980{8?|&Kcub#QuqY=w>JyQ@Rj2zG*HQ@8eGXmLTgo_#S_( zNac~&8`M7kkMF%K`^KdzMgigZuS5eJ0%Vu&LWl|-WW}(E`Fr4gS($=$tgp|+9=MC< zXcN+H^ebi~`Q`Ou5&|1c7}!FFERy{UhQqR{OB~qd?T~qFEMH3?<&m;i6XU&fwV%CZ zgL?LiBE^!5o@5h|rHt9=tTuU2?sN!=JSh4Cd2FNA0Hm)hNLk6@^PCu25h_KadqhB{ zwV~B~#^t$AqTm+g)~cv$Z|@SqZNi%m@{>$#YcaLxi9I zd~;}kKQprS)QL*q2VL6xE#rnv%xMwnaMaa#9oYfa^k{+5pkby&c<9D{pB$QU-|Ndy zNSyh%F3-7KA|;cO$D`vFr}9fXRGaiiRT~EnO4UR{dQ;d+q9!xJ;ocZnVEa6bdA4&e z+QV9O4BH7Yn7|e?;AwYG1`$E%>gGH*P|Qa_lI)2S%PiLKitVO{BZ~Sz=PRg*jj-z; zC*okuJpC^BbWK_3VvfM=-jXunW(M0txvEj%`w&&Hi?UH~L_4FN;AR|EAv6)%DCmut2d-ah=_y*q#7xkhaUgDJ8H_>sHKBD0tUQp90sc=DYcSO^r3O$fT%_MQ)*3Jb^|2T~bm_|jgKvy0DQAN^Kh0iQ+^9fB$>Qv3r&5^paZyJxxWLIfW zAsc*(QIQ785Ih!T%Kj?!HFp*;chcM-cGO2w%&WIDE*#!|G4-o*iZ3>B%WIJ8z14`> z6g;>#>X`M6shh@dCX?#VgIVS47wZz*DylsGSTXjxGYrt{y8ZBM@qA1jmK$Ze&l6Bw z9p2r*gz(C-s7@<_#!11l=|;kNe0!ZTWHl_bGS8fw$vochWuf?P7Q^4OcUe4;f99d{HN`MR9zPLwdOkwlioWz4eupxx z$VhUFyC;N|z+TG}>u)@|^!enk&hdr@xLxn!s=e`@S&_}e?pSGS(@HvADMG%Ni;>-k zTt3oQS7%?hZWvshxG~y!LYk@~RrgmLzqIK0pRUuY?j5uCx|cl4F=-bY!|`SZp3OQq z%I5_-X=?rvpA56QV>xHH(9_fBF{fW4Z5&haL2^u^E*A06Kpp@NZ$k-%Csr>)V#)#s zF_dM#9-m(;m0P}Etok$}U>=DK>)eQHrsgjW1|#TQctRk>Vv;HTR#hw3AzU#<<7oQR zi&2{VE^2f`?iIE0q9_U4@0%+U@0ro z7y^@Fh~vbz!y`!Pky>-_bOE)OVv%ou#!cvD(${0F*b1-HB_xxIn4z1;u%HQf7Vm(I z2K+~sY5qDqL>(&1t1f|V8AmBYM$OwxnE3z&c-4@Hr!1f2xL}>eTO2246Al9d*KK!W zhfhPJQC_#bul$}LPrzM2!Qy-Yy_5Bpv3agohE;-U6KLFNw12cg>#>{QY%$~4^+Jt0 zvX%ZL?09-G1BjBj)R=!_W2kzqpRp7rB547+fj?$)lT-vGZ7HKHvuPxnuS*YU36K2v z5Xi(J5qAwXMqI63P4sAVdmWNS%^`}ERd??uz5@O#?u>ta>@eC75{lvBk!?YcMQl>n zI1D7=RSDMv0JRoNPYY(g5CFHEJG(l)p9gzwLtcYenAcbY!V<4}!~Ym`hdb8{h9+-l zn*uCS1)I}%o@}|7Op~L3-|;=XLIR^Up!t6CribU^2w6VDBUJx&epRI7Yh*A=(6aLP zU&k468YdAjQ+F#u$t?ni52k%&3?=^OBnicdsS@OEsJq>h@(D07e7CJ$kv1V>s@O92&|{@!R4o8-e^R0B`C+d$@HY+J-*&Ag)`)yP=jgEJg)*0|cbXJY5m&{4Qr zR|iH9%Gk8ul9saZaG{l!)*~S@zHEw9>3L@n1yRH=Lr~#$L3?O+rh)*R%BsjJu+7?dylosh>50=76(uZ3N^?TW;B?+{UJTmtGc zR*i-x$f<;|g70kwrbm^&!zjollako`B1d9MAcl+FYgmxcm7@BaCVSh5FKb`U)g3FC zufEj!4s+jSaz^?{Opub7yYDMTsYsnOKob8-Z|NI39jiu_-$rDzHN6|KSET4A=089H$!3 zLe8cRt*vJ6eLYC4k_k(cMbOJW@heS~O09@5pG#;;Y9ykqL6s`p2BT1us(daqajp{L zir9B@M;n)B0iKO{ZLI(H-nAc)V6j9pqQfynI`RfhWBOz+g2Ru)9K^9D7dHFobA|Qs zuty2-lVaR%4IQ;7mGK!E2_JWrx76_YoZouG`}w{SGiP>(blP@Qw_#`?{o( za8_%~Sn6%vtL2qybEt7K-|1wgV}v>9wXojZRH~-Iw9v7IV{N;{+X&{Fk%NZEHeX0< zl~*s3rL_BAmYBRh6--65!JQ}=LsGX4@QbyWO8{*A-_oQka~(rh96pYr-0?$50jG^Z zkC*8Bpu|Gk$zj8=Q}RIV5}YQ>g>#5OM9#N+%fNeF=~^{-fjP@hcumh>xls2O8X2LO3WfVMpl!Gw%62;an#6i;}t8 zjnC7KU+kwdPQ#HRzY2{1a^k|wj|fNx6Ko$(&*1Ff@sJJZkZB83{9ibIQF7_VNqOKU zgM}0j8sKSeOJ5GRJGYxs{qoXeTZRWFKfzcUvJjL|>{%)?h`i4yk@BZyOq#kZ+hvU;qQZcqbOAUdPG7 zVX8&=I0;BpY7bO>a$&;t?g*5h9WiD(MPoY^x3nsDh2e{~{liDFtJn2BkSc4=jMla_ zikhbPbkLlOiD6xXoQ03B?MSvuC-3(zp~)3)bpfE>teP5sY%iatfKi!N?uN$`cKo}kL(4Ff)y|H)Vcs5hs<39>@Z--2X zM)k|T2_DvA>NV)X({i1z(u}7NKy1+bESg3=$BxtBwMTm!PL8nTu#^pr=(zb*Fv7%O z6t$X5C^K)l`s|pjkLbtcG<@QjLl)AoUS9pEKxVdV6@h-qoGLbOO3`a!dV_Fh4 z$6NkBW)nTAktdf;!*L;7ele;npR*?hWlN^9x>zEIoCR;9PEVLy9^UM~So2aUN`o~v z!KrLe5P%1pa0qe-6*8u=S{jj%$>iTJSzT+!(@X>J4ec7WG&hs~2(k4kTK3K-+jDvU zJVMlGWcOtbYuAJnR_+&7Q^7F>)_{659SwYqmWHs?7R-F>_gzK`YvE;COOU zRg8Qtd)u{Ll9ICvgA}$anX`{UT==%^vPcty%h z@4~-ZWfW%rUrnkCE8Arr#Hb0|hI?)DKWkbhr`4FC4GA?88D5C2BMS0Qz$b7*>>#sQ z1M^(eFJ;HH#9Gy&S4+LMEe2u^(dlkA-~4fRwUvb$)1C`dYFpHb&ARu93V&5GuBtVI z2A8{tuupk}G6g3_YP463-tvU$j~YzJ#}$@0A~C2C8`vzBr>QAIe_QeKQ!%&3~67r?)OuEKXrIj@(>v+W^c!DEdfU}5K%qKrRLB7H)qDcXd9fBLR+YNR;yJA zBOC?NZtie>73a6^d^ z$8a!($ltPtcei-{yAF{+p1Tq(o`GC)fVWgAQbIvTNfeM{qz$nA82!D%h?@W)LKYGs zL`2EIKRm1x&E}_EG|AFc8Dh)SqHt5Whm`}zQs#fW*S1}5;Q{u)e}Az;(7Nt_J96>0 z`;pQZEk!Zel}>0z*h6=aSfS?EYasUjZm593uq#K=gWQDd)T_LLKseqk_H&x=t1V5T#k zq)sD=Ihj7yJHLojJV{l=(OlP=f{D2(Zltge70db|AM}NI>Vniz@Yi-ABj+$9L~;qH z97jaOflgSd?e1zM(8QJHqv!g1;b7lABxXZiiO{ghqJKhKL2F;ZA7#eT6@0w0{X>ix zsgy!>szDmq{!s$dpRmDv%r5XaxA}j=adIdF!*@d2ub$VSDc85I_vaD3o=wtIP>6Vg zfEL%D4|iBR7n7}zQ{d7e3E+a;-K7B&qDtglTwr=4r->9JvH<#9TGK^EKXP*t0d#TE z*e=4-*tY-xD!3!JFI9T6#0M>gU#DGd ztt5_J`&zFEJ8D(_-R})+*OoRJ$$`NGie_CY9kH!3mceDMWq)A&`aGCkB-Ly6pi72F zbn{wctCqf%;FMw_H$zzVsJ$wzn^irv3UFh0DS2oBeDVN6kQ6e?|KEH3zmGFiO zh4ZI8-2IG)Tk)+$IMfHBkP+@X1O>x471sYA;*`Ct{(Fie4f50VjPObACmLxuVj42y zm*+`swgWl}o1a!s^JvpV1r*MAllJQdC*^7P+gMHnox^ zKe2@@v`vh~I1A3$p?wctDzX$;=y*+z*SgZCPzcp%c0_}L)gu{dsc>du-gT2X!Sa}o zCS=UCfx>#Q&%~Gl5nrI+X@T6sb=zqlL1kYGmvE0*=}oIhOa}nFIqn7}s<2*~o<=66 zU53|a6RLhBS!vs4ZtqA5Z2bb2T298?O@D+fCUG(gSKRQ#4Z!!T;*q(2`Q}08hJ0Aq zsY#Ht$6=tEG!<^oUhNyXXBv=9Q?c!0 z5QyJ>KS!eXUFDPAUS)0jbll3iM5!9jRrh%UcBSCT^D?_5?4P-#+24u$mcbniNP4H> zFus)z_aGJ*m`pCw@7{=dT<-SmCFuJ=0iK@rrmwDgGrS^8mg{izF10#DCxp1EFZNd> zW92qb2M@TZe7Aq*qR<41Qj7f6z(6ji9<+n=|8oNV^QQAfhm%R)vG9qGb> zMCr!fWpgh*FY$R0(T;Hryj5euAq$rW1K}1SuQoA1UN38#Z-}nc1VTsc9SLk;)Oaff z#KQi}BF<||L46Gj=PE*$+D>WyZK7ikT+jCqc&FhElpqTKL4jDaQH?nismR8BO$#ls zq$xq)$t5eK%BP0+0M9a>|7#L_FV(QNGxAS3~M zk)WxNm?ZJ-)&?CKug_NtWW7!)xO?>+z3tHi*2T3+MAysfx22$nGiP*0MgqMq8Oc$P z6i8^W9yPQONn;OZrhGl5pb5NiFfK4<_+5|IqkXewBx0#Y346?D-Q*wkoF<%)y+$Fg z2p4?iv~F1^lYXWJ4XsETwadm0Zd3|aDfj9vEfTeHD@`~7t&`8H4{HwzQR= zO2hDVqS6%#ff-dZk4P{6t{=jFc(>8|P(Xra07&9HeK=_x(9`p)33?mc9HF0$) zk9d}U<$+29=wd7`l%q}N5tUUzt=&r+hM2+IMV8+JKe<(gQL!x0CBBL(iS+&}Y=6|8 zs%k`+^cD)!+p}nYfSy!XOWLDghsWuVAJrN&q_yigthMkQ3K-L!9L-m(YUFyR=bG&f z&QwHiM1jj)5DqgBoM=ZhEsuP+oBwn+x!CwhhG(VRoY}N~)y~iW6SrPh)H7W#OPeC6 zXKcFIWfuD}PQvn~)-S%#Tz`jOu)s=JNxpYNs5 zy~^ujS9%>FuIG=`muJjPt8i<&WrX;de>3tUiBp$9}2&uLnV z>L4r0M!-zALJA~)D5N?UHVV`U43J=oL4Fg2S&dZ8Z7vJ*Ej5hgJ z+bOf;>(qcfnXqyVk3|Fqz!PTD5%iD2c~Pml&I?B8u#jkC#+@=-R55xvSV{}Res*1T z85pS<1{%Sxlx5ZO8kJlnU~cluqAodZ8Vo1Z;vWI32g;d1T{9a6xDr1lx-Cc%t%kRY zgtv;Gx5W&O{rTSe4Mdgy(|N-cv7Wx*K!SSL{ypHix9U`?%^>)s4uMTIgw8VM+b9do zHg#g;VB%7>o=K!qifQ9ajtXtSR=~~#ApFspx@<>l_;GKCgR%F=@cWEYPNWiEMFFIt zj*f2cEkq3JzTrx~uz?3-A}t>^=*k~krR3mM`@=RM*hIf*7G)-}Y@X#K1YsY#5iUIzIlOlB|VC!G{>@?5Qu^ZjvH zQ*kRI*_a+M-C(B!g^J_YoSw9kSs4{pB4dP7SZgF3Wbfl_AtUzCym!1=x5B@J7P26< z6{>>VivVe^_K^Ju`9x$wL+e39`az5Nk8nfMTd@1VDuU));jA)x*C<}G$f#sbfmj)( z;rZ3&h;LxAhR^pfmnC(bPp8l|I;Z-IUGZBSA~U~Faoulw`6`p`zyR4DPh4G3r$4~} zZP&OG*H6fu*0zld@9blihU-OzIm5v_WE{}WnVjenkhE2B=BKQ-6$S8=l$FWaxKGK~ z!}y_mc1Gp+Q52L^Ln3tLcYG)pIU~1K*|<8)*3Ru0d2EJN(Ej^flK<;~hXV(kKs8#S zq%)PaZigKGO7}B2HTc`)e^@R#uR=UV$g&1;nKc(=St&T!{@i9eAY58zwwpA6j~u;& zp^W=n$%Z)UhBS#3r&^_G$D9B~oZwRRXKi}+8hKM3#YnKdaJ@GP=O0>}ZYP= zZqqhQ!IBz6`yu01M06p+rcSOTtyOKW zI9Y7_E{TgfB9oA7zyg|WVt#yOpJFXr@?6aRp>wK1LQL6gcjy^eia?HriYpxD5kpDB z2O;&Y%6Lm|Jzo8TX?bPprMK&D?-~4UIkNtb&enDg=eh1%NQ!UkP{MQ$1i;a62pLuI_8?(1_OPn-Ncnp z3mg*J4K;{FNfXRmdUd171T%3aKeN)Ad%kAfax5-H(z)dpvPe}z-#&-xSc`zea_ql& zf6gAPqBpk4{|A2(U)O1BX?<|}oi^6EF_Vu!hs5hl-SZ^}dP4Nj z&gbz^dlCW`&KEYZDRkRsA_HaYD8%yZhh(%V`#1Q;82H~=AGScN+~p+`_NDxf=kwNH zpXpc;oP7&XSlBlOC0GR+!QXYk2$?fM5WZ;7vfw&c-AeWl{oKZZZAK0iG<|hx->FAh z-HFJlr6zJas8aKF!eMiypXy)(Pf&{{zH8Xii$#^oeNhB|z&XHzv>!s-x>~V_$gPkP zpJq6pp9R1)H{{~b4i#bHP9glp$E{RkT-jH9YEQ4Takbmu3C$w@;xpw;ZnvbE{#iqa zQcsB23rCew!V*q2My!T$R1(r6PWx*c_vsRJpgOCDm9~&s*1&)_!I{VNljwSZC8UWR zUUzz;bSk2SAW>`@&cqq)RW`sU5`0R(xboaqQ0STW!*p1h>kks=}Jq2s4<+)9EGqEBUC3~tb%o+7ngfD!sgF6dAn zkKS^}Cx-9msjBgb7W1^iC5{FLgQypkgm&rHn=hyv(X^dnoJEf4>Xx zZIDg0w~x>44A?HJqsYB;I`B!IE!dWtC8IPN0xv%7;@g|O5NM%!P%*Oqc(Z0hu1MSREIWFyGOBm+qlSdKDw%`!vxoA7ret;dMdZ4wCj_0>Fv3W_TLc zM{qFh%?53EeFVm3JKs4$(}~bw%641#;AUu~kyGh{P+AcrLJmp6`QX6*B4)KlN!B^r z$J?z;<8HHLWSgt&t-_G?2&bO*wn%rEU(uc`pjV(#_b5{$RGp3N+QV`4`Qf_8`ptKp z?)6;T<$jAe8)WFe>y4Wew6%Xx<>atie1Arbce&27cBbOKZM&jZ92RUnqkd%;5ZWwy zJ7nvrXjEBtxd?Q**?y0!YH?1*_9g7H*R^Lps%ip%Fqajg3HLWZ?&+gDlK+Y-pKN9L zB{r9rs9Uxkgr;OsbiAJySHU%|8tl3$tqQtt6K@}n-p7LY$s?gYr=h#h(;oBHYi;_d z?4)!*0RaYUHrov@5nx``U4XfX%~z@`JFH1WjJyV$l;Do+DjF4Wub3&bWk*#3tLaxjVnbFS_*mSYxe#=%t(Na|AO5wFo6hg7Q%xP~arg9tA53recM98Lbj2szeI; z{IU5sx3}Gjdu{F#H1Z=9m}{QbqVU&@FK>&5AT_!WZZQ~t0GK5njF~URb7yFOm7O62 zB(@(M49&aK{@(M_YnHT;AH3@wm7T;{a47=I=LS=uWCxy?yomxoIH{!wm4t+c(&zx< zRjIBqrzJgONi1F z=bOnUnQnr*+6kQ&Ni9s9&e_c%t)bNzHk*rNNrl#{`#B|GOvvLy&P&0+tBX3b zf;#r1qH{HpJL^~+_JfTn&s;*jg3+s{b8_~c)hpG`@%KYeFiBLQ3El(;NeuSOV`CIu z&P2e-E^i)jB!9gt$;Ff%H&jJvk8-YwyLlMXLj=8d;~QnH7eQS>qs3mCHjdfzbS-GmXDd#iq+ zZneXs0k?d^Me1;S1P7s*Kj5)KDwu%-%-sWmIy>h+mi9ikRfO_6H{S_JhO(J@MxqWL zFSB>si3;`d&VGju$0!xt)O35nm8|rBC(ECj&h_g(g0`i6tll}aVMc4-p;;0#Zk1a4 zcjxSHIk>=DQMbdj`hV!*uW2gJW@lKj@D$~rlW}DI6S@SRBpJ9-2&d7DI`N6F37mUXVy#G@ zA*pi@;j9!KkLe$2l-9c6_1mh=$(O|vb1KI}fI*bq`T6!1t&+o52Rl)biBP0m4Ra(0 zwhM6Bza-4OJHm``61-G1;ZK?pZ43hSSj4{`R3s|+{Z_d-voiS1{Kl>nbcu1b@gj^P z2X|61I7Ex*CyuhP9}LgOpFD#xS(w_qV_b$E54$)KV**2`5fdcpw_`~MCYbX4gj|&3 zb2Y3)DTld2_YTl}f4s~8yj!kYj4tpC9z)f_0QJ6tVw+qf!ZJOt^nM6N=IQtr3JslH87PBg7bN;P8u{K*$8QCSkl!T=~0t<-P79(MFz!JY;l%-9E%E`WMG`0P4<2Z&!5 zI(^);pj_F}RKed$R)G7Whcji3%Dx88C){~I%9(PujvECHBb8gPVSe{;N!X007c)i4 z%Gw;h{2&GnevCf)Vl(O&Pdv$g{`(A*&!KEiSVLZhc4=@Sj62d|voa_@JR9BQ0Kw6u z|Cg@rzr=N2Y(Q0=;?!NXJWN9_tL-ZPQJ!Ugk)z&L#c~KOd_gcT&`1#=AX!Rgb^Acq z#V@>QES4mtzgUqtyx($jR8$n4@4g@*%h3iu?*-Xb;=r!Z^yj$kl!G#fv^H`-RxONe zJ3mLp130A!Mu`zV0%CID8SHZkJLsn5Ct{bbMn6&~+dat?FOEXwgk6ToTRsYfneF=X&!m9yl*wn1a>gw|XA z(RsHxg)(Jf|H-O$Tz!On#H&USEvJ;`V~U?@&9x2gTzwN<*Frpu>ou~pTe~aH90TD8 z+~?XwR`DQsi>*LGl)T7N36%hgrbT$K77zkPUsbZo(&VO@Ef@#;6O>6#=Z3jYI-p=( z4|ayqPRJ__o>BVV)Lb8Cj80r_xcb1z%3K{y+B6dp+Y8bC6{Ghrk8;rg9z1T)`o?E4cLO9}atSG$CIYmZR*ld!K< z#b)(P;3(rdBT^zy8ROjt}VfNmP1Zi3@h#8WT3W;E%ILcWdu|TJ?SU2lv(4|;po~;^f9lZV) z8JPXgGtDt58X)Qh=e^Jd0(`wyCMVer$LlSw&XL z>Bio7N+hXu7$=qK!cNa6PG~>W%QI7SOO>=Ho=Jrqj-nL{SH+2PolW7Waj*z24xOls z_dVZ};FZF4Wg6|Io!j@^!#0^EoRkoWgd7PP_&UyMq7jEVbZ>D@Db>Qbhu2x23jnJ3t(fD6)cPmicj)=vL#HfU| z0WE~~m-vP?VHbr8={WM%Xvi3j_;@XCjwx5 z^j4l})wvt;z$6-#;@$uNs#6j5*GMcBt@(k4xiOn(tT7x6+F(}|`qQpfyUasL%gZU< z#^Q?Yl**m8=JAf6J}#+7yS`Vxe=y0m8~rZaq1lx&f4xJZQa)Y7Fyno09{ z--b2DdPalOlg9g~B5D@#(oR-mATqaZ^da-CX;n$wiY@vb)klh3@rWh!-5r z;}STsP6VGgcwDG1Wkt^?2}Yp_mp8N8L~4(Kl3px07~PSgK7I9e@D0#2o+1y((xf`y z|7Tl=k6S(m?=m#A))lWu%}mkiPbkWCZEsN~ql)D$8mtOourE4t44!35<)@$%4hIb* ze9dMWJ?>>#W%BX59S6o|MT#}G*8#K^|CPJ%Y(%d2qwygvtPAb)&w8)BM!g`>}0SS z;8l}Yj1884*TcOO0|mc$xBnL8{`v7A#oHTpADKWIgxM}m#2Ov-EbaB42Kh;WzZsB; zD3Mc?wyG#DMq>1W1$UY-x%}1+t#L|jR;QOqltuHeJ^4}W31Bh zTvc0GmBC-pfc~3T5g1i0H^U#lhF}d1G(f*~s4jEi+!+fcz!C}4bOi||AbxOYi&+>D z4u3(;72hdAh$wDLWZ^om;2|V2I#Acbp(a_&Y_4kJ_UFqTxYa?1A_}C?5?YeN3`YL{ zpg9u9Q({_2U2EoWd!S=et65SXVG4}k!P#tex?~8c6<%wgTDFchox)7PN0^S9Bh+)* z2NM;C)=C*NEk|V``=Mo?O-4e)we3f&Alk)`hZVko+*B^0GYBhE`o!_ROxAMaQ$6M; zs>C&yp6mRQ?YiY1iSp9}0dUnI|ADl)_KTC#AW+JzVMe=^NKfYt15j%jef_cLo6WyA zncGUju?RhYi6~lby%(5kDnN(S3>o0&_5v{i)kD{?O*OWTNM<-uSqD*7(&Lmjt5t3X zB4n{m@7&zlo%VhEf-gVsKHnkfBe0>*8hl9wpjIj1gUc{sfp5Bt`ejmWy~bZ5dcN)( z0iEi3P5$`vpYtlv5$=|UKlQ3=_rGX8$iH6y8c}eb+#6SH>sE@4?*Pf`6FeDUz78sP6P|f+{agBbam$6@yNU z5Mh;gq7GQr>K8I5&t6L1*mDeZ~wTKmoqxW<7;qz_=5})k&R~YS0>8EFc__j z_j{jOhhrplbzLE8__B#%AZ!6nQl)F*7nb)%#fK0skxGr$bLJi}J8+VhVkY7K!rW$cIoZR9HQC4CJM(sZqf-pEH_ z4Ox+iJAV33IAVlf85}p5_?$#!1WMXlN)*6Ai2%t6r+P)WiCMJ6>n6uzjU(6I(T09+ z%B%(X>WmreaESYI3z-*BRRzV)DoZan28ul^3M;G%OAIkxR)`Y>xqslgrL1tB3P7>J zrmLi#7Znx_i&K+lSa|930}2621lc4RVBEQrTE-5Swn|p-+wYGGb(C}1`rhH$3kAZM zqUY7kK~U|%9PE=N;~6=|zq7G+Umtz-b0;}PBxBiVT3x}&P~&e2(>NqBV)@$8Jt?Pu zQ}WS)QJjPo8aS`i0{o&0*%}~^zWg#p&?*Asrwu>fW^;D8-j1gMfc71%IMvV!sqrQW zK4>RO(kN)UUSv{c?a})A1^unMhdtQ z3+l(e;jOznCJt&|2xo9*1&W?Wq(Y*ZV_+j8j+N?=z&%P4XdKuX z?HB1~ff?N>1`cW=%wu3Mt?8;W8TH-usz+ZAiZ2}=k8 zLTlIsx(+6FLr_baf?Q00=1bFD>8yvS{p|M@$fzdAsw+`qdcdj|DAAj8N&K{)iksg< zi9t{=k#oaf@l0IT$h-ziXs;uS`+^10ZTrqP z08O-(s=1?ocz%ygp)|{hk?HkjyB!38u)`sUQP2C!1^04;Z7+cdA1YWLH|`!hxL;l3pvsniRC)jTUz>T3q0HXqy#77U9?o#O^3 z0-QI68#+b1SgZ;n8oR=0RA0_3GAN%aK93l|0KRWT9~?R@1LzS^f$*(bM@4W?s4HKB zOUI<`0y+&1nkcSDMQ~N5PHf{j_5;eLtJ5cZyW4n0k{(uetT2;BO#DF1x5cd8ZiaQF_(ajAJ z6{5nkAbZQe4cLr0_```{hXRXAC2IRj3{wW>TZdNhzSU->f|C*Ofq*-2Rg9I5aZD>h zedd_h)MK`^4?`J^KgTJ)PIefxbH*p|78Lgl`$mBVq4j`5ga9<6=>N^zFoc>alJAjl zkeDgR72;v75!KEW|AfdsPqeXhG(cg2D~xGQIu8^iN$O3yX^5jl%9XK@3ao&=I&Qo3 zIM(J8s|weul}a^xku(t@;gGDuVl$dd3ju0rn6{P_)T^1F_cIZjax=kqrY6Q&pzQ>^ z*j7Q8v0{mrKtB?ZmzuXpwhvpoMHY+{63D@6m{3oc_4Rzmf8Ofpx@~4F*_T z!~GckWS|fl7Qf6hOqeZg1nn<}8X$;!{Wjvg30{c%o(Y;?y$2Hp7MFY@8xl*7BG3 zWiw~DluW2g!?z907=`s{haL&3YSxo?jgFMS{F)Pj{h>v#KhW4pEEKUiQ4N_AcQ~Qv zdHZv6sAXJi!b<6^JW>!*S^iY23?2IUX6A!D^jD$vQe*SIPRdN~#M1Y#R2~$`G&p0G zIesIxVQNh+OtdDsR2(#qN}}O}GcspoDm|GQOlHRl4lI|vTI&bl5vHHHIR0_oszx{t zj_gNE99Qr3Ir70H$X_94LUfprU4_J$4R6qY{Y4>AgKYMMag`NBl4|T0Nv{W5sAQu=2>VmZAu=|Q9@bO@k6(2CAz4XoT=b|Z2<3nx)N5yReDp}8Q&G#- zj-udwVkd3dE8C%t zLlnSG@_Ng!A?E_m8tsdOAd+d#u{q?giTFSM0Q`L4ecz>dyX9PvHZRbSctB)EuofRB zd6UNK)n#gsN%$FxGtdNXTx%ey2n&jy5hA=NNc*LKOFEV?WOq^hEMC+bDxNM8AT9cWQ2`dDG!tMJ*k znJZSp(tBu4ko|UGAqLorFbEO4Sc1D`=5oa{`!JP0o(bD42I&uf%Q2J_NY~GdlbT4} z0;xjV2hCIEAvSyI_1SM zuR9>}^iRIwIx@ousA8p);1*SoI%5~yEypTu?+jac}?3J0rjbL){BouzTiQ|D>L7;?YxqdoSqZs z_1-&BqNZOth#p#>>LV0UOmwb780J$pmZ)DRKSzN?cw7vOjaEcmH7dj|d!^FfBt)?Y z6X!Xg8IyIK9)~Iwk>1kpiR)0FfSu#dvk^H8695yeLKTVP_T_(7t+jy!?!dw$Ik)&d z?f}tjyhF(b?!(?&6W14efB(AN-(XF5$xQfB%4hE+kK_J8^#~FFf@)h4?JD52cQEFP zR)7Pf+)1uqy@w#{Pvo)pUg-u}Y6{R_Sd{7LfnHIZLfv^IpC9>l`(#XxtsKaM5pZ}B zqDDBse#~0>&gC^Uy?Iv?&yC!RD;^dlaV`XDytjx)_ZQEYG z-S_kSw(b4!d^!Jt>)6ig+;QxCe(Ilwd1yO^v6ASKU9h#^99`5%xn0haCr4z)iXB)2 z3yoK2O)Ltwv)Oh^pY?|G-$8Dd4vRtlhq1(AH9XK8Ou$+;6YbT0Zr>_{kkIiP#n^uU zBie|wlPZEH&jz*GkEfKZQz%k7g@XvnY;foR5S09p4JO57?yFAKUE~k*<>SkiQOx;z z-+U+Z#FvOvd1F~70}_905r)PjJiR6t9fb}sNKxFTLrP#qn*DSRlFqNyRzjjttEbr^ zCPOMEQ%m6}eWVH+6pf^rBO-!@Fb@%MC1JVR#|9525n@WL#+LUCt#M!ry>{WQzagFU zG5jrivw-@GeUhDbXLzN>!$WI{iI{PQbg1?7>^@lALq~p}l-T2%8gXaGmu5?QR&nqlK@~aHK4#OK`0({tR z*=zaPy$DBNggoNA_2Os)eJ~XXY~*Qf{l?i8TYzl?NU0}0bnpM|X7`%UY;U|>T0CyP zHC}Cga$TO#1f}@@0`fh@{9PzNZA8Z#wfGGUweIE?JQC3x&(qn|2i6Resa|iebo0CZ zM0WeZA3i&qRaA%9I-YL^!vuHv3F|YES%>ESlXpl|afqaFyX|IT$)coZSPtUeHoQxH?_p3cRi z2?m?d)0-neTue z=|8VLnSV;uspyEv-It|f*e%vXLZUx~J9p-BRBx~G2E zn7eIWKg-swQFdOTH{MKTpe!EuCg#raNok0=X3w_ENx4x(})J zf~7?^@#K~F&lf)&l35e(P|!UI;o_D`J;}YF@q!I?>4Df(NQX~pc6PdYzo*;X+u9GY5z9ako%$w|pSh78(o3*;@E&b#ofJw)G#!+b`>rreF1QF|$t` zSDo+7hS$ixH~$P@*<6Tx-cA%BZ)aw`-JVo{p`<3FH3PqOq!=q^PrOGWu;J{UUg0P1 zfY7Av-V;~x8oX~Tn0LVy3>9t_mSw#98u63`NooeoG!?R*!nk6i^cN_y0}>@9v@>Cw zPsdcKj#YnJ^KdMGSBBMYmx)P{!_F5iJ9$gfPyKS6KMwv)tm1KY1R13$CC(=g2+V%$ zQ;jet?Ukl%Kh|$7ws9=$praq0Wa#T&e<>6e;nwuD+n`tkxtlGX;p0Zkj@j>!U((?7 zqB=9L;G`6w?{-I8gFh`spKx~qUdjXyj>MMN_h32cN0Y;*1(_(jcphEkD%jk@=s|tP z9d^+DyOD)o&tquYAJk!c;b@HOSLNex1J^%f(pgv#!FmGa6F zyX4n&$u_eorOr=@Ty^>%95j%S*gLrrJmKTe7ZEefdQk-(@ej-QaX;o2vNG#%)Z^=a ztnfw7&v`Eo?|T6n45gWN5COi@&Av-ZFys_i_4pX&d|%4$1E^jL8SpgdcqE28T%ORT z;@xkG*Ve}wq0!AZT}`-qzd2Va;^MA1Cylx=eBa+Fc!%_KN^qBu-}EsXI=TX?E);;q zgas_0vm&ReE|s8>W_(13x<&g$)8>zH)p`N*6RC0lWwz+LqTa~JnO>TOZXN_4VA!xc zt4!T>=Ux3rk{QTr2OO@SF6dN3pGD#D{1MpSJZ>N=)ZP#_@-c5(67m`R>)!0ww~%b8 z$1`6@Fms1=^^_sx8S`W6x)_-a=1;A=?&xKcbgyC5@;tQ4x4;uBvafSe%HoXIr;(Rmqi=8Q^mK_+w{x+fnnbh>R7*k zf3V=>_)CS#%6fl{+Z&bqw!ub6m%J76fIHO&UcIes$~w>ZploTWFv@B8C})wbhX_w^C8&u3vFp~=<42?aw#9^`oZeOowU z^<%R;olN3^<`)h3j3mQpdOQ49a0j3~7Q7$eD5Y;gs`gW{I?7*e@(h-l!or zHf3=B7Fhl#vhN*NwjgQZqBSjHmzj`Rag|`ycW?J)L-+r><`PwiOqg=I;HjM7ahiRl z%kDScAi9E2yXa7m(;Lm#?U~tl$SoMCw)Dl@BRRB{=Z}ZHr}ve+^;S01R~@T|@h&CK zk{$bp$HDZK+1#Pwz#Hd%HvoOA885b2>tWA#U3HrWF-^vz;qSyFNxxdJ(qwQVE6&4h zpDUNKAFc4lGscg!+6%6-6p{5jj&!sFlGH(5H8hNMSy$8NNFdQc4xA&)zv%=?yE%39 z(=wGqcV`{3f26osGAKX0MeFs~iQdPj{G#h~ms>dzn^-DV7|kPE(jOYWQ163i{0ulB zWur)ujgsfn$f@B}=yz>^uRtlJSFIYFU$15;d70&$oG973?u0Ns`M>VFzLR@P?@k5% zb=@{HO3yom>#8!q;wxYOQ7;KUS}=i^BbF#EflplDybn6`x{l%47XH~dB*`iWoA0VIf&WLITz7{WAbuS5(*s4Y2 z-Do?01b0fme9XWvW!+pD8w8czvz6V2>$}GHFe`-v0X6Kp*zF{wy$1>V&kagv(LiW0 zVd-wwZC|?3L6y%P^Ynw^MzRUd{l-;&3dGyjS&q$M?2IwQ+dqh2|04@SRqdjrAiyX! z!WdM_uqK$9-+;(q%jfF**7%P7UW_x!8B({A?dvg8nXoZ$%<6KC<>TfyK%q32r=rP8 zIEjaiib29+(n8_L@Tr$!Rur>7eZRR&p#!(PS(`O@j$+2fgEg8T5q^M_u*XM_<#Pj) z%`(T&y+B^f>gjMbCZ&<~9i`7$Vel!%@Ib3#9QQF5g?|KHgP zKfJREm@hgycSg!q?I01EC*s)Es8zJ?03mi#0%BBvy*>C6 zfCf!uWL-$@I~<`qzud^`tccU;N9O8<$@nE^!j~;NEiSEU+4P;^x)JP5ldse*o&Vs? ze?oT*R_z@mR)Z}kaJ7q)I*1U*JpjKH3|V{FZ5Fds(tym<^@|*>NkU!L96W=&$kQ+t!f2(xzT~^4PKuww z?_ww)B2}qM)SipVeW+*%!G-!yk+S<8nMhT?M-ip|MDYj=7_gw=Y1{nB zq5TZm61vtYwAq?FJD9cA;o+#zr;hWX3SIRM3%5~bO>z{&NVWFZ2Cp#>fkm!kqCm*1oV}wVt(BrO6 zm>J?HFC&s03ctGP)m900T~1bz+Ym~s+ZcHY+fjD>`HcaZbhkV&J^jaYjRhXl9+NRB zT!cXB*SYsMXMMh`l@r}Gsx6q-N|R2-3*;SK?0E$>1%p3<+nj8V>~AUeHfhtPe+<5~ z4QKI%r(?sF+Efw9Q}?^gE6Wz=OmoW05dt0T!lw*UJngM0*Xs#gsG9pj$0eOUCD!#8 zyKm1HpIz*_>8v^62Da%))uCeI_z4RdCgZTxECWw-l?FJMML7G&h-U$s6@2oQt+*`F7v^xq2Qf=P|FqaX>)dXFZ)iGrfjsh5> zC)gV6PNh5)Tg0fY_rcBr%tE&R0NlUf4l|4}|G_`C5?{DKq_Bmxy^;49ov7OwvY_Vc zw9uV->dz7UIpSMZXI=~|**y5ILN%4HS!H=#$2`Mk-w{g2c)QvLIM}{d@0l%rV7|Iw z5ql;yY-d@_kT%eybdr4%j1g;=(Ovq>^aqRpeK@O{_ zBv>QcZefa5pT{10M(^tNq`H9PIxJ~9H#TCiFS3RBrF@ydsuS%BW9;J701*I zTnZ0>4tMw((!YOq+z!8D{+pTeFshl94uF+?J{rDDagMAu?9CV<& zd2CpORjD!GzV}ZwtNRewjS7XM8v0Gk--#(^?8$*kQCWkF)W$CaJbDk0_()9W-dHt67 zV&nor5FDO0vr}8m4DjltiS&jleNslC-ywkr4?101w|ZJ}DkQ$2Mz&qZ`;K?S6K)B? z)h(`DQovm>S1VJ!JzKURK?9GHj#SsPlrBB6Vu|}1*KWs~21P&ZGL(Ru|9EReY=}{I zh|&7Ea(6&2Dwl~@nwuxCe!{8UjykQ@Hjha!83epeyQVQPs{u&KWv;h3FW>YThU(rh zg8sPVjir@Hv$4TE-e-60o^M^u__$nD3(Au@L(#{Io4MBU$23a$_l znBL|;%$7GoH!oH3@rQi}jKm}NhTie_RqLN4U*q-4-S7C;;Md#S`x<}G_{iV%BBLhF zt??*oL>b7xlLg1_og89**J+25wX_lcc-sJk_(ND_wm&ugV;QEnW}6vlw``19O%ydm{|6bcC%L`V#C~l@ zF5D|gGMI64IANyqpbGmAIe!a7MlMmkTwA$#+Rcyo5i&*y?n> z%>aFWVlW4eQgF(v|5~93|IsExO@~WWMs->svFwiL|3*Y!MsiV%MvfA203j9m93jLm z8?j)ipZBfSP|nu*s2fyj>Q=xr(E{vcrA-Y!bvlQ}XGoYuW`mK@FwPPXEQ!{woT$BD197PK^;?k&xXQ;_k%g z4-FE8z5OH?Z9dqJtO(ZhWS?;!p?H%Z zrXBPmg?FE(_ARnT-#fdqN-n zn=hL^d&q5%6q&%cq}=vo+j!}w2=1m>aFw1i?0F@BrQJ-;m>pf9=fRJsRVs-IWX9J| zc`ADz>VO|7P36I1pGj1#?+!F`W1G*|>3uG8u|IXqSnWRZMV)zlbLR3yJj#QHCtdpr zB{w&9YN}M`tt_S9Z|~v3Kzk)r|G&7CR=DIA=Amp#*ZhROzCX=_V^+!Rny@@Vgf}KX|o8Oz@*5dEjf?Kf{Lay#(f3jVT_sj4(VxI~2tO^Xkg|r={T^ z(#lM20~1rnn>`cq;Yi^DNv*}ND0JRGp_Qg>aMQU?5w_ z%^H!x)kq8k`mck}$V$YZ8#!e#)0gm_U$xtwUtr9{|9usOyVs>=4ZDanN_W{dPV71? zS3oP2pG#_Jn=g%2ZUmp+FR`#Bhrus9z8ve^UxjPeg4WwTKfr2Qq*Xm#Y7r0nfl_x% zq1|-727Kb>@mRE?Z(M_GQ{`m6a0FH?tD*UD;BrV-RmU?wR919namh4~W-0l%j3Dk_ zO2z(^{~_OBZHNp4|+q%*aMVaA`!83F95_(e41W zhqZIVX^tb$ECpAuJ6r$24v!b^TiNIKc~3=3^c+hjJyTJ24Cxu^ORLF=fiUC;w7FbOeEmxbVzM3*Dv#nY z@TGn-y%ffAQZx!|%)7^le-smn}G0!W$Utv{~X!!wuHcn zhUd6&wB?Vj-l4W|izi`g+ZsH=aCLsV}bZn1ojWZ`Lp1Uvtytm^! z2N!RBjgeFVZTycQ(2+Klfwt=k*6G@{IeFz60YUxA50$xJ8s1x5@*KAN+JWiM{uKXm z=5F(>x^_LTvU!H0#cIa7*VQ%Unu40>ix{a7(@12}u1y6;MEUrEnQ0tmv168*%m7F9 zkC}|<&WjkiYe;1o&uX}bspeF}(HlTxm-SgxSZjs>_wecO zL+y_;C1cVHZ2ek8V~*6XV=Uu(wM%O(MT5{9l!}-(1_Ws3_F&JUHEohl2M(mVTPH3{ z$EldUW@WV(Iu*ycC|;zt8uP}z?0p)D^=?Jwf=tN>tXejfX}_9@tCO7V>%@T3 z5&5XT#3pph`q98eWtj$r#uLjGj*d6SErwzI3dWEV@mN8$EO9X= zMI(M?pc%!pehNYGtmms$N9j+INVu2vt8+2F;8tW}oC9zMw&AR9KaIa(*aB`P5^2#X z!_tcvF<@=s^bT$0rL4)4(ossjxtQ`JIW|I9K(g}Y#%$Y5rfOgWTC?^H3M0PR;yW&y z?(m)WT&1AIc$AP*_S@`#-}C?BW&eNwMQ$~UE?k^yBl|IZ6hSqHQ?!tez`yoyfHi2pIe zyOO;)k9@ar)z>T-j~RHG?o(F(si!i~BOboju8Va&Y>n3DlS=q?Ylq-Igv@VF68$rE zReH-~J(Au<0-JT@a-7_S@sPbzU6V_(kONP-2xChWY zq9(sgR%L=Li?BVsT^!P!QhxEN$ww-(obHjR8-kGw;DMBF?C3p%nS6#pAjAF36`@t2 zDk_$tn*{fZE?#<*0QiB2G#;-of;d{^rv!9`nmoBxy!;GS$UM#txH7975K`2@*>b6K z%5D;KdS)#9P-e@2?@8Kptkr_9JSKr_a|&qVR2NS(ODWws)^THxqK$6JwTAy~lO;xK zxL~_4=$;24q*WhtV_s|P^EdQ%aI`k_ef}5nP_pCb`k;77cV%6POt?nsq9-~#s?frq zI>E3uOj$`iTAj1k#uG*yI+ep7#|@k3tom$aJgD$Ej8cGJH<~MsjkEW7{qX+j?*?Rl z<7PmJYT8bTyh;d5YUvOZm|bYCIo;;{Es*wwy6|BY<7nat42;;>O5ruPpgQ`FH=72D zW@;ldQNMpyT*cmsXAlA2d`lz|`+V}_@T(w`_O!xQQvu7^Xm)rQ4?^TyF9{dijF~Bx zRo(C8X}J3?_M!GLYbmb9^8sPX%!Z+dNZ<|L?i0FA`hRGCAx(f-0Zw2L3ahzywW*8* zLNd-ZqEr$?>R(!0Z*1B#yEdlkus{5A_p ztSWa#U^Sm&bOU;4c%?B0j(LVu+b_>6_?cL{dBMoO!*O9h_WRZ%an#xQJm>M@BUwIM zN>Xl}^!QX0YYBb0I8~{l*l0s!O^|Zv#2cmu)?M_wV3+4#HqK~{4rO@~B8HjrR3^4h z_`0hUMUHj_HA@2$Kk3ag2rOpWj13Fh(x-eQfFb3T4E^7Do1s^BPhoX`{_19T0yVg4{j)p9aVSU!_}CxLW}Po zlzsiIrHeTbTZ#k%$U%W8LcWtM*xn)nsQUQ+j(70z9DfvdK9T?KlrM5Zc8!@uo0{y$ zV@78=pbjR@obl2Y)pX&S)P8a?zTgTzj zQ1KujQ1q*8VCJg=_Lcs%pUB`w)sBrpD6WC7%i*iNf#fXBWQn+?UT{!|30}m@Olq-{ z#}7GGhqSV8>wh4YlyaPI6tGNgL!iJ^B+G%P(k#mSKnv|K7;~8`Xb?Xf8^K!N8TKMf z@St2GSd~u-I5Rj|ywTTI2C~H>L+Itrj96YamMl)TFP&?{e)MpXM{BB9} z#EY6QR7N1j`(G-+VpWRz)KG=t&TcrKlG;Ixc2v?lxV~hHn@OB$dzFpaZU}rgQ&^p+?bH zT>pDYAwj<2=!yN7*g{mZ#LKZ;%^NjBzv3oLTCJ}4aaBq)`lZWi;S}E4(Wy(%@QpUn z6d29a#FJoq*?E3iuJjA%#cYA)Nh|GTX!E)X5BSHpoU-j?Q%8F_$*zm@^zImi_YJpU z5(7v4$YPy%I7jZ@dFXel`r4VdpLO2M$8&sg6C!p^@9}b9M%LAcgU~!uoDxWL+^sga zIzHh>TKHAHLd$a2#)idntM@Om)u@-3hxU9v`v7&CYt?bJx&gGtG>Odp|A_t zbmIdQS7_9|+(Pc=;H|G}wT*Wf6cetBlT7YpHrRP?w&L!C?=n^T{TO@ zw}W@{(xq0uYGkm}Id>5M054BW=1)yr!zPmMMtRCR1i%eZ;%#~z^U5|JP9Dbd{N86b z@Yka5tOnX0qP1>6dmSly@d#Fr`ldyX{Fgt-R+;dsPtvKFFo}fqv(Hkr%gcXF2?#gM z3VetYX`-9K(H8X=ST15(F|5^2zkfW%HsO?{qEV)oRF(|H3D0yD(!ZR}vvuBd#&VMk z+lI6J6#xvWfB5;?k(Yx|L2iK!A)keEnWXn`92{~Qn@DPKuJ|Xpn|};~SnI8M1|anj zgC+*s6$~8FAMAIkI_P>_Q?-_UPS>zgt(^E)sbZ|->HDba5qSNQv2da|3;2R96r?}v zX$jJC)RmL;6p&ICYZ=&wO)=xC#Z#Le1t9XcKpe?P-oYyljwMxUe{>uss3}u7%e*l` zHg$?Yv852W3fR(*s4Sz)8aW*AZzS161_b>$mA(3B`}^T7Lte9@Dz~I&R3u>+`p?D zBaA+!e+hAOeXa3qM3*P5`0@^XvRbn(2?ayk+ZO@cb=$IPbBy(9)MB=m{*45R77EZ{ zq#JaFu!Yzwg8QSkQ{)gi?yd84@8)xQbhn#pK3~>=*YjseeeoSH^JH<$JxL_Tv5R}p zKeo%*3tCjEJWMm9%mnB{KXyXI0cdSCc(!WpzU^?ziBeBlVrmi#Hv&)i^$Ov2oC4Vs z$uh4TY|_@ZT4mdsJ$qqC5bx!Ik)Q|=di}8$Y;yZ8H4$?$8{G5%NdWjVTr4ETs7wf8 zB+?Ns{j+Xt|FTh-6qE2?rT%ZFO;jIKW}R1{nX+SfZ)JKZ)a~gPOHRW!!?UW>w=(H@KEnpzIOM4&ehx#4P#ys%7%7Kd^9ZGtgd|Dmi;Pw;NJ z<(5#^EM92W!74LFD>q=*4SZMId(~@^7{<5OzFvM-D(5O4RtfW$u~Ai{>{U_|)@Y&P zUTAEK`#I6Dh6y5htWQTH=K&hwOEpY!F6Z?&*H?;IKv)u)@~F#)diVejmrD&jc$K+==z-2{89av5PlUx`ydzF>dN6na)B{OU z^`-V2nMt(P1XuxRpuy#6K(P%g+LffrATX>ke%b56&2V#}bZWKZ1IwQbVQ!EgVDJB) zfov0u91M+EENDskHKVAM=~K}i3F6@|!o5Bp@8KJ?Nk@;@RHW_(>Ia8;Ixuy3zWj4b zK6}z?GvJ6rpiZ-}Ys!&z^t$p2yTZ+AZ#k5lJ+3UXCA~X79NAEqkz*zVg74L)@Ah7M zwV}!0o<>P_e38Pn&k1ih*yWs#)?a7;S6RU%4HQPm{dYJae_$NB_X#b4I#Fxkj$NmW zEL#JRe+N$Y>YsL@sc?-kiT#?R84VJbPh8nDPZA9Vfp*_=$VGHUC8d@#e?GM)OHgqP z6!YhqmeOo04sNlvg5AITz&nJf4^Vys10w7A@D$s?zt|nJp5OFb zj^0jMx`xGa%g9}lNUJ!{76-yNKPJI5GR}mPJr1F`ubX~|uEyw`R|etVCULm4r-hD! zm`_R*bXecv;G4Uy_Vq88DBWN$j40`y)_Y;bc=tlD})3 zNj7}9LS1tU|G`FW z5e{$vaz4K@X(k5{{7*ID<3In9!SrF?1W?aN{w;Bh>_&b$yklH|Ml~2I`1#w~V3jHe zTVn?Brw_8n8S;@EzHolUmP>#=kwo)3ip|R{+ZbUy#+y}94p54@@(~oQk;C>1#Qrg% zh)^T0{Na!_efi62F8ZQ%zsD9S5a#uw=v!B zd52nB1vk~B>=6@mg;_F#u2Hs4e0oDCX_76R>gqq>y>vDGzxQRdGPvksu*xqa&vhD_ zD=03(NWMxPr_q#I+59o9=S6~1CaF1T*|}5^kmrjUGK#nE=T{bFjBbfjFS2cJj<-`L z#OYPG$)M`jmK!b#PDNlW@NSWd85Oyo$Oz+Ww>uf6n7`-|P@S7DNfjd%q&Erwlr_~r z;e)S=O_?;sDb4U{U9|qW$y5<2*}^ctD0+WCYf5CMhS3*Wo2D^q({k;m9nQ=oLG>4f zJxH!xj)C5d@GMOf!T12F4~jWnE&^%~Q@N78V#E$CWQkD%c5!{cGBWHz@JgdPaO0)JLU1xI0aXs=h zcM);j9&oa(ZVwE~B1B6YW#bz!uDftCffwgC_`(EzaEm>`T%{s)l%KvTU&0FAqs}ku zO`bWZiRdXa(^0A8@BHTrF=+2*o+gctaK-b@Ph{3EB75W!uL9nR9}V6acp)U2evPmE zC~6&@vik|f?I6r?0jfc5XPu0ZavQKJI1wK*$8AgFbk=Q74{8Ye=_0KEwdE9$u zy}Vw-@^NR4Bftg#G$iimGn)$`7L{1i*R1*;(excL!tu*BGT(-o+>&J^UC%6y`=)r~ zPe*!vE9c~qVAP9g#0|CRfsk2^j@EZ-q6^i2fQg9;-KSxX7Vnmt`BQ*(1#507hnGFi z(GBx7z?DZb6+`ct9c+rg8MU{s(O`jRP2caX_Idu_N}>+D8kY6e^r#VSt!82#I(vt3 zL1zK}t$^P54e^l;RIjN+Ys?7x>U1D99A{Eq1$b&%g^KB|(1Hj&yFAG;eQuzTv+M0i z`g|*_Dv2(ZwkrRYpiK_7aKWoLo<4g!a zW&RI+E^~CMmgM1co8{szxo}KQ4J2RVCwd02uG=G5bl2D4u|9C}`TOP>w;}Z8Qnbcq z&6dFBW6D+|yvyjmU+zBvSr%B8BR9tp7J>y!I}!Wiq&2Y2n8JZTC@U=w8Hz#-N*?&IBnS{;>Ov^Gc^RA zbA`%y06t4&o2p3yEEx%#Ai8c8pPaiLr;ccasDDvlkl9U5H!WxUPEojB8ai8~XR-KQ zXoP}F(h*Nf%}<-8#wZQPP~TnEGIT?qY7RCrGtad^RC(dK@?7f_o7^q zCXWNi9L%|VC`>;@OU*`_Crx3rEYN!L9a3_V2r>Bs4-{Iw$&PC_%&eLd}>3ft^(d0;K zQ`d{L*BdSqT}7-|5~QpYeVsxGUR8fmw0myO`pW`>1=ID9<#Hn0k!^SfhyJPkU_A9B zM-=(EM;wjN(ZjULBn6hpYENv2&;F;++%95CYloOCg19gN2w& z8~S(^q>jRyvbYkG1DHYD1!RfeqMMy*s2c$#ct<)kGdTfn!%c%A)q_h8!qn}A3@Jrk z%e|V~v*pFMh$b9O%c#L^jh+q>zVIC$7Fmt~2JtgiXD^RTnI6viSI-@+wgOw`xlidb zi<)2gc#HL13TG^%XoI6%U8Mw9;q~~V%i{D4Qr;wvL{T}W09lEMGzscvSMKP|D0}r4 z^C0vyS*Ar6`M!cGBzoSbZK`oxBFD;Ad|#-FcR1_+QZ_MaXn6Z!q8+@!a}I2kXBzq0 zH7`5IZtxv6N))n0(oO_GOi7WX9E^-VgTFM;I=UwYEC6*WKWY*xRvF-Z}?FI4lOYx1Ed(PpZCT4W4+m=BSiwfMUnX~wa zgQuBl6Isr2@W}!*R1?-rvyD^FImzp1Or<+(EzozhpChnKbeUak#DQkV08;k=acEfw zRt=B<3lm04Nubzs=vC@M;ZclLxuAg8L~CQ`r_Jn+7jCbon0KVVFRhJU&I!@EqWKgU z2_@zVKqeqB+YqFoC4cetDhV-#ZpvTlNYM?d|)+hqO()PpbCOGlm`5LM;h={3Fic=fJ0u&l7CE|=4-R?6U zg@xAEdw%e0QX~Yr^8t5v{)y{XRR?kLat~n6R1At^%uQni8xy$-5?|HoapXB$9TR4P zzTvgfU)@tFT`SNPmIT${fe#;ldAfZ(Q{Z=!D&gCois1gpdEq8`KpiK_VZmBsr$VExX);(d~vHqiF z6@?{}VOX0TJ}~S#En_~jSfVP3qlLr_K$ z>t=0fNyL#qjP)5juxVaWrS8*FxmpLkGO9AZe_cqM&hA4JhWk_7At+Q-hfA0`6WpTi zhP%<{zE2>rNs_N3SXr=%LNkRLqudtUc0fi5%xO;<=rR^nrj>XX)-Oa_o4bo!6LiV@ z!~Gld+pzedl|C(fHf)KL@T-hjXXnP%Wh~!c#TX0oFt|Y?M%Hp=)bW#9`7dghi>p)W zbbDlRpw+%cK!Q6Yz$Be{AhZh7zSD z_nPqwJ4o)#I~&4;0CEU3-$ zYKAI76mmyi`YUTkAYSHIya_`)yF4uoMd;XTI0(5sXjKWlhw2V+_m6C0EeJ=!JV-wh zq%|rZf`L^t_Xg_*Mu~%i*_3nc+?B`Wo0n`2hyTc`yN(utaMNa?2zjlUCNvqJEnuAU zpqsHEfgf!yS2=g=4k3LJJ2v*5{O&X#xR!erJ-*U71PFs_ki*v{jet$>yXoWPTHy6N`VX^ z3o}t>)UA0Zov%Ng0EsO^#bq`E86t9{TKwDR#MSa8Lwmq#c$rpCEs9Bv;72)0P`XNy zy>?qnBpGfNmgY4Ot5bnb|C?DGRjTmgj7O{G@xMET@q@BxWgf1Z9k?HbZ+z{o)m76M zFZSNM_h9FC0>Sr;w-b)AlBz!(j*u$5`!=tn%8{23$a5al=rYW^PmEQ?SmkC&AyN~@*m{^3Ezrfm9D(FZlGn86ft z-J#_*p;*VS&Dlo|Bz4i=KMJEsdCg);83oud%TX1DZ?u{?tBy)UvNW zDh0{$Fh@tw`1fa=1TgO#Ha2>8Joe!)8Hn$#lEEnG%#)6PMvGX+X1imFZ1V)pGVQ=l z6`1@${8V%DbDlk4kr29=8c!ztewwh9UW(M-6L24$jVUReX7`EGbVtl{j3zUG$bE8} z6jTMW_5Yf7Oeuep*Jh|5?_0-Ty;8U!xsvzoMjMe6vCwAnPpk34Z~5Bgki>SA(X`5T zb7GM~_R+6)KIZW$My()WHF-OvUQsGVUv5P72w}a}hHc``S6wK``R{km4WaO9C4<$-$l;JG&y=C#rs!3W`q0h53l_6 zTicR@3ppXTA$$AS8ZaxtdGG!K2JKXS)uqiNGbiuuj?hK~f$YQH z$4*91kLr*j9#h;<1>r!v7^bo0*0%`(HsuCWL96^r$EaRwsrpX&jb@=s6+y^Vu_24W z^p7*hIm|`JQ}jLeJ026YkF_oOf8_X@aMVs%gqEM1un#cCUi)$a2O}0$E!S}FTEQ&X zPGGu9zbHW@97d)r$TzfFo?AtMAB7qY{XO_QDQsS-MF08AQD#j#4y0mB72%8HUtXhR z_lJ2fyBdB@^+I!|c@ox{JC*peTJKp}ZW{ZwvR@@H(x35bg`Y$d^#Now5hh5DVZ7OP zW^&Q%0a?8HbD@SWQWX5?_CI(VEkhwh*ewgKt;o8Hy?ZX(odm@y_b0No*J4P?Kaycs zJ!x(w>@SgHdhtrviNWs1bbfrcskdWYBpC1tGr|`VY%Ajuj~rpm1UmV(v>A;}2Gx*~ zo>15Y_b7C$hHK6j0ooc=;=((FPUDTjoQ}71ljD7j{yfHn&lP3HqM*qjdb8^u3Wf~D zqm+r_ATA*Xlh*4}rAgCRizLYaqqv?34I1;FCQ*VCmmPKn7_>kYa z%~S5okQ>)pM!06Mq`Ebb#kGQO1r9#HeYy_Wfv7J9^?x2Lcw`>0olbR)M-84Hf8P`fO4Gc(9SXF zR1060nMwyZ5(ePo&q0TF_ z0cV>}(*4U$jH~4pcNoq3|MLQriNt7;Lip(n7QzPh=zO+~0!DszpgUM&YvyAZ@FY%L1h=!v8$)gB9oll2yo&c5^ovQN!Lf>sanRFGm1u z(lFoZ==v30Kh`B&_GG`mY++Y5zj3(eRTIJ(!d$uu?j+ypR`rwHW}l<#ckW0!_WyB_ z4W|EyEM00<;M3)PNjBI_FCK`K8lr9zBI1?3pW+zj;hk`}w|U`df~GzJrHZ3IJU;%7 zN60rZtA>svUMA#jEYV#&`#tFbrc3lO{-1j+ZdwO?anExQ+9$7;H1GD!54sW7&>&wU zN%EUd5Zx*&bC;uR##JS7;#QnBKMg1qDYM~nmj{S0QA#8=sE2j`O@$>^zr?5}nW5?; z#pv}dijJ2;eg?y5_=#gChIhBB@XQfqH5c^N%ZtikEF6t6-1%{u*x~xE^^a7C)gO8N zCf1ifhK>>cFq#IQ9$};zH(uKfwM^MCQkDIOW|Kb9I@c|e_v6ik;q{Znk>C4v|0MB7 zp-BV!9Mc*{2t@Q^=26pyAyrmYi)Uo)VG(&$d)rQasPNjMD=gj$&Plmxc8lZWLWm-~Zj;@bVfLlVOlY$}o4&Yi!&DyoQ52eh(e-Qy1N=5{BK#G=@9aA$BJ_vS!hX={7v9A4i$bDTyQLG6y4A z!VDzogT2mrcf|kxIN;jmn>{|VNL)jAF$HhH}&gU+p_ zjFeW_jcbxul#hL+mXo^9)_#?ti^>+2pov-Bi1>xjk@MV&)L!MMdzLHn4=rZrDVQ3L z<%}79hBveIhz(WT9pr6_IHjiM->eM{RP`^rh*8WSW~-}kzapc}Ht@N|Z7o}YmU^FE z&dK|)b?xIgwoug_Fe|I@DZuz{LofQRFQ2lX^D`gX_g>W5wr-LXXws+Z>d-ex6M=R{ z!Q``_8K5i!^tBu(&E2;siSoBn$1ZMjN3`y^ z=L(*kf;wa#m?m93qg$pr0N2gN7bncIEN~+(a6fr6k@znB!J{lq_QCx&U9VhkgjKtD zC^@dG^M*V!s;%?5td)G)i7L=u*CnP`&4-?-oAFZ`z^BDZqc`rBMmp>cZXsc_RG(6V zdj_dR04w`W85?BIAaCcNGf_B`)=|ad3hHxFAInP8;s?E&Z*6KD#5q$I?eEAcid?2-IvE-e=fl5Wml z{ed+@Y+c`a*Z7aZBiVKM9O@0fTP>}my|Kdxr$@oo(_QM4zbsfS z4qZixY{A;$w;x=Sx)^qbZ77?OL8{&(Cw$)Mp^&O7pPrFr;^v5Byx#YOiYCN^?zKy? z0R~!)D^s()S3k-gFzN}cOfWK0+^ecw+uTz_w`W+u2v)B^A6j!SYlF~f-s@;+YQzC{ z>>&W2LX5y#@%Yp%|A#*|eBi$I!m83>^1&C67-+lw;RX>>LG|Ovql;fR4NcC44H>y! zW~ut3|J`^L`PGjyw9Vn^ABWIzgJ-0ihCeaj(J&OgKa}0J-h|*ffPIbQ%Y)W#d-$A} ztd(vP+_L{rbgjWu=&|tEF}6_Hq%=vbcl}o8j?VRu&6!+^aR8EpTw{b4Q3Q0MZ58ie zPaT)MyD-jLGE`3}?Khps=p_s6sa&4f7PF*C=5?bzzx7#0Nh)DFuD$|h*_H=QEc&(( zE21lC%DR`zkNkv>&H-Hh&PxiWO2vb$h^FqAoK&;_kFB@riZfi+MF~NI1=ry2?!n!m zfyN=h-Q9z`ySrO(2<{Gn#u|6m#)2Q#o^$Q7FV4;P1G;O}TUC!?VB=_d%{IF0nKuZ87sl zlU^A3WZgj7#f(`hOAVX0L4z-R1)-SQm2DF+{!u&uIA20$THP|8+jWFVyUEKnbuo-A zs-fs(CZ*36dmN8Xp!>U9rAdNr9EynACTa36f@LgZPjQ|dYp%!4=oCX+5-#-*XK{B> z9c{m!k5n~-{rIR2yJUYwL6FcpFj>-3P$eyqf>_sC`x~4Hv zCJ3g9`CN=Q{9>hUJI_z=3QXys)fNuAw9Gv=C0m+7lFs-$=}Z}(yqdT9p*{IIDL3%{ zt5Nq?3*q`K37ehXH#IRzUL{rd`TFR}a5&7sAWwVn-B>4AYjBWpFn3W7zMxQRdPIb+ z<2%tzo9yHeJLQlNKVyuDp!Y}*)S9!la$h;J}1}G>(M?cbidzm zU`m(zuAx!9i&Y++?zO!6ceL#&U#kJwsX8zjeTW`e64B%MBUprTr4Q{;Oi#c@q;;fkRZuRI_K zj;}HfnzDWSL!Zli!=84jIjkzL5#xT`IN-3?QKx2pIaH-v`w#}nagOgS`10rya-@cX zj*u8x=ynr3HydR@hGgNBo-xXrXWAxn5Hmgo%9XV_t@2W)STBB-mXDV(LZ*@$_!*9| zjuyir$8T#B@X`r^&1H+^I%23y%&hs07a>zF5d#Dh$#k3iE+KbiJWYv%-QKToRKmYcuAoilT>bI4wzmP(eF>|&$BTNh zdeW^QCSF?D1Eb>>oP3@g%oWo@)01=H>%J{X(%;d!rZP*{$GngWgVD*j&ku<+Sfvt8 z%Dd18Wq85DlK+{jK2Vr8G%b;pDIKOsA@j#u>#vIG5rtaXFTW-*vAhD)?fBf8`NV}3 zZo6zigFEDM;s4SNGuqewvM-sq#iBLrmN1~->U?Vw*lSW9;=?Y=fR#(nb2N%>=5?GV zB)Sb6B|GeHTfTUJw@E#VbaAcVvQ4r(&}gR03q^B)&XU+gL>=wO0PoALO~&(mT}d=7 z|HIw%onaHK64h1JQtE)eGw1xwF9`Mi@`IAddZCh?ZWfL|fF|@NVj|t{U+G-5k;Q`x zKgVb~%SNJo05fmrjHpYdHhc7k3otDC>B`rlM%i3AgrsjnJ`7J<3ft9|f1w>Ed-yy4 z(6OUx1NXz7a;uof#>hm4g~CWM(aIy~l#3!)e*08I;n+7qgp>WRkN#lqBy;Tsfu2)mxIA*Z zwPTdW1_KSVsr3aWYc#QblTi_~aME3ddV1g2j(>!?=dpY;b9Dm|`hbEz+ z4j?Yu*k(W&ivB7%%7tNFJDrGYvo9@`G+lAE#W!|`$5~Rq-}Wnw+q4B`^&Pd;u(}}W zVwFB*W@#TrqxPLTvyi^W*L7rojB9JN)5hb8k?Tx3*S9xBMCK06XP6W_>zMxda=HiQ zd-D`Kk%RYFzhrYYC#OCI3RK#l?ljGn!t{VdWQ-8v3L2H2w=PR!x%%rs$SV-eaIv1t z((U!R_cSZl_&(?CupvG|D%$;>)pr6ByQXji(%+@t`xshzFA(&-vpIEGd z`R*0ijdFKY8kDJfMy4z!cU~$K^n7@?jB|N!hu${vzGw$*iIeq+^^Tc8;^7U_gv3if za>*T*$WxAvZmjU5i;{UZk3Q4z;DQ*03Al|o?4u2nWrL%LX|9rIBdNv7ZS~c~GbpVm zORF<;;DuT4xA4bRR}jEssniwqbp zBl3fEUV%~i%{x6ikcnZs`s0hpo?%`O5=voZ#B8#x%oj9Mb)l))Bn3&Mruo8T%ad9K zXi|2h;1t<5#2_Fv@DY(F^`9d|9Za%8XY|(f^Dl&`A|ELLERsn62`47a|7awjruZuN zhk+4?T__7?Sa#?7Nu-8qdC*d)Z_3;7Hm{=_)k%E}lOvpjzG@7Yyj43}DQypHl=PQo zqtSNtqG6e7C8a^XyMsZ4VYth;n-4 zaBYXw0^Irq0(zy?qW1*|w6|L6;HUw1QyDPUp8~9`s^~~n)5kw@0maPiY=V=}s-!Og zPQ)2rnsb8y!Rg`~Zvj5P=cy&Am!~>^O{YP~{E?4$pVF5N&5p`msT4qiV1D38N_KrW zZ9wdRdTG=yt20_%+Q672i*f20yw5a;Q>Lsylmg0P=Fa=At#wXY_5UrVjQ2 z@{8ZzJd$}YNk)U9KOqti=^W+`!0+-GYQJ@aceaC36GYwhK$Q|gCK650(l*;GO2{5l zprF}cZG9U>xUA9Awi7r!8mRzC$?vQX&Zlf{ZTY^U;UnP!{Njm?t??EsT@wCT^|#Ts z)!cyTihXg6U44BdEsZn#KpHkFSo= z7>bp#7T4dOiNpF(62Hj7!S;{rJppz|7w$fMO_cnIM+PQm{O--6UWVQu$?TPm4}r$x zhf73wSrO~CT5sQsBjF?1N-3+#5Y(ulPj{lN#emc?+HL~Mf}!NwF)T>Sl^B&t_g3%mZ4jrA)G$R%e4iN3}E_(#Q%cQJo z`Ap`Yv$!QXcFJ?qy$mtrWZs~bRfiUN413)iw%B9AIy>U!=T7BNKzC=6`x?TB41o>Z zjlqgrpI>_VyCQ?1;A+kOSkWHQyasmAmCjdG)S&_}Tk6@+EI_YSpL4!L;%&orTF&9b zhsVhSO({OXGD%29Dr&QEaoDt`c|$h=&Ft%IuIS{B7@>nBZQYGH1v^H@_$da$H)=6Y ze;JKSk#NL34#T}xs6zJ=Sfab&c_HGMVBUid*YPr{5KoiPh_CbM~ZeM&W1dxRNX(K<~hTfoqCp0Su#Owr5FV| zHhet_8Wnz{@n?DU`Sx$W&L5@sbs!?|?e-ArrO5vU6+tZgHLK?l>sMX3*Mx^cUe6_w zZ=PMUeo4d}BT;OCr_!^Vz!c$E_Lex{b!~>(3@OaCUwZmrU11FmEIp_I8gT9bzsvUg zF#5TNeg7Gm8D}VzyVOTXogj~-?UEBZwAV#uq_EEJ=;Rj7a{*xc1DBSL~nT!m+R9D zGN1X>=J!&}NO=)w&lh=_2uO9d6!|#SO9#h?|EcSl1e*!c1OzDg?p^QRw&v;ijW)(% z20Wd-1U|3czHPpoxD#Hgfi$&$Gz9>@F;h7{L7wPHgp@Zg-Mpu172l_Lq=nuE`ZVk> zFOSOV)2aPdbqWgqx0#)OS34d2pQ=;SIZd{yHe+R1y#7>51q4UI=!E>5MvI*bR?rzr zOZk0+o~AEbGdv_Ptg^S@Zc1;J&0LzbeX zE|P%pH@&acXM#1d@&@PTX4klutt~dYtjN5wnA6+Qa_~)K4q+n*2+rBDx8$PtykgWh zI^q-nsI2>JIgJrHc4YFzsRL=W;$OP}w)+MHP-VPe*%-%|p9E}-LitIH zcvW_Te#+i9YXvmZ{;rq`OkS7bP6MM}_8mY6voTKg3P~Ve@Jqd$(AstfC-yP(_osfD zn4$LhI2to>MN4Q|+}w3rCyx0KO!;&QA){cCT232E!oOkly>vh|H4LJD@;(hSFiMDm z4wSH>0<@%8ot%gvjSz(p9`iKF-Ot;9Z(B4!O`4?9lWgzmBDWG9q4uMd!Q-Ij-?q!A z8>beHxbV)M%3S}kJVl8SF#$_@@y197UeE+#;%<(GL6e=MVup3eY{jWeYzqD94N5p= z?pNv;{PvS3sr*kRfWOQ9Qb2riY)7a_gEwKt8#lvrhvO+?#Y{O3BQ~cSlk5%-$^7ux ztKH`*y=p`ms?F~fi=wvUyyf5`eXI5L1K2-Y3fuJW99_D@h3fQNz}>mqcO8lIPo$>u zhtLS`mtipd{O$9oojLDwf5#AiQ^Fp4>WpC2)p_tZa{Njn_#XU`hDA$h;Ow4M8rZ{S z@8O(8x^BO*;pFYEMY?6LZN1yDsB=kYjC`1uW;64hTe|*`_~PoJP&J)G&W?S>!X-JX z(+a>B>UI)kR024M{9>&XQ0YVpri%kx8;#C>a&7;l2~O18*HsQAYv>(Khoj=*s5 z`|vC#Mr1{zWWW7Naivm2|0Hw{B2>S&L+B$-rEaPbXc`!ml>&`V@}?1#(J4se7%VLs z?J4PLe&e?F(rUh|6&Q`-SLL#N&-2q_OR%eb2AK=AE9gaBzV9XektaqkQ!!o*zRnX? z;`tjjg1dGOnwow1Ify%iD!6MHAYnAB@ruoy72uIG5P{H3I&1=vT%pcNUno!CCWB?> ziEjC~f|Z+C#>v4}ZnT4AjHX3?tyl{h=fv73C&FGn)Af_Xg_%F z!WTVo$*kr|veX29RH8Lgctmy`2(PSQ0i-&_f2FFBk}ai^y8N2)4C3pZl3Rbp@_w%Hzb(kP1Z`!@2W9w zS--gF^=TjFM~^2$?-(C*ZQiG=*?le&-&=Gj5&{3|By$9vKW%M=sW%qCvWeX!8eeFLBz|;GW8qBojMK5K#lJY94c|uR}#4iCNh;YeE0lkb4v03*a z@l{P;Vda())R;y9$!lQ5d(`EAupoJxp1 z<@k$Gk}n4rHf!$TrZUBW@MEKL+bWHiowKJ&{EYi+goi@aW($HqJC3zCA9WVW*@OM3 zHec{=L#OFib#|~tWvWiHXdg?kiK#+H_vCbnvB45oOj|R7wH$d<9+r40*oTq(+4GS{ zN$t8H(3g56CYkCRTTpBhhBjt4Hp_g1AAWWT65=y$w=$(S zt+G2eT)2`HhH{0Ug@pg@nM3*bJ-|-OY+0nMfQOpxFwP=qL**bGjFve_0_xv_ue<&_|`nGIW^qTKb#c}|z8f z=icwkmSPQ*MF|T?W5Kk+%7qc~_=shn$t~-dwX=0R^>unoN9{?QPO}3!x_>aPm4%-Z zm+I6c`t7`jF*9~PCLm>xCrVME=F(D=SoelHQBnE5f&Wda|6ScX6V&_jk2ma|*E4yj zuU!=7o8pQ+z?zr|9qZSy@y~2?ElxbMsYv)$N_M)$1i2AEKjJgaG9&}FbeD6PP}>1^ zkl|(69?eLd;WIY4N~vVwK3q?8CW?#MnW512Bb~X*BtdUG_9mjJ6S1n6a?t}nqiKYR z7SV}t-R8feF{{~}&h`6wv)Vh1kp+F{88?_qYHggru7X<3K{epF=w3w$AUR@_8>f-3 z{c2?1`*9qU2jnc$dwcHId8SD@5A33QKt@z&zVz9EfSQWuWhFY=$c~55{6OtbNwZfJ zxK2%96ePyvU9#yF2JFRTqIzWhCYUxm63gUm^snH^T>zRv41j4%@& zTASiI1-376Ci-$tiMOA&%B7fC3y&DNl&KeR$;^sKn zpml{jou+l`F^*P_0t@PZ_M{WbT}0qjnaWe7t5Qz>U0Z2Jfz5?Ez^J+Hc9m~J6w ztK+r^$V;h>yc3D8H=$KT4S3dcidA~BDVFtyFn$CP5Vz9u=W)h6`S{_1Dx1ck8C z@9WR4b=dU(IcX%E+hLwJ?`_mvbx++az8T(0UElq%@TQ2 z`%-3PXMDn>A3Bj~cN4erEb~GIw&+Dudh{X+6ZVSvYznUca0aw8ntJ`d@&-E}aE0w~ z-l}e*vbmzFFc7hkp`zK=dX|56AD$X~Plu^o@4`;Ks8bXotCf)|S1N|sRjeHrl8E_PZF{6CYf_BGcE$2iPUV0&*^|+$<+gK7n!P^0sYK3pVxg|C3v>{?@Is3 zl>PY&t2@KS%-PVghB5ZqqIUS|#Kh%^0$yhZv6I?d7>ldfqlxP}j-*M~8GbH7U zemNM~Ro`maDjHn-UoOCe{KNpy@n+ff=wo}lVh0l{Di~=$Cn6}3WV9s=Lx^C!P@jwq zK}5Z>R~+y`jpi8j^mgaHa>y%nDw}1e$d#jp?2Q?N!y=`XLDvG-b&p$?h}SPyV^sdP zNw>KyLhlbg*Qa};HxBN)qh~3QA(`J*^g=$_-9=B^shT?|9DlOi6eB2QEX;@F)vv26 zba;DYLhY8~h#jffP+N3}m(YK7CKyFe7IHh^NU*5IKAsbuXDC21kWKOY9rwIQIpi&= z80-FkQxpRSquKNj0-mlf(9N@)`QCD~cp_|`Cp16EH76f*aKF1qpFN~^G>;6poNunj8Yf|zHYFgG$j3-wYC(fNzY zVelrJ1G6)=4GJnmhYMAOpMe> z#<2wzOq@^Qa7D+J%KRNMG$V#x32&iIRIp*4Yx}2-oA&e4nC-3c4?V@hB#)Cb?T8$m zKIJK*ez!O#R|;p^pvuppaXflYe-UE>aNIe*?l$7nDD<(@x(T+G>4L!=n{6q zV~(*NI+j9(_q2{BH4H(RymXV!mf7@}QBe&Q0yTS5Ts71t8?kQc+E4wz7|=`^4{u9X zN8e^{%ZhxcT_Asbd2{obxy>Z<3g!r^a4`k-F{*vr-NOC0BSix?tB+Z!<vt2-}2XECTp)%1j6!%SQoVSIrVhl;47zfYyobefXXS zXFe8j2VTqQ&N$eEs&8tfI~^VK$@zqK_zCDrkBfjWdUm-8xHZ;+O@VI%6$**~zgl>|Zl%4pIIct-{4N2j?_*zCI*j$6 z6ajeA3H4-FOHc&Ojg4y4KM43#{FnbP!L1ZQfZs>)Q?;U-JJ z@el@^Th5d+jVUardQ-Z9lzmjjF3FZsh*NlU&5OfZV>jnrH?5mYS=c%|_oK|%+yCtN zx#{UL?0E;)*hQS_P}7u=TUqZwC0SjfN8&4VpR)ur z?Fy#c=D2#MJ!E9cJ?&k)8u?SZNB9k*`Z9>zzZ#=Zz6C^{)XM(D_@%n*hrZ6dM%?{X6)hXHsqNlq=uR*1!?t(?(|BSJbJsg_v?$Y zPc%Ay`+M_S+27eElTDX`=?m56q)*aP(HzYFJE>Y)v!k|k&4YUMmK5(DrYI$}(Bhyr z7It@`s*y%1Kbk>QB(@_?`w^CfP5@anz2eOBO!k;o`#C|jgXV$bOV==E5O|x2IfSj9 z4l>j>fv0BDpW*%qfqS$dI%Uz5e2Vkl^xHKnq8Uliz<6i7wOf@)8 zHu(43p7$S*w@b%;kGStkJd81>CM9v@qoIiVUdSHFrB2Cxl&Vdu5*VD5h%K z)#IO1;IgnehLbNDf@MsdxAKM$0lt&$o@xYXSYOgVⅈ}+Pky(H){2J$|$=k1pMj~ z4?TIwJpT9YZ_HWTj>x65&J@`&CD7Ups(JX_htTU>e_j~B&0AtfB>&KaTz#+lj`%QK z+3#CP5Bym*o?bXtUsIa!N&;^o|AswUq2|(a_)W0}B>p_LDmYCQJN9;q&qD0?sn_x! z956ARK3XJwasG07r`wxZI-2l%5lYI~;ZkfZ4zbK{OJ0Iw{3@Ypy%Xu;*gq5(b4P3w8I>w8?Y#tRtR_0rT7`1A2r z&>RzZdAm|J=%^VxJG@Ao#q$@E)H^8dh5|MPJ#UyS%z7P`thkp$L|6_R#o z#|8qrn_fVK_>DB(b>%iX=L**{SPf;R%nY+KjF$aEPh!4iMrpibjPfX6Bj4BH_olPyfbd z{HLqz=bCmVaCtm3#$gW~c0@Ts+N&3>0ns)yt&?J;s9t+PadY&~-ZLbi@Yz)t)k*f< zB`&JnQg`QZ7N|_A`lN+-JI!rav2U>ntt=q=cZZ|)9>qK^1Z2QMX?81%LHE`vZqKKm z!mmstY+d))KtLUS=6<$u2IJrs4oEOZHR4lsy*hN6WhO?mVdp0Rw5C)2)2xJ)0!m#+0Mhk zI6&}4CsibgTJP>2-aI>z*X@z_+4LONk;n3lLzd7c5%t$B7sZ@bO}xDBD0{n058phQ z(J;^AGz6tfXz=VPCSoQKlWhlOfip{tG1q77-ovOT53%Ck>io+8pjh5kxrCcOPZ-AP zY(5ZrtjXn}_Tr+)pK{c4F4%BmALGcZIp1wGIv?YtLJ-Vpj4=RZ3ZydJ+j1_KtK_B; zv!b%&_L8`{1Mx)$&?VTvame{Ch2XP{lk8H+@iG%AGRUP?+95Gw1)0TX{g^g!>MLlN zsJot2S_>2xk;kmB;jheIz;b<5;E~K;+uIe`g#)xjCy=5h>#xqrHgevH2Mj$K?83D0 z$&QwwMrJ?YSpy-u(Us$DF0*W7ez7-N$(oDwFps@fyWPM0Ai%cOBeKwj}U`q&jZin?j(jVNIRBE%kr;J_R;h{TkH9(u~%J%l1U%hH6aD6 zp7jZp0^78NWnnZMtX3v<7=}!F#HWUY!l?c1OxVTrunH4ox<)$X+oS6|kjesh50jGGDo>qvUIqJtsyZxZ`d< zCY5i^?37A#LzWMDm6ML0YkQ>o30&FuDY$O>w0pnII(mOE#BNfr3B`7KU}Nk_uGBM= zD|mRu?t9_r_5x|`+2!f+?Th!n)}8-rQMMUte(`DR}KBw(a}mWi76waiT)5` zF&)t*U|5zD`LzrhNeY@cTePzuxfDJRgCrA$VW7c0or=2nkge|r>xZf4gsK^=mLKOH z1L`FC?Nss1o3=y-*J(5Hcpn%;tAV`Q(9moqj%IzQEye#4{KX%~CtyH|g#DS?`%gNe zZNstlz=vHqYivk7{=lz9*}+oVC@a}8k+0VkfaoN&FZx@g4*H>fD~eMZGQBCaxN7X= z00Dj<IczvWS638cW1keK$S5(wi5#OWrig1F&JCUzX6}#50BQeJfiOJbI+qN}OZF zjtc$H{hJuzkcWM)pgH*Lk})AIASC`fKYvDpkgv;-M#Ffi;Q^_q{JHi(Qe2XiQ)I69 zqdGzA?lP4Srk;g_@$6ySw1fGapP zC8B`O{0G$X+YM0~>YP%UB#q)^JpE9Octv-+wg`nymvBb~6&#aAOp{U4m1)$bku;Ej z5=^z0ob`rAqjJfRnRd}(Qf;S6n1e|Y_DaG-TW2YXQuE15lgT4FHjgn@C&7(<>KY@8 z5%~@#Aw*$1W<32ABJ-?Dm{YnUM9PA{C64ohPYJK=R? zc@$2=U7}JhtNcmf&`)`o@$k7+4kgmgJCxs1%3$LSr3(Y!v-+C)@QEv1piYuH@uMLMgX@BcGhk=kXucFp%b%sxfQ}rz zR$YoSN6w8k_Y>K2ANi+ZkR=BrN51LMs_oq28j(Tjd6hy4cZSS2c~wU>&5)mR0t{-O zt$DQSrR`6ht$dkRmvtprrCOqsKVErh^=TC((c0S zb7}0;Y3ywa4H4S3E^#*0m7b?dc)Dc64;yS{3puqbR;_s@#m=k`IFgZBhqPo63gUXm zNk+C8uvadhF^G}LX)aciww>iJrXg1{hM1p}Z zV)fMN+(;iUJSAk~0~^M6E<}B&DD~6p!dw-|&+|$un`tZkd6}_E#`PxpM!l7V7KWJA z(gN$m0^M}$1GR;DN2-2l1yl^v-dg3BqNmU z20Y3`sd98dOxX!Tor+nec?V$mpOkIwWjI3e-St6cZjWYm;hrQ$R*9t7I*@^eO5~I) znq+PS94PfFx~a%m$(=KO#@|0z-PCs!P7f+LDO1jZ7Nepy@pJOx+VCP_<}IQUs9P2} zJil&oo6i@HLhMXfFy_}6)P^U&Rbu@=3MK%JlT!#uKF}Iu3Esr^0)y*I!Wv z`i~&T{j;mmV2@TkNZ!L);I_P$J?y8oqPZ-^VAeUFZ2qN@S$=~wP{ntXJnWR6qBFVQ z1Q?>64a+c;L!I#BokiNT$P|!s%5BLCt-46)6k_lpC!!Fmp|7Nlp6S9J9-hk&L36k~ za}~nK4a7pf{f-i2Fu8z%B0p`9@?{dsHF4|+LU3cT6!e(i6!UqjZ5@}GKX}+ zagp}f=jx$Mn?J2rYozQ5!pG;YpIPixF&#G_)SU#~IyeZnYxb-QNR((F-|9{>k;VwE z0eF@k(V8yMG{Rtk1ME6elCL)I80Amb#@!D`dVZ~D?qr8LJkB&Na6OMtRC#_kbWkJ5 zA`5}zQX!iS8s!%M7pR<`=l{<&0)*%Hl0+n@IpifwA5$Bgz3OHf$U0mRU7S@~xM~I| z91frDyPkLcz}Cys>mG1l1)HBpJ?9pID&pYQ^_F;T|f32_sbEw)oq$Tbb?0)Dbt!|9z1lYT~6^nz=Y2GX`?>ewvrWH55go@J`eTdvqHhau-6w6ePTvQg7w z;oc$t5f!9w-I+gPNtWmf`#xJtDYo_V)IntYjeDUPe?+GAykuMlO*WnA4EqwN2KdNa7(4W1D5OB)GY92@ow*zCvGc*d)Ms&s*mbvb z)QY@fL9Y$lU}5sNk$`w0@HN+Ry*#j^aW8Lw8ukg_uRgiT#m&=oXt5#%b#L_=IBrKm(?UQR$PLR}y_|>>*UlaKxV|to(l%GF%-NbgRnU8pt-oDN@pO77 z7zuR0yyPw=PVANc9xha$A?bhc|IeW0+G734@?IqjX9{@yRKb~~w+BLY<_=Ob1jON~ zZPX=?W4aNC^foFdVjhx&6+NAotw z&E4sf0e!7BP~S^|fTkn%{l@(wkmZGu2wU!-YzkLN!G}l!YiUz0q2bx1ke$zhmrH@0ZI2*@hdAKjH>^FGSPTudm=)si z*#UtzCc?~(v#TCs2F1H-Tx^M-;THl?hxWaxhap`SHJfB~Lkjz%uqm@-odtLYuv1P3 zP+i%dcf0nUg1xDQV7JU50(@g!U8{f1)9a5@XLztKlu46S=AQ?MST;T!F0;bChtHa9 z^N;BtzjD$B2#mP&{N}X@O*+JqOR|i-Os%8*@J-5`U$WN+@OpyK*d(OJ3y=PP7rNXzxXeb8h4RiXBk;;@|7r!= z&d&3(04!=jXS?XyQZunySl{sm4giqNwwJB!!{??3$DrNYc&U!()z1&D2s&P`^f6hN zKZx2o6zlBm?eT)=&0PlNhU2&hbR)c|hmD}j)#ddMQEK@luVJs%#-tH9whwG7F69E9 z4A9H6@yL#~qcDyrLVsbZag#`w^3`nhvwP)NT3G=$ENrhlUwSbZzWtAFu9cSyMamv~ z^IfXWR={?;A4>_gxiDtf4VcAjhPTYux++#FzhqpU_6J@pOp@)fU{SnC4l1k;Qb1vT zBmmoq*(26yIU(l0@9FTYUJy-qMHP)$E%1}c&dQBv;aaGjcZ#v}Y^k^y`3lhmv z+j>*VPuoq9DmyK#H_vwMa8hxGkqX6}nQ@myX+nh`_L&~~HBL`O6v-k#$81W4N~Oyv z^`nL7cez*R2bnJ)h{n!{*tXM5o>b`@TnBP3Xl)JFCm*-3iX}BM!`w~0DG^0j!(1B$ zOkNpudiE``16D~;_X(^!xGOq;wE$={$mufvWMH;9QVMrDvadwgIFI=y-mr@?(Xj8Bv#MN5kP4_E^9=19zP?>~>M-qZ znV4pP4P|*Pw?4woM7vx*QZgGGn^)fxK3XQCt91p3Ig~E3&G51lV`sBTUyysZ30?p_ zbFEa?+#nw=;vvoZ z)g9$bOa;~%&MbVHT|t9Q<Mix8Uk+qT<=uzFZ_!n2dpclyp%lHm71^Fd(%94um@uBktgV+@-s>DWf z4%8xATT7{TZRFIbDTn8WkeQ`4zf_aKRab9`Yt8vsgA4~pC|KIbu^KrK&7KT2PUwGQ zmKSp|r6@RC(X+A3)5?Yhgjx=_XSY=0y2i7IEZZ;uzf{YKQV`?CDEOcJ8D7pt#UB4> z&^7SMb#``UXMI3|qROVstCQCG>p*Uji0Q%IWt&f;52w(w5Q_@%Hi7nyi+-^1zRye; zQ<6fBxJDI&yZ2^V1VPuv-h;@=~&xJk+U{Kz*Je)bd&asf;zn8=NGd&W6R zG{jFf$nCU+fwINcziLC*nTgV-S`PL=r>{YJ&aW~Q-0$lbiIuXLxcXeQ8JP80cv`C{_zlIUIL1Ww~!=GAk4 z#19W^n^YF|ZWKzfW!^V%9m*rO{9YzYywULe2I~5_${tR1?Lc8ajbwNG9-*K5Q}%w1 z=6KzLeD41lxUeJIj>7v`<$o0h6%uEfX(r>RGz^8)!vNcEW?6VW|18M_&Cw4^aM9J2 z;Aa9U8G;xZX%h)7VHCc#uN3nrybc<(B|q<($AP0hf#2*7-niEpfB5=Mu)II9eERnk zWuN}UNxUeUGD#6478PR#v@LINHdjlzwo4AXpVV^lB@aj!2f4&FIvLxGAPkzEWb(^L z3MQKfB5Q2yb{64AJn%jo=YLYvYy^iV4%=VP9eIu^Ld?w2m?!+&b}3OaD%oumxxK6_ zoCbpE#>>F)N)Q!+`_Bf1>no*9?AK_C-gLzVmKYatH?fr%%W}j7D@V`_p3p+fC^Ok9 zjN_^~`wE1TXC`^)ql`Ymvm{7)l_cF;+ZT18JY3vFZB?~?SX(t5JN&IRS>6i;RhBqr z9wun#o^?dUHr@}&5t zEA)0(w=u?$!f$MypWW-t2hVxM=U%rGj(BPuxBF?9BzBuH+;Jt^9WCWGjEE;6w&bVE z#*|lcVRZVay#sHt9UX(Vr*W8#B6cYNmxi`>3u~+TnQx)QG>7`zXE2hO4J+vM;P(}8 z9kwP=80NsLOB}Bt@)>Hx66F3Lf&CnxS66_w<;e3EKJXxQeM=(Ywr>G@DQmv->&Ifb z6ROGb7HJqCKV=VKP;dHQ%7m}E)&Ef``RDsUT^gqELf#?vmu+$Rh2(7t>iUy4M!}W} z3=MveC`tdOogd^5(qw2>EA(~oiF}$*&&Qj#B}dAZAw^tNG^Lh|q5|v(Nc=pF5Al$VZDfxewhx&Bfo@8I4}ma3 z@WDu;`R;%oX#g7ToSB-tI&k_P5Csk$-`mQ7C!;HUFZHjp4MH~-u+AK^V3F^VG1*be z)9~LF_`8A}$239}JXEx+ubhR4RU;w^?x2!tHmM)f`blAo1wNc^A)r8uGNvpSFy%*Y zRv@XS-}Moj`7i^6sx$C|b8gV~fBDCzK~3DkhP2H;z%OM8c~l4Pca4{(fB99mzUxGI zI-ZK@Ngy78*3{4@%kCIkR@iUJgQMp3sTUPY$=3C-ZMbtYGgsf`(X)AfI z)ev%yW4M1Q6-n%ynPivDT2r~Ns6f&AnO@tKj~PBqp9Sy2yFVWMJHC`*fH5gYgb~ed zFDIK$e>Rf+z{fdadI|7N4U6-*Q~3M$G~3%wkEBwT%1p4J+$!YXBR+{wB6VOBRTc+0Y{jTbGAH$BBQ?6ebAm8OZC>#LEi zMQ5ijJB5nRPiMOfE%(`_kFfsX|3}vLU&ge1>3`vABlR}$PEr4iQQo=HwW)};`Xag4 zhlf+%>kfcz<|9_4T1aGl^u#@KvY#sbMZHs~QpcFmu-TGHr<7N8FH%TKD#438r37QW z&MlI6^yJ?`Z=GL4qV`9S=m+@-gRhkx#g#_Yd>!Y5wIR+V+pGvmj)-&*VEg_sF650& zulvkV5G=n<6PAh~w`7Mi05JW+?iit>@wgBwMv3glOi{8$M>hd%mOO+Jt&&r1#%$Pj z6!?%sN6tU1yil(Eq43I}&Ol6(6_?r#IpdxBoOA`>6wA5u4A4}pe?b*xayqqSW;p!Q zg2%L{nUv$9NcKGKH)y7$3Txm2pTZW>!x_gBH85keZk0m6LDxsr-tnscH2E)_Rd%JW zfzx)!WO*FR`hn5A)>`dLd%VezrN57CSW5~W^KdAJx}yF!s|*c=Bo@rpn~6sD6xl<6 zwYdH zJJI@Da}{?eK?1egj6@(zuZ;hXu6GKqEa19D)9Iwsv27bWb~?6g+ji1P$F^6%@mB)q?b zWknDE81)oMX$qmk7b6eHWA&9n2xN^ln;PJ?>>Mp09PhL#5TS%dxE4X6&J}_khJL(h z2{c~nE&};0*&d_hP-Med(+N%;GNA*#B9AZhtDhMKsb&bxZ16O#N*dnGP$PpmA|RF` zG71?v($JUc$isQFE_VBDEsDnTT819%6ieh~(;W}3rLZatpmSS3%8P}l3v>4E29*?T z&4|7KAr^0QOi3-ekGZj@dVI#~R=YeK*$Gg?@kl`Y-7kGmEn}`6(%r_`Vn;mu3jY1Z zx31P4IprZ%%LE4~DdMGfr8raobklZ)Kb&Gz2%p2YS zNz3uBV1z`f91vxz`Ul+MoOy{QkuKZ7QW@aV=I$RD*TWQGM&&#PW^o1goE0a4J;Ttz z`=^Sz!IWjnPeP!LnrdALBWLJhArDN}o~mIZKk!Z#GvvjqQUY02P6@NAlB%gL$L;k# z17hy1^`sVfau!wjP2$U|S+(^14Mbx|8W5^yZv7-VUs-K%0|If(G|6-EBUqyHT9rcy@ z5-CM=PRtmn3#wKe>E8pC?NdcJjDN=t^p??e z5jK|=K&LaJ{PdxsG!E0(;thulv(_|_RmYhQcc52-*MvCwwZ)DnWHOMhM?f}Vlbs2Pa>qqhg z6+eVSH!zBbi}P2|&8FvvxmKq`;ylMLD{?94rDbEp#Rd?Ju+G3uzNLB(DZch9>@<<@ zL!PghPM5Xp8q-_$ZeqyzLw*`s)v4Ow$)7F1^ZHa1ERH4MCZma2?*sq%Y*C{0hR?24jQzC8BECyVhyDi-ElV=i-^UESB_)Lb`KJ)&b|a59 zO=F_Qg%-m+A__^nTAQM2&ju&uR?J6Xqf`8<)%~Mqm5dV0=doYZihdsdtNrVRe8Kc2 zS+|Sh`pDTr1&^=QVBI@~Ej*b%u59P?u}3EXrcPWBucaNGW#TwB!wA%xC~-2C_L~L> zS`Kln-)dTsO9V+rW;@o^=@Wm#CzeUV!2}riUcO856<+Y*DDE?RKFI_r{G0NjmB0I{ zd(x3iA~ko}0vd!93yK;UnS@qZ44z<4AQ%$xGl2wP;>W}H6z_nGGtKESz_ghb2|GKF zE?{y-t;}t@?{>e5&*-tBvvipCzu2A{Eg*Wnsa#rqSkjX6{4AVv0}NTFlgZAoZlV#x ze}z&x93lM3u=BKDXB_*N)4)=%jx*nuu^T`ow$2%Zs9f+Fix|(CdmmG4jjol2BDAUQ zH9fjZI81)CYtuOPN!1MB+<*=EsTdaHksTzsbk;&!zL=3OL($!OznPF#wwC&Nl2B-< ztg;A`KYp@NqOB{~qpyJCcf~|w3mrdS8|;#k%$sncq$sf;h5Y)PJ{I)v9Vvf@T-TSw zq=rK{>yHcymj*_TUG@mxZoJH**sKEQ<%5Va1?g1fTXkfYqtF#8cZ(CiZKbIcFFjNo zZjQhgIxRX!d}xf~yu9IMIHuRMN6bp(Wvot=HZVtbT&P-ZLNVhGt*O~QZ?S?@QtaOo zB|i1R7Ws6{w5lQKKbafsbSZM3415QBG)gv0C=CD%PB1GuZ?H|WhRg~$Iq7t2EoN%y zvJ4NG5nV$4ter1Qupn(zLaOLuG;(K4>-PA6W$fGpvqIr#yJ``7I+YzsEE10 z^OVuCJI2qz0ua?TlZP05QAVx&QP^14n0cQ?3=Gz~G!#;K=};LnnU&Vi$IktW?@iN< z%}RDoZit=v=`1F$B<4eRaeIX38w1v2LLXE29eyoaZ&MCWEY&YzDEMMbKbY( zjC^GC8ZV4iZv-&I`d;#2EoFnaTMCMdo{J9*ih%_q#&qMtBw8q`SS8$FnRdqvM>~Bc zR>!~Wj}vM!f?`Ae@ZY_}nPaNP_nIS-<}jx$^i+)8%UuoQ5d0Q?1O=#=mYFc78VwAV zakA|txd@Ou39J_*bVW%}5GuO`2^9xMDIi3QS`FPYD3Hdt6(w17@N$xbaF#cu0jIM- zzi&|lf5j-XOjRDg9-rK{=omP?XQiK!&bPKCN^rVqmseO2muwWQKKLXnRXV{*542}U z>PcCRfm4JN%?o3xRR$i-rNxIA;&7?)2!+u+SZXLT>I&TtqeR`XWzlfvu9O0X06PO4qrvBhqTA7!aZ47i^~_}>LHbp) zBAfC&Iq|fuVgTyXh+k&{#!zRMN3oW*B(D7W!lxQaX)k^hCZ|24fkvTVGxK8bESkdv z@OtGmhSYNQ81;od^j|E6!1(azR^0`1uLtc8dF@VL!EF-HXF?zWY=6qdY9xT;GpDMk zgj4#LE7Hu^cj|kAi`AfKv5mG;N~?q0ZmezMWL8-@_b_)ydnCi#4vrcsyNs?@fK+K7 zQ+!MjMOndozi%Ywm39cx(zTPVNz9uGpA0arRvOFi;08(^#_2QsG6+DImDxWtP4;?R z1=?%9`nlTf7u2ZRx_uncf=p-YIC$eSnVZa0em?}}w8_o*n{@A0^YU_gz&?Zf@Zs$F zkF(9pfe>mW1ad6scP*w`c;AP@C+b0G+A&p+8 z)-qp9;AZXVDP&=c#+JFRWU*h{R(s6qFjI$j(=Uhtm*(E%ZHTB^ZzFAy`yHpASn`-r zC<}}yS;riQ6#JJR3n?g4l)+{Kgus|aVP2gq{o-F(t_fz#wkM?PQ0Ofl_|5hjvMJJg zYN~;RBRoB3osuQ+Wb;}lPqNX`E$k7?m*>|Mnm@I+x93N|tTjrs$Gq%l2FU(2^T@>2 zap5vfnpfnZ-HnxH+1VkW^MvmsTjZ8!mL7{HzTNm(U6khi7lN%VcRfCsDtZnWf1{Zn z6k!=ogTixx4dgGELjkjkC`3?j#>CqHhI3|%-KUb)NU!vqJv%b%bZW7RH`|Im|Z zM@N|;=bBdTyfgSTDbxaLpRyKN^L`eUwR+*Hs%3v31e8{Q>UMZdzLj%<*j%Y_S7EQx zCHB8)wTpxAx8a!c zJg%p9jf8ckizxi6JaPD!?6ud8&9wQO^606g8A1i@C?LNKy%KgekgS9XO(2ry$5)=8 z&tH(Uc%sWU!o!iXctc^6RIhAWqx!|VFBtrVI(=W@$aUxst@t^@6Jl=sDkJtk`c-4( zqD~0O2JAaj=1OpB$boeVSuxT;k!9nMZYs%)8TUX;O2$plK0QSLd|C6YH3sBGm2KM< ztNoXq#hyJk%5CEA6Pig8td?}tVkDa9W#2mvUpK_z!?W^ar@TJwG>9~HoaxaDJ$Z8a zn6S{9B0v8+t2?z6DXx34TyE{(FyhMb2r#DnGqV5sO9C9?n0aQ1VJv$K5+CmuWZ1cp^rkLmFbsrmmiFi=QneN$vCQ_8;AKa{W!t;oN;Mge zl~?DBAAWqGx+L7KQvWh9TF%vHMV+RqMr891GSQQ|S2Slpl2E5lqM6QDxVb-1@W7I9 zkk=e48#y`RYkEXZ_P#jFE)$CYZvEBAVA=%S^FIA?%Xj6WmN*R1KEw$u;LxnB*P69V zfi|^{m~MzwHo~6IwLLlXvzZ$hL?cb+vPM+w$cR;gMkyNZWmbyW6 zhNBnRESJdm0~-7vdorBQNLdnFweHR1rX|P`)61p(c)e-ttJ~uZM|8A+D>Jo8{j=WN z6`aqQFFo7cm2O8K`eN^Ra`jz*^D0b>2pJqUIHbq2U*iFMz?gDh zx|Icsn`oSgIjUm>LE8%1+6abV;$7;v(sJ{o6uO-G$oeZ5$Rx@!1 zI&y(j80;zfJziZOuYtomc9FIjD`CI8i*WRf%|S@*T+3g%Xr_1WMYL%TX~Dtl>e$V& z-y0U8=_PpeoX5{bBE-l`?QgcJ;Y3#TXyglT9O1@Z&$8sgJ|kF`rNWVl%f?f8sWQyU zl*p#QI09S!UVLg-xx}6)+G`(U8x4wSJcC9(S}FEXlC8f{Z)1t1xR4p)Wok+$5DbWNf z-Lo|UkQ&6SVNC5;bhc6vNM)g+mG&3@2mREf_wwJc?a2W-(m+jy7ZGEr(SnHmhjVrl zVIHoJ5MuH8tIH*B?g7VIb1W*3W-fSsg%$EdeL$?`6bd)lSi2)ve4j+F@e-Fh4Lff* z@Z)9_QrLlDh+&Nre;i-av&>BQ?LP?kJ`v`#zzDa4r;Hfu-h5q3R2HXXjIV7-+2dC*0c6&lcXk+ea=oH$!k4x$U8LTQsE2S$+{ens#sH^)vN zgOmBLbnKz~zAW40ACVg7c{+^}lrKG)^uL{{g5YFlF`^b6)KAm@Ho#e`K-KldRA#L1 z@|-Te0&6vgNTAt)^^-vGA3XRQ%Dl&UGrn5EC1Os6r>&<^IDt3b6gl(7;Iz8trLj!G zKgh|qcMEuEm{b{BsLj9|t4%ju0}&}h374bFU><|Ji2_e6mbLXS#hMh(2*A*j@oC<68r{XP3$aJWrZ??%;rKP4uE|Y@dlSyMP zij#?gXCDQbh0o-u{6U+=8f_{HzR@j-l7k&H z5@HU3y%kTJvG9)9Gd*BOe0CiVW3aF50hi9&bJ>W*Y8^g;uyY$I;)R?Ox1G9(40jYO zqb-vx6-Su6ig1u7!TN>_%PH)M(a!V}M^uD^F8v}c@)@PkyB%6cH4F@w1N}IDIR>*1 zB36NwtqHwIk18k>0(!M;6|{DFce9*rV_RfEm?K;IJ*`Xh5AnH^OsYb;Ah=3ezjFNW z6a>bhj%j(AMAWjEdx*@hcz)!H{!4=iU!@Cjy6-QKPnrLRhw0eCuZ|7o#-`Nf2eTm+ z_P3_-Bb6@;)y6|D)SFSu4rw!&cs6l*b4P?9bU-z zGuxdW1?Ywy_3@bXg0UY#aC~CAqf3YbABy{wUJjYG40FwjNvI+=a^e3dvwg4%Tl+DT zX&}gf8yf@5XGc65b*2@eACMpqPQ6!O&%!von+&Nu(c8^hjHv@z7|Sy54v%1e%cn1& z_u#)ThY#X^ji}%Wk=}97*3tbvu58%IC=VqJ{9xH+P4AT^oA1c(h3F9Lgjh75@6J)0 zVz5}lBZaW~76Y`0usc|$oR|-`uBf0657$r)%!T8=A z!f{KvYaGsI2)xP!J%+WP+5S-D>&QdH+B>ilsgX5`u+Zs_1};o~Xa*(tHe%iu6yS3m zG5*LjlT5`+8Z!1MapuuzA}uc_sKO|yo5Qurk$oTj8_Y)Na zh$>NfZmQ4w*Nq=B&R+TI7+XCS=}(#q#+aI_)EDUul_DP`~rBlCNkqQJjY+yjPK*><;xHF)*U8R`h3@B9 z>TCN5ICvR$&aicbL|gY8#=duLt{EqL%`!3~cI*1w#Kn6PCtC{Y)2xH{Oe-T^d^=U_kg`+uvR|}(BHA@i!i`v^>gOiJFARS(Bq?Y*2o({~r zY6#@fh0+v)-6osEj+M@WDlHp)6~|Bh)a}k!-rAlM|uLMwB1reox2}{GItoB5( z92He!KMC4;gCkmwak+lt6$xn4ol%lEGIy_Y=v2M6Pr|a@t~OV1+j-+t;*+%p?PjDi zM-e1cLlbvqByY|fwSeWrjHV1ma`90tTsmL#W{Zlfu0+7>IJ4^D4CEVM;F*#3<j^c&%;BZaKHq{Za}vGD{*EYu{m$i=YfH#&*E*)?TX^Qlq009X3E?xlvM9&^(6O z4Z8VF>zc>VMuWTwSA+UAxqP+v)5{Vi+VzI)=|NSsqg}G9kTpGO622@0(ugWvx-|p( zd1C%-c-=;Q^it?qE>C^^2Qj7+85#t?QLEsAocjSTLgQ4++(4M1Q{ zSUtx%4(q9fb&DN3AEUkHVu~t*TP};2&&UO3`|Ad1s--;~eCz7_p2S9<&vb3!NpILP zf^<0a;O2KOs%*>&$!#b`==GC7=YDd?(2ARG{skaoQ#XG2Bm4b;3FPyr`U_k(J9FIa zVaKS?g^j=bdFOPP;;Pfv?fZAWA8_`50-61BPz=)H?K}7ixCGuFs3(PNZD<|Vrcaq> zEXj+kJ^WNvwa@PUJms4DCc($=@BW8Gyk^HPhX>0S=qkalH@QJuPcEZ0Ql+0I_-${@HgUHnOl?R-`5J?vp?Rzt{BdAt7`f8}7 zt=?BDpt{lxzK%zM zI9XpLQG@SsdV5Ar^UCb2I+3}KKER`QVoO=n|EPKYJqhxquMz*(zgZm$=mNMLN;%g@ z@E<$USrVz|0MRt-aGFC6G{Hk>#lcB1lUKkHWYx}BO~oTJvk<5Cac?|)>JE=g?iG18 zC?VI{6k6DuoW%XtvsvVCK?wUVnDkId#Zkj}8lI_6}Zs0tqnX4@r##?8>l?=2ScxlWsV~)_M;q z`j*u{*XdqUXv+MlDc_KC7mM51u3Ze zBP$12mJDpzGNu|Bd-~q6`3`o!F8hM_#E%Oe)uRmZd3G*ODdGi|1hu zhQdJr;UFcd3$T6uAxp>W((~*X++N{_RIQ@G4-94vf`lDcd44^EON^aM(JDC)zx)$M)l+-LmtFg4yLUz&n&yMIRTeNf8aR8`^G zbB+oRzZ2Z*PYjP^+zMGSrZY)*GCuf^Py0ajbiZbQiqi3g!lzlB&IC$9HQ{29#*`L0 zc7*SUv>COR|_U#uJDgQiARIzMPU4a@)b96+2nu zY}0>U8?zF8uQ~Qx0DhLsuycgLPmu#jx7ltmFaRi4Z$S_F_njz;tfi*Axx0Tn%*hsE zV)#*%FcNqfg!eFvCuSbOj$ERfMB;YFdAcY`0(eJ7 z&Yc-|_cUEV zQ@-%{D_Ngc!1x{ery<8J#-8(1AS*qQ-1kzo%J$U+G9;&?8sT}8DnTA3ZofoKVY_U|9?GO^; z9a>p39Ni(yLsqQ)GRj$Q-wO2qZB`US1+}?vnUya(cG<53hO&^c0oT4GlqpTu2?C)L zWJ#RH-4Vo*J!56ZCB=|Ix^v=8SN*i_kFJQu?(Um*xA%r1WOprV^BzEO{UYJ1ISvk< zomJ7=*oHETR}`vs(`^Rs1JquwR}Z9 z);BOGUNdoe zo#awFeyEHDOkC~K6K_zf%A9km%LprCMvTNf0e zh(kw^`+K?Z^7jvk6qSLp**E37A_@1Z-S4UI7mzY;}1I+5#Y!&=kH@cIV#OR|xU)-IoZ=wGoE`o=G zITs!%aOtnA=TQo9Q@MxucjBRO>HbTGQvsAT92Aq0-d)dZ4fXr7OLqs0l31>1nT|RsX4LU3diHU$2$=}bM;!_3~T=lckC zygU;WoVSO2-v?D$!0U|MBoZk?3iJkk#wdKq(*zy}mHGoG3<1LEmmP?!wN z;OT8jzPi_6ulECbcb8WV5JjH+c!tqKhp8KJ9K~f=F)O(5#vLJW*6hRy(;JMGEk-fB z$!|*0ohs9+JqX|B@jx4$7trZ-%b_tGJoj;tR-A0F$$G}J?TaqG+;s7W)G=zc0R)|# zwAd5^1<8c{@rRQa1~%99?cs@2?=b$LVZC}Gc~>F&!$^^NYgef5B@f4+xs)`0gtDU% zdlDsSz`T0kelVUnuYwH9@$3EQ|gai9D)JF(Dg;8sGE$-_M}KT zF6@(Xi*;H~N^h-B&6Wmm86}4{?gC^eOCIJ3eo(&e@fcN&0+)aIYGI9O1hxoQbWI%R zOW2TOedwy-7$7(jU-SPbA)?gg*3&?REku-zE-n7ZR%Hl?K};@Vl^XoiIr%Gl-SDs) zQIWL(hOcT-E;@+c9g;9&>-$BUZvFmQZ_ZC{CQZ1F%e<<&zc*?;HIX_cnNd-*MtH8G zIJP5T(FdyzUYIzp!?XfQPu=KYjsbqOT(-X|F66bPE9#VUhUN3=E<}5&`h>~P$;nX^ zLuX_SZDT{MaQ(RHIYfvVKdHVsoVYf4D6C@P`~f#R*Op_eI3=|s7v~C)ZSjpLZ{7Z6 zrE;;k^3drD36Wd3_&pb4MuX4yf$}#x>mwsPe+8$tB0DF@P3wIpWf_r>lS4<2c3?*~ za`k>1mY2FtNq*1k-3sOtO-UdILUD=vgFQ-;iJi4P#34gFBYz;Dct!!uo}2IOK7vhk zHe9%rc1`HMH_|bpgB35S6tcmIBfktgp9)4#B{?H=48R#GJz1^OS%l{4#YffTPqSz& zsXcsm_^B^VsHA@ADq`xRM3J7r!O2!e^@85R9v53*1$*C_@dOH_O?G6pR6n$ZkjN!8 z9T)#D8>nj9K-qgxOjKgMG__8~K$Yjd;;}&~U`oKe0Zio_w#jYA%t9E0b{cuY8gr|b ziAN%qjbQYr%!J1LT$NutPz(6yA)Yx?j6e~06${NS?xkDZ#O(Z@`C`;3zx+c zuKTg5ds7d*d04f7w`F5bW5o-%UpJCP=kf3m5AbPe2NFhZ?%cBE!IHdD7(3ad!NPzg zFF4IaBht2>{fwqlNLY^~$eIGgA6&e=$0U|Cl;!pPZZv6vKHfi@fyLlJ9}CrImGx0V zhPsJhRIa`21f&V1RYNrHK1eGGMS1_bMEysR@NMn=m$V3&OGnlk#ZKAE2ho?LlNKNI~kM3Yb|bf6ZEv%OzrdWG<$q;)KpkD_`?|k13!ON zgBTe_cWKpo9u2(l9umyZEXarsc=w29{QLHg{nq~BkhRnZU7j?bT$pB=3eRw!7e#nn zSp?g$?dQDjububv0Cf7Us@I9p{ zC6FrX=4)n?Qso%CKijvBNc&D+FrT7tioRTZpEN<1EF+(8*oqekWl)HVMbY2Sx<7P5 zp5OO%_cZN6yPnkNG!te!F?L4pNIwaD9;+_wMr)?bg9zb_*vv$dl_a5Pt35FtzdNuM ztM|Ez{LWlrX>tPW*17Y z$G$6QvV!sa>T!5_BK?naqshAIHYoKI1&wsa7|NB z){<%X75L5EO7{MGGZ?#C**aNw=lNpL-tX^mfN-g^yAo}twE_CCe;}P!pj(HF7`Xmj%EeR>oY!v zm$In-$6ER3*1oKbqW_g=pn)%oUWnKk+nmV(=Y`cdB->aWP!RX3U^OfXZumugZGKJF z*YT%brNa|fb;kF(-?OS}UxD&CO+mo^C|J@eH7DN4^r~K0R2{QHnzEC3JUBsFJ<^ZJ za}vx+gpYS3_oi2I;iZ#{ zkTUKlZ~w`v@P-Hw(~D8nl7my~UTmCz!D}5B#vsKw@^Eu8(aU%A>hsz9Jxk`1R_dBp z-Zt3leqIdnW8C+q+3S;pii7GKFvwj_AGBQL5a$$lhDQxlZu(|CuhjIrb-v2(4YRsVL z|KwHwX!$|AD$z89Z!}i|vxtu?ys(oW%{SytT#~YGAcV;X_meu*AVtQqX>LTLYD~)2 ztnh{s!EJGN%7}%pUTR>z@CyVI(^DGZelWq_Fc|_BC`-h{SZexyp3gor&Fc|oK8|j? zbvu}CK=f?VIr!kv3D)m~_2j$By(8qVqV!9@`*$z!XorCo5PCb1ci16I5iHD9gyLj~ z0cMPOjmg1Na+ERV?$yCwgi@yDOw1n_*W8&mZDMs`@>q11x{$}6rm{+2Ttx#z87@Wh zw7f3GG;IpuH0S2&>@1y~mb9#Gv+$&!Y*M+(a^NvSF>M9dJs^Oan0^0E3%oqF`A0t2 zUa6??VyVhV_d|Fu4_BmkIjb~7 z)bx;)|IznM<6Q2mo&|XMKTx<7cG94ykiM~K`w&1trf5Sj&R(uTJORPaA(cmB(VtS! zHV$-No_z)vrM+fokM>Z;l1jlQV7rPf_thqj6o20o8D9j% z=Rfb*tVPv@!ROWg`-uhVb=SkTJp{3Q)9bGz@K~Xs#Cph0+tL~pU(#%A)7p;K8hu}v zaOf|N=nLG>_L}N`WBbDUJI(uoaWk2(*+{ZzT}V3|eB-tVE!>!(&cB*pD4So>L%O`F zv)gpzeAPQ1sm6ie2bsSvP2-)-=xC8}YV_r)mB(e(%RrLj*%bfun)L@K-+m!rK@b&& zkOLRq#x%|(JcHKAxtC%+QA<%a8osqNQfbm<{b(EW&973d=ZFq#Z-`;_TwV>efo)72Q&28qEr`IVVwnrP842a4TTY~Y%m4JYxG|#?3 z#LsAIw~uSAzt!8mvgFKW&8L_~v&ao2F`=rhN#V_Ou<=xZ{+Avr{!kNe#(YPL9Vz5# zffS)s{r3bqT-G-u?Q}YhHcsCryx|iA_Y9`IUmze`vuZsv+%3D~H{izrdfcj$04Xr` z>Sr`|tIk_gsQl{h+y5Wfqo_oUFXczG1(`4bFCDgG@KZs--chI7vmmFaiM!eJ9}ZVn z;=|bLjHIsP^LdGqMoy+ZbP7T}{yMl1$dCW6nOyImW0aW9tr{`45Isu>%rq06%AF0! zNG#AAp|&{`lt9aw@c_!}gBmkB=k^7+AbGoW>>jZStdNV^Z<{;>biXQViEr_3-JWU} zkYw@l98RWFyW5WXRisT%Pq(%r>ZaA1HX@37e5BO-o7|CR&YPZAG;JnZHA+ku6Vn|W%!z=o| zC96%4MGfx21m@6}!M6I%T1YbBgFXQQ)ym-!s!@KQ_lyG5X646D+bK|abB)WUnA7Q? z{JmCQ{*L0Ng7aggcz>TPm8Ps=E%heJ^wPLKH^*t7H0eK;zm2t!oFBSUtHv)0cm=5Z zOPR&RrRgDO7S6X)@HF?2T4%SAtq(1C$Ol~$aXMk^e(45zzI^*i@BTP5%W(7X2tj>4 zI@?b>nUtZM}jwWOK zA`4ickfy~0Y&~G?Zbh)PLb?{g2>T1a;ZchfFrpRj`2-=rZh^cbFgln~$IHil&o>|K zA$e*d?4glu#Xv+zfK67fTcs_gY(<)VA1QG4Q?LG@6^3;io_vb>wXQ<*y~dsEmH-^|m}}TG=cwN| zxNh=|=G8T~ABv76Lc(nh8)jIe6x8FG;r);jA9s4B|IL?wqACkx^@$O~73n**@Vk9^ z3|WzNNUY4b+~jhrFQh(Q{v&d_`B1&$`cB$!RaD!ug5ld{h>{P}!0&O!VcDcBISPEqF9|IpUPI@;T?^d}5_t4Q|~At@Z1NRb|x zRep7aOG>)Z6%GSFoINoML~CjDIQZg|ABP8A3KuGEWWjCH!0}5e==h^(UK`v zZ4Gv01_z6Fq}cOxcNCyK1i**se%{jmaHC(PAWzP|<9k2zh3KL8xnV*Zf9_ERYv7*9 zSb|Bf@H~`RU^P@Hx+ANYB^aZ(%wsZtmk-2?7f+Soh&R)dQj%9NZ0VseRKs}F`2EH6s8~rWe zwW(hWZk8SHJ9r{4q%P%9XK+pRL{z~R7RddMHV&#;aPdGeXNQh*Rh<{R^L=~x^XkSm zi0?W)d&sah#Uq1#inn5^!}GhN68%cYk#;Pl8=FVa0_r4RUdKz3)UejEyHP4e1#4_f0aJe3Eb_)Y@9NrMvz+0XB)ADpnG~qj zPXPZ>WG;8>BN&Z_zAmioV24F+d&tj?7Jf&LA%7I0FM0Q!v7DSF#*Tdr&behrA2PxY zDhp~8>&^X1-MX}vJ6wz-ht5z}J^v5@5qrQ!6lso9wmKXL^l}37D?KOY;8YO?cJYFm+RUE$g^7((aR=&B3Utg1%b$#Z$ z;d~9EN68g7T6jrBsuavtK~Y;0FSc9)_tv2D$hhs*3ip8WQiaZ*_^Jqa;h)?2(#en4 zes)F)(_%?74Zn&Kxprf=F=~M*KNpJK;E3AxC@twIitBvA0WOTgTg@~VBb17^ESkTm zUa}HFmF!6Im9EXz#|7dy&pRP~LKyEm*N}||$gnojuK226%ga}Gbr;io-a{&N-djFj z{>{}y13G4sgcM1Rc9du@$w1Thcltex2N|<42cH4*?BOpyE*ddVnxPo|6Bje4K!XMm z$)xbSi6EVpKVpXFAi2N>EJvHzK9l}BeV7nA()2z=6qOPp*j27!G*(|%J3La@hOrcF z3%1XH+b{_ZRmw;Iu1sCe{}{s~@p)aZf{lP>nwRhQ3))oek9lIWN%3%8nXkKP+1OUO z0MK|D!W1ml&?1naXP9vxs4njfPEx{_W#m`P3a4#0@S3CFZ`$b(A6TZpg-F;c^fpT; z*r*V!h=lt*xI42rF=GY#R0*;vi^jrujDK~16&|axf2CEXFvF4Z5`u}5{e&aVyfv1W zA9Yqi2NzLwZ&%`+;@v@h?VHLksIcnN+5dsoVBi$t-}5LkJ7$lMgM#E2^B&ny$Klax z3(@sSMU?zae0Vw~L%wf&vnZ^_Y1{^l`CBo&e$`AF;w?;V7nyVEZ2!*mKu-tyWt=hp z8YFn*2tb_k9yo?s#+2$pe*rKwILNL?f#ouV>!n};&Z*(pDTLM8HSh+Ci@dw1o?!4n zE6*4!KMXCS|6?Hkf6P1h1Qw~VwZi|+0;KKlQ$|MN;$%Ht?P3fAdpNN#Zw05HDp-<9{b&jpk)L_ysPa;HI3o;jwRlYY;6d zHaChe5`?#9!s(&cbBc=;;~|l#3Ny-;PgO5y(XDN2`E;ezU1YrnaRf0NemHLH(|^(5 z4C1u^9p78wcK7s@kslB`c)3NQkL*6XfMtvG_jJBX3ooAKXr>~EiBwDHtNLva$lHi2 zOSkv*ELW#7c)`iXA^DN7g*Uvobu%w1p}uIbfA?u=K!NwCSL}M$SD+kHLh@?>?U#99 zJG7P=(Woqhbk-eEUl9&o~vfdG&9qg900`o?wzlxYdtk@a*)WV1N-l3Q#~M zGRj-o;hZzsGp^$fW=;_Keac7oOBD+*lJ3^Cc%DO)sMp)eZNe;*R?4N@y7{|hZ>o4f zSjrGgAVnkro2--)kCbFBaRyb)cxgX_15kG`*WEA07aFPx{Q3=fcYEvRW z7#&n1O*Gj>g0`w=2%RGF-2tXlexUuYA%tTgFM{C%T;)BluB%(8V0QuHLRa9GktEt24e9}tBD3Qkz8Tqw;khWf?B zDGTMQW;RXD5k6P@|5*b0(xIbZwH9VdF!QsTj@o%vOF$z-0F$7L2$RnG!>3enxo5pU zIUbZ=?nX>=9?esFg8}vP@33LPOJ8;guVN{JH|+kZgyiz3hAolV$>a;zWwP>)y8isI5@naZ+hq) zOv4zH<;nDiu9vM{QLw4LZ_QtE9$2X2S5;LjVXgyU{qgh1Z?kMac}KC{1Mb30P^c!6 z$R|U|W%q2$>Q;JZ>1HH}8Xm$V5=5Pq71jMF8Ykg9CJnRkWi#tT#(4oRB4o@%2mf|? zVDh-_r%a*9S!^vTug&)gP+!Dz43<#;&J$u^1ZMU?TcZT_-0ip2FFg^%Ft%Rz8XowW zG>+o4YLNSh%Z#~fnR+@K!jKOmj&--S8Fa3G@c4$_Hh33Y*j#Pd*F+%S^@PL&Do_1i zw8%CycR#}2&ULz8vdZ81hH52wCMmYI#SP8W?ws(Z!>9Sa0`B5dio8ExL#lNKx39GS zVJh$@`anDz|7(DJQHHynZpD!7iyN@1ym-IscU7Q8>FZx`|P#P)`oYf zxI3&qv~Og`v@7kO2@O(>EOVZxcC#97_=m1Pe`;}=t~i@#rv zv0AkM$iA4M)v$rhKf8M@LR~emA3JBL($MYxL{0|Q-pn!V?ujR`t&h!xOuj5{Z`GvG z8*BDN+n?XF$2F90ce(W*+6!qdm1phGw@`f@uU0$wyO>I3afe>bg7U8$kZ%qKW=;!* zR1Mktf;P%IEU-*+`nVj6q_w+AHET<{6Y0m+L#lMB{OZ=M1Z{yY@jp>8v~LbMNM!jENHoMetVoo{no@7c&2 zr4#eJ8seAv*o7du;qFO6X(P0^2pA}wkjquZ_!8K^wOq5_m-pBHvT~|?Gi7a)1}ol7 z6Q{H5oxh^KeGIB}V@0V;F8^RqPkNbs(hOt4%!G^dqsMjGiIKx-ms= zic}qDJ(==yB*+-a*j3UFYo82ke;JEwqBF^V&lqLqE{(Q&_6bnrnx`09{(ZC=-z;yr zC_keOmjHt@l^iQ%R#y$E8H{h8;5;+$f$-P-ZFy!ma> z<3XhNhw&tOAMD61yi4YJ^LvhziJ}~rlLqs--624^5>)$sx}k-GhuYZBH6hYqEB(** zB~DF$%X|m=fAGADzn6}!pk;rr5{ppBC&K8|=0{S@?m5qfqX*oPx;}j$X|qTQw%=1o zNqY+}p-7>JLJN1hd%J&;#W<{=A5Eb5`2q*&{&?fNK46!Td#&7Gd=z0VKdR3jys9Wl z=C;~%!{y^ELholFWt-^@o=5{{GdR>&K{0+*Jz2|CPkjK7j4<7Px!=g6qOn$xT>+3^ zQRQFvL)b$yV&3b>tDPi@F>f4;qr@+v5d#C^ZHBQh>*$Br-9)m@@-t&|<~ThA+?vlc z=Y~wavUX5E|A{NSRvHl<4{r`Eaz&zXIx?opiGTL8KN=Zg^^6WEV+zyz2(c{-P91Y< z;pGX(GP4?9-pp*}4g4&c%6cdB48QLJ%2t1&G+*Jv;@j>W-06Fd7lrfCt>+H2%%uaU z+9J8VAo{iTaN!m+G#FWmjQ!&8O$|k_?HQZwaXTrZ_$ z#oJZ0lbxTxH!5(%wpU0NDFU?9rBg#q=Vy20>gQ7=og1_iM!~p@1vWQ2f$OT|{{`?|;e5> zIa#BzGuHplG(mUme`l=VmFBhXvcDNpVG}vcS&M>~$EzY)qZ|>A;Q^yU&xLis+;-O* zkw0dcLsES5Pu}v#4R!^Iw5mqoptp9PiE=B=v5XKyPgzwHCljuAx_SpFZj-YTjMsO#1a!GaYCF2yZa@!}FJ zI0Se1Lh(XzcXxM(Lb1|9ad#~gDXxX$Zin-|=ljQh@!sS%VpNND2@4-= z{lswLrY8Q&pXf4n_}ED#j#8}^hLqD$FNDR zjsvRCRNA26jE!`G@RahX(?nZp!|;xf(nn?^_0RVm(n)rl=_*AuFLL=(6NyFzeTpac zB8lo1F*4$dkzcVCl2BbYFv1g2g_7S1s@rDMm&S6~LbFhFWQzbi$ghMbe5qr(2w9i& zPosg9bOL(d!$a%6k;tE3)(WBNIo++1p0`E99KR>(i!h+Y0`Exs2urCGLaH&-zLeiwuO>(M7$?#|6W%!K+l?V!o= zjaRf~gcfRET;k|V&KO#HJ5Np%dnI9Snh#dG-PU^XPb#sDq z*KJ9T#b#NN-4yd>#aiT(=ZkIKa>n$u<35{8HdsEs-`4kgqVa_DiJTHtV+F8W#~!zu+wGl(sPE2nU03aPvPI- zsVGY!h_U2#9Ver@94ONHgv#iVnQ!y{&$b>0Jr=50v9xSw1wehZy_te9z7+|TQ5c4 zY|0ufs!*H9}%PIGd`>!YzV(FQpuB+EIn*T+02K4c6u(Rlk z*~QX_s;>}-RxN{^euA-S)8M4hQ7ydBj0mxxyOtuT7K@N*(aG8_G^R?W8A19dS%|K| z))8~?N7UbB)J5;wtRzzpf(_y9@_RQAoZC8p6A!asarBQNJ%ll4(|IwAAYQ|C@)@4y znxF^g(I@i{Fr(F?9b6%%r{D-!tHmLp$gX6|&1MT!B!eh9_QVRY`fCf>NoE?- zxM>s&*@;lwu;aLF2all65vHj}+7l1tJ$TzjTzjN*eQ}Q?cZ$hK(c70rv0XauP2&ue zCM-bb^!1JyG$sot%Iag56m-w|L;`{E5KEl(OmUB#d_uguGx$VIQsU57mOQW-$+z!j z=owBJF@h4B_@sO(Hx;NhRsQv~)gqus=}pe%2p(M04bGdXw>jq8J=5_`B>P8;$>;afZ@GFO`$9W+i)Gc zLWSTYa~`DBn_(tu&~fWE5MV6wf*CGrN3Kda!bR#R z+N8N?w1axT`#F}oR1y^gOIo^5DEQ#~m;#a(p#uYPd3;VE>)B=8I0H1XmzZ|VK?oDX zQQh5Y!8Ayomuy{C+8}D;2^j3?9F6Xm(Q=t3e`V`Y%XJm0Hd-KJ>5}}8)9V`73g6~( z-TAm)x7p9}@uiRc58g)+WE*>3mD5U}Li2r}kpb(B{?Eqihq_u;W6<+G479LDgN!QX_qJM<*E755>3qY)l5fFPW*fh=|X>EU>0GgVz+GQ-4Kgq7QW8hYJwZtQ%x{ zq1WUk!A-qWDW(31bsuDq;fm!ZMqx62{-yaI&N+xGK{Ms8#{?SL`SHU6m!MmwFVNH7 zH~eHsO?O~uV%!z*YQo zkM|3m1KKAIYP3wcA~6Wu&NU%vu#TRVs8d-s0(>@}5XBn&Ih1-4=OI2Un%wkW@{OVI z9_PSqDBwMcl zD{RPGpfU8c(MXjK3Sd6ygBH~|!p|Qc@XcBTWm_7pksxTV7yxy~5mAt(j7bS@6ZkFC zPWLU3MbxZwR_`-tkwVZQ>u zy7qolL{v5iDGNQvR(}uxS`wwF-}^?#pMtoh8Du*WB42O}@k2n@R*5<=P?`$Gte1|Z zMjix86?^5JKm)AKS-i3B1aQ-&kx5iD9k73vMw9M)~^+(;3@xQn4fd+vWSNTZ!( zx)3=PLT6i>Gj&!S1Z&V*vcgFi;ba6RoFf65>npl>>-2^tpJRK1Za8}qBaK{eWzsNN zFqA~OMr;|x@^gAkhY}KS5!jAzvL`mh88;j$IB5KT#WCm)9z@_U3K9lJ?r@wpSgxHmu^15zyq~jY5%WKI*a`n?PP8SOVM&_rW1px*Ao?oXCouV(3^%Gc zxhHQ>V~4`9afyVjt6`-X$?Bw_?w4dk%TbRz(=Y}_t2Qnho0qm^bC5&^ilJ;31q+U% zS1bDM3{~F{B}1qQePkfCo#SD&O^No0855CbZ%DRw~$D?LXp4_ZP2`COa_jnCqjoMDU#8xs71XaKJ&V>&8v0Kn}XPtl>6=(QOOGho3 zikCxWr+w&7Sv)MfEbzIlYylgIm4vD2&WVrMA9EFk#FHJ7mOf`&jc9T5 zhMSX{+pTZ9zn*rV*-(~WpY5_x(9gZA1}Whf8clO>h1W|B zuJB}Im)XkNJSWSH;FQq1CbC}VfA{|G(=)g5_mL`^TU=`{1$FQTLU&>QG4qc08U#k5 zEGW!x5YJcS2#OYk>@sqR@o~$Gv`lxf|Y*PX#V1I1{mM{rtPeHH|_^OF8o{?3;YT zj*}lnyAeE6we9ksjxaLfxFUU^1*v8r+$swonqe`H&3LKBwhs*i3D2dF=RpR^SauH0 zD8myiRk*TxYh|Q>zt0#1Xh{?wdhy=^15{yL2n-M zOffY3g)0&V;3n`4KM#wfS}bRra1T=BlkczMQwQ(Eu4Z%sxhwUYuJ^NmWV$(FTmx`L zkaUvp7uANPF-HC--@JqfWvaL5BZf_Px0GRTzkKA%x&MrLR0%GNn1x7U(`fd#+qz)( z!qjg3k=oA9UE(Nptf`#}7T(J>z$>Ryn}mo~SdkgzM>7&Yq7pH}1n#0%TVen%IVP@m z4K1Op$pxS=OJ7*3B6fc_nmHzpub#q0ydw z?WvGZgNrho5r5nkj`$C9_VDb9Et|aJx7zI}^qI1o&hIUOAnDagjpMW@V(oK;m^54L zC|tp}CIpa$vUl;O^Uil-G4dJjafe6@5wKE|SNxTZs0rK~NfievSV!N=XvKx~H1hDG zp{cjxtC^ONsezMHUp@Fc3L8^6&?d;_4$ix6Gq|Zjw!@7vfqw|hd4><^5S#{-!t!DB z8#Li}{V9}o;#f%JgWTDRa>?|w0FLjtky)XdFEQD5UOBDPt-tLsEeO-#J>~DX>ny!5 zSUX7qehV2?1&$*2KUA@>V{-=%P57XjyjQoyWN-nABOal_d2ZvKHj2)zOXnHC&@FHevY`Pzj8AZS>234HoQeg%Gn~pxzS?nmDXf<|r zDP}MxqJc^Irp6zrE#wSy?kURo_jXm65*HXz}OD9UkFv-gx zal3L`;RR!3BCT1 z`yFl`Z^Ehlr@C_sTildZznFf8yY~k+{%qn|Oo~3OUM8|h-Z2@W)cbFRM;?auyXEvA zks_=e{ciX8-rvdd$w7kcB4|l?L8R>Ra@PAz1UbAY z;_mI045l^^k@>x+DNQ;JnQ1A0frA_)ipw z{$J({?GaZ%ltiWtj^x)^?NfSg`YUm|SrOX=xK@GB{ekP_rFG{}=Qm&aTKVxzabT3# zCpT`3!0%DtqQC$pvJ{+srg>c%08f&biaT>rium$w>W(uxf3@7_ZrcH1kO;FBEW`Xv z0j+%|d5Y=H?h8bLEwFFE9q7)?V3tdY2I6ZP9idw)rxqt1!gi-;$7fHf$CJAIIaHzo zVEX$TGm_xE9!gg#8xuJ^F~IEhHuKrx8~-%j*zpaB=M492l9eSotO?;40KaYy=+G zo^6pIz-ZghGS44VDYP);VaFKF(v+0-zmqK}jidhMrD0_msKf|zsgOT82BQ?4*lf>yDpNLyczYa=Fq;ss`B!WIn%PFYV5VVrFvrtMV~he~dI7$D{+UH0Ca#u>nx%l3~+ zq$DKynsE6o36V%0$m$FwuLPA$J-#(NKb3y2AoW02Hmc_&_X(LV5l;*YrWd;#w)VVc zbqx(l${=~J$`r!^$~0Y?_bHBRZu}&!b#=lD;1E!hj@d*i`}#;ZJhem&cdu6Jg2|Kq zW(kuGft@y;geb1qWDL~z5yRRkU({Xyh9If6QlsBRVj1lBSKMu#(rWal%n-DoCkA6Q zu0*$}%`cQEU}0V;*t|lf0#Xowt5-cs_xTkuB8`OpU(NXCwwl8%gC2fD_3n@mn!g^b zPkv|Tq@p|F%cedUj2DQS!;hcBH)5K{V#lwp-iG0DD^T$MFALy^NesoUWdUtQF{x9j8LJMh?9bYl?@#j~q1CdI{)i)> z6K4pm4>&kL`1x-=>ZV&`V+|7H`EVQOCrUfB*C}-JmDUedIA20Fa)3@Z2T(wpvJAUg z+WaTC>-W>sIo$di2{V@-RI%x00nn1t$otlrCi2rPiCfc8hc&Z#-gZia^(G-Reyq!R z{FosnA6joWB}X3FEdifdL;&O*2bk|_*f?;{_g=6n@pK!pZ~&lijr4w;RONn!c=b}> zfLDKa;b}^*py>a-(ew^w)kpjO=WK~0wXcbpxzJirFNa}!-fSoUx|YBBi>p*ml^Nm< z<18M(@x11#W7U2_pPBJAFph~GjEDrKHD*`I(}N~BA}hA%RISF?xqLQ*&AA0j*@yE) z{KIi*tn?surRz2!>|l0$8G_T(jxrLKQXRQM+Z9$#DLU6?q*y9++lAut5*vsT370rC zf-K}K#LMTJ886%Tr_UQ*nZ*qt^t%&EIVDaid6UcTSY1S4zaO}10B(OT=h&Of(kAs8@{BNgd#-)FsXd)A0u~9 zdA#(tzgVnq1MYYNf#1$*yaTVI(*XhYR|u3t!pb^<<4SpbHQ!it;8*y~%aua3u}vq+ z;Bwl#nWKq>JTr_qL}eaGmZXW9J5SP6uGRt}3(YliCeD6dgBq42L}tDJ*wx^h7xSz_ zw2XdOo4?I}dZH4u82)%fC;*=q&sBK+Ns`a(ez$FH>q13zxDG2(wgv`7G@SzQJ59=l zXFC4cqwY#adtc>xEbL8=7VaU+(YpSdfbDA%g9Q-_Kz!CF=ip?bmn4h$QA-zaCqpN# zSwpN&Ks+t$_fyK`P3*6<(yuv`c-=VRyja4{t`>+k^Rpe|M$i{Z7wZm=AkV&<3u zP~5_lrjAEISgjIwY=H7|YJubsXbdu*Qg2Fn-&sCAL(zA)hcJ}laflMgnL|<&sN_Xs zHE`Vi&>L)@gml&G$^*3w1@GZ~PRnO+V3v zvkv^l59h%Z`Yf0?0#)fop{t&+35qXfd7o zCIw<~8M$(Wa&AB+LTP1u&!S_*2cAk3seZ^oAT?%${;$(E{RnALWWGrKI<}U-VVy5N zMfUg3;yLFh+8(iSJxacRIkSCO6|J2c$CW0pt)j7>41mUzN4SBc>09r;CrH}9dA~7R zIlke?$#Kh*P5GGE7qctqzx%n(%5x^x`qHh|*Tpwn`!A+|Z$+Q z7j>%AAX71U>K*6p(RMtX+5@^MjbBLX9G}?$CQDxA@m}uR!CjF)Qo912O`L-9kx63I>f$7j}kra5y!bE!VK?cWbmJ}<|CWw|L4m?8=CiA$kz{a;-34~B- zgmRzC17&6*BO#R2I~MM@*uj~;Uo5hk{GH5v_|)x;3E%$ zKqXmySlxEC`7{=pn|C1sDUXmP09zM{Bp`+1?+t)&AX?9iYV>B>3q&JPx6I4;Hnu%S z$_1%2GNOZ4NA>8Gf4g#PyE8b0a^HJas?TWS^$x1Nn&Jrs6$clbe9((-c{BoKDfhck z_cY>C6%zCPDkz6YiudSTr)MNa(Y&+C!@;MTdKmIjuhMkl@y*$!Wl-5`f!o+XX?tSC z85}@wM^SmZYF>nZqj61-5`oCBd(C`4Gr0dZ00{NZ#+I}mFb8nH%(+^DFp zd0Ptm+>W6ch!|U>ri?J($1a@{u|->C@@=u@8xuZiDNnB)oP{C3l|yn$l9DuGZe`mb zv*@&P;>S@MN;iqJUZVt8Qi`Ir9L~G}4lv6IAO9743+YqM#czO06Xmn0kB2~T@SvgZ zLcl9j^hCM?t30H%yhK|Z7cIoAg@vdSxIx(#rAT^$sL++(bkuZt;)q@is;^&Woh}oS z%6|0Rr!>%!-`(Qd{=g?pv5eS8e$UB@hX|<|ad$=tm4Ikb(`&DKj&_{0_uww{g@QQM z1I!SSB=-_iK$c|leah{PIVSr#dF2652EEd3#~8D)9P6Z{hd#$K2#4Ol3O58PrAkTh z%-mim@Cy@mX^;3IJw<$ix)B|ZEmkSIwRG?FGd6XD9a|)52H2eiP>2r9)Pgy`;q4uP z-D=dJpj=~~`h}G~gsMf&$5mV7hVML{qfA^(v|h z5I>A8n-%U)63{x~ZTeD;TlF+EGPVU@>}G z{#(r{M*s|LbxGN*LLyuusWb?TV2W1k9I?2h+_}q+=$LX*%7LzAZsJ92LI??-sHo0C zrImsB=&oKL38?mIPC2cTrG_)d=7)F5@W{p(?wjNc9W2Y>0EiGKd-4uK zjTT{|hRJSKuT)kLl|S3jz#NCOYytGUaZ zI9W`$EhbOS6iXdB^lohB0+cI~VrtNDF>E0%FeKO0XSJCPJWS^skzpI+n7Ta)hC-7` zj9AS-!#Z&HShLR?x7WWP!So%MxUTN5sIGojx!JQE9~~BGyetusj|evhnrnak_)Mqc0eylspsj@mT@7XMyetw zX&!}<7tzUMBkwgdpizb5juuw;FctL3&73Y28xAeu+ibQ)XgT5JfBG#)RB;M}flbVz z!#GJ?KqY4=AuyM*d0`%%`+H|xZ%E7VpqRq~e~AypCqA>E6A$|vs$}W59;{#Au{X9o z#bxINfTU$Uo(XgKV{nQS?CClD-sd>Ew+qm@KjIiCMpJ3(nF|vfBaZf7<$%r@Ik*j% zA9AQO%nPFs=E=_8q#>L(IGJ1V8_&rA9VD@`zJe;kobj9$p-#kMW>x9zDWMHeDS93? z8AqvRpnTno9hT(YkQ*j{zAG(GIf<`YiGy;&@`{we+pj{YA0Xmz*PR|Tp(L5|ropV3 zGx*qE`zcG4g>Jn)qvwwk%nRJ0by3erC&FFatOCQvW>86x;M<7|*zxuRo}d3C7%)Xi zbF^0id)!8UV*aSTR=ZJT_U{*VEi&`}h+F^n!;hy~(I8Fl(478!j#`52K!qt#$~>(1 zlHw+ueBSTkT)l!u21Kiji0c_1K*iKZ$8VFWU9`m1r=#^4=PLj`&2$PEW_}k{fP*o+ zb_S!Mse1;%*KxX4(W5gXK1C#nF)GHDbHQblojlmrqhkJK`9*io&L^Z`;-+d={E8AW zhJzLJ2sn;h!LNp*Qs56XU+N-F7K3hZfjCi|*;RO`EcWm^EfXe883Rw*ZDV?Re!ni8 zXik;7jdttJt<_n3DfAXE&rf}UT7%WUi>W=$vd9_jt8J>}^3kT~t7YZ*+@rz5S5^31 zL$j;}S))5V$V+<(!qlT2n!1q-sTEzJ=yK@S067?@CK{-ZE7B#fu$1deo@j)=kS05i z9(2ofCMSM&Ju6dmVmtp&rmx{$Q{S-?gZ=;x2d4EiJhb3=H*<0@^Llyt;YKyyOaI=e z;P~QfEk9h4APOOg&!9ichplLL7(UxXZ2LoC0@32k&=%mDh(od8o-G>>OHPoo9rT@* zAmr|F5l(pe#It9P_UwCFSY;eymc)sZK&RwUBE_`Oe^i|WB6=1fLOOPdW!9aBR9Ag3 zk_T^zsvxg=g$Yg5x$qJ1XL$&PUNHDu&FXqat>Yw2y}n3HyKK`LIk(Pm2Q{C)n*CC5 zq`%3m&HBmV4H!NPy=;U`?@TTLGa_z<#_*1m{C?{45+Af@grNn}@XiQqJX4clKilmk z3}IVk<(ZegJ>C8iX!n4g{M_|F_tF1VBVHwm__DOf|2tSNL5h&2(MZjrp$7lvD?#jd zy#5FPeEXYkS|YXm8++`V({v%fTp#}LAO0TPKwW$9lS~{^GmE4h%dA61VmH{=By}~m zu~2Y=#V?^4U=^RPe)^qj~%Yic1Mip9j;is z6>m$1sPaq%MQSqii`RUoJCJQl(myDzX^fef;q7$5lSQ{^n>L$mspOX?Q@Fgn@B=k| zwlc<&m2|V&t++4zTW0&dapz#Z?|DkgH_P8&0aO-O;*j=Ke5B>ua@EpK_jMYt&K=iM z9jpa>M>GygdRZ}zO6Lug5@LZ|{mK!0Gz3k&ch$vCTn#9)Gk$W=i#ciFheFCkKvoVK z0`d7jomvEyZr0)k^7i!NrMS#l%+o@xl~&X1cNsq}D`(bnD5Sl2J%B4zG>6k+Ol!D|Ie0d$kuX zSc@JU6h$W#mo~g1nX_Jw4FD|L5&tL)Q4GPs&33vy zEMbIc!>8~JB8jGf9!h7_TD^ET4E$8eJOrf3pSOp{dE|Vq1j{=|2WXdkR*`+9$FFw1 zzY>d;{Aci|2b6~}LGCgWIV3B5lFv2}|M=X>0=l%lixoLRRcpte0{XiU>^y3ON)3iJU;q$qOK27= z2IF)tPR>`qqZ|v($9UOCw1ST<@|iK{j&JoQQdf3+k(c}6#ZQ}-l$f=3U{c5*nVV%D z1_EiTh3Sw)pfr_@$ zFitjSh+|xxb|1F@^0A^ht+Dw-ooR$;mHPxP5Kv0y*Co#c^B};_uz3jw@x{kfUMJrz z-TE~G1M2+gr5y|uC7sCy%nx2e)t)EorZd~~XIVKYUQ5J0!_0RyXDWPag4jK7;lvzGjfAAJ(3Owi`t~bxy_Xp)BCG7$;q+15iYaC#UZx9DaW*n zQ3*)$R z85xX6JouR9*xYkLB(*CYM8BxWf+e?1laRq$ooZpmh~$+-6@Rt&y^CwUrz0gEH`I~Y zf@B*}l;JtYCnt){*JKS3QoSOqP(#~^t@1>p>bM5i9QC>u8}`q9QNf&dm0=QP#|gNk zcj=PU&x*Q?vV3Y=edST^{{H11;RGifHIbX;j`(;Esi*z6PkWmmj+V`yPn-Ld|6HRA z$_f!w>?h!7&ifZyW}4aXj}5PNK6F8Gt!WBhd;J%1PhGTAQjQ}v;F#$P6yn$U<>Pd^ zZ(vB!``=#pnrtVbT~%Fz|?7^B=Y%1s0%;AdiBi_3088sllrX<9aYSDi>Qn-uj3D z@Y8GTk%S?K7GcW6c6{Mx7_O0hTq(bWC~7h2c4g;|GMy3|NJ&t@Q1SXm4JdQkUJ($J z6Q;#VGT)UXivjO5O;1G-SET1jP9C=MrXOMapV<~0h62N>zDds`X(T*tA)PC7s&%z%T7pY zNd^necJ$#m0mexe(<5#Nf&`S6Pik*I{K1=RFIBzBanq0KWxk|FXptw|Ijw*^CtJHuN{LQ@$k&V8^fI@H7))( z&KnCO*qTEOo-(r}*#!@`FpXQt%nqp=2XeDIN?6Qg%K}S|$X$wRQsYOUndCwyrp8vjM=9F*Ul{t2JA!R>$`A_$pn)A+D%t8Z?@(c6_WGM*|+opf1xfMMf~X+d05^(!4ySufT~KZjpz? zy}==Bnk1$L$F_d__=N;T75TG#QaP3=KhO3{AtrMOf%S)$yQ{ykQp}^~STKE2InIzE zrdt+oPc7{6Khz<>LK~M5Wb#mk33)9TN>(}HFMxwW$u0y+)Eh@9Ue?F|R`w`@=cs+q zXXvFMRa_yiLGB8GybQ5uU`?0|++<=UxvvO4DEusRy1HED4D5&w{t-t}p zrKmJxV}j&5Aet{3hXF2fz?~J5h>WW7=N9g;ld zLM>F?z@j;bG3mPo5Uch!Fr>Noaw~0UTM#;JA9-(365?RoJ1qmB93LgWxq%3i-vQA*D`Z6HPkJQXago2JaWb8=fl& zfU>(7jj|6!j=vjS`ID^YJUph5q*q10_j`@ZuAgDi`#ga9ok;>y!#RLq6Rw2>#>Up~ zw}iLNzaHwjU1l{Oo7m9Kkb6N1)Xf+V)`5RICcbPA_Tnma_GFp?{r*=tXxQ;ZWI^29 zgV~yDc6@E)q*C>JGltq_g=RzhaeCh;G2S}*Oi@1E3y`#T!;amA!=hb!t{tJ0%x*#r zzzG!K=8BB=@AN!1d}O7|D91GqD$D-RX=EI}?<`MYd3YKZ ziOcYsKp}PikS=nX)nqwHr9G}icdIwNXYK30+=xBf6!>x0BW#0cuM2x2g-0QDmxhQi zQ!=rWyFf9J`0%V%BZNM}uD_05Z&1~kvd9ACt|srx$QPGIk*>IDtH`jR}MG zSFQDOuWadf5zy)+62JjEm5g=`E>%vB@_~i9bcdW%ReXB6?3s$_1s`f>{{j-qgbaizn)W5Z5(iXa{*3QTulkE#`}6gl6)Z*JTJ-FaMhj`CHL7&Q2kMi z=EYE|Mj`-uw%D#;J5_hlS9+`sLkdR9H_?a$p0;+hA*jA4Z)cdvtt*j}qH0(wb|&rH z*ima}O3`aj5>eBskbuGOic^5E78#5%&&JrD3(x#e{jrFeT7wBBvsc>Zk=Q+Bj#MvAb^_dq^ zvDZBy@pWbS+5d+`%;bTu6`zDKIU~<|udAoKeE-0kEinYZpIoL;Aus%gWX>`2bpaLH z>^zY_VpO;C5xcR9zs(u_Rm5jgYHi7sl~g#xg@9dNIa5u@d|a6Q1d;-U1f+7ODSSQ# zfbh&R!p4hw^7O*>h@31WD)g_v<*z@ZO#_0CPRjdCqtdHr=n+{yj&zNJLOJ#vMDpTq zJ?w7>_AMzj+6q00wG0C7OkLCf? z`lP=7zbpU&T+3C6lAl-0Zam}Zb6Y4w<<|GUW&22t^JJWj3dqGCuAzcKn4dd>Hu414 zxkY!Hm{`N#FB(A~JLG`{**iW_PST_lfVb>zWa4t8V4D+Q4coyKI4Y*~SFDwRKOw+| z?%Bz|ZzJJj>%$Epn zjtLCL(jPg;Nyqm##~M{d7@?BK)dx&oVp<>b);(Dj^THz1BXRYYL9tW!cZe>OT6%Y& zL?b>SlagF1#Mj%@QM3BcQGY4CT}K{IHJ* zCXt&cC;6A)-(h!x^HG8D_gGHN05g-IY~G*MuieF-?*u4^1iA+t<@NdP0>VwrtlO`c z->LrCjUpTDXzR`!15gg4h2Px$x!P#$ja;X&MgEoI;MVpXs&MX{88Dt^v5>rF@7sLn z8V7H3x4QT3dI2XdfI80F%W@+P4PKA$lE zciYT`u2h@`zW`=KQuY3Z?1w{h7bGDO8ixK`m21*5+uH1EQ} z*%!QEKkLMR*af*q3A3d_3#kcy+5POd%Z(fteQj(QRK8z_i>M5R@cDF}R#u&iG*9t~ z{QGiV@}bQSD6(z4dF|Hs$fq(IW*b0%{uI6U?(|Wx^SN?=>aeK35ym4;F+uC!IbSt6 z+olibx~kf+P31+=^A&6O|4Nel5Ry3}&fmowyEf=Du1DM9^wjwF@<;unlSncyEYOfr z3|E)bdq*|`JGed&WCet4;zf?AbkjG%V^pPUm{BwYnnFxUl_L^2@+xQ*GVA#Cea_|h ze(2RX;zl36Kfo}O>wyK@bCw+)qSxPLIAq_SW;e>RBur=X@_zbT8^|#Gt`NwQS%5EQ zkX%8cOoN{HlBZ02DfND-qgGcMEy8V<@*t4N0xF4Wl}CHM&AP-(s?W7UszSSm1)(*) zVAwpk;MIf6J#LJ?$0T!TVPkMn!hVa|ZOTi4%|U;pyu*OSL{1chWT@4> zebd^-K!pp-#b4>ei3b%X83Kc7FeRW;+ySyCrOP!!8+~tFtj_^vD9}VpQ=%2Y5bR-{8zekRISv zKuE&T@GPYbUlGEi^I%s};Q`ek*aa`5g(HlrLxEU0y9BMWKqFB+c#S&@%{TpJamFJb z6`M#7kum@l3*$;NOwYDLt~kF#K%O9gNZ?r0_RuEiv(b3I=+jb1p`!&-Rt>;xKEJp) zFlujnFFQHgWIvf~Yg?{@DxmG*oyktne%7PYoiCu(oc>HuNMA{a8ty24N=t{y`}S2I zmLDpbd|Blqbe6t}6X?RpTWA(JQ8;;PBs%))U2tdoZ0~c=+V-&2IOwc`-nbP)dzQ<$ zjAit5j67@kul?Uv=lP}cbgkJU1`q9wRU z(|gv<`La4M#-k z=02_pE%46>!%L1mZn13mYr9BAadF-8e2pu&dk}6HSXQ1>>^?eRf{S)s)%BrC&;9B( z0n^n1dYU1dMJnzrI_cNh8^?OS*6tNu*YS)FaN;NT()-n4h*1_UrFF3Ra?G zEFXu|1W(!PSX`@^r^V{g2ElFHtEeP^*@*Fv1YYn`bl)sx={)j=&gSn~#Tt>V?(^o|EFvTd#@3`>T&Hq>TBd^jOHoWen8oO`{9YmrMF3E~P0+WggUil9b`Z z5;t3bsB{SMyA*PY<`6WW&pZWuD9v(HfZt58e zXtX`xa^Ip$s;MsTtTc0yw#pEDmEaQU919HgxWm zN+D=S98R#H5BW{sK`4lmKNQ-;Lgb-nNL)x|Dp2?yzi zW`{0zvU!|BHI}2J&vN^-ckvY=6Rq+&?WFFx{5RxobYFbq89$gh4 zt7gWau4ar1-I$ltk$D`n>C?TT! zYct#P?I|jtYwHX_?9P^ALx0vfk`b0DiCwC+VCpR`oUvJpGA`i`1acow4v%LTbPS7; zd))3SdEh;rV|Vs{TicoR@qWR2v-hY9at=|Y?;R;pBRS{#A)#`*;BkQ&J2BYwRa?j1 zt7#4V<`-FT9u%k6VLB^~4-Unvla%jY314Oj&i>ne>|5;AJYI*!y?&rWjJuA;=l$#x zyl~<=d-bXFk?>{pDjyLb`f}L`1Q>kEH}h8^dCx3Cc$I^}53bvcyrgobP^6s(Z|{{O z{Zl0kl}gCTr>*u4n>H^=*Qr(g(cSALBN^)v$fvC|dYHLw?H5mlM9#)eBdmq=v+0Lv zq)-wnIM*0@=7ow-QnVBux1ncGFj^R#bc(r}_V;^_clt)kG@}$;E_SO+^@Fu{m}}?5 zJ))@3P;A%36KcD+?4E+thkDOEnT)i!wtrKVyuMn$Ux0D^qKuTMffi%_kJn^JDtDfL z3_hM6T(AbdTn@XouWWk<#?uN{ew%m-ks@ksz&c`BLo{WDe(y*Qa752X*L_R>%tJN# zU%-vT*EP#k1JfzQ3HrvJGhA(aiH{DG%#pu%THA*I4}0$!)YQAajRp`k5{1f(;>7;RH=5Y12`t?wk72x(zLg0ks({5+*!%Q8S zkjq|S_Bd!Z*9&L!Z`RU{g(Yf{bVGJ8c?Vkp2;0$>K8D9!?HBwZM=M8wi0Ba|&O_q3 zSf#2ZMNF_#duT)=4^qoCQHz`$bMEyX=<1opvxf2MC)7q6nC|<|F}u!I+5SwYWiywq zJav_l(FZkqyb;#rr^Rt{9YVi|(0jEFb#$!BI*rC0me}U+2etgzbhl2q+BulV%3dAw zbzHg6jc1kS5zTz~K$b9t6RY-MP0xcu#~QBT@?ZaiRaUL-9mx+e^SL~dkY@rCqcQE2 z=Sl9|M!m(%ihr^KIydr|dCJ`G2^pAW$3D6|O6JkD07we{951EFy#C5D!6e68WB1;qSQVo}HI4LFJ>YY({+24L4cJ2Vg%O_OEb>IQeN z-_Qg-S-kb&&&HESc4IjA+EUI`tPg>d^Ty3CDep@YoxA$cS87W${~^K?DfAmqRl!%V z#dNL>f=$OyM*9dk-0(jm9nKiowUkxH-*f0+wFkFeg7~r{^4VTI1}3&WcZFPs`H(TB zF$YP5=<|0qV|>ft`R(UF@Q|C`g?5W_Kcr3y5p_#hHvi@{F(si^4Cy3VU3Vm#I>YlDkExH>0X@tqB4rr=fxcXgu;lC;-R1St<)xmkAk!-L;~V`S6{S zj_;M1$EJXYhanH{QMeaFRnBHrr7$AC@v5o1eegKlitn2+zis_Xv^ucgJ}zJpIfVJV|UJ5Ff;*v>QA zRRN`dY)v;A=oj=Uy=I^G>?huP-`(g(;|p0F6P}o~-qIl*aJs3>?)R0R@or#BhDf16 z3?y7S&*_l)@Jis}M@`j{L*jGwMYPXX+4OI)^Ra$z2#scArHhsM{?FYprz(F%N1-pj z?lXRozE+}~Y^>8B`@S3zCsuo`Rqr3~ZMD(toM^#%*_R8< zBsxoD%EUa)(YG0*ct-OR-jObICh~ZplJoLx$7KtNoU6WXGA!6;a5Zznl$6t`c(xyy%>FU)t9UOG78r zFD-EFl~dj~#1TlrxmMqpx)!@1dmI0(y1VeDlIc$(YGG1!yGhG-;<}P-&2380&bQXV zr-W&?*2dnK)5HdN9pCkHLmmd7a|8ve&M(sHYThh-8hsIL__D3ns23G>$sn5R(DBKW zYhDa$Z26LR^A%+j&-D0$*VO|XLy7Ow>f17fPr_4gwkAD-ZP$uw;C32OBhu>J*`s&HTlVcm#BOOGP#Hk zhaDeomiHdT7g~LnxrVyy?Q-BUYd4k#{>=1v1!Jimd68b^+2j1K$0#c9H5D-&I8%?` zPd67(`ZOUID*-7CnVqsN{P0CKnl7-TeBMyDtq%B{OU$KliM}c&Pobebnv@dqtj3t^c4QqDT+$-oEnD>%oa+ihcv5uX{VT z3ekZAHPmjuQw)o_or%tbp!=WIKgw$?Q_QdzQM_M%7p@P(KU5o}GAcuY0wo9w=gB{R z{0@!IGuwHL()@$LOj^yue>22g`$si1f9 zoDyNFa!DH_!E~CtL*5}s=W`AKmT-9){(b&x3p6QpQ77#jh zeco~*zbX1O$JMCId!X`US>;?BfDJ#JzvB42Hpu}4mz*L?d%Q3XR@SlTswf|ha8x3D zM6@`ltM8&oZd9l=RRUB&C3Fv{MWGx|-|yJlNh6`fAd)!Vu5cOigof%VQVl_lBZC*} z6z-6;RQm7@6WT9%bKN9)_DA$PkowkPw1A19idb>aegs#dTa=@NA)dNG4YLyE$;#6o zzo-1EBg>IGIehF$@NGI*{-W56G3KP7&vJb2+~=0BI_E-r%*@A+uEN_;^1coZ8Nx!^ zPoJkexI>h4?`Z(51n;}VuxcZpy|)ox(PUukcG~3~WU|vuo&f!fifM~zL&m%(-;Wgu zjofta6UdwA!uZeo9&TjJPAUXf5^#&(5^93;S}c!39dKcJrL%STFr$ZvjJJ>iJm2nB z4-K2_()x^Wv^k26O*rczKObK|UlUBBd?s63TzqKBIQO~F%k)2=q07a<^y?7ne-OYbECS!9ko@No6QoQ6c;T z^yKq9RkrBI8uM$w(_Xk|wGy8C`G+qrkEPY7p0!|(4E zeI#gP-D{T)m{PkOw=R`t8RD?bQY{!ky>#~P&%LA^WV74&1h##P$M3t++;(9a*~OGF zj^yE{63yFGg$s)$JmVRR<}@c~h=jH(9SwszZXjqfv2wgvS2ldi)lae8iK_3$YO~d_ z`|^QevhRvpFY0+lrqjqkQf1sAn}d(<*4riz#=ab{;rm!QOk~|YsT#h2ip3;-|v9oF0ZR^i0A7yC@QgXYn?eux%lnDKBcpMkxbzd z{r07^t7{)D0Eja$aI0SZs#laQBz#YCNoFmlTBg*(lm791refxOSFu8K*L3qV7aN&+ zkLRI+RL*KKx5RwFrCJ3T{)`F3|XA zA=m8epn9KaT>BiUXy_91En7@WrTh6Z%;Wa&(LT7lrrM3VxOHGzQDR9|XCD&M>|i8j zDMO}fQ)$v-q%7#-O}%_XRB^57s+yk4k(?>(iuAyJ!MYp8%NZc)AHQ2IQxp{- zvPT1zb!>k5$IC_4ZEa(@oZ?j}xdyk?ZBjk_3bQQoYsRjb+8aIeO?C)lg0#sP4!u=C zvpY!5ccH&_chWt*tgevG52=5$)0*N?PGO`z&oDe#GjM;Z*5{W~-8%L1N~A}*39bLu zE7#&@bNJL3?)KC3(I)?qWd;LA1Uo3-E1^MY_O{$dhs~+ zjb@V|-9r!Ra);UGQ5EO@l@w~}-KxE)XSHI{x#~!#o4iS71>?G#r=u9jxyRfN8mw$i zm=T4B%2P&69Ur>t)hC0z9;b@0TrAdFin3#Mib=J7kb(T{ z+h1G*uKQjg{ z3N&188x3?KCSLTXvTxCrdT)Fyfw(MY?o?+~8kEvE*%%a<6a~f@l^0fX=~(69DPw5k zk|hDmvWKGte!8SejFVIh*3j{Oxb>#qBs9jPbWqLX2djq+%aG)E4Zjh|IxWoo7%{2Q zPvXWQBqa~qR$)d3fhz_(SNKmSvCmq0-nFQ6Q?c~R9&*zvC3n*5Vrrx(9X2x=A~5Ci z$mX~bH$l_#mDK4G)IzhgD{Mv$JmdCTfUj<&zAsu`uYOvGF|>G>P&|#PSV@zu1U$d! zqM#Kn^uNvGu<>b>M@j*l@cEp*SnorPcyzxmo2huBDx{5mpr7R1Lz-n#g~4yo0TrIm z7X?a_Bcggz(S=-qrj{AwmktgNDSud*Yc`$gEXrD4c@Lx)sS^;Mbg{I#JqzFVH&;J? zdxKvoB9oo&oC!0{-3<>>N=n3S!FWgais3=N|M2ZK)O*lR;a$Cp=$BU$SwXv)UXAjH z@*(+Fqh)F*?$z|=KE?*J3d=PCXyz=unPv=aVnL@aYu&!Er)|h<4UcKF#^)sJamT;B z3PLh{_Q6yo>1t(62e!(>%_My}3?&WyxNRLBYVl;nv+*bw9SoOl0C>}{Q1iQ*pL0XZ zuuQ&EO3}GzUGLsIgQ8xqHaSAA(3JaBljhpWAY1=R8M&S6hZXz|rmQVRx->kea#Ky- z79s9=S34CU!71gLUh+!bIOenMqw+1L=0uk%g)+N6walvZp#v3LBf+r+C%Mp}x<51w zHNj)e9IH&yyam*B!b6y<@5cQ43e1bk2w&=h5c64l#|Zw3ARnEZU!TjFUXf~p(Ewij zsoqZ$DRKX`*&$Lm@ZbMCWuo=NOmwsjz(Qsn=6Ma;qlIiK!FP|{lL&+0?g1*{skA_vT*;i$~-X4Rf zEVJsR+f0MnvR?-4K52aIOQ??kvli8J(tNQwX3a${shLNcywRJimV6rDT7uCi3GhjZ zC|qTb9rD;x8RpEq{L+2xA!p>Ma~gMoai!6@NpAK=74MayOR=>KU0tEM&dRXJ?3>IF zabMWF9&-D;bR(+jD7p!A9;jc}cRw`L72fXMTspX$-X~j9(koC{81sqV-s`KsYw@ww zoO@b9PP6c^@QS7Dn6vvpDCB3+>Qdn+hc<(#QrlUg`J1a{8)Vu%*ZK6*D~CH?7vr@Y zK*-PWEY@a<8wTIIFyyqpEd*}7JvJunc#ngHb-5T!GVz%TC$0dmAapIUns}a&1J*5M ze}kmoJ(*8Nbyz9e6%7{`ga9=&?FRZgmI}rT+vGPZM>6hfQZq`D7p<#L^25vugjUYCnOeUQ4uL!MMa?=(*x&30ZZf4~8MNBc!+o6yS+}VN{3`UT z>0hEHGx!q=bWgxv{;Ysqx?hG2KRmh8RuwbO<4iP_VyxSh&dAKX?`RNj9&KK}`UWk) z^&WA$@6X~a)fe_$T>fFh?RFa@aZ2v;_X0k{8LXN4iJtp|L2-#QwTRCYG`cF5z~{Cu zF$eM?enqc6IL8_?7F>7!S1iEV7KIU%XF5uE(QQs5Q6>K_Yuy5sZro?^8@o`a>&E+? zF28@#J#d%N>{FJ>lJR)yPm8BVpcaP41X=P1LOV3_g^teu09~5qpSg}WxY%{8C2%w! zEYy_NK*5{1m1z%Lp{>lqj&OG1kM{s}pH%~PV;#DO1=;vUd9Y56yvd>Gw3Www2}#MC zKCigg$-`@EimRi>hrj11au?E0uC*e)HizO zPa^aq4tCpfupp!8OVN0KQr7Fyaswk)CCRb1!x)mk9nwCo96G&fbg zXbKGS^LrDNt5z_a{qpiIp3sw1^;VH^DG!jH3*s0|^vf=Ym&<$?jqohmT;VhC#GC6l zzjojh@IRgiiI*4hHwV8Q)`HGrJlfwp%|bKaT?L}B(Oncp5FI|K3>iCwmI9+ID^qF#0edC_^!5l83 zEG+kN$}Ja;QC>7~_S@TGa5 zevfmXaar0upr~)?`>Z*Q&!Agq@x#)7ADiXlleTeD3CwKc9Kaa)8q=f4fT-ER1HY3s~%PG17WJEX~f}q5Gi9eVXmBEXMLZe=6$W$y7HNs+8q%W z;{K|ce940nfj%iGflB=B^t``F08GQR|uQXPf=;NHTD|}J{i^w-; zYDWb!rDgQ#L`~d-0{zS5cf;|YSHxnOi)`cy?DlRC5ktjr(()^-`?1T|H@LJ;5jNG| zx9@ZAP6*@)7<2ujI+#BRlI{Kd4lLnF^f;X^m#0g}3z{lBH%keHNuCbklb>?~CS1q| z!H6bnE`ewTeGj~0|G{B-3GL?l^N>`T+C8ld^O|nsuv<%;f+LcV<8H07=U|2SM%<%R zcDRPyOxvYH#hG)a)7F-BheNMHNy*Av`h*vk`TN?hHjjy=wgu|G2Q<5ebVb?y&r$yTqQ z&e;l1^uUhLZ3>`^t6uh1@Ea&o7Mc{Dv)t2kFCO3=U8}=Gu3Sbg6hMV!kIRSe zIRf1Ln@4xW<~}Q^ZJCZfZ2@2Yev%W^e#759Ka1WK*x0N?7wjRWaho+WY-s$Y_-p>c zvp0U^Yz>GA1y8?Z;$BpK$=1AR|LiNqg*`MuYPWcXb!=+1zPDe||$tJRduL?VJLK zxsLt7ye<1eX4bgyjN_iZfvCol zlaJkeetVYJ{eq(&^q9z|-E$;19FO;qPtg8KDL{+|>igX9pV>6qVv@xfB{y0;JP-<4 ziwimd$V2QKZw-&oeV*}#D&u?G)PJE(RM}&zYo|7M(~QNG;EJ}VQ6OE^;y+5#BtQdY zU0G5Poq+o0u6eDwx=P|J`GA2ZHF}Z(GRd!nEzqKyx>+(Q?k5G@+{+DDdJQ?bm)et5-{~^=N{dyGYen7zIRe~kmt=o!k#NZ9Oi^q-n-<$@| zdVHBHPO--;;pQa95fYYCtTa3-#lg2LVOx}cmt z=l3F3w#B-y@Fu0*T}x^wM+*TDrik^cN{+5T_OSc8UUOUZ{Z(?KPRVp{+1+U+C6Zn9 z)@Wj`j1T5M&jEFq^d0lkKN*34ex80&Ts+LdDR8C<9H|Kn;4a3jop)q;*xCBH=&G^* z@bK~y&x%CM1E?YxeJvRzYskJEK37$naSeF2fVKUXH)Nnr986ekToA{0=Uk?utck}1?p%Rm(7YocC&qG2& z8jcpRwlX!0|N6+avh7tx{|g5bXn(4(-O28<;HvW&_4B_!?-~568+X9 z7Omk&-h~K9t!5K+YRI`Pgmq|L2`p>m{;}2sP07nqorF84hRpw(*4H|HhrlrOtXdrT zLGn`kT$Q6!;O(M#|Il>~5quu+>>cMCg#QU44bpt1m%J$sZ%;bVQxfb~#ghW3S$+AMtL?z-3(kx-qDSUz>&^ZRv3=Whjyej>vj;4wTAQOy4 zk(NeuMyLRW$mU4O$gJtIso1lwte*|nR2oHylEp@flH^@W1?W?>3*!ZVJ0~RF$12Fh z2z@eBk_3v&o6m&sH?alC6l8FO%C+2-qq9b{+{JJJiriz+-kdU8LdbiiPNMwe)Ms6f=paonWNC z!^8?0+Xl@-0U7{3WGJ%Sd-z&dBNSQ4MWRR9{t-pkLC$|vChYAhV3vJDIK1e+%ut7> zn^?cxo2}Q6DYmVi-)z*^Z{oZKY@nIgB57iuC%fd3qd4Zqy27`ZfwCLeM&g-vw`JOR z{}GyIWeL_;dPD=!27qiiyxt=uBki~s;FmdCE+0Kw?T}_bZ+}#M(lcuPa46Nc>p*lhxo@DG~iR5Y?- zr5nXRW}CwTRKZVU;JM+-uNlne{sD%MHCWS66!JMfm|P(vkWL}r1Sjz04Y7=5_41Jn zQlcKdbU^kr-IYNsx7#Ynlo5X<5VK8)Vj* ziVY-z@7)&+K$Np;b`l8%dYhqSM0u>TsI(%72L@<^p&90gkd&38|ekVIOir8*!SI83gbdhmYTpXW}qnODmKN+TU< zCn~~cGb(yM9Tb9W7lry>(NmO^CVEdf3%bVHRrOrdvA+4F4lNl&w4D_E*7H%|_xNC=Fw z8}6sN`+bA*{7IP|)_l&tU6Pt~-q9sxg2O&m_Q+~s7RTE+D~6T>?L9ze;1c|5Gi=qZ z(o$(F&!%JcN<+;J?#JQfFmKWAudGUTN|Trwx`w>r7Q9Jeg|paQ|6U`oeR$6b>j=+e z&>uQ0J1Ucq?kt>676h5Yw`S;`!`Wz^^QApziH$B#Y*OTKO^`)bHu>(9|w_cV-S3W%#Thr=qwq4Hofca zAN^QMRDLC;SLi4AAfZE5qadPW#Ku%;cV-j#w(fzy(5UIRyts_n@`juK#b zxC0OJOAtotoO9dDFgybT&$JPl`~F#G3DfBq82)>AA)85~D~g1Gx&et!d`-}gRN3&n zpS1r$ULZXqV>94zVxS55O$4OO1w`@3@tNtczB60}XtC}KAD^8Z?2`}%-@_)<)-1fa zAh7{2&IW-y2e3f-?V|@tB-|OG6En4Q!R_MK z^Yq}PFs2Uho!S}64o?S%`rz;CXgi`X6c)XV5mxFq!C~wu%EHOLxVO{boGP8)IJ3`k zHncrK#%>9soyPR>sfe@QM_~jTwgllht0~cv zb;=0@5|U~^j7H-$AU32Pd}DmGRDrj*!_ep49~JJ4KFxgQNnWCgmoSw4t&3PEcfNj< zwF|YTn^9jA3ZX5jU&wPXsHb_HbRK&BxB@W;wbbMD2PktBDkoNgASm9r=93JBC}{`J z!I6B_{^ac7Rzl$k>o(D(@m{dkMtW*=$vVoVrNEVMf^(#@Px}$d-~>`WEfuOaE*}R5 zHW~)DDAG*f3aPn|GC#V#_IndXzCF}VTX?0n_WZ;T{q_Y7dhp;40Jx*lw1Qnmgx$p@ zdNc=o%v875Wc^d4uij@#28w@v2`WD6T{PI2i&)CPzx4Dm4InT8WPdtbE=l=n^ z?giP9&ON%Ri~~?<;Z7K_#5Xo;mb%FeABUfIg5#w6@L7mq)vIjN>E8{5(L5J#MhfYwV;L@BtT-lpD-r9Vy7MtMYQ zXmZLf$Jc#6skXRdUZ3;JKC9sfiXVq~PDGNy?-i9yrk#MaEkXlMO z@)FhGX)1QhubUKDU!A=rmcf7FA+@ArzvX`epGFI1y7%aNTAv4vdE_vdg>H(wJr95vtVxy_+~8_dEZO!CsL^crcV#B*`xuk)UlZ>|B5l z)o%8*COr8I)S?kLAS!Ub@rVoI0@(#=U7B3 z@5LXz>>hD=7@zZFbWKp|RV3mHUi%1*K(z1*r|mOAR3$go6L>Gg((K|836Gn5sMk3~ z@nmq1{+@QFtFvR4@w|hB-gQ}CDQ-- z)dd6gK7@{<{kj`Kgp!F&pR)Z9{w=JLO$*P~FT8=&Om0@@7rU){+w0_2f|kqH69DCM{UX@0Lw&z>NYc27;o=ty%Z zva|aoCVgj&A}d!G!zhmBy+GSKSawJP4CWd%K3}rV4MFxq_(rfrHjwFJn~(%gLS}k~ znZJDFzz_@46|_KzA%}}lT&DW%UETHyQ}f#kwjogloIkxJ+onTg?FL6MtE(;fUy(FY z1ZE*b)w^Qa?eb`{nSp5s>}T(gEfG{&FKj}8^+ zvvgpic~jZJ;T6EgXn3OxAhKz3n0MlTyRiyKLA?$9L^DHoN45n_HF3?-cqW+yv|x&y z)~X{%v3P9|_M=iaLZMf5*~Iid$m$-_9qAnU`3olS>NV`ybb#`^h6Cak+D_^kgu=DH zTAf&XI`y8lvmeWBw;)x0%>tHBv(s#Bp8f?}tXP^i`u<`N4DD$W>ifU|QFIll@wHO( zJ58OIwGlpH{KWVjXkhoz305>SS{k4LKJW$3VghVxxHVuBnHDYF%`^ zIkc^;$9C9B0Nev$%>}%Y?ys)hbM-WPb@=xNLf6KZZecu^sn1yMfl_JAb6u_USoU)> zG6rcdjT>z0jq-G06?a&+<_tZC7;!*+FlSIMu{A6XFLNm7}(pD=A958~rq zXaVk+W4}Om zT|Bma%o=q5T`6!N4q@=XhD;=Rf4qG$SH$^Ggf1Pb@{I=L;CO)6i>1%-%SJ+DxQ8zc&QS3*5<4f+ArP zAp8x)-C@x|*<;({9UHO)lb~CFDk0oKTV!C`XWFc(t))FQkZ{@%@Eku239{AAE!zTNOOX8#)x_}Y z=SFHFP*IM6M`$B0-=bE)?bLlsEC(WD_m1IJDutJ;^`$7#d&GnDh*CbHl_HR5TkScc zfLH71@P*c#Hf4GCiyH#l*;K7>N8cY^Ak4FF5Wz!4L9T%0Kv^`xH7lAcpf3^E?%yMr zH5kd5maBwO7t5-%?@#>}LS#rJsH~z9H z8TJ+by81cW^xRfcBs$#pSF?JbXp3ghFS^%75&xxS_+bR zDBj?m+uD2LBI_1mX4dU~o*dJ}Bgm#BA-Y>`G^tF!U~D~@ii|OkBjsw z!82*1!;7+}6M=^%_$^KVvN?e&>%mvKp;2Yw^QvXWIK?JGQ2SF@D()XM+SYio zlrmOsMXjnx@(U7yf3qI>h!e8M)fd@sL?QT%NzBO=0wT5PJJPsw3oKa-^2qqmY0wK6gJ z2IE)?1OPZ^AZibd_tsh9dK}xAFCK8nku=s5+PJo!&zl|*O@2JWGs)${mcGl6DGqw% z)xh=~v(}&nDs?{wHUUrTh#38FL{Nm5c^-@w?>FC+d*i2Unp81%7s2-fqs3ZV>5WC? zfW!WDB0B&oNq$h}l>pGfmeouiaVHcVs(YCw+fYgq+|*!o45@2?yquFR{G#oUJR6-)u;hNI)@h8wSJUI=^OM?~~T zh2@GnV;-Aj(L-V%P6p1+vrz{KK(INdRV_xXs~L72q6W^Ba&Z$6#??qk*2q_hzV26q z=*lqTfEpHfwx_kAj@-$HAv-PA#G~XfYT9cb75eKVWdDBJ>sz<67PtKep8LCDgBNir zJP(7-T?(s*XW))Fu7HTDZ;CN`&1p%Qj&qW#HYptPxuamCzJi#cJN`2lOb^s*A*#6v z*XH<2I_Cd@$FuM6iL=2u6;%g~4MwW%k-?;Z<`;ih?6@J+7^K1fo3Q4`37ZcqS^s~*1S>F3JAiV6eX93+$WZRt)=Rr zyaOVd6aJH9VRX}0j40_92=9&fjOzxA&?8pb=fw7-LRy&iIg#SU-|&8zfm|EJSuJ`Y3r(6)AysN>RBp76Xp;v%8d=j`}cp z%Hw>QR^ZFR2~Sg!162^L#8H|)6wW-qJGC&jcen4M{b#HQs7h0{E}a~=fF()<$~WCF zj#D%9eCq}A-OMp^=aYk30%@H|oB2ORJyc2E_YD-s2N7aSN$0u!5lVRsVbNLzBSU>X zM2JTg@oFY-lveG;`&u|HSOU~8)6+dE3Tdu~9(xzDL$@q&&G#rj{0E5D$XB~fN~DU~ zw1*TXX4fo73tck7{iL@2u*?Y7e~6&$@dQ8We)Yv0gbMdT5>%lCid!(F{v$(VI6UPV z&tE}FN;(FF5hX{IG>Wo+|0v&h&h#E8iEE}NQY0;%p_W94x=e!ozdo?~S^;VFml*Y*kzr;p_dhjk zIPwUmFu+BK#fvs#Ld`BivP%ySy$1%|u81VinJ`3Lkqx;cA;{Ce zqGkq1AiJeoLJW+_>%uavlgLczoLLzq!l`&JEYWWf(>!ff=pPStDd9tdp&Uag`_CYz z5OYz1pmAt5f(~-}1u+Phfe^JdZC-a@8Xl|EBd8}tG|ewmq`w?KC*=H{+P=e4WWADC z_p!M!UJ|Z1+wJf z6RlR%Q=Zo0khva?CQG6rn~Sfk%E)*+c=>E`*Ap2VIURWfFhV9pP?D-XaE;o$yd5aC zO^&rfqH~W#$eWRLTDmM$kxiec!bgo#BpU)9SA_RGqhBy{agpeIytGXeV>qnEvgTD*hNt(;i3R2$I`$QH(am?s-dmDf~4~cVF z{@i4Zt_@`uZbVNWm&AmWL zRv&!bs{__3;OPt8o<|x*Qbo!xEz_Xmf~n;MK^0r_Lk7r%h^vpaQXsy75MF>BeIpOZ zdcLMI0bn!Gb4l@lD8TGL#EM4tkmRkK*&z2Kgb~|D#|mD7YHk}XeEdm|kYAuS-NaOwKmPi7lrXoUKw{=)1T=}h8Pn0eU6525~cB@Fd5 zljI|;)x>-y$hPyqJ_K>0NN;+6|FZfC>UhNl98RnaQk(2@q zlGX6K`87)bHL42b-Z$)9X6FmVkVG#nhgaw9K6H7US?(_>`a#Ryy zs|914v#Y88viEH-!>L5NWpSO597ApR8X`h$WKh!K*(I0=|3kxVZb0bx$kQ^|X=lWq zp8!w%L+97!fjb$S8=ju0JOWM^?+_jKUPUwc`n~IrKkLb`#sb1cxr=W#h<%2P&Yx&9 z^z1ON#|cXqed<8M2M)KE!87<44LeQQDn5Ge;ymb7B-u0J*Iv=N zqJSkhkzqoHglo&f|3(SLatqm`{@ZU{Z^!Hf&qN#@7SgtuP!ZXF%Hj**#*jN5?L@*j zfp7b$r4hw=axgIW4!(toS3I}AgP+KCcR{KoR!pA-kGGIE0*|#J30$?@5V}+;&!Wfe zdvmJIlN~w6{ria|#QZdnG?j4w!!P&dZp*M?od#P{K_jdEH`I|#IR?kK}#W4>gv}Hl3r_2 zP=9);ex9V_FWSGf)4EWp;EiLr-!}{2H%6Ze|4Y7VPZUN>Wf(znUMCFnAI88M&Cn@` zcH!R`on#FDaS)p`XWCVYANg;d!J_JPse#k7cK0w5e25|cJQvPAOx>k97*MjeZZf@b z*M{4wMRaATCkd$!TBr&B^NffgNzN?ds1TnUMERwCiTb}Jnq4G;lu2xs&cS5YYiT4> z5Tg4;^saxIQl8)5Ty6)52BMra%DnQ#u)M1?m_M(-=Y-3!_=M81Xm)S6Nr+oIQi<(Z zouvJ|I-$Rkh@f{_#+z;*yFSmBdV5-e7*?j^@gJSlAYwef3uVn_PG&eM`aT*F8QjSR zd4ZQR+?-&GP?^&1Auhk0Pr7tM&5uOk@%*|vN5indpVrFb_6T|VtrULM(hp$vGk@eB zXhCJAQ7(lKKeh6wC&y>0$#Zt6kMh(1!dYa$s_pxqwG%0?3=N;5@i5axcwV{Dx`j*v z-g#c7j-dUNhKPol6QhE!Fzn1k3ezoNy7IK~r6^hMUHpCYHK*rnMJF zxjI|K!pxsKBdbbpuU z(;xf9L3F)SLf(_{m8mZuFA(oguC~?y39kkc8Y9vo9b-!bSyNuQhcCZvnsb<4=&+ zN2|jt`g>-0@WJq0aiU1&oA*JRN9hSVrK!x~VB}-14w0do&lbEMDRC!Jj94*CCFyfu27vbrts}vog#Mqz|_*x5z{2 zjs>Z-4b1l8^EQECX#sg$eWLAVd5%u}fm@;R(G9l38lF%w#Zc2Y>}YQ_u?xnaVX0_=kh+|eeoAC#ZeP=Z@jmd!&kLQifWJ~oodaf3Y81qhvyl>krj zTnX$mev+g2usZ04DcL+A7XYR@#tIF6+rEVj19}_HVbqb~WcuVH*XF9|&oaxcE;brK z_$ih-1@DBEQ6eV{Q<^od>`TodYG7j)i?@KT zx4pPggAYVWOi083iekFa42PtF4k!mvil_*xAXV+Tm30JbI{)KLl}{m__a13mhrc$a zBFFDdvUmzV(w;L-V|dowQdP+@HHexcN<=RDm`0%lSR7fZ4f(k|etIW-C2N%cXi)Du zARE653TwNfjSsm0gz^!Zmu!x!uaci8kPt1ov6tK~kqpWg#%CeXmh}$@MK8|Q;F$%d zR?^QWZyGR(E;HSTqRr94!PicoGELF(S-V7s$VPCRUDQGB za_lRwR@L40k`t89&w8W6u;8z5-RbqtpD_+C*g!)+EUJ`o26dBZ4auh zripej#7?qIpKT=YTE!}{SiZv5{6z>;Bf9F*sH$_=d2>7A07kO@Xl-=5WlksNXr3K7 zHI!FF;ihQRGotjg-ZrPZsnfmV;hE^+NeM?bs*S>}#*1>A`m5FC%3fcnGcAdXTg&OI z!NZz7h-?S#&5<{c7KqP7H0uVz3XRzksx~o_d+P}#KECKUq!JH@%JcuLl`9QuI?3WW zBvFiJA_AfiBmseu`w}pKF5wbH0f%Ei9{pHuufI?ojxlFRf7zVLiv~&2~YWju0=5WsV$Sj`xPD}Lx>FRI9b4HEx4oRI;jJV?A4g5%3en*kt1lbsL{#RRKN(ku&P=U zYbnLt?II@G?QA+=y`HA+jAOl8a|6i`+RWHyqoE>ZGayx0Wa}WuNH5pfbz7QJrJIRr zLzK-Ujik>BFc8cFF6rDAc&U;ru{3A|X~( zKTM@DzDAiLuwy3xZN(%0e~9JG4>ei5d0QyN><8`4p))YtSp!A*#blYd16u*3v#-xb z3mwU+Kw*4J!T3bpRf`3GbM$1#qlpJX?k4DukIY^4Q~E|z$JCb|u9p2J!`mQaxMuZ@ zG()x^W6%QfRfo|94}lP9C3imdgzJ3Gs^E_=|3*;dBz9D|&~n!!UM;ZP#@aoJd__zK zn1+{na!rq*(|3-!tKgK$5z!9w#!HLDw4{a|Y7pZyhXD|3b@3QK)E(o)N%V5~Yss@kWLE<3H#P=xZ17&;bjz0Sg~z>ROOlwo7uD3}Fa_ zdCz04mnq%{KRwY;LKdWQ;&BeZlOZsgzy~jJg+F;)>IBdgg%Fo;Pr4v=o(Z4goJEphw+Xquzp>T-a8GO-p>Nt z?%|6_=Tb9Ci$`E*;Ts_`oFWq>4k5i~`YzQXym}d0DHa6)i^8a$1N7A#91CO%nw{g4bep7uRn&8 zV8t+Z$R>;B>snkm()ps6tJ}FUQsoeJMDC-Chw5yoRCW-jRQNAAxE>Nqr7GIA4MY91 z)-_}zVUhaU$o!D|biCyPy*q92D!O zF)x9vvgMo=)0T>gY;@t1A)2rmpCwQ0;jOp(dfuIuP&*0>4#-8`THh@oMzQ64r5uZ& z^EITR^y^$^brOzTuU{0(cNDvj2(;;Aa=|7rG<;x+Puwh#iJk%ZAF>I~6`(oaR9EIS ztU{CTzI|*Gu8Ty4N`y#<$ToyWdm&PTmgd9Rw{uI@L~LKNQWz60G_H(fbxbCrQq0w) z=U>w`%n0Ym{Eowc6$#w5sW)cj$H-`{jUg6-eT&}M|DMyow;{oEzRa_Mqn@{1juULR zthUSeI!E!hO`X<%Ki6bBQ)2xf%T=kjkH}^M`Fi{ln~M7-4_t>A za{T7RgO>wMCdvKxGPG-PalF#+tIJLZP!0p6?^2OL-je5kdn>0cMA(s?sah2JnTC*I zjkYcq^c2FC|D5<{K8ATkfgFq-nCT~N6!LyvwDDZ2o0ys+A0B#!^Ybz+NFl!4cuhAv zH~fTntm9#R?O?Zi|5Xq3NS8K0Hi3)HDP=ar54IXnDrn+_wq(SL{x9RHID8L;?Z}j+TPsU4NP|Ay%FBl7?<16u`xCC{grdu0 zE}zQQ67-!`7KpO3)F_6$^hkwJIzs?JiSNxREznlhc5sKgZ-VyJ>U-`c48* zNud5difzZ1U_W6=S3j)H{kO6cCaU~tIsT4G`0r!+@OO)6@4p&uz5@~#D>GYs{XaYs F{|WxBl;{8e literal 0 HcmV?d00001 diff --git a/Image Classifier (NN) (Udacity)/neural_network_project.ipynb b/Image Classifier (NN) (Udacity)/neural_network_project.ipynb new file mode 100644 index 0000000..be6c5e9 --- /dev/null +++ b/Image Classifier (NN) (Udacity)/neural_network_project.ipynb @@ -0,0 +1,2296 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Developing an AI application\n", + "\n", + "Going forward, AI algorithms will be incorporated into more and more everyday applications. For example, you might want to include an image classifier in a smart phone app. To do this, you'd use a deep learning model trained on hundreds of thousands of images as part of the overall application architecture. A large part of software development in the future will be using these types of models as common parts of applications. \n", + "\n", + "In this project, you'll train an image classifier to recognize different species of flowers. You can imagine using something like this in a phone app that tells you the name of the flower your camera is looking at. In practice you'd train this classifier, then export it for use in your application. We'll be using [this dataset](http://www.robots.ox.ac.uk/~vgg/data/flowers/102/index.html) of 102 flower categories, you can see a few examples below. \n", + "\n", + "\n", + "\n", + "The project is broken down into multiple steps:\n", + "\n", + "* Load and preprocess the image dataset\n", + "* Train the image classifier on your dataset\n", + "* Use the trained classifier to predict image content\n", + "\n", + "We'll lead you through each part which you'll implement in Python.\n", + "\n", + "When you've completed this project, you'll have an application that can be trained on any set of labeled images. Here your network will be learning about flowers and end up as a command line application. But, what you do with your new skills depends on your imagination and effort in building a dataset. For example, imagine an app where you take a picture of a car, it tells you what the make and model is, then looks up information about it. Go build your own dataset and make something new.\n", + "\n", + "First up is importing the packages you'll need. It's good practice to keep all the imports at the beginning of your code. As you work through this notebook and find you need to import a package, make sure to add the import up here." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "# Imports here\n", + "%matplotlib inline \n", + "%config InlineBackend.figure_format = 'retina'\n", + "\n", + "import matplotlib.pyplot as plt\n", + "import torch\n", + "import numpy as np\n", + "from torch import nn\n", + "from torch import optim\n", + "from torchvision import datasets, models, transforms\n", + "import torch.nn.functional as F\n", + "import torch.utils.data \n", + "import pandas as pd\n", + "#import helper\n", + "from collections import OrderedDict\n", + "from PIL import Image\n", + "import seaborn as sns" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Load the data\n", + "\n", + "Here you'll use `torchvision` to load the data ([documentation](http://pytorch.org/docs/0.3.0/torchvision/index.html)). The data should be included alongside this notebook, otherwise you can [download it here](https://s3.amazonaws.com/content.udacity-data.com/nd089/flower_data.tar.gz). The dataset is split into three parts, training, validation, and testing. For the training, you'll want to apply transformations such as random scaling, cropping, and flipping. This will help the network generalize leading to better performance. You'll also need to make sure the input data is resized to 224x224 pixels as required by the pre-trained networks.\n", + "\n", + "The validation and testing sets are used to measure the model's performance on data it hasn't seen yet. For this you don't want any scaling or rotation transformations, but you'll need to resize then crop the images to the appropriate size.\n", + "\n", + "The pre-trained networks you'll use were trained on the ImageNet dataset where each color channel was normalized separately. For all three sets you'll need to normalize the means and standard deviations of the images to what the network expects. For the means, it's `[0.485, 0.456, 0.406]` and for the standard deviations `[0.229, 0.224, 0.225]`, calculated from the ImageNet images. These values will shift each color channel to be centered at 0 and range from -1 to 1.\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "data_dir = 'flowers'\n", + "train_dir = data_dir + '/train'\n", + "valid_dir = data_dir + '/valid'\n", + "test_dir = data_dir + '/test'" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "# TODO: Define your transforms for the training, validation, and testing sets\n", + "train_data_transforms = transforms.Compose ([transforms.RandomRotation (30),\n", + " transforms.RandomResizedCrop (224),\n", + " transforms.RandomHorizontalFlip (),\n", + " transforms.ToTensor (),\n", + " transforms.Normalize ([0.485, 0.456, 0.406],[0.229, 0.224, 0.225])\n", + " ])\n", + "\n", + "valid_data_transforms = transforms.Compose ([transforms.Resize (255),\n", + " transforms.CenterCrop (224),\n", + " transforms.ToTensor (),\n", + " transforms.Normalize ([0.485, 0.456, 0.406],[0.229, 0.224, 0.225])\n", + " ])\n", + "\n", + "test_data_transforms = transforms.Compose ([transforms.Resize (255),\n", + " transforms.CenterCrop (224),\n", + " transforms.ToTensor (),\n", + " transforms.Normalize ([0.485, 0.456, 0.406],[0.229, 0.224, 0.225])\n", + " ])\n", + "\n", + "# TODO: Load the datasets with ImageFolder\n", + "train_image_datasets = datasets.ImageFolder (train_dir, transform = train_data_transforms)\n", + "valid_image_datasets = datasets.ImageFolder (valid_dir, transform = valid_data_transforms)\n", + "test_image_datasets = datasets.ImageFolder (test_dir, transform = test_data_transforms)\n", + "\n", + "\n", + "# TODO: Using the image datasets and the trainforms, define the dataloaders\n", + "train_loader = torch.utils.data.DataLoader(train_image_datasets, batch_size = 64, shuffle = True)\n", + "valid_loader = torch.utils.data.DataLoader(valid_image_datasets, batch_size = 64, shuffle = True)\n", + "test_loader = torch.utils.data.DataLoader(test_image_datasets, batch_size = 64, shuffle = True)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "torch.Size([64, 3, 224, 224])" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "inputs, labels = next(iter(train_loader))\n", + "inputs [0,:]\n", + "inputs.size ()\n", + "#plt.imshow (inputs) #helper.imshow(image[0,:]);" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'1': 0,\n", + " '10': 1,\n", + " '100': 2,\n", + " '101': 3,\n", + " '102': 4,\n", + " '11': 5,\n", + " '12': 6,\n", + " '13': 7,\n", + " '14': 8,\n", + " '15': 9,\n", + " '16': 10,\n", + " '17': 11,\n", + " '18': 12,\n", + " '19': 13,\n", + " '2': 14,\n", + " '20': 15,\n", + " '21': 16,\n", + " '22': 17,\n", + " '23': 18,\n", + " '24': 19,\n", + " '25': 20,\n", + " '26': 21,\n", + " '27': 22,\n", + " '28': 23,\n", + " '29': 24,\n", + " '3': 25,\n", + " '30': 26,\n", + " '31': 27,\n", + " '32': 28,\n", + " '33': 29,\n", + " '34': 30,\n", + " '35': 31,\n", + " '36': 32,\n", + " '37': 33,\n", + " '38': 34,\n", + " '39': 35,\n", + " '4': 36,\n", + " '40': 37,\n", + " '41': 38,\n", + " '42': 39,\n", + " '43': 40,\n", + " '44': 41,\n", + " '45': 42,\n", + " '46': 43,\n", + " '47': 44,\n", + " '48': 45,\n", + " '49': 46,\n", + " '5': 47,\n", + " '50': 48,\n", + " '51': 49,\n", + " '52': 50,\n", + " '53': 51,\n", + " '54': 52,\n", + " '55': 53,\n", + " '56': 54,\n", + " '57': 55,\n", + " '58': 56,\n", + " '59': 57,\n", + " '6': 58,\n", + " '60': 59,\n", + " '61': 60,\n", + " '62': 61,\n", + " '63': 62,\n", + " '64': 63,\n", + " '65': 64,\n", + " '66': 65,\n", + " '67': 66,\n", + " '68': 67,\n", + " '69': 68,\n", + " '7': 69,\n", + " '70': 70,\n", + " '71': 71,\n", + " '72': 72,\n", + " '73': 73,\n", + " '74': 74,\n", + " '75': 75,\n", + " '76': 76,\n", + " '77': 77,\n", + " '78': 78,\n", + " '79': 79,\n", + " '8': 80,\n", + " '80': 81,\n", + " '81': 82,\n", + " '82': 83,\n", + " '83': 84,\n", + " '84': 85,\n", + " '85': 86,\n", + " '86': 87,\n", + " '87': 88,\n", + " '88': 89,\n", + " '89': 90,\n", + " '9': 91,\n", + " '90': 92,\n", + " '91': 93,\n", + " '92': 94,\n", + " '93': 95,\n", + " '94': 96,\n", + " '95': 97,\n", + " '96': 98,\n", + " '97': 99,\n", + " '98': 100,\n", + " '99': 101}" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_image_datasets.class_to_idx\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Label mapping\n", + "\n", + "You'll also need to load in a mapping from category label to category name. You can find this in the file `cat_to_name.json`. It's a JSON object which you can read in with the [`json` module](https://docs.python.org/2/library/json.html). This will give you a dictionary mapping the integer encoded categories to the actual names of the flowers." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'1': 'pink primrose',\n", + " '10': 'globe thistle',\n", + " '100': 'blanket flower',\n", + " '101': 'trumpet creeper',\n", + " '102': 'blackberry lily',\n", + " '11': 'snapdragon',\n", + " '12': \"colt's foot\",\n", + " '13': 'king protea',\n", + " '14': 'spear thistle',\n", + " '15': 'yellow iris',\n", + " '16': 'globe-flower',\n", + " '17': 'purple coneflower',\n", + " '18': 'peruvian lily',\n", + " '19': 'balloon flower',\n", + " '2': 'hard-leaved pocket orchid',\n", + " '20': 'giant white arum lily',\n", + " '21': 'fire lily',\n", + " '22': 'pincushion flower',\n", + " '23': 'fritillary',\n", + " '24': 'red ginger',\n", + " '25': 'grape hyacinth',\n", + " '26': 'corn poppy',\n", + " '27': 'prince of wales feathers',\n", + " '28': 'stemless gentian',\n", + " '29': 'artichoke',\n", + " '3': 'canterbury bells',\n", + " '30': 'sweet william',\n", + " '31': 'carnation',\n", + " '32': 'garden phlox',\n", + " '33': 'love in the mist',\n", + " '34': 'mexican aster',\n", + " '35': 'alpine sea holly',\n", + " '36': 'ruby-lipped cattleya',\n", + " '37': 'cape flower',\n", + " '38': 'great masterwort',\n", + " '39': 'siam tulip',\n", + " '4': 'sweet pea',\n", + " '40': 'lenten rose',\n", + " '41': 'barbeton daisy',\n", + " '42': 'daffodil',\n", + " '43': 'sword lily',\n", + " '44': 'poinsettia',\n", + " '45': 'bolero deep blue',\n", + " '46': 'wallflower',\n", + " '47': 'marigold',\n", + " '48': 'buttercup',\n", + " '49': 'oxeye daisy',\n", + " '5': 'english marigold',\n", + " '50': 'common dandelion',\n", + " '51': 'petunia',\n", + " '52': 'wild pansy',\n", + " '53': 'primula',\n", + " '54': 'sunflower',\n", + " '55': 'pelargonium',\n", + " '56': 'bishop of llandaff',\n", + " '57': 'gaura',\n", + " '58': 'geranium',\n", + " '59': 'orange dahlia',\n", + " '6': 'tiger lily',\n", + " '60': 'pink-yellow dahlia',\n", + " '61': 'cautleya spicata',\n", + " '62': 'japanese anemone',\n", + " '63': 'black-eyed susan',\n", + " '64': 'silverbush',\n", + " '65': 'californian poppy',\n", + " '66': 'osteospermum',\n", + " '67': 'spring crocus',\n", + " '68': 'bearded iris',\n", + " '69': 'windflower',\n", + " '7': 'moon orchid',\n", + " '70': 'tree poppy',\n", + " '71': 'gazania',\n", + " '72': 'azalea',\n", + " '73': 'water lily',\n", + " '74': 'rose',\n", + " '75': 'thorn apple',\n", + " '76': 'morning glory',\n", + " '77': 'passion flower',\n", + " '78': 'lotus lotus',\n", + " '79': 'toad lily',\n", + " '8': 'bird of paradise',\n", + " '80': 'anthurium',\n", + " '81': 'frangipani',\n", + " '82': 'clematis',\n", + " '83': 'hibiscus',\n", + " '84': 'columbine',\n", + " '85': 'desert-rose',\n", + " '86': 'tree mallow',\n", + " '87': 'magnolia',\n", + " '88': 'cyclamen',\n", + " '89': 'watercress',\n", + " '9': 'monkshood',\n", + " '90': 'canna lily',\n", + " '91': 'hippeastrum',\n", + " '92': 'bee balm',\n", + " '93': 'ball moss',\n", + " '94': 'foxglove',\n", + " '95': 'bougainvillea',\n", + " '96': 'camellia',\n", + " '97': 'mallow',\n", + " '98': 'mexican petunia',\n", + " '99': 'bromelia'}" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import json\n", + "\n", + "with open('cat_to_name.json', 'r') as f:\n", + " cat_to_name = json.load(f)\n", + " \n", + "len (cat_to_name)\n", + "cat_to_name" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Building and training the classifier\n", + "\n", + "Now that the data is ready, it's time to build and train the classifier. As usual, you should use one of the pretrained models from `torchvision.models` to get the image features. Build and train a new feed-forward classifier using those features.\n", + "\n", + "We're going to leave this part up to you. If you want to talk through it with someone, chat with your fellow students! You can also ask questions on the forums or join the instructors in office hours.\n", + "\n", + "Refer to [the rubric](https://review.udacity.com/#!/rubrics/1663/view) for guidance on successfully completing this section. Things you'll need to do:\n", + "\n", + "* Load a [pre-trained network](http://pytorch.org/docs/master/torchvision/models.html) (If you need a starting point, the VGG networks work great and are straightforward to use)\n", + "* Define a new, untrained feed-forward network as a classifier, using ReLU activations and dropout\n", + "* Train the classifier layers using backpropagation using the pre-trained network to get the features\n", + "* Track the loss and accuracy on the validation set to determine the best hyperparameters\n", + "\n", + "We've left a cell open for you below, but use as many as you need. Our advice is to break the problem up into smaller parts you can run separately. Check that each part is doing what you expect, then move on to the next. You'll likely find that as you work through each part, you'll need to go back and modify your previous code. This is totally normal!\n", + "\n", + "When training make sure you're updating only the weights of the feed-forward network. You should be able to get the validation accuracy above 70% if you build everything right. Make sure to try different hyperparameters (learning rate, units in the classifier, epochs, etc) to find the best model. Save those hyperparameters to use as default values in the next part of the project." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Downloading: \"https://download.pytorch.org/models/alexnet-owt-4df8aa71.pth\" to /root/.torch/models/alexnet-owt-4df8aa71.pth\n", + "100%|██████████| 244418560/244418560 [00:03<00:00, 64600296.19it/s]\n" + ] + }, + { + "data": { + "text/plain": [ + "AlexNet(\n", + " (features): Sequential(\n", + " (0): Conv2d(3, 64, kernel_size=(11, 11), stride=(4, 4), padding=(2, 2))\n", + " (1): ReLU(inplace)\n", + " (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (3): Conv2d(64, 192, kernel_size=(5, 5), stride=(1, 1), padding=(2, 2))\n", + " (4): ReLU(inplace)\n", + " (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (6): Conv2d(192, 384, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (7): ReLU(inplace)\n", + " (8): Conv2d(384, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (9): ReLU(inplace)\n", + " (10): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (11): ReLU(inplace)\n", + " (12): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " )\n", + " (classifier): Sequential(\n", + " (0): Dropout(p=0.5)\n", + " (1): Linear(in_features=9216, out_features=4096, bias=True)\n", + " (2): ReLU(inplace)\n", + " (3): Dropout(p=0.5)\n", + " (4): Linear(in_features=4096, out_features=4096, bias=True)\n", + " (5): ReLU(inplace)\n", + " (6): Linear(in_features=4096, out_features=1000, bias=True)\n", + " )\n", + ")" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# TODO: Build and train your network\n", + "model = models.alexnet (pretrained = True)\n", + "model\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "AlexNet(\n", + " (features): Sequential(\n", + " (0): Conv2d(3, 64, kernel_size=(11, 11), stride=(4, 4), padding=(2, 2))\n", + " (1): ReLU(inplace)\n", + " (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (3): Conv2d(64, 192, kernel_size=(5, 5), stride=(1, 1), padding=(2, 2))\n", + " (4): ReLU(inplace)\n", + " (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (6): Conv2d(192, 384, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (7): ReLU(inplace)\n", + " (8): Conv2d(384, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (9): ReLU(inplace)\n", + " (10): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (11): ReLU(inplace)\n", + " (12): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " )\n", + " (classifier): Sequential(\n", + " (fc1): Linear(in_features=9216, out_features=4096, bias=True)\n", + " (relu1): ReLU()\n", + " (dropout1): Dropout(p=0.3)\n", + " (fc2): Linear(in_features=4096, out_features=2048, bias=True)\n", + " (relu2): ReLU()\n", + " (dropout2): Dropout(p=0.3)\n", + " (fc3): Linear(in_features=2048, out_features=102, bias=True)\n", + " (output): LogSoftmax()\n", + " )\n", + ")" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# updating classifer in the network\n", + "for param in model.parameters(): \n", + " param.requires_grad = False\n", + "\n", + "classifier = nn.Sequential (OrderedDict ([\n", + " ('fc1', nn.Linear (9216, 4096)),\n", + " ('relu1', nn.ReLU ()),\n", + " ('dropout1', nn.Dropout (p = 0.3)),\n", + " ('fc2', nn.Linear (4096, 2048)),\n", + " ('relu2', nn.ReLU ()),\n", + " ('dropout2', nn.Dropout (p = 0.3)),\n", + " ('fc3', nn.Linear (2048, 102)),\n", + " ('output', nn.LogSoftmax (dim =1))\n", + " ]))\n", + "model.classifier = classifier\n", + "model" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "#initializing criterion and optimizer\n", + "criterion = nn.NLLLoss ()\n", + "optimizer = optim.Adam (model.classifier.parameters (), lr = 0.001)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "# Defining validation \n", + "def validation(model, valid_loader, criterion):\n", + " model.to ('cuda')\n", + " \n", + " valid_loss = 0\n", + " accuracy = 0\n", + " for inputs, labels in valid_loader:\n", + " \n", + " inputs, labels = inputs.to('cuda'), labels.to('cuda')\n", + " output = model.forward(inputs)\n", + " valid_loss += criterion(output, labels).item()\n", + "\n", + " ps = torch.exp(output)\n", + " equality = (labels.data == ps.max(dim=1)[1])\n", + " accuracy += equality.type(torch.FloatTensor).mean()\n", + " \n", + " return valid_loss, accuracy\n" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch: 1/7.. Training Loss: 4.534.. Valid Loss: 2.665.. Valid Accuracy: 34.654%\n", + "Epoch: 1/7.. Training Loss: 2.499.. Valid Loss: 1.467.. Valid Accuracy: 58.788%\n", + "Epoch: 2/7.. Training Loss: 0.851.. Valid Loss: 1.260.. Valid Accuracy: 64.726%\n", + "Epoch: 2/7.. Training Loss: 1.860.. Valid Loss: 1.090.. Valid Accuracy: 68.332%\n", + "Epoch: 2/7.. Training Loss: 1.745.. Valid Loss: 0.922.. Valid Accuracy: 74.885%\n", + "Epoch: 3/7.. Training Loss: 1.363.. Valid Loss: 0.932.. Valid Accuracy: 73.308%\n", + "Epoch: 3/7.. Training Loss: 1.560.. Valid Loss: 0.840.. Valid Accuracy: 76.312%\n", + "Epoch: 4/7.. Training Loss: 0.398.. Valid Loss: 0.936.. Valid Accuracy: 73.721%\n", + "Epoch: 4/7.. Training Loss: 1.416.. Valid Loss: 0.701.. Valid Accuracy: 79.611%\n", + "Epoch: 4/7.. Training Loss: 1.417.. Valid Loss: 0.775.. Valid Accuracy: 79.062%\n", + "Epoch: 5/7.. Training Loss: 0.997.. Valid Loss: 0.818.. Valid Accuracy: 77.942%\n", + "Epoch: 5/7.. Training Loss: 1.443.. Valid Loss: 0.683.. Valid Accuracy: 81.856%\n", + "Epoch: 6/7.. Training Loss: 0.163.. Valid Loss: 0.716.. Valid Accuracy: 80.947%\n", + "Epoch: 6/7.. Training Loss: 1.278.. Valid Loss: 0.717.. Valid Accuracy: 80.519%\n", + "Epoch: 6/7.. Training Loss: 1.361.. Valid Loss: 0.761.. Valid Accuracy: 79.144%\n", + "Epoch: 7/7.. Training Loss: 0.671.. Valid Loss: 0.629.. Valid Accuracy: 82.183%\n", + "Epoch: 7/7.. Training Loss: 1.218.. Valid Loss: 0.677.. Valid Accuracy: 82.529%\n", + "Epoch: 7/7.. Training Loss: 1.246.. Valid Loss: 0.627.. Valid Accuracy: 83.659%\n" + ] + } + ], + "source": [ + "#training a model\n", + "\n", + "#change to cuda if enabled\n", + "model.to ('cuda')\n", + "epochs = 7\n", + "print_every = 40\n", + "steps = 0\n", + "\n", + "\n", + "for e in range (epochs): \n", + " running_loss = 0\n", + " for ii, (inputs, labels) in enumerate (train_loader):\n", + " steps += 1\n", + " \n", + " inputs, labels = inputs.to('cuda'), labels.to('cuda')\n", + " \n", + " optimizer.zero_grad () #where optimizer is working on classifier paramters only\n", + " \n", + " # Forward and backward passes\n", + " outputs = model.forward (inputs) #calculating output\n", + " loss = criterion (outputs, labels) #calculating loss\n", + " loss.backward () \n", + " optimizer.step () #performs single optimization step \n", + " \n", + " running_loss += loss.item () # loss.item () returns scalar value of Loss function\n", + " \n", + " if steps % print_every == 0:\n", + " model.eval () #switching to evaluation mode so that dropout is turned off\n", + " \n", + " # Turn off gradients for validation, saves memory and computations\n", + " with torch.no_grad():\n", + " valid_loss, accuracy = validation(model, valid_loader, criterion)\n", + " \n", + " print(\"Epoch: {}/{}.. \".format(e+1, epochs),\n", + " \"Training Loss: {:.3f}.. \".format(running_loss/print_every),\n", + " \"Valid Loss: {:.3f}.. \".format(valid_loss/len(valid_loader)),\n", + " \"Valid Accuracy: {:.3f}%\".format(accuracy/len(valid_loader)*100))\n", + " \n", + " running_loss = 0\n", + " \n", + " # Make sure training is back on\n", + " model.train()\n", + " \n", + " \n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Testing your network\n", + "\n", + "It's good practice to test your trained network on test data, images the network has never seen either in training or validation. This will give you a good estimate for the model's performance on completely new images. Run the test images through the network and measure the accuracy, the same way you did validation. You should be able to reach around 70% accuracy on the test set if the model has been trained well." + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy of the network on test images: 73 %\n" + ] + }, + { + "data": { + "text/plain": [ + "819" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# TODO: Do validation on the test set\n", + "\n", + "ts_correct = 0\n", + "ts_total = 0\n", + "\n", + "with torch.no_grad ():\n", + " for data in test_loader:\n", + " inputs, labels = data\n", + " inputs, labels = inputs.to('cuda'), labels.to('cuda')\n", + " outputs = model (inputs)\n", + " _, predicted = torch.max (outputs.data,1)\n", + " ts_total += labels.size (0)\n", + " ts_correct += (predicted == labels).sum().item()\n", + "\n", + "print('Accuracy of the network on test images: %d %%' % (100 * ts_correct / ts_total))\n", + "ts_total\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "OrderedDict([('features.0.weight',\n", + " tensor([[[[ 0.1186, 0.0941, 0.0954, ..., 0.0558, 0.0216, 0.0500],\n", + " [ 0.0749, 0.0389, 0.0530, ..., 0.0257, -0.0113, 0.0042],\n", + " [ 0.0754, 0.0388, 0.0549, ..., 0.0436, 0.0102, 0.0133],\n", + " ...,\n", + " [ 0.0932, 0.1037, 0.0675, ..., -0.2028, -0.1284, -0.1122],\n", + " [ 0.0435, 0.0649, 0.0362, ..., -0.2025, -0.1138, -0.1072],\n", + " [ 0.0474, 0.0625, 0.0248, ..., -0.1184, -0.0956, -0.0839]],\n", + " \n", + " [[-0.0726, -0.0580, -0.0807, ..., -0.0006, -0.0253, 0.0255],\n", + " [-0.0690, -0.0676, -0.0764, ..., -0.0040, -0.0304, 0.0105],\n", + " [-0.0995, -0.0856, -0.1052, ..., -0.0266, -0.0228, 0.0066],\n", + " ...,\n", + " [-0.1512, -0.0887, -0.0967, ..., 0.3085, 0.1810, 0.0843],\n", + " [-0.1431, -0.0757, -0.0722, ..., 0.2042, 0.1645, 0.0952],\n", + " [-0.0859, -0.0401, -0.0515, ..., 0.1635, 0.1482, 0.1020]],\n", + " \n", + " [[-0.0236, -0.0021, -0.0278, ..., 0.0399, -0.0071, 0.0322],\n", + " [ 0.0003, 0.0225, 0.0089, ..., 0.0188, -0.0142, 0.0183],\n", + " [ 0.0054, 0.0294, 0.0003, ..., 0.0121, -0.0025, 0.0084],\n", + " ...,\n", + " [-0.0628, -0.0117, -0.0621, ..., 0.1033, -0.0095, -0.0796],\n", + " [-0.0457, 0.0034, -0.0396, ..., -0.0264, -0.0335, -0.0764],\n", + " [-0.0187, 0.0114, -0.0397, ..., -0.0686, -0.0413, -0.0555]]],\n", + " \n", + " \n", + " [[[-0.0020, 0.0029, 0.0482, ..., 0.0614, 0.0261, 0.0196],\n", + " [-0.0126, -0.0049, 0.0185, ..., 0.0539, 0.0164, 0.0238],\n", + " [ 0.0037, -0.0008, 0.0264, ..., -0.0258, -0.0618, 0.0261],\n", + " ...,\n", + " [-0.0108, -0.0046, 0.0151, ..., 0.0296, 0.0053, 0.0686],\n", + " [ 0.0003, -0.0149, 0.0078, ..., 0.0272, -0.0181, 0.0525],\n", + " [-0.0525, -0.0466, -0.0110, ..., 0.0043, -0.0026, 0.0144]],\n", + " \n", + " [[ 0.0240, 0.0227, 0.0058, ..., 0.0072, -0.0247, 0.0447],\n", + " [ 0.0269, 0.0449, -0.0011, ..., 0.0442, -0.0212, 0.0645],\n", + " [ 0.0124, 0.0102, -0.0416, ..., -0.1213, -0.1629, 0.0263],\n", + " ...,\n", + " [ 0.0359, 0.0532, 0.0110, ..., 0.0127, -0.0297, 0.0859],\n", + " [ 0.0156, 0.0217, -0.0083, ..., -0.0033, -0.0541, 0.0576],\n", + " [ 0.0753, 0.0878, 0.0558, ..., 0.0528, 0.0106, 0.0935]],\n", + " \n", + " [[-0.0365, 0.0066, -0.0390, ..., -0.0157, -0.0800, -0.0009],\n", + " [-0.0052, 0.0574, 0.0090, ..., 0.0742, -0.0032, 0.0428],\n", + " [-0.0794, -0.0229, -0.0734, ..., -0.0567, -0.1292, 0.0189],\n", + " ...,\n", + " [-0.0394, 0.0310, -0.0279, ..., -0.0168, -0.1024, 0.0401],\n", + " [-0.0608, -0.0230, -0.0768, ..., -0.0791, -0.1619, -0.0137],\n", + " [ 0.0080, 0.0470, -0.0125, ..., -0.0470, -0.1008, 0.0198]]],\n", + " \n", + " \n", + " [[[-0.0517, 0.0138, 0.0091, ..., -0.0964, -0.1128, -0.2160],\n", + " [-0.0901, -0.0131, -0.0328, ..., -0.0753, -0.1480, -0.2997],\n", + " [-0.1316, -0.0427, -0.0477, ..., 0.2143, 0.0325, -0.1715],\n", + " ...,\n", + " [-0.1062, -0.0980, -0.2555, ..., 0.1228, 0.1929, 0.1267],\n", + " [-0.0808, -0.0615, -0.2231, ..., 0.0354, 0.1053, 0.1067],\n", + " [ 0.0382, 0.0500, -0.1280, ..., -0.0329, 0.0187, 0.0471]],\n", + " \n", + " [[ 0.0390, 0.0064, -0.0032, ..., -0.0212, 0.0405, 0.1109],\n", + " [ 0.0657, 0.0221, 0.0067, ..., -0.0394, 0.0277, 0.1140],\n", + " [ 0.0780, 0.0402, 0.0140, ..., -0.1542, -0.0923, 0.0345],\n", + " ...,\n", + " [ 0.1284, 0.0944, 0.1466, ..., -0.0601, -0.0909, -0.0611],\n", + " [ 0.1268, 0.1004, 0.1375, ..., -0.0225, -0.0667, -0.0199],\n", + " [ 0.0805, 0.0782, 0.0989, ..., 0.0093, -0.0346, -0.0124]],\n", + " \n", + " [[ 0.0115, -0.0270, 0.0148, ..., 0.0948, 0.1204, 0.1103],\n", + " [ 0.0093, -0.0267, 0.0122, ..., 0.0872, 0.1543, 0.1805],\n", + " [ 0.0699, 0.0132, 0.0480, ..., -0.0569, 0.0326, 0.1681],\n", + " ...,\n", + " [-0.0122, -0.0333, 0.1128, ..., -0.0677, -0.1024, -0.0762],\n", + " [-0.0060, -0.0286, 0.1164, ..., -0.0068, -0.0438, -0.0311],\n", + " [-0.1336, -0.1483, -0.0010, ..., 0.0188, -0.0065, -0.0271]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[ 0.0091, 0.0148, 0.0047, ..., 0.0155, -0.0006, -0.0199],\n", + " [ 0.0003, 0.0212, -0.0132, ..., 0.0024, -0.0058, -0.0204],\n", + " [-0.0111, 0.0101, -0.0296, ..., -0.0145, -0.0172, -0.0305],\n", + " ...,\n", + " [ 0.1001, 0.0914, 0.1308, ..., 0.1580, 0.0904, 0.0784],\n", + " [ 0.1161, 0.0818, 0.0829, ..., -0.0602, -0.0694, -0.0502],\n", + " [-0.1056, -0.1185, -0.1768, ..., -0.2084, -0.1804, -0.1669]],\n", + " \n", + " [[-0.0115, 0.0025, -0.0082, ..., -0.0076, -0.0174, -0.0170],\n", + " [-0.0027, -0.0114, -0.0061, ..., -0.0282, -0.0226, -0.0226],\n", + " [-0.0084, -0.0022, -0.0358, ..., -0.0185, -0.0198, -0.0250],\n", + " ...,\n", + " [ 0.1296, 0.0981, 0.1489, ..., 0.1566, 0.0795, 0.0969],\n", + " [ 0.1608, 0.1052, 0.1026, ..., -0.0652, -0.0643, -0.0391],\n", + " [-0.1288, -0.1466, -0.1948, ..., -0.2418, -0.2028, -0.1932]],\n", + " \n", + " [[-0.0054, -0.0018, 0.0043, ..., 0.0098, 0.0052, 0.0063],\n", + " [ 0.0093, 0.0016, -0.0022, ..., 0.0071, 0.0009, -0.0058],\n", + " [-0.0014, 0.0039, -0.0077, ..., 0.0031, 0.0150, -0.0082],\n", + " ...,\n", + " [ 0.0439, 0.0008, 0.0606, ..., 0.0748, 0.0440, 0.0561],\n", + " [ 0.1008, 0.0751, 0.1096, ..., 0.0050, 0.0108, 0.0134],\n", + " [-0.0888, -0.0728, -0.0929, ..., -0.0665, -0.0390, -0.0484]]],\n", + " \n", + " \n", + " [[[ 0.0046, 0.0469, -0.0161, ..., 0.0078, -0.0198, 0.0068],\n", + " [ 0.0628, 0.0451, 0.0472, ..., 0.0606, 0.0293, 0.0558],\n", + " [ 0.0037, 0.0130, 0.0000, ..., -0.0083, -0.0020, 0.0081],\n", + " ...,\n", + " [-0.0444, -0.0589, -0.0248, ..., -0.0284, -0.0309, -0.0529],\n", + " [-0.0098, -0.0432, 0.0090, ..., -0.0426, -0.0181, -0.0280],\n", + " [-0.0220, -0.0336, 0.0135, ..., -0.0415, -0.0178, -0.0520]],\n", + " \n", + " [[-0.0906, -0.0515, -0.1646, ..., -0.1197, -0.1115, -0.0439],\n", + " [ 0.0138, 0.0260, -0.0194, ..., 0.0238, 0.0064, 0.0543],\n", + " [-0.0932, -0.0475, -0.1127, ..., -0.0865, -0.0740, -0.0666],\n", + " ...,\n", + " [ 0.0274, 0.0103, 0.0439, ..., 0.0271, 0.0445, 0.0160],\n", + " [ 0.0984, 0.0614, 0.1141, ..., 0.0964, 0.1073, 0.0957],\n", + " [-0.0151, -0.0118, 0.0486, ..., 0.0291, 0.0563, -0.0022]],\n", + " \n", + " [[-0.1369, -0.0793, -0.2125, ..., -0.1363, -0.1512, -0.0639],\n", + " [ 0.0157, 0.0514, -0.0182, ..., 0.0491, 0.0196, 0.0781],\n", + " [-0.1713, -0.0887, -0.1747, ..., -0.1443, -0.1336, -0.1188],\n", + " ...,\n", + " [ 0.0520, 0.0159, 0.0700, ..., 0.0444, 0.0654, 0.0269],\n", + " [ 0.1314, 0.0913, 0.1623, ..., 0.1423, 0.1550, 0.1381],\n", + " [ 0.0038, -0.0204, 0.0787, ..., 0.0860, 0.1260, 0.0388]]],\n", + " \n", + " \n", + " [[[-0.0951, 0.0566, 0.1402, ..., -0.0148, 0.0104, -0.0038],\n", + " [ 0.0604, 0.1253, -0.1237, ..., 0.0786, -0.0106, -0.0222],\n", + " [ 0.1030, -0.1365, -0.1960, ..., -0.0519, -0.0833, 0.0397],\n", + " ...,\n", + " [-0.1860, 0.0155, 0.3391, ..., 0.2751, 0.1049, -0.1686],\n", + " [ 0.0683, 0.1399, 0.0114, ..., -0.0787, -0.2500, -0.0801],\n", + " [ 0.0052, -0.0684, -0.0919, ..., -0.1073, 0.0880, 0.1014]],\n", + " \n", + " [[-0.0988, 0.0626, 0.1150, ..., -0.0132, 0.0196, -0.0011],\n", + " [ 0.0832, 0.1030, -0.1542, ..., 0.1086, 0.0126, -0.0203],\n", + " [ 0.1125, -0.1693, -0.1888, ..., -0.0635, -0.0931, 0.0490],\n", + " ...,\n", + " [-0.1887, 0.0674, 0.4813, ..., 0.3137, 0.1607, -0.1345],\n", + " [ 0.1121, 0.2087, 0.0468, ..., -0.0070, -0.2298, -0.0695],\n", + " [ 0.0173, -0.0917, -0.1594, ..., -0.0804, 0.0800, 0.1182]],\n", + " \n", + " [[-0.1058, 0.0544, 0.1305, ..., -0.0395, 0.0119, -0.0028],\n", + " [ 0.0579, 0.1065, -0.1347, ..., 0.1064, 0.0184, -0.0013],\n", + " [ 0.1040, -0.1085, -0.1676, ..., -0.0426, -0.0859, 0.0526],\n", + " ...,\n", + " [-0.1824, 0.0542, 0.3940, ..., 0.2443, 0.1022, -0.1288],\n", + " [ 0.0857, 0.1838, 0.0503, ..., -0.0470, -0.2158, -0.0425],\n", + " [ 0.0396, -0.0764, -0.1350, ..., -0.0486, 0.1006, 0.0903]]]], device='cuda:0')),\n", + " ('features.0.bias',\n", + " tensor([-0.9705, -2.8070, -0.0371, -0.0795, -0.1159, 0.0252, -0.0752,\n", + " -1.4181, 1.6454, -0.0990, -0.0161, -0.1282, -0.0658, -0.0345,\n", + " -0.0743, -1.2977, -0.0505, 0.0121, -0.1013, -1.1887, -0.1380,\n", + " -0.0492, -0.0789, -0.0405, -0.0958, -0.0705, -1.9374, -0.0850,\n", + " -0.1388, -0.1968, -0.1279, -2.0095, -0.0476, -0.0604, -0.0351,\n", + " -0.3843, -2.7823, 0.6605, -0.1655, -2.1293, 0.0543, -0.0274,\n", + " -0.1703, -0.0593, -0.4215, -1.9394, -1.2094, 0.0153, -0.1081,\n", + " -0.0248, -0.1503, -1.8516, -0.0928, -0.0177, -0.0700, -0.0582,\n", + " -0.0630, -0.0721, -1.2678, -0.1176, -0.0441, -0.3259, 0.0507,\n", + " -0.0146], device='cuda:0')),\n", + " ('features.3.weight',\n", + " tensor([[[[ 3.6245e-03, 1.4335e-03, 3.7217e-02, -2.0926e-02, 1.8121e-03],\n", + " [ 2.4126e-02, -1.2056e-02, 7.1170e-02, -8.5224e-02, 1.3067e-02],\n", + " [ 2.0966e-02, -1.0623e-01, 2.1572e-02, -6.9547e-02, 3.1583e-02],\n", + " [-8.3392e-03, -3.9020e-02, -4.6621e-02, 2.2133e-02, -1.3252e-03],\n", + " [-1.5370e-02, 8.6569e-03, 3.1479e-02, 1.6698e-02, -4.7130e-03]],\n", + " \n", + " [[-5.4573e-03, -1.9087e-02, -3.2424e-02, -2.2006e-02, -1.2120e-02],\n", + " [-7.4972e-03, 3.0946e-02, 3.1899e-02, -7.6327e-03, -1.4720e-02],\n", + " [ 5.4830e-03, 8.0306e-02, 6.1262e-02, 1.3252e-02, 2.6240e-02],\n", + " [-2.6938e-02, 5.9188e-03, 3.8373e-02, -6.3116e-03, 3.9863e-03],\n", + " [ 2.0844e-03, -3.6292e-02, -2.1987e-03, -1.6570e-02, 5.6354e-03]],\n", + " \n", + " [[-1.2587e-02, -5.9436e-02, -9.6281e-02, 1.6745e-02, 4.7471e-02],\n", + " [-1.5036e-02, -1.1214e-01, -2.3924e-02, 3.3459e-02, 4.1306e-02],\n", + " [-1.3845e-02, 4.1235e-02, 2.1580e-01, 2.9520e-02, -5.8914e-02],\n", + " [ 1.2300e-02, 1.0087e-01, 2.1916e-02, -1.4008e-01, -3.1255e-02],\n", + " [ 3.7845e-02, 5.2634e-02, -8.0348e-03, -8.1815e-02, 1.4355e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.2711e-02, 2.5915e-02, 4.1726e-02, -1.3706e-02, 1.4752e-03],\n", + " [-1.0794e-02, 1.6434e-02, 8.1224e-02, -6.0144e-02, -5.1132e-02],\n", + " [-1.3769e-02, -5.3764e-02, 1.1054e-01, 3.8881e-03, -5.8872e-02],\n", + " [ 5.1748e-04, 2.3237e-02, 6.1570e-02, 5.5012e-02, -1.8824e-02],\n", + " [-4.0024e-03, 9.4621e-03, -2.7666e-02, -3.6102e-03, -6.4362e-03]],\n", + " \n", + " [[-9.5948e-04, -5.7705e-03, 4.5656e-02, 1.4085e-02, -4.3562e-02],\n", + " [-4.4058e-03, -3.2867e-02, 4.1615e-02, -1.0995e-02, 2.3037e-02],\n", + " [ 1.7953e-02, 5.5599e-03, -4.6110e-02, -6.3326e-02, 2.5256e-02],\n", + " [ 5.1608e-03, 4.1085e-02, 2.1804e-02, 1.9433e-02, 3.1380e-02],\n", + " [-2.9532e-02, -3.1130e-03, 5.4939e-02, 3.5771e-02, -3.1513e-03]],\n", + " \n", + " [[ 1.7368e-03, 1.5858e-02, -3.9606e-02, -8.6650e-02, 4.2392e-02],\n", + " [ 3.2755e-02, 2.0259e-02, 1.4398e-01, -1.5988e-01, -1.1522e-01],\n", + " [ 1.1646e-02, -1.3281e-01, 2.5051e-01, 1.9387e-01, -1.4720e-01],\n", + " [ 2.9876e-02, -7.6454e-02, -1.3301e-01, 1.2492e-01, 3.0456e-02],\n", + " [ 4.8693e-02, 7.8451e-02, -3.9283e-02, 4.8439e-03, 2.0383e-02]]],\n", + " \n", + " \n", + " [[[ 2.1691e-02, -4.7307e-02, 3.3946e-02, 6.8847e-03, 2.6204e-02],\n", + " [ 1.7683e-02, -5.2123e-02, -6.2835e-02, -3.3933e-02, 1.9128e-02],\n", + " [ 9.2291e-03, -2.8800e-02, -1.8724e-01, -1.9551e-02, -2.1082e-02],\n", + " [-1.4346e-02, 5.7543e-02, -4.1899e-02, 6.3682e-03, 4.2324e-04],\n", + " [ 1.2244e-02, 2.3090e-02, -2.2817e-02, 2.3080e-03, -6.4166e-03]],\n", + " \n", + " [[ 4.6469e-03, 7.4133e-03, -4.1122e-02, 2.9806e-02, -1.8110e-02],\n", + " [ 9.6099e-03, 3.9877e-02, -4.1848e-02, 6.9251e-03, -2.5908e-02],\n", + " [-1.0007e-02, 5.4747e-02, 2.6736e-02, 7.0483e-03, 2.6949e-02],\n", + " [-9.5527e-03, -3.6075e-02, 1.4897e-02, -1.2595e-02, -1.8202e-02],\n", + " [-1.4465e-04, -6.3873e-02, 5.8016e-02, 2.8762e-02, -9.7704e-04]],\n", + " \n", + " [[-4.5600e-02, 9.9321e-02, 2.0830e-02, -1.7641e-02, 4.3317e-03],\n", + " [-1.1306e-01, 1.0613e-01, 1.2299e-01, -1.5599e-02, 1.1943e-02],\n", + " [-8.6221e-02, 5.1575e-02, 2.8114e-01, 3.8475e-03, 3.9631e-02],\n", + " [ 2.7465e-02, -9.6338e-02, 1.6717e-01, 1.7882e-02, -3.1237e-02],\n", + " [ 3.8818e-02, -1.5017e-01, 9.5537e-02, 8.2108e-02, -2.6467e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 2.1779e-03, 8.2149e-03, 2.2985e-02, -4.9943e-03, -2.2914e-02],\n", + " [ 4.4609e-03, 4.6661e-02, 3.4394e-02, 5.2542e-02, -1.8957e-02],\n", + " [-1.4202e-02, 5.9543e-02, 6.0551e-03, 3.6463e-02, 3.2430e-04],\n", + " [-2.9488e-02, 4.5902e-02, 5.4980e-02, -2.6936e-03, 4.2663e-03],\n", + " [-2.9711e-02, -1.6390e-02, 3.4428e-02, -9.1090e-03, -9.7971e-03]],\n", + " \n", + " [[ 2.0002e-02, -4.4658e-03, -2.8359e-02, 7.4180e-03, -5.3517e-03],\n", + " [ 1.3052e-02, -2.9312e-02, -6.5957e-02, 3.1932e-02, -2.3129e-03],\n", + " [ 1.4003e-02, -5.7715e-02, -9.1541e-02, 2.8261e-03, 1.8726e-02],\n", + " [-1.8143e-02, -4.5023e-02, -9.9762e-03, 1.2348e-02, -1.4161e-03],\n", + " [ 3.3575e-03, 1.8285e-02, 1.2383e-02, -2.0430e-02, 2.4573e-02]],\n", + " \n", + " [[-5.4195e-03, 4.5804e-04, 1.7469e-02, -2.2458e-03, 1.7530e-03],\n", + " [-1.0281e-02, 3.1367e-02, -2.5485e-02, 1.2870e-02, -7.0466e-04],\n", + " [-6.3459e-03, 7.3701e-02, -2.9366e-02, 4.9803e-02, 2.5816e-02],\n", + " [-1.9934e-02, 3.8506e-02, 3.0833e-02, 2.5688e-03, -4.4185e-03],\n", + " [ 1.8114e-03, 2.3094e-02, 4.6518e-02, -3.3974e-02, -1.1660e-02]]],\n", + " \n", + " \n", + " [[[-1.0163e-02, -3.7849e-02, -4.6664e-02, -9.7829e-03, 3.7624e-02],\n", + " [ 1.4684e-01, -6.4947e-02, -3.7485e-02, -9.2710e-03, 2.3640e-02],\n", + " [ 1.8563e-02, -3.5328e-02, -9.6485e-03, 1.4210e-02, 2.7077e-02],\n", + " [-6.7717e-03, 2.8039e-03, 4.6860e-03, 4.7567e-03, -6.6633e-03],\n", + " [ 2.2155e-02, -1.2387e-03, 3.1133e-02, 3.1837e-02, 2.4495e-03]],\n", + " \n", + " [[ 2.2964e-02, -3.2592e-02, -1.7921e-02, 5.2390e-03, 3.7561e-03],\n", + " [ 3.8685e-02, -8.8764e-02, -5.3735e-02, -2.4427e-02, 1.7369e-02],\n", + " [ 5.5512e-02, -7.1237e-02, -6.5386e-02, -3.7746e-02, 7.1429e-03],\n", + " [ 3.1539e-02, -6.1858e-02, -7.4455e-02, -3.4278e-02, -9.2922e-03],\n", + " [ 4.5122e-02, -8.4307e-03, -2.0509e-02, -1.4743e-02, 1.0508e-03]],\n", + " \n", + " [[-9.5345e-03, -2.3179e-02, -1.4264e-02, -6.7151e-03, -2.8285e-02],\n", + " [ 1.6202e-01, -2.8234e-02, -2.4645e-02, -1.0152e-02, -2.4914e-02],\n", + " [ 8.9119e-02, -2.6843e-02, -3.7465e-02, -7.5062e-03, -1.9929e-03],\n", + " [-4.5296e-02, -1.7844e-02, -5.1039e-03, 1.7445e-02, 1.3994e-02],\n", + " [-2.0449e-02, -8.8112e-04, 1.3139e-02, 1.8497e-03, -5.4345e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 2.5179e-02, 8.3908e-03, -3.4752e-03, -6.7056e-03, 9.4571e-03],\n", + " [ 1.4773e-01, 1.8297e-02, -8.2707e-03, -2.6735e-03, -2.9689e-03],\n", + " [ 1.8945e-02, -2.4611e-02, -2.5792e-02, 5.7622e-03, 1.5490e-02],\n", + " [ 1.0744e-02, -2.2880e-03, 1.3852e-02, -3.0690e-03, -1.4038e-03],\n", + " [ 3.5738e-03, -1.7099e-02, -2.0962e-03, -5.2738e-04, -1.1953e-02]],\n", + " \n", + " [[-1.8036e-02, 5.5999e-03, -4.3933e-03, -6.4853e-03, 1.1134e-02],\n", + " [ 8.3012e-02, -8.5719e-02, -2.3690e-02, 2.7197e-02, 1.5338e-02],\n", + " [ 1.6264e-02, -5.0213e-02, -2.9401e-02, -6.0407e-04, 1.5086e-02],\n", + " [ 1.2260e-02, 6.5707e-03, -2.8775e-03, -2.0055e-02, 4.6619e-03],\n", + " [ 1.4575e-02, -9.5385e-03, -2.4609e-02, -2.4521e-03, 1.0301e-03]],\n", + " \n", + " [[-1.7248e-02, 7.3069e-03, 1.0429e-02, -1.4917e-02, -6.8504e-03],\n", + " [ 6.2874e-02, -3.2599e-02, 5.7802e-03, 1.4551e-02, -6.1276e-03],\n", + " [ 7.3852e-03, -6.0841e-02, -1.0494e-02, 3.6026e-03, -1.4746e-02],\n", + " [-1.7262e-02, 1.5815e-03, -2.3888e-02, -9.7895e-03, -7.4106e-03],\n", + " [ 6.9352e-03, 7.2060e-03, -1.9073e-02, -6.7136e-03, 6.1392e-03]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[ 1.7579e-02, 1.0168e-02, 4.4818e-02, -2.6664e-03, -2.2669e-02],\n", + " [-1.5147e-02, -3.2701e-02, 1.4564e-02, -1.2843e-02, -3.2623e-02],\n", + " [-3.0235e-02, -3.2706e-02, -3.4020e-02, -2.0842e-02, -3.2697e-02],\n", + " [-4.2032e-03, -3.4967e-03, -1.0389e-02, -9.6090e-03, -3.1508e-03],\n", + " [ 1.1118e-02, 8.8342e-03, 1.8196e-02, 7.5631e-03, 1.5709e-03]],\n", + " \n", + " [[-9.1671e-03, 1.0798e-03, -2.4020e-02, -1.7457e-02, -7.8634e-03],\n", + " [-1.5174e-02, 1.8126e-02, 1.3363e-02, 7.1205e-02, 5.8289e-02],\n", + " [-1.0982e-02, 1.5266e-02, -2.4875e-02, -4.0705e-03, -2.4844e-02],\n", + " [ 2.7485e-03, 1.6571e-02, -3.2608e-02, -5.6266e-02, -3.9944e-02],\n", + " [-4.9014e-04, 1.9889e-02, -3.3673e-03, -2.2187e-02, -9.5482e-03]],\n", + " \n", + " [[-2.6544e-02, -4.6466e-02, -1.1130e-01, -6.3725e-02, 2.4153e-02],\n", + " [-3.1451e-02, -4.6735e-02, -5.0069e-02, 3.6642e-02, 8.7667e-02],\n", + " [ 2.4192e-02, 2.9334e-02, 5.9852e-02, 4.2028e-02, -2.5984e-02],\n", + " [ 2.5426e-02, 1.8227e-02, 4.0526e-02, -8.6688e-03, -6.0653e-02],\n", + " [ 1.2664e-02, 1.5354e-02, 3.3492e-02, 1.3319e-02, -2.3908e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.5345e-02, -2.7450e-02, -3.7116e-02, 4.8070e-02, 1.0182e-02],\n", + " [-5.4621e-02, -6.3059e-02, -5.1834e-02, 6.4004e-02, 2.5790e-02],\n", + " [ 1.6780e-02, 1.3105e-02, -3.9535e-02, -1.2138e-03, 9.2518e-03],\n", + " [ 1.4997e-02, 1.2259e-02, -2.3395e-02, -2.8443e-02, 2.4942e-02],\n", + " [-4.0684e-03, 1.4466e-02, 6.2136e-03, -2.2554e-02, -2.0291e-03]],\n", + " \n", + " [[-3.5230e-02, 8.0857e-03, 2.3528e-02, -1.0179e-02, -2.1804e-03],\n", + " [-3.4595e-02, 3.9871e-03, 1.3592e-02, -7.9822e-02, -5.2531e-02],\n", + " [-3.2725e-02, 3.4170e-02, 2.6620e-02, -2.4204e-03, 2.4924e-02],\n", + " [ 1.8057e-02, 4.6391e-03, -1.2008e-02, 8.8407e-03, 1.9375e-02],\n", + " [-2.9099e-02, 1.2933e-04, -1.7477e-02, 4.3010e-02, 6.6167e-02]],\n", + " \n", + " [[ 4.6078e-02, 2.8413e-02, -2.6394e-02, 4.7513e-03, -7.6480e-02],\n", + " [ 7.5960e-02, 4.4307e-02, -5.8771e-02, 1.7854e-02, 9.6082e-02],\n", + " [ 5.8415e-02, 3.7583e-02, -6.7510e-02, -1.0312e-01, -2.3266e-02],\n", + " [ 4.3488e-02, 6.0671e-02, 6.2699e-02, 3.7197e-03, -5.8098e-02],\n", + " [ 7.3890e-05, 2.7182e-02, 4.3226e-02, 3.1200e-02, -5.9276e-03]]],\n", + " \n", + " \n", + " [[[ 2.5983e-02, -2.5757e-02, -2.7917e-02, -6.0154e-02, -2.1587e-02],\n", + " [ 5.8470e-03, -4.0597e-02, -9.7084e-02, -1.1321e-01, -4.5251e-02],\n", + " [-3.3056e-02, -1.7874e-02, -9.1402e-02, -1.0827e-01, -5.3423e-02],\n", + " [-1.4856e-02, -3.3450e-03, -2.7355e-02, -4.8538e-02, -4.1184e-02],\n", + " [ 9.0377e-04, -1.8180e-02, -3.1040e-02, -1.1854e-02, -2.6462e-02]],\n", + " \n", + " [[ 7.2521e-02, 1.6407e-02, -1.5754e-01, -8.8864e-02, -2.1638e-02],\n", + " [ 9.2281e-02, 8.5642e-02, -6.8582e-02, -7.8368e-02, -9.3343e-02],\n", + " [ 1.1667e-01, 1.4296e-01, 1.4621e-02, -6.6599e-02, -1.8653e-01],\n", + " [ 4.0418e-02, 8.7898e-02, 4.2521e-02, -8.9029e-03, -1.2440e-01],\n", + " [ 2.0246e-02, 6.5828e-02, 9.6516e-02, 5.8696e-02, -7.2705e-02]],\n", + " \n", + " [[-3.7801e-02, -1.1232e-02, -8.1927e-03, 1.2744e-02, 6.8491e-02],\n", + " [-4.4532e-03, -9.6229e-03, -3.2608e-02, 2.9350e-03, 3.7486e-02],\n", + " [ 3.3585e-02, 4.8458e-02, 2.6881e-02, -6.1178e-02, -2.1019e-02],\n", + " [-1.9669e-02, 6.9724e-03, 4.2018e-02, -4.3931e-02, -7.6382e-02],\n", + " [ 8.3337e-03, 2.5425e-03, 2.8063e-02, -3.4867e-02, -8.6687e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.2673e-02, -1.5327e-02, 1.6517e-02, 3.3334e-02, 1.3038e-02],\n", + " [ 1.6805e-03, -1.8921e-02, -3.6130e-02, 3.2359e-02, 5.0130e-02],\n", + " [-1.3607e-02, -3.3703e-02, -7.9256e-02, -5.1558e-03, 6.5082e-02],\n", + " [-1.3499e-03, 1.9183e-02, -1.2600e-03, -1.5375e-02, 9.9117e-03],\n", + " [-8.6383e-03, -6.4556e-03, 4.4472e-03, -7.7968e-04, 2.6764e-02]],\n", + " \n", + " [[-3.1357e-02, -6.5565e-02, -4.5553e-02, 2.9694e-02, 5.0477e-02],\n", + " [ 2.6388e-02, -6.5116e-03, -1.4299e-01, -2.9214e-02, 1.2134e-03],\n", + " [ 5.2430e-02, 6.1108e-02, -2.8583e-02, -1.0998e-01, -3.4642e-02],\n", + " [ 1.6018e-02, 3.1906e-02, 7.7014e-02, -1.1630e-02, -5.6960e-02],\n", + " [ 4.9326e-02, -1.5627e-02, 4.2784e-02, 3.7805e-02, -2.6815e-02]],\n", + " \n", + " [[ 9.0381e-03, 1.6271e-03, 9.9757e-03, 2.6084e-02, 6.8623e-03],\n", + " [ 1.0622e-02, -6.1560e-03, -9.2547e-03, 1.8062e-02, 2.2674e-02],\n", + " [ 2.8991e-02, 1.2231e-04, -1.6760e-02, -1.9807e-03, 3.1453e-02],\n", + " [ 1.8964e-02, 2.8631e-02, 5.8559e-04, -1.0603e-02, 1.1077e-02],\n", + " [ 5.4998e-03, -6.3534e-03, 2.9878e-03, -2.7331e-02, -2.4437e-02]]],\n", + " \n", + " \n", + " [[[ 7.0352e-03, -2.0708e-02, -1.9059e-02, -2.8221e-03, 9.0732e-03],\n", + " [-2.2202e-02, -3.6482e-02, -3.3435e-02, -2.0294e-02, -1.1695e-02],\n", + " [-7.7194e-03, -3.2950e-02, -5.5740e-02, -3.5089e-02, -1.5053e-02],\n", + " [-1.2823e-02, -3.5408e-02, -4.2076e-02, -1.6718e-02, -1.8323e-02],\n", + " [-3.9433e-03, 5.0854e-03, -2.3092e-03, 1.1569e-02, 1.1675e-02]],\n", + " \n", + " [[ 1.8536e-02, 2.3997e-02, 1.8607e-02, -2.1316e-03, 3.0036e-02],\n", + " [-9.1898e-03, -2.0234e-02, -2.0921e-02, -1.5293e-02, -4.1515e-03],\n", + " [-2.5399e-02, -3.6147e-02, 1.1215e-02, -1.3978e-02, 1.0484e-02],\n", + " [-1.7011e-03, -1.7085e-02, 1.9866e-02, 6.1436e-03, 4.9555e-03],\n", + " [ 1.0626e-02, 1.2917e-02, 4.2516e-02, 1.5874e-02, 1.7050e-02]],\n", + " \n", + " [[-4.0153e-03, 1.6083e-02, 8.7844e-03, -9.1274e-03, 2.2305e-02],\n", + " [-2.0949e-02, -3.9927e-03, -3.2194e-02, -2.1123e-02, -1.3385e-03],\n", + " [-4.2372e-03, 1.4911e-02, 3.8126e-03, -5.2412e-03, 9.8842e-03],\n", + " [ 1.2249e-02, 3.7495e-03, -3.4932e-03, 6.0049e-03, 1.4841e-02],\n", + " [ 1.3200e-02, -1.9996e-03, 2.0933e-02, 1.6309e-04, -8.3707e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[-6.4706e-03, -3.2926e-02, -1.5733e-02, -1.7831e-02, 2.1256e-03],\n", + " [-5.4066e-02, -5.4719e-02, -4.5444e-02, -5.6256e-02, -3.6743e-02],\n", + " [ 2.8305e-02, 2.9538e-02, 4.4844e-02, 2.2081e-02, 3.5385e-02],\n", + " [ 1.6821e-02, 1.6557e-02, 5.4560e-02, 1.7084e-02, 2.3373e-02],\n", + " [-4.0657e-03, -8.0451e-03, 4.4215e-04, 7.5198e-03, 1.0919e-02]],\n", + " \n", + " [[ 2.0678e-02, 2.0736e-02, 7.6578e-02, 2.9091e-02, 4.1559e-02],\n", + " [-1.0118e-03, 5.5359e-02, 1.3228e-01, 6.7964e-02, 4.1530e-02],\n", + " [-3.9346e-03, 3.5696e-02, 1.2877e-01, 6.1861e-02, 2.9380e-02],\n", + " [ 2.5981e-02, 3.8598e-02, 1.3250e-01, 3.2665e-02, -1.8039e-02],\n", + " [-1.9937e-02, -1.3913e-02, -1.0549e-02, -1.3653e-02, -2.4947e-03]],\n", + " \n", + " [[ 7.0426e-02, 2.1494e-02, -9.1289e-03, -9.1144e-03, -5.7207e-03],\n", + " [ 3.0881e-02, -1.0100e-02, -5.8352e-02, -3.8790e-02, -2.0214e-02],\n", + " [-7.5705e-03, -4.3871e-02, -8.5624e-02, -5.4874e-02, -1.8760e-02],\n", + " [-5.6932e-03, -4.2488e-02, -7.0337e-02, -3.9515e-02, 2.8042e-03],\n", + " [ 4.9093e-02, 8.0856e-03, -2.0497e-02, 1.7022e-02, 2.4330e-02]]]], device='cuda:0')),\n", + " ('features.3.bias',\n", + " tensor([-0.1093, -0.1726, -0.0517, -0.0655, -0.0394, 0.1742, -0.1846,\n", + " 0.0955, -0.0251, -0.0301, 0.1365, -0.3227, -0.1483, 0.1279,\n", + " 0.0041, -0.0573, -0.0021, 0.2031, 0.3310, 0.0731, 0.4980,\n", + " -0.0448, -0.0822, 0.0149, -0.0464, 0.0575, 0.0190, 0.0007,\n", + " -0.1818, -0.0001, -0.1316, -0.1274, 0.0060, -0.4274, 0.1165,\n", + " -0.1637, -0.0603, -0.2311, 0.2419, -0.0786, 0.0208, -0.0250,\n", + " -0.0447, 0.0283, -0.1746, 0.0716, -0.0574, 0.1207, -0.0581,\n", + " -0.1735, -0.1278, 0.0537, 0.0453, 0.0950, 0.0104, 0.1388,\n", + " -0.1366, 0.2429, 0.1451, 0.4810, -0.1179, -0.1593, 0.1602,\n", + " 0.2256, 0.0960, 0.0299, -0.1758, -0.0950, 0.2345, -0.2452,\n", + " 0.1025, -0.2432, -0.0570, -0.0278, -0.3461, 0.0407, -0.2309,\n", + " 0.1912, 0.1629, 0.2960, -0.1370, 0.0052, -0.1660, -0.0770,\n", + " -0.1169, 0.0683, -0.0984, -0.0913, -0.1649, 0.0625, 0.1023,\n", + " -0.0058, -0.1724, -0.0086, -0.1200, -0.1863, -0.0538, -0.0674,\n", + " -0.1480, 0.0262, 0.0400, -0.2199, -0.1498, -0.0831, -0.0679,\n", + " -0.0790, -0.0421, 0.3717, -0.1835, 0.0612, -0.4772, -0.2170,\n", + " -0.0705, -0.1000, -0.0447, 0.0866, -0.1361, -0.1826, -0.0379,\n", + " -0.2928, -0.1391, 0.1413, 0.2949, 0.2761, -0.0446, 0.3673,\n", + " 0.0878, -0.0209, 0.2094, 0.4994, 0.1499, -0.1327, 0.2152,\n", + " 0.2325, 0.1449, -0.0823, -0.0327, -0.1276, 0.1118, 0.3876,\n", + " -0.0379, -0.1795, 0.3152, -0.0400, 0.3261, 0.0109, -0.4202,\n", + " -0.1933, 0.0464, 0.0145, 0.0418, 0.1487, -0.1557, -0.1616,\n", + " 0.4913, -0.1458, 0.1304, -0.0325, -0.0334, -0.3072, 0.3035,\n", + " -0.0829, 0.1503, -0.0212, 0.1771, 0.2058, 0.1064, -0.1446,\n", + " -0.1605, -0.0268, -0.0673, 0.4874, 0.1741, 0.1841, -0.0894,\n", + " 0.1441, 0.0530, -0.1310, -0.0846, -0.0370, -0.2381, -0.0806,\n", + " -0.0975, 0.1490, -0.0031, 0.2869, 0.0939, 0.1201, -0.1244,\n", + " 0.0724, 0.0138, 0.0730], device='cuda:0')),\n", + " ('features.6.weight',\n", + " tensor([[[[ 2.4858e-02, 1.3116e-02, 2.8198e-02],\n", + " [ 4.2541e-02, 5.7339e-02, -6.0905e-03],\n", + " [-4.1912e-03, 9.3096e-03, -1.5442e-02]],\n", + " \n", + " [[-3.8954e-03, -7.8586e-02, -5.1808e-02],\n", + " [ 2.6484e-02, -4.9877e-02, -1.7763e-03],\n", + " [ 8.2902e-03, -4.9339e-02, 3.1145e-02]],\n", + " \n", + " [[ 1.6455e-02, -1.2150e-02, 1.7428e-02],\n", + " [ 5.2012e-02, -6.7141e-03, 2.7325e-02],\n", + " [ 7.5568e-03, -4.2402e-02, -2.7909e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.7289e-04, 2.4099e-02, 3.6948e-02],\n", + " [-2.4145e-02, -3.5276e-02, 3.6910e-03],\n", + " [ 1.9541e-02, -3.0342e-02, -3.5262e-02]],\n", + " \n", + " [[ 1.3239e-02, -1.8624e-02, -5.3330e-02],\n", + " [ 1.7639e-04, -1.4714e-02, -2.2829e-02],\n", + " [-6.7702e-03, 2.3287e-02, 1.3873e-02]],\n", + " \n", + " [[ 3.0512e-02, 7.5860e-03, 4.9459e-04],\n", + " [-4.5703e-03, -1.2827e-02, -6.5061e-03],\n", + " [-9.8111e-03, -1.5570e-02, 1.9379e-02]]],\n", + " \n", + " \n", + " [[[ 1.3660e-02, -3.9180e-02, 2.0014e-02],\n", + " [ 5.7389e-02, 1.1934e-02, 2.3058e-02],\n", + " [-2.2237e-02, -1.8879e-02, -2.0941e-02]],\n", + " \n", + " [[-1.3402e-02, 1.9384e-02, 2.0018e-02],\n", + " [ 2.2285e-03, -1.5328e-02, -2.0604e-02],\n", + " [ 5.2206e-02, -4.0713e-02, -1.6011e-02]],\n", + " \n", + " [[ 8.2728e-03, -1.2311e-02, -2.6974e-02],\n", + " [ 2.5519e-03, -5.6930e-03, -5.1476e-02],\n", + " [-2.8822e-02, -8.5134e-02, -6.5895e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.1531e-02, 2.4226e-02, 6.0344e-04],\n", + " [-3.3641e-02, 7.7504e-02, -1.8122e-02],\n", + " [ 2.2435e-02, 6.3408e-02, -1.0774e-03]],\n", + " \n", + " [[-1.6893e-02, 5.7512e-03, 3.7639e-02],\n", + " [-1.6503e-02, -3.2492e-03, 3.6293e-02],\n", + " [ 3.2918e-02, -1.2321e-02, 1.4753e-03]],\n", + " \n", + " [[ 5.8365e-02, 6.4994e-02, 6.6423e-02],\n", + " [-1.3995e-02, -2.4027e-02, -1.2127e-02],\n", + " [ 2.6365e-03, -1.4931e-02, -7.9207e-03]]],\n", + " \n", + " \n", + " [[[ 8.0889e-03, 9.6816e-03, -1.2593e-02],\n", + " [ 1.1684e-02, 4.7408e-02, 4.9439e-02],\n", + " [-1.1663e-02, 7.7298e-02, 2.3240e-02]],\n", + " \n", + " [[ 9.5861e-03, -3.5039e-02, -1.5836e-02],\n", + " [-2.2685e-02, 1.6363e-02, 1.8725e-02],\n", + " [-1.7577e-02, -5.9963e-03, -1.2350e-02]],\n", + " \n", + " [[-3.9020e-03, -5.0362e-03, 2.8650e-03],\n", + " [ 2.3688e-02, 3.0239e-03, -5.0350e-02],\n", + " [-3.0330e-02, -2.0917e-02, -9.9929e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.3766e-02, -4.8649e-03, 3.4593e-03],\n", + " [-1.7299e-03, 9.8713e-03, 3.1695e-03],\n", + " [-1.5713e-02, 2.4070e-02, 4.3523e-02]],\n", + " \n", + " [[ 1.7398e-02, 3.9648e-02, 5.0599e-02],\n", + " [-1.8082e-02, 2.3186e-02, 7.5082e-02],\n", + " [-1.4652e-02, -1.4806e-03, 2.4491e-02]],\n", + " \n", + " [[-3.6486e-03, 1.6976e-02, 9.5258e-03],\n", + " [ 8.3009e-03, 3.0063e-03, -3.5994e-03],\n", + " [-2.0521e-04, -9.6109e-04, -7.6914e-03]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[-2.1159e-02, 3.1025e-02, -5.1508e-04],\n", + " [-2.0021e-02, -9.5897e-03, 2.7262e-02],\n", + " [-9.7968e-03, -3.9145e-02, 9.2344e-03]],\n", + " \n", + " [[-2.2890e-02, -6.2061e-03, -1.8220e-02],\n", + " [ 2.6104e-02, 1.8208e-02, -3.5678e-02],\n", + " [-1.9037e-02, -2.5568e-02, -3.2400e-03]],\n", + " \n", + " [[ 4.5357e-04, 1.1460e-02, 3.0362e-02],\n", + " [ 2.1339e-02, 1.1392e-02, 1.3384e-02],\n", + " [ 2.2492e-02, -1.0258e-02, -5.8449e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[-2.7361e-02, 1.4307e-02, 1.8851e-02],\n", + " [ 3.9169e-02, -4.1835e-02, -1.2617e-03],\n", + " [-2.4972e-02, -6.0201e-02, 1.1093e-02]],\n", + " \n", + " [[ 1.3269e-02, 2.8252e-02, -2.0582e-02],\n", + " [ 1.2612e-02, 5.3777e-02, -2.9175e-02],\n", + " [ 4.3714e-02, 1.5523e-02, -3.4617e-02]],\n", + " \n", + " [[-1.4312e-02, -1.1627e-02, -8.0607e-03],\n", + " [-1.7464e-02, 9.4876e-03, -3.3993e-04],\n", + " [-4.5948e-03, 2.4349e-02, 2.9515e-02]]],\n", + " \n", + " \n", + " [[[ 2.3024e-02, 3.7754e-02, -7.9412e-03],\n", + " [ 2.3338e-02, -3.2373e-02, -4.1358e-02],\n", + " [ 6.4814e-02, 2.6370e-02, 4.9119e-02]],\n", + " \n", + " [[ 4.7991e-02, -2.4855e-02, 1.2162e-02],\n", + " [-2.7339e-02, 3.9421e-02, -1.8773e-02],\n", + " [-5.8830e-02, 2.6058e-02, 1.4781e-03]],\n", + " \n", + " [[ 8.6110e-03, -2.6908e-02, 1.1525e-02],\n", + " [ 5.6151e-02, -1.3285e-02, -7.1971e-03],\n", + " [ 1.1242e-03, -4.7446e-02, -3.6017e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[ 3.5633e-02, -8.5117e-03, 6.2245e-02],\n", + " [ 1.0972e-02, 1.9737e-02, 4.8234e-02],\n", + " [-1.1555e-02, 4.3559e-03, 5.2946e-02]],\n", + " \n", + " [[-1.0731e-03, 2.2912e-02, 2.2005e-02],\n", + " [ 1.3288e-02, 4.9365e-02, 1.2220e-02],\n", + " [ 1.0511e-02, 1.7318e-02, -1.8007e-02]],\n", + " \n", + " [[-2.6693e-02, -1.8063e-02, -2.4829e-02],\n", + " [-3.3943e-02, -1.4893e-03, -1.1168e-02],\n", + " [-1.3225e-02, -4.6098e-03, 3.0331e-03]]],\n", + " \n", + " \n", + " [[[-6.0866e-03, -2.5078e-02, -4.7683e-02],\n", + " [ 2.4006e-02, 5.2576e-02, -2.1802e-02],\n", + " [ 2.5606e-02, 1.1889e-02, -2.4519e-03]],\n", + " \n", + " [[ 2.5286e-02, -2.8539e-02, 8.4982e-03],\n", + " [ 6.8764e-03, -8.9434e-03, 3.4527e-03],\n", + " [ 2.7720e-02, 1.2911e-02, 1.2079e-02]],\n", + " \n", + " [[ 2.8175e-02, 1.3563e-02, 6.9976e-02],\n", + " [ 2.7799e-02, -3.6929e-02, 1.0927e-01],\n", + " [ 2.3212e-02, -3.4578e-02, -4.8821e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-3.3232e-04, 1.7463e-02, -9.6818e-03],\n", + " [ 9.2093e-03, 1.5052e-02, 8.6647e-03],\n", + " [-1.8870e-02, -2.1472e-02, -1.5119e-02]],\n", + " \n", + " [[ 4.3916e-02, -5.5188e-05, -7.7297e-03],\n", + " [-8.0442e-03, -3.4422e-02, -2.2207e-02],\n", + " [-1.4105e-02, -2.7909e-02, -2.4631e-02]],\n", + " \n", + " [[-2.6292e-02, 1.1666e-02, -1.6261e-02],\n", + " [-5.7774e-02, -5.8361e-02, -4.8310e-02],\n", + " [-4.1695e-02, -6.6255e-02, -5.7636e-02]]]], device='cuda:0')),\n", + " ('features.6.bias',\n", + " tensor([ 0.0253, 0.1194, -0.3336, 0.1127, -0.1158, -0.0597, 0.1142,\n", + " -0.0951, 0.0315, -0.0111, -0.0494, 0.0910, -0.0521, 0.0366,\n", + " -0.1202, -0.1342, -0.0050, -0.0014, -0.0763, -0.0491, -0.1255,\n", + " 0.2337, -0.0815, 0.0245, -0.0112, 0.1324, 0.2578, -0.0244,\n", + " 0.0732, 0.2082, 0.0599, -0.0111, 0.0706, 0.0054, 0.0139,\n", + " -0.0690, 0.0956, 0.0821, -0.0892, 0.0236, 0.0209, 0.2095,\n", + " 0.0570, 0.1006, -0.1517, 0.0514, 0.0610, 0.1612, 0.0464,\n", + " -0.2936, -0.1922, -0.0330, -0.2284, 0.0523, -0.0420, -0.2286,\n", + " -0.2237, -0.1040, -0.0395, 0.0231, 0.0852, -0.0038, 0.1000,\n", + " 0.2224, 0.1404, -0.0833, -0.0153, 0.0008, 0.0200, -0.1466,\n", + " -0.0525, -0.0818, 0.3813, -0.0347, -0.0427, 0.0190, 0.3016,\n", + " 0.1282, 0.1380, 0.1206, -0.0347, 0.1001, -0.0796, -0.0751,\n", + " 0.1023, 0.3221, 0.2122, 0.3072, -0.0082, 0.1320, -0.0683,\n", + " 0.1409, -0.0630, -0.0823, 0.0330, -0.1891, -0.0166, -0.1837,\n", + " 0.2002, 0.0698, -0.0130, 0.1311, 0.1935, 0.3463, -0.0420,\n", + " -0.0163, 0.1196, -0.0683, -0.1502, 0.0099, -0.3099, 0.0900,\n", + " -0.0811, -0.0524, -0.0902, 0.0507, -0.0269, 0.1488, -0.0608,\n", + " -0.0707, -0.0344, 0.1997, 0.5527, -0.0715, -0.0095, 0.1007,\n", + " -0.0095, -0.0257, 0.0978, 0.0113, 0.5273, 0.2715, 0.1356,\n", + " 0.2296, -0.1263, 0.0138, -0.0224, -0.1892, -0.0455, -0.0298,\n", + " 0.0467, -0.0517, -0.1754, -0.3434, -0.0057, -0.2355, 0.0537,\n", + " 0.3491, -0.2342, -0.1125, 0.0314, -0.0967, -0.1656, -0.0023,\n", + " -0.2594, 0.0508, 0.0898, -0.0107, 0.1284, 0.0355, 0.0339,\n", + " -0.0055, -0.0951, -0.0310, 0.0320, 0.0527, 0.1263, 0.1594,\n", + " 0.0359, 0.0353, 0.3697, 0.0179, -0.0228, -0.0956, 0.1729,\n", + " 0.0517, 0.1532, -0.0122, 0.2510, -0.0161, 0.0224, -0.0286,\n", + " 0.1197, -0.0255, -0.0419, 0.2101, -0.1348, -0.1648, -0.0257,\n", + " -0.1292, -0.1646, 0.0539, 0.1147, -0.1193, -0.0591, -0.1505,\n", + " -0.0270, 0.1071, -0.0881, 0.1148, 0.1745, 0.1580, 0.0525,\n", + " -0.0288, 0.2443, 0.1458, 0.0111, 0.2188, 0.3987, 0.3208,\n", + " -0.0872, -0.0773, 0.0551, -0.0742, 0.2994, -0.1120, 0.0204,\n", + " -0.1653, -0.0840, 0.0919, -0.0163, -0.0135, 0.0341, -0.1523,\n", + " 0.0800, -0.0155, 0.0905, -0.1243, 0.0409, 0.0651, -0.0374,\n", + " -0.0253, 0.2886, -0.1779, 0.0454, 0.0804, -0.1186, 0.1268,\n", + " 0.0133, 0.0045, 0.0838, 0.1505, -0.0749, -0.0511, -0.1585,\n", + " 0.1111, 0.0204, 0.0199, 0.2497, 0.2134, 0.1192, 0.1521,\n", + " 0.1012, -0.0202, 0.0189, -0.1558, 0.2609, -0.0290, 0.0654,\n", + " 0.0936, -0.0335, -0.1045, 0.1431, 0.0810, -0.1630, 0.1833,\n", + " -0.0632, 0.0344, 0.0221, -0.1021, 0.0873, 0.0188, -0.1501,\n", + " 0.2394, 0.2239, -0.0240, 0.2311, -0.1096, -0.1695, -0.0364,\n", + " -0.0508, 0.0767, 0.2064, 0.0014, 0.1128, -0.2035, 0.0806,\n", + " 0.2042, 0.3692, 0.1227, -0.0238, -0.0731, -0.0158, 0.1277,\n", + " -0.0579, 0.2867, -0.0043, -0.0000, 0.2161, 0.1552, -0.0162,\n", + " -0.0972, -0.1005, -0.0200, -0.1522, -0.0596, 0.0031, -0.3413,\n", + " 0.1624, 0.1747, 0.2099, -0.0636, 0.0547, -0.2457, 0.1255,\n", + " -0.0449, -0.0594, 0.0294, 0.1510, -0.0400, 0.1121, -0.1552,\n", + " 0.5047, -0.0473, -0.0753, 0.0426, -0.1338, -0.4201, 0.3820,\n", + " 0.0894, 0.0530, 0.0582, 0.0429, 0.0251, 0.1971, 0.1012,\n", + " -0.1119, -0.0281, 0.3542, 0.0238, 0.1228, -0.1242, 0.0309,\n", + " -0.1154, -0.0282, 0.0237, 0.0159, 0.1002, 0.1117, 0.0085,\n", + " -0.1309, 0.0925, -0.0054, 0.0893, 0.0534, 0.0665, 0.0354,\n", + " 0.0448, -0.0876, 0.1360, 0.1878, -0.0374, 0.0346, 0.0386,\n", + " -0.1951, -0.0843, -0.0676, -0.0114, 0.1083, -0.1093, -0.0453,\n", + " 0.0213, 0.1211, 0.1122, -0.0952, 0.5096, -0.0033, 0.0549,\n", + " 0.0672, 0.1091, 0.0186, -0.0293, 0.0110, -0.0115], device='cuda:0')),\n", + " ('features.8.weight',\n", + " tensor([[[[-1.9727e-03, -8.1454e-03, -1.1364e-02],\n", + " [-1.9331e-02, 7.0742e-04, 1.1423e-02],\n", + " [-5.4075e-02, -1.1616e-03, -2.4432e-02]],\n", + " \n", + " [[ 3.4995e-02, 1.3325e-02, 2.6029e-02],\n", + " [-2.8163e-02, -6.2435e-03, -2.6879e-02],\n", + " [ 3.4512e-03, 1.8146e-02, 1.4671e-02]],\n", + " \n", + " [[-5.7246e-02, -4.7419e-02, 1.8569e-03],\n", + " [-4.0166e-02, -4.6209e-02, -2.5661e-02],\n", + " [-5.1450e-02, -4.8978e-02, 2.5351e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.8442e-02, -2.3369e-02, 9.7001e-03],\n", + " [-4.4311e-02, -7.6195e-03, -1.7835e-02],\n", + " [-5.1811e-02, -3.5133e-02, -4.5530e-02]],\n", + " \n", + " [[-3.6594e-03, -1.1409e-03, -4.4672e-02],\n", + " [-5.2415e-02, -3.1765e-02, -5.2399e-02],\n", + " [-3.1243e-03, -1.1095e-02, -4.4262e-02]],\n", + " \n", + " [[-1.9879e-02, -1.5260e-03, 1.5899e-02],\n", + " [ 5.0753e-03, -1.4877e-02, -2.3683e-02],\n", + " [ 2.5881e-02, 3.3199e-02, 8.0742e-03]]],\n", + " \n", + " \n", + " [[[ 2.1040e-02, 2.1385e-02, 5.2782e-02],\n", + " [-5.6299e-03, 2.3969e-02, 3.3785e-02],\n", + " [-9.1422e-03, 3.4282e-02, 2.3602e-02]],\n", + " \n", + " [[-2.3864e-02, -1.8330e-02, -8.2681e-03],\n", + " [ 3.1609e-02, 1.3647e-02, 4.5288e-02],\n", + " [-3.5653e-02, 2.4665e-02, 1.0097e-02]],\n", + " \n", + " [[ 1.3495e-03, 3.9706e-02, 2.5353e-02],\n", + " [ 3.0785e-02, 1.1350e-02, -3.0964e-03],\n", + " [-2.8046e-02, 2.2734e-03, -1.8373e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.9495e-02, -4.1632e-03, -1.7916e-02],\n", + " [ 1.9192e-02, 2.6518e-02, 2.5553e-03],\n", + " [ 1.3746e-02, -1.0167e-02, 8.5529e-03]],\n", + " \n", + " [[ 2.7528e-02, 2.5611e-02, 2.5169e-02],\n", + " [-1.0245e-02, -2.6295e-02, -1.2180e-02],\n", + " [-3.3978e-02, 6.6900e-03, 3.8497e-02]],\n", + " \n", + " [[-2.1693e-03, 2.1725e-02, 1.1239e-02],\n", + " [ 1.2229e-02, -2.1039e-02, 7.5299e-03],\n", + " [-2.8304e-03, -5.2147e-03, -1.2766e-02]]],\n", + " \n", + " \n", + " [[[-3.2854e-02, -2.4809e-02, -1.8468e-02],\n", + " [-5.4112e-03, 6.1196e-03, 1.2564e-02],\n", + " [ 4.7752e-02, 1.8786e-02, 4.1288e-02]],\n", + " \n", + " [[-7.3721e-03, -1.5722e-03, 2.6161e-03],\n", + " [ 4.6837e-03, -4.8271e-03, 7.7925e-03],\n", + " [-6.7745e-03, 2.7660e-03, 1.4312e-02]],\n", + " \n", + " [[ 4.7401e-04, -2.2783e-02, -2.7205e-03],\n", + " [-1.5211e-02, -2.4859e-02, 2.3492e-02],\n", + " [ 5.2511e-03, -2.0474e-02, 6.4651e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-3.5232e-02, -1.4924e-02, 1.7090e-02],\n", + " [-2.3447e-03, -8.3897e-03, -9.8155e-04],\n", + " [-2.0932e-02, 3.6793e-03, -2.2268e-02]],\n", + " \n", + " [[-4.1739e-03, -4.7361e-03, -9.9844e-03],\n", + " [-6.9427e-03, -2.8120e-02, -3.8678e-02],\n", + " [ 4.7891e-03, 3.3325e-02, 1.1383e-02]],\n", + " \n", + " [[-4.2148e-02, 1.9920e-04, -3.4742e-02],\n", + " [-1.1400e-04, 1.3599e-03, -9.2337e-03],\n", + " [ 7.1887e-02, 5.0243e-02, 5.7336e-02]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[ 4.1041e-02, 3.8478e-02, 1.6273e-02],\n", + " [ 7.2963e-03, -1.7565e-02, -4.6216e-02],\n", + " [-2.0127e-02, -2.6285e-02, -4.7344e-02]],\n", + " \n", + " [[ 1.2926e-02, 2.2733e-02, 2.5179e-02],\n", + " [ 1.4479e-02, 2.5440e-02, 2.9994e-02],\n", + " [-2.4523e-03, 1.5145e-02, 1.1197e-02]],\n", + " \n", + " [[-1.9929e-02, -1.1274e-02, -1.0443e-02],\n", + " [ 1.2676e-02, 1.2854e-02, 7.3260e-03],\n", + " [ 1.6059e-02, 5.4710e-03, -6.3094e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 3.0193e-02, 5.0501e-03, -1.1663e-03],\n", + " [ 2.0806e-02, 3.3353e-04, -1.8671e-02],\n", + " [-1.4426e-02, -3.5664e-02, -1.7456e-02]],\n", + " \n", + " [[ 5.9916e-02, 8.5456e-03, 7.5015e-03],\n", + " [ 6.1019e-02, 1.6958e-02, -3.3683e-02],\n", + " [ 1.1938e-02, 2.5057e-02, -1.4893e-02]],\n", + " \n", + " [[-4.5513e-02, -5.0426e-02, -4.0966e-02],\n", + " [-1.9976e-02, -2.8136e-02, -1.9349e-02],\n", + " [-1.7795e-02, -2.2510e-02, -4.6813e-02]]],\n", + " \n", + " \n", + " [[[ 7.6864e-03, -2.4943e-02, 1.5596e-02],\n", + " [-2.4905e-02, 4.3126e-03, 4.9446e-02],\n", + " [ 4.5479e-03, 4.5500e-02, 4.5485e-02]],\n", + " \n", + " [[ 1.0515e-02, 2.4689e-02, -5.7297e-03],\n", + " [ 4.6129e-02, 3.0522e-02, 3.4931e-02],\n", + " [-3.5357e-02, 4.2213e-02, -2.5364e-03]],\n", + " \n", + " [[ 2.4712e-02, 3.6402e-02, 6.1931e-04],\n", + " [-2.2153e-03, -2.0391e-02, -1.0495e-03],\n", + " [-1.8919e-02, -2.0683e-02, -2.5401e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.2330e-02, -3.4162e-02, -3.6028e-04],\n", + " [-6.7105e-03, -2.4533e-02, -8.1501e-03],\n", + " [-1.2227e-02, 1.3290e-02, 1.3857e-02]],\n", + " \n", + " [[ 9.8366e-03, 2.5934e-02, 1.7975e-02],\n", + " [ 3.7568e-02, 4.7179e-02, 3.4257e-03],\n", + " [ 2.3867e-02, -1.8648e-03, -1.2810e-02]],\n", + " \n", + " [[ 8.7276e-03, 2.9231e-02, -7.5102e-03],\n", + " [ 3.0996e-03, -1.1793e-02, -1.5828e-02],\n", + " [-1.2800e-02, -5.2393e-02, 3.5761e-03]]],\n", + " \n", + " \n", + " [[[ 5.0408e-04, 4.8085e-02, 2.7914e-02],\n", + " [ 6.0406e-04, -2.9416e-02, -8.9835e-03],\n", + " [ 9.5136e-03, 2.7638e-03, 1.5747e-02]],\n", + " \n", + " [[ 1.6563e-02, 3.2774e-02, 1.8208e-02],\n", + " [-5.4806e-03, 2.7492e-02, 1.1908e-02],\n", + " [-5.4084e-02, -1.8953e-02, -3.8581e-02]],\n", + " \n", + " [[-3.8647e-02, -3.5310e-02, 1.4264e-02],\n", + " [-5.7655e-02, -4.8306e-02, 2.8926e-02],\n", + " [-3.6082e-02, 3.1528e-03, 6.1847e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.3315e-02, 2.5940e-02, 4.9885e-02],\n", + " [ 3.3364e-03, -4.9974e-02, 9.1023e-04],\n", + " [ 1.5312e-02, 1.8448e-02, 1.0342e-04]],\n", + " \n", + " [[-3.2358e-02, -1.6284e-02, 2.3682e-02],\n", + " [-1.1630e-03, -1.3672e-02, 3.6939e-03],\n", + " [-2.3587e-02, 4.0935e-03, 3.6314e-02]],\n", + " \n", + " [[-2.9316e-02, -1.7552e-02, -2.6831e-02],\n", + " [-3.4132e-02, 4.5964e-02, -1.1251e-02],\n", + " [ 2.7400e-04, 7.0052e-02, 6.7779e-03]]]], device='cuda:0')),\n", + " ('features.8.bias',\n", + " tensor([-0.0629, 0.1260, 0.2991, 0.1123, 0.2853, 0.1280, 0.1828,\n", + " -0.0310, 0.5452, 0.1565, -0.1342, -0.1711, 0.2740, 0.2277,\n", + " 0.2672, 0.2619, 0.0456, -1.4264, 0.6095, 0.0824, 0.0964,\n", + " 0.1568, -0.2905, 0.1264, 0.2099, 0.0725, -0.0003, -0.2209,\n", + " 0.1117, 0.4803, 0.0355, -0.2749, -0.5027, 0.0007, -0.1227,\n", + " 0.1488, -0.0082, 0.1321, 0.2992, -0.1647, 0.3246, 0.5349,\n", + " 0.2450, 0.5994, 0.0338, 0.0664, 0.4898, 0.4211, 0.6347,\n", + " -0.0947, -0.0785, 0.2570, 0.0767, -0.2393, 0.1710, 0.4168,\n", + " 0.2698, -0.4600, -0.0845, 0.2778, 0.2675, 0.3321, 0.0507,\n", + " -0.0863, -0.2101, -0.0522, -0.0411, -0.1392, -0.3049, 0.3017,\n", + " 0.2358, -0.3874, -0.0601, 0.9037, -0.1400, 0.5320, 0.2318,\n", + " 0.2069, 0.2338, -0.3639, 0.2204, -0.5408, -0.6493, 0.0985,\n", + " 0.3403, 0.2848, -0.1167, -0.1494, 0.2674, -0.1469, 0.0529,\n", + " 0.2966, 0.0148, 0.1732, 0.1521, 0.0111, -0.0244, -0.0926,\n", + " -0.0547, 0.1777, 0.0076, -0.0156, -0.0200, 0.0301, 0.3428,\n", + " 0.1848, -0.1893, 0.1192, 0.0438, 0.2409, -0.1295, 0.2866,\n", + " -0.3398, 0.1724, -0.0140, -0.0332, -0.2137, -0.3905, 0.6983,\n", + " 0.0287, 0.0748, 0.1588, 0.1620, 0.0387, 0.1498, -0.0706,\n", + " 0.2821, 0.3019, -0.4792, 0.0948, -0.2582, -0.3050, 0.3716,\n", + " 0.0425, 0.2296, 0.0718, 0.1077, 0.2120, 0.2802, 0.3751,\n", + " -0.1298, 0.2235, 0.0156, 0.2990, 0.5827, 0.4477, 0.3193,\n", + " 0.1551, 0.1608, 0.2476, -0.6709, 0.2488, 0.1474, 0.0933,\n", + " 0.2399, -0.2536, -0.0582, 0.2241, 0.1592, -0.0568, 0.4653,\n", + " -0.2117, -0.3184, -1.2303, 0.1207, -0.0101, 0.3314, 0.8853,\n", + " -0.0505, 0.4009, -0.1292, -0.0665, 0.2693, 0.2968, -0.5151,\n", + " -0.1394, 0.0340, 0.5053, 0.2388, 0.0904, 0.2861, -0.0537,\n", + " -0.2304, -0.0695, 0.0628, -0.0835, -0.1461, 0.1807, -0.1780,\n", + " -0.0978, -0.0064, 0.8115, 0.2005, 0.3071, -0.2360, 0.0732,\n", + " 0.1117, 0.2837, 0.0670, 0.1611, -0.6772, 0.1382, 0.1734,\n", + " -0.0442, -0.2506, -0.2652, 0.1673, -0.1684, -0.0851, 0.1246,\n", + " 0.0421, 0.1100, 0.4331, 0.1476, -0.0224, 0.2177, 0.0591,\n", + " 0.2993, 0.0848, -0.2806, 0.0374, -0.1994, -0.4867, 0.2039,\n", + " 0.1982, 0.1383, 0.0302, -0.2072, 0.7092, -0.1091, 0.4816,\n", + " 0.2920, 0.0479, -0.7954, -0.0441, 0.1333, -0.1962, 0.3378,\n", + " 0.4062, -0.1133, 0.0517, 0.0774, 0.2679, 0.3282, 0.1893,\n", + " -0.0216, 0.0531, -0.2430, 0.1592, 0.5749, 0.0773, -0.0072,\n", + " 0.3115, 0.0332, 0.2763, 0.1434], device='cuda:0')),\n", + " ('features.10.weight',\n", + " tensor([[[[ 4.5008e-03, -7.7347e-03, -1.5003e-02],\n", + " [-3.0285e-02, -4.4114e-02, -1.7563e-02],\n", + " [-1.4331e-02, -3.6714e-02, -5.2003e-02]],\n", + " \n", + " [[ 3.3324e-02, 9.8262e-03, -6.4676e-03],\n", + " [ 1.4188e-02, 2.4336e-02, 3.1040e-02],\n", + " [-1.9439e-02, 1.9590e-02, -1.6543e-02]],\n", + " \n", + " [[ 3.3328e-05, -6.3628e-04, 1.5421e-02],\n", + " [ 1.1260e-02, 5.7387e-04, 1.7457e-02],\n", + " [ 7.1211e-03, 1.0711e-03, 2.1856e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-1.6804e-02, -2.1512e-02, -1.0703e-02],\n", + " [-1.0698e-02, -5.3842e-02, -1.9335e-02],\n", + " [ 1.6292e-02, 4.4939e-04, 6.5307e-05]],\n", + " \n", + " [[ 1.2114e-03, 1.1926e-03, -1.7091e-03],\n", + " [-1.7243e-02, -2.7680e-02, 1.9918e-05],\n", + " [ 5.2268e-04, -1.6247e-03, -4.3989e-03]],\n", + " \n", + " [[ 1.9892e-02, 2.9338e-02, 2.0883e-02],\n", + " [ 1.3522e-02, 3.1604e-02, 1.2854e-02],\n", + " [ 5.2760e-03, 1.2341e-02, 7.5441e-03]]],\n", + " \n", + " \n", + " [[[-1.4208e-02, 2.3224e-03, -2.5112e-02],\n", + " [-7.6076e-03, 9.4883e-03, -4.6517e-03],\n", + " [ 1.3253e-02, 1.1511e-02, -1.4017e-02]],\n", + " \n", + " [[ 2.1794e-02, 1.0763e-02, 1.1629e-02],\n", + " [ 4.1082e-02, -7.8142e-03, 1.9052e-02],\n", + " [ 6.6561e-02, 3.6654e-02, 2.0193e-03]],\n", + " \n", + " [[-1.8703e-02, -4.9244e-02, -2.9182e-02],\n", + " [-1.5992e-02, 1.6744e-04, 4.5855e-03],\n", + " [-6.2261e-03, 4.1283e-03, 8.5156e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[-5.8011e-02, -7.3355e-02, -6.5635e-02],\n", + " [-5.9603e-02, -5.7514e-02, -4.2397e-02],\n", + " [-5.5825e-02, -6.3877e-02, -6.0623e-02]],\n", + " \n", + " [[-3.6692e-02, -3.2975e-02, -1.0278e-02],\n", + " [-3.1835e-02, -5.3899e-03, -3.2266e-02],\n", + " [-3.2715e-02, -3.3150e-02, -2.8616e-02]],\n", + " \n", + " [[-8.2592e-03, -2.5406e-02, -1.7791e-02],\n", + " [-1.1399e-02, -2.3384e-02, -1.1688e-02],\n", + " [-2.2682e-02, -3.1900e-02, -7.9640e-03]]],\n", + " \n", + " \n", + " [[[ 1.8231e-02, -2.9938e-02, -3.0918e-02],\n", + " [ 6.0674e-04, -4.5208e-02, -4.3832e-03],\n", + " [-6.0434e-03, -6.1846e-02, -1.4543e-02]],\n", + " \n", + " [[ 1.3111e-02, 1.5979e-02, -5.2871e-03],\n", + " [-1.2694e-02, 1.2434e-03, 2.2471e-02],\n", + " [ 2.1080e-02, -6.7459e-03, 1.9622e-02]],\n", + " \n", + " [[ 3.0896e-02, -3.0819e-02, 5.1553e-03],\n", + " [-5.7161e-04, -1.2514e-02, 2.3466e-02],\n", + " [ 2.5366e-02, 3.1077e-02, 2.8808e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[-2.0043e-02, -3.3691e-02, -3.3587e-02],\n", + " [-3.1222e-02, -4.3832e-02, -2.9784e-02],\n", + " [-5.5385e-02, -6.6676e-02, -5.1232e-02]],\n", + " \n", + " [[-1.8431e-02, -1.0482e-02, -1.3102e-02],\n", + " [ 5.6541e-03, -2.6609e-02, 2.4034e-03],\n", + " [-2.3949e-02, 8.9346e-03, 3.3861e-03]],\n", + " \n", + " [[ 5.7008e-03, -1.4837e-02, 1.3501e-03],\n", + " [-5.6762e-04, 6.3385e-03, 5.1770e-03],\n", + " [ 5.5514e-03, -1.4905e-03, -2.3526e-02]]],\n", + " \n", + " \n", + " ...,\n", + " \n", + " \n", + " [[[ 1.8694e-02, -5.8550e-03, 7.5898e-03],\n", + " [ 5.4762e-03, -5.1852e-02, 5.3048e-03],\n", + " [ 5.4274e-02, -3.1494e-03, -5.8523e-03]],\n", + " \n", + " [[ 1.0686e-02, -1.6323e-02, 2.0675e-02],\n", + " [ 1.9367e-03, -3.2638e-02, 9.5754e-04],\n", + " [ 2.1652e-03, 2.7449e-02, 5.5060e-02]],\n", + " \n", + " [[ 5.0755e-03, -2.6414e-02, 1.8585e-02],\n", + " [-2.5866e-03, 1.2334e-03, 4.8944e-03],\n", + " [ 5.3379e-04, -8.6257e-03, -2.3603e-02]],\n", + " \n", + " ...,\n", + " \n", + " [[ 2.3444e-02, 9.6432e-03, 1.7831e-02],\n", + " [-1.8331e-02, -5.7185e-02, -2.1030e-02],\n", + " [ 1.0187e-02, -3.0167e-02, -8.0193e-03]],\n", + " \n", + " [[ 1.7629e-02, 2.5001e-02, -4.5713e-02],\n", + " [ 2.5250e-02, 3.9404e-02, 3.0033e-02],\n", + " [ 1.6265e-02, 5.3023e-02, 8.1163e-03]],\n", + " \n", + " [[ 4.1792e-03, 8.5183e-03, 3.5242e-03],\n", + " [ 2.7552e-02, 4.5622e-02, 3.8444e-03],\n", + " [ 2.1285e-02, 2.0103e-02, 1.6193e-03]]],\n", + " \n", + " \n", + " [[[-1.4135e-02, -3.3222e-02, -5.2931e-03],\n", + " [-8.9475e-03, -3.3265e-02, 4.3306e-03],\n", + " [ 1.7092e-02, -2.8524e-02, -2.5048e-02]],\n", + " \n", + " [[-1.4275e-02, -2.7405e-02, 1.1635e-02],\n", + " [-2.2799e-02, -3.2017e-02, -9.8221e-03],\n", + " [-2.0387e-02, -3.1692e-02, -9.8188e-03]],\n", + " \n", + " [[-2.0245e-02, -7.1923e-03, 5.0653e-03],\n", + " [ 9.2916e-03, -1.4393e-02, -2.8599e-02],\n", + " [ 1.5616e-03, -1.7386e-02, -7.2756e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.4874e-02, -9.5781e-03, 2.7291e-02],\n", + " [ 1.7682e-03, -1.8440e-02, 7.5908e-03],\n", + " [-6.8078e-03, -1.3905e-03, 3.8714e-03]],\n", + " \n", + " [[-2.7931e-02, -3.4299e-02, -1.5767e-02],\n", + " [-1.5908e-02, -4.4211e-02, -1.5330e-02],\n", + " [-1.9257e-02, -2.3017e-02, 7.2739e-04]],\n", + " \n", + " [[-3.6868e-02, 1.5530e-02, -7.3656e-04],\n", + " [-3.2403e-03, -2.5565e-02, -6.2375e-04],\n", + " [-7.5825e-03, -1.7276e-02, -1.2110e-02]]],\n", + " \n", + " \n", + " [[[-3.0703e-03, -3.1071e-02, 4.9807e-04],\n", + " [ 1.3618e-02, 6.6683e-03, -1.3059e-02],\n", + " [-1.5806e-02, 9.5659e-03, -2.8366e-02]],\n", + " \n", + " [[-1.5622e-02, 1.0870e-02, -4.3911e-02],\n", + " [-6.0366e-03, 4.7041e-02, -6.7736e-03],\n", + " [ 2.3879e-02, 1.5275e-02, 2.1209e-02]],\n", + " \n", + " [[-3.4367e-02, -2.7406e-03, -4.0337e-02],\n", + " [-2.1270e-02, -2.4037e-02, -2.0263e-02],\n", + " [-7.9488e-03, -1.4826e-03, -6.8217e-03]],\n", + " \n", + " ...,\n", + " \n", + " [[ 1.0063e-02, -2.2878e-02, -5.5036e-03],\n", + " [ 3.2441e-02, -1.3513e-02, 2.5942e-03],\n", + " [-2.8327e-02, -3.6309e-02, -1.9826e-02]],\n", + " \n", + " [[-9.0379e-03, 1.6569e-02, 5.9027e-04],\n", + " [-7.4690e-04, 3.3369e-02, 2.2972e-02],\n", + " [ 1.0572e-02, 8.1467e-03, -3.4821e-02]],\n", + " \n", + " [[ 7.4795e-03, 1.9532e-03, 8.9045e-03],\n", + " [-7.3107e-03, -2.9493e-02, 1.2008e-03],\n", + " [ 8.8704e-03, 1.1838e-02, 7.4983e-04]]]], device='cuda:0')),\n", + " ('features.10.bias',\n", + " tensor([ 0.0380, 0.4363, 0.1992, 0.4787, 0.1945, 0.0461, 0.0896,\n", + " -0.0909, 0.1207, 0.1895, 0.0450, 0.4843, 0.2463, -0.0786,\n", + " -0.0410, -0.4561, 0.6745, 0.0437, -0.3859, 0.2315, 0.1211,\n", + " 0.3223, 1.1335, 0.2115, 0.4799, 0.2896, 0.0646, 0.0240,\n", + " 0.1504, 0.2882, 0.0672, 0.2694, 0.0101, 0.3425, 0.1637,\n", + " 0.2052, 0.0751, 0.1107, 0.2657, 0.1228, -0.0465, 0.5106,\n", + " 0.1446, 0.4451, 0.3364, 0.4072, -0.0210, 1.1052, 0.1231,\n", + " 0.3105, 0.2302, 0.3644, 0.3806, 0.1763, 0.6309, -0.0138,\n", + " 0.2625, 0.2036, 0.3424, 0.0191, 0.1561, 0.2294, -0.0874,\n", + " 0.0316, 0.0862, 0.2475, -0.0078, 0.2237, 0.2482, 0.0718,\n", + " -0.0660, -0.0681, -0.0210, 0.4095, 0.4249, 0.3053, -0.1138,\n", + " 0.0248, 0.1145, 0.0074, -0.0462, 0.6349, -0.1142, 0.6199,\n", + " 0.0928, -0.0147, 0.4625, 0.6339, -0.0178, 0.1375, 0.0122,\n", + " 0.1934, 0.0191, 0.0814, 0.0171, 0.0449, 0.1913, 0.2072,\n", + " 0.0018, 0.4555, 0.3821, 0.3259, -0.1008, 0.5078, 0.0125,\n", + " 0.5967, 0.8065, 0.4625, 0.1434, 0.0098, -0.0385, 0.0317,\n", + " 0.1349, 0.5540, 0.1388, 0.1851, 0.0351, -0.1292, 0.1549,\n", + " 0.0666, 0.2270, -0.0807, 0.5249, 0.1212, 0.0257, 2.4021,\n", + " 0.5470, -0.1738, 0.1062, -0.0423, 0.0376, 0.2426, -0.0767,\n", + " 0.0219, 0.4895, 0.4147, 0.0483, -0.0359, 0.1444, -0.2099,\n", + " 0.2691, 0.0615, 0.0047, 0.5872, 0.2177, 0.8185, 0.4179,\n", + " 0.0415, 0.1757, 0.9283, 0.1397, 0.3681, 0.6795, -0.0466,\n", + " 0.6185, 0.0991, 0.3758, 0.1208, 0.7321, 0.1422, -0.0159,\n", + " 0.4913, 0.0695, 0.1672, 0.6833, 0.3698, 0.1170, 0.0046,\n", + " 0.4440, 0.1650, 0.1285, 0.2183, 0.7052, 0.0041, 0.1612,\n", + " 0.1117, -0.0008, 0.2619, 0.0731, 0.2620, 0.0153, 0.2089,\n", + " 0.3399, 0.0394, 0.0987, 0.2809, 0.1330, -0.0987, 0.1587,\n", + " -0.1098, -0.1290, 0.1509, 0.1398, 0.0019, 0.1087, -0.1650,\n", + " 0.0561, 0.1740, 0.4182, 0.1161, 0.3530, 0.8590, 0.2884,\n", + " 0.1183, -0.0507, 0.0288, 0.1351, 0.1938, -0.0193, 0.5422,\n", + " 0.5368, 0.4404, 0.5066, 0.3581, 0.5300, 0.5118, 0.2010,\n", + " 0.3700, 0.6013, 0.0043, 0.0190, -0.1798, 0.0655, 0.6466,\n", + " 0.2411, 0.1317, 0.6079, -0.0045, 0.6037, 0.2969, 0.6362,\n", + " 0.3371, 0.1005, 0.4111, 0.5291, 0.1821, 0.2334, 0.0359,\n", + " 0.0938, 0.1678, 0.0977, 0.4354, 0.0347, -0.0722, 0.1484,\n", + " -0.0934, 0.4198, -0.0049, 0.1896, 0.5445, 0.5332, 0.3611,\n", + " 0.3276, 0.5591, 0.0020, -0.0665], device='cuda:0')),\n", + " ('classifier.fc1.weight',\n", + " tensor([[ 2.8755e-03, 1.9165e-03, -4.9982e-03, ..., -3.3482e-03,\n", + " -1.0174e-03, -9.9940e-03],\n", + " [-5.8229e-03, -1.2313e-02, -1.2323e-02, ..., -8.5002e-03,\n", + " -1.6102e-03, -1.4016e-02],\n", + " [-1.3275e-03, -3.0392e-03, 7.1168e-03, ..., 1.7376e-02,\n", + " -1.5704e-02, -8.1268e-03],\n", + " ...,\n", + " [-8.1606e-03, -1.0667e-02, -1.3804e-02, ..., 5.8743e-03,\n", + " 3.3002e-03, 1.6865e-03],\n", + " [-5.0199e-03, -1.7502e-02, -7.8969e-03, ..., -1.4685e-02,\n", + " -1.3075e-02, 9.0908e-03],\n", + " [ 5.1778e-03, -6.0779e-04, -9.3765e-03, ..., 1.5881e-02,\n", + " 4.6715e-03, -3.9510e-03]], device='cuda:0')),\n", + " ('classifier.fc1.bias',\n", + " tensor([-8.5333e-03, 5.1695e-04, 4.5851e-04, ..., 5.5101e-03,\n", + " -8.8263e-03, -2.2823e-03], device='cuda:0')),\n", + " ('classifier.fc2.weight',\n", + " tensor([[-1.7875e-02, 6.0618e-04, 5.2963e-03, ..., -2.6597e-03,\n", + " -7.8833e-03, -1.3484e-02],\n", + " [-1.3863e-02, 1.3207e-02, 8.9084e-03, ..., -9.8230e-04,\n", + " -7.0363e-03, -3.2897e-03],\n", + " [ 1.4092e-03, -1.7286e-02, 9.0501e-03, ..., 1.0675e-03,\n", + " -8.4186e-03, -8.0845e-04],\n", + " ...,\n", + " [-1.6949e-02, -2.0179e-02, -7.1454e-03, ..., -1.4188e-02,\n", + " -7.8431e-03, 7.9822e-03],\n", + " [-1.9544e-03, 3.3688e-03, -8.7392e-03, ..., -1.8902e-02,\n", + " -7.5087e-03, 8.4347e-03],\n", + " [ 1.9029e-02, -1.2634e-02, 2.0870e-02, ..., -4.5847e-03,\n", + " 3.9306e-03, 2.0887e-02]], device='cuda:0')),\n", + " ('classifier.fc2.bias', tensor(1.00000e-02 *\n", + " [-3.8443, -0.3190, -1.0334, ..., -0.8348, -3.4338, -4.9148], device='cuda:0')),\n", + " ('classifier.fc3.weight',\n", + " tensor([[-1.7286e-01, -3.3158e-02, -4.5259e-03, ..., -2.6428e-02,\n", + " -3.9165e-02, -8.8125e-02],\n", + " [-4.1994e-02, -1.5830e-03, 7.8628e-03, ..., -3.8653e-02,\n", + " -5.0699e-02, -6.6769e-02],\n", + " [-3.6007e-02, -2.3434e-02, -1.6646e-02, ..., -1.2421e-02,\n", + " -3.6897e-02, -4.0691e-02],\n", + " ...,\n", + " [-3.5170e-02, 8.5819e-03, -2.6119e-02, ..., -9.5101e-03,\n", + " 2.8694e-02, -4.1022e-02],\n", + " [-2.1008e-02, 1.9521e-02, 6.9397e-03, ..., 2.2954e-02,\n", + " -1.7436e-03, -1.9127e-02],\n", + " [-6.0792e-02, 2.3039e-02, 4.1772e-04, ..., -1.9228e-02,\n", + " 1.4898e-03, -2.3924e-02]], device='cuda:0')),\n", + " ('classifier.fc3.bias', tensor(1.00000e-02 *\n", + " [ 3.5449, -1.6236, 1.5002, 2.4637, -3.1404, 0.6800, 0.8838,\n", + " 0.4986, 4.7436, 1.1300, 1.4450, 1.1107, 3.4198, -2.0046,\n", + " -1.1806, 3.5722, 1.6258, 1.5547, 3.4981, 3.6150, -1.4638,\n", + " -3.1728, -1.0314, 0.0564, -2.7240, -0.4942, -3.4800, 2.7927,\n", + " 1.4610, 2.5868, -0.3396, -4.8799, -0.0389, -0.1582, -0.7080,\n", + " 0.4573, 0.3127, 3.4236, -4.0885, 1.8282, -1.0011, -0.8378,\n", + " 1.0390, -0.8675, -3.4964, -0.3239, -2.9261, 0.7662, -2.8487,\n", + " -2.0789, 3.8331, -1.6695, 0.1495, 5.2645, -0.7996, 1.5395,\n", + " -2.6015, 0.8670, -2.3512, 0.6807, -1.4424, 2.8752, -3.6459,\n", + " 0.7825, 1.3564, -3.1977, -0.9096, -0.4753, 2.6270, -2.4435,\n", + " -0.1116, -2.2853, 2.3912, 0.0902, 1.8309, 0.5660, 1.3115,\n", + " 1.5469, -0.0862, -1.0795, -1.7786, 2.0098, -3.4122, 0.3666,\n", + " 4.1249, 3.2478, -1.5350, 0.8140, -2.9364, 1.7097, 2.8358,\n", + " -3.8108, -0.5812, -3.1471, 0.0556, 4.2851, -3.3067, 2.1568,\n", + " 0.2263, 1.0656, 2.2770, -0.9225], device='cuda:0'))])" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "model.state_dict ()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Save the checkpoint\n", + "\n", + "Now that your network is trained, save the model so you can load it later for making predictions. You probably want to save other things such as the mapping of classes to indices which you get from one of the image datasets: `image_datasets['train'].class_to_idx`. You can attach this to the model as an attribute which makes inference easier later on.\n", + "\n", + "```model.class_to_idx = image_datasets['train'].class_to_idx```\n", + "\n", + "Remember that you'll want to completely rebuild the model later so you can use it for inference. Make sure to include any information you need in the checkpoint. If you want to load the model and keep training, you'll want to save the number of epochs as well as the optimizer state, `optimizer.state_dict`. You'll likely want to use this trained model in the next part of the project, so best to save it now." + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [], + "source": [ + "model.to ('cpu') #no need to use cuda for saving/loading model.\n", + "# TODO: Save the checkpoint \n", + "model.class_to_idx = train_image_datasets.class_to_idx #saving mapping between predicted class and class name, \n", + "#second variable is a class name in numeric \n", + "\n", + "#creating dictionary \n", + "checkpoint = {'classifier': model.classifier,\n", + " 'state_dict': model.state_dict (),\n", + " 'mapping': model.class_to_idx\n", + " } \n", + "\n", + "torch.save (checkpoint, 'project_checkpoint.pth')\n", + "#you should also store other hyper-parameters like the number of epochs, the learning_rate, arch param \n", + "#along with the checkpoint. This parameters are required in case you need to continue training your model\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Loading the checkpoint\n", + "\n", + "At this point it's good to write a function that can load a checkpoint and rebuild the model. That way you can come back to this project and keep working on it without having to retrain the network." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "# TODO: Write a function that loads a checkpoint and rebuilds the model\n", + "\n", + "def loading_model (file_path):\n", + " checkpoint = torch.load (file_path) #loading checkpoint from a file\n", + " model = models.alexnet (pretrained = True) #function works solely for Alexnet\n", + " #you can use the arch from the checkpoint and choose the model architecture in a more generic way:\n", + " #model = getattr(models, checkpoint['arch']\n", + " \n", + " model.classifier = checkpoint ['classifier']\n", + " model.load_state_dict (checkpoint ['state_dict'])\n", + " model.class_to_idx = checkpoint ['mapping']\n", + " \n", + " for param in model.parameters(): \n", + " param.requires_grad = False #turning off tuning of the model\n", + " \n", + " return model\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Downloading: \"https://download.pytorch.org/models/alexnet-owt-4df8aa71.pth\" to /root/.torch/models/alexnet-owt-4df8aa71.pth\n", + "100%|██████████| 244418560/244418560 [00:10<00:00, 24009225.54it/s]\n" + ] + }, + { + "data": { + "text/plain": [ + "AlexNet(\n", + " (features): Sequential(\n", + " (0): Conv2d(3, 64, kernel_size=(11, 11), stride=(4, 4), padding=(2, 2))\n", + " (1): ReLU(inplace)\n", + " (2): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (3): Conv2d(64, 192, kernel_size=(5, 5), stride=(1, 1), padding=(2, 2))\n", + " (4): ReLU(inplace)\n", + " (5): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " (6): Conv2d(192, 384, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (7): ReLU(inplace)\n", + " (8): Conv2d(384, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (9): ReLU(inplace)\n", + " (10): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))\n", + " (11): ReLU(inplace)\n", + " (12): MaxPool2d(kernel_size=3, stride=2, padding=0, dilation=1, ceil_mode=False)\n", + " )\n", + " (classifier): Sequential(\n", + " (fc1): Linear(in_features=9216, out_features=4096, bias=True)\n", + " (relu1): ReLU()\n", + " (dropout1): Dropout(p=0.3)\n", + " (fc2): Linear(in_features=4096, out_features=2048, bias=True)\n", + " (relu2): ReLU()\n", + " (dropout2): Dropout(p=0.3)\n", + " (fc3): Linear(in_features=2048, out_features=102, bias=True)\n", + " (output): LogSoftmax()\n", + " )\n", + ")" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "#Now let's test if we did everything in correct way.\n", + "\n", + "model_verify = loading_model ('project_checkpoint.pth')\n", + "model_verify" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Inference for classification\n", + "\n", + "Now you'll write a function to use a trained network for inference. That is, you'll pass an image into the network and predict the class of the flower in the image. Write a function called `predict` that takes an image and a model, then returns the top $K$ most likely classes along with the probabilities. It should look like \n", + "\n", + "```python\n", + "probs, classes = predict(image_path, model)\n", + "print(probs)\n", + "print(classes)\n", + "> [ 0.01558163 0.01541934 0.01452626 0.01443549 0.01407339]\n", + "> ['70', '3', '45', '62', '55']\n", + "```\n", + "\n", + "First you'll need to handle processing the input image such that it can be used in your network. \n", + "\n", + "## Image Preprocessing\n", + "\n", + "You'll want to use `PIL` to load the image ([documentation](https://pillow.readthedocs.io/en/latest/reference/Image.html)). It's best to write a function that preprocesses the image so it can be used as input for the model. This function should process the images in the same manner used for training. \n", + "\n", + "First, resize the images where the shortest side is 256 pixels, keeping the aspect ratio. This can be done with the [`thumbnail`](http://pillow.readthedocs.io/en/3.1.x/reference/Image.html#PIL.Image.Image.thumbnail) or [`resize`](http://pillow.readthedocs.io/en/3.1.x/reference/Image.html#PIL.Image.Image.thumbnail) methods. Then you'll need to crop out the center 224x224 portion of the image.\n", + "\n", + "Color channels of images are typically encoded as integers 0-255, but the model expected floats 0-1. You'll need to convert the values. It's easiest with a Numpy array, which you can get from a PIL image like so `np_image = np.array(pil_image)`.\n", + "\n", + "As before, the network expects the images to be normalized in a specific way. For the means, it's `[0.485, 0.456, 0.406]` and for the standard deviations `[0.229, 0.224, 0.225]`. You'll want to subtract the means from each color channel, then divide by the standard deviation. \n", + "\n", + "And finally, PyTorch expects the color channel to be the first dimension but it's the third dimension in the PIL image and Numpy array. You can reorder dimensions using [`ndarray.transpose`](https://docs.scipy.org/doc/numpy-1.13.0/reference/generated/numpy.ndarray.transpose.html). The color channel needs to be first and retain the order of the other two dimensions." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "def process_image(image):\n", + " ''' Scales, crops, and normalizes a PIL image for a PyTorch model,\n", + " returns an Numpy array\n", + " '''\n", + " #size = 256, 256\n", + " im = Image.open (image) #loading image\n", + " width, height = im.size #original size\n", + " #proportion = width/ float (height) #to keep aspect ratio\n", + " \n", + " if width > height: \n", + " height = 256\n", + " im.thumbnail ((50000, height), Image.ANTIALIAS)\n", + " else: \n", + " width = 256\n", + " im.thumbnail ((width,50000), Image.ANTIALIAS)\n", + " \n", + " \n", + " width, height = im.size #new size of im\n", + " #crop 224x224 in the center\n", + " reduce = 224\n", + " left = (width - reduce)/2 \n", + " top = (height - reduce)/2\n", + " right = left + 224 \n", + " bottom = top + 224\n", + " im = im.crop ((left, top, right, bottom))\n", + " \n", + " #preparing numpy array\n", + " np_image = np.array (im)/255 #to make values from 0 to 1\n", + " np_image -= np.array ([0.485, 0.456, 0.406]) \n", + " np_image /= np.array ([0.229, 0.224, 0.225])\n", + " \n", + " np_image= np_image.transpose ((2,0,1))\n", + " #np_image.transpose (1,2,0)\n", + " return np_image\n", + " \n", + " # TODO: Process a PIL image for use in a PyTorch model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To check your work, the function below converts a PyTorch tensor and displays it in the notebook. If your `process_image` function works, running the output through this function should return the original image (except for the cropped out portions)." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAgcAAAH3CAYAAAAv2/y/AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAWJQAAFiUBSVIk8AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvpW3flQAAIABJREFUeJzsvWmsZdl5HbbOnec3DzW/mnoeOHQ3KVKiOEiUKQlKHFuKf0QxDAQxEAOCA/9IkMCBkiBA8kuOYDhGEEdC5sSwkUCyNZGmSHFmk+y5uubp1as3v3vfnadz8mOt79x3zn23qrqris0m9wd0n7r3nrPP3vsMb6/1fd/6vCAI4MyZM2fOnDlzZpb4oDvgzJkzZ86cOfvJMrc4cObMmTNnzpxFzC0OnDlz5syZM2cRc4sDZ86cOXPmzFnE3OLAmTNnzpw5cxYxtzhw5syZM2fOnEXMLQ6cOXPmzJkzZxFziwNnzpw5c+bMWcTc4sCZM2fOnDlzFjG3OHDmzJkzZ86cRcwtDpw5c+bMmTNnEXOLA2fOnDlz5sxZxNziwJkzZ86cOXMWMbc4cObMmTNnzpxF7EO1OPA877jnef+z53lrnud1Pc+74XneP/I8b+aD7pszZ86cOXP202JeEAQfdB8eyDzPOwvgWwAWAfx/AN4F8AqAzwG4CODTQRDsfHA9dObMmTNnzn467MPEHPwTcGHwO0EQ/NtBEPynQRB8HsDvAXgSwH/zgfbOmTNnzpw5+ymxDwVz4HneGQBXAdwAcDYIAv/Ab2UAdwF4ABaDIGh+IJ105syZM2fOfkrsw8IcfF7bPz+4MACAIAjqAL4JoADgkz/ujjlz5syZM2c/bZb6oDvwgPaktpcm/H4ZwBcBPAHgK+/nBJ7nXQdQAdkJZ86cOXPm7MNoKwD2gyA4/TCNfFgWB1Pa1ib8bt9P368hz/N+MOGnE9lsKnny1OwsPRT2/0P/ccgnAN7YNwf28Q79YfyICW2Z9+fwZsJ/PZyXyIuea9LvD2FjTQfeob9MHkcQ3Tu2X9xNFgRAYDuFm7GDAAD+2LFBpC+jz9GtLzLrXvuPvvNj/fci+3pedD7ifY2PxQuiN1I4/vilCkZt2y7JBB//fL4IAOh2OwCA/qCjvpBYTCWz+pzU8UONu6fvo6cKP4dd88IfRj+xrYSXBgBkMjkAQDqdVl/aAIBBX0RhkNR+GfY9yZYGw75aVJ+gz55dkwjRGJ2Q8N7zR98BCESoWh9H124Y2T8IErHPdq30fcD5TaU4f77P/Xq9rvrYC78LexXEnmNt7R4be4CCw78e+ya8FtE+Bp43+u4+r5xg0vvvvb4W7Lmww72xn8Jf4/fs+MkfzMYeh7EGJ7847/tOnXgN7nOYPfOxHhw2NG/CHwwvfLRGPzTqHfj+w4cLfFgWB/ezw//CvDfrnjw1W/in/+NvhxOdSCQiW/t+fKv9vETkIh12bPz7RCJ60e0msDbH/hjEzhm269tD5CHw47dZIvY5ZuH7yV5q0be7vbAQHN5OcGiz6n94RaJ/BO0g37dt9NLZS3P8D3L0+6He1zZmO24YbocYDvnvgT/UMeFBPEa/9/SHZjjg731tra1en7/3utoOuG33+Me01xvwPH37I8DfB8MhBgN+1+93I20Hg3SkrWyWf/x8/SGyPtkfu6H9YR7yXOlhRr9z/H2f+3vJmMfQD5DSH2Kb63JxAQDwwvOfAABcvvwuAODu1kUAQC7LP9izU0+wbymuvbuDPQBAq7sKAEil2KdkiudM8m8qkile22R4r6eg2xbpBNf7heQJAMCpE08DAE4cXwIAXLnyFgBgY63OY4ez3O/UMQBAqcKxVPe2OC9J9WmwxvGnubjoDbhNhPco5y3wfSBgGwHamiLOXTDkuL2gwrYH7HSvv8/fvRb3H/KP/nDI44eae/gFnYp9Xlrg/DVbPO7G9ctsJ30b3W5D5+CreNBPauvpe173ru6xcGEWrlP0XNnwxhaVPN5L8HMioefH430TJDPhd9A+gWeLP32tRaRvz7/mMuWFLyUcZvF3XriY1vPka0Fn70Jg9GzaPrZYHFuQJ6KvfHtvhm3F3ifjiwNbVGo+rE8BwvdCuD6Lv4N8e7dF33ETF6IxsDC0a6RzhiNRn70A8OyZCey6xf4W6RlLJe2Z02I7AXzzaxexX2vfOLwzD24flsWBMQNTE36vxPabaEEQfPyw78koeB/zPG/iH/QD+07cxr87eOPr/PHW9P8J57LfYw9DeCMGhnJsC9gb+EFZBC/2IrnvYiK+OMBhD0VsVWwPawy9G0qLI99gEpqJri0O6VOU/SBzQPNj2/G+0IbhOfTi1Xz6+uzb/NpfOl2bhNCsN9S1sGs29A60rn2tLXvI9SiWitPai23s1qrczydKT3r845bJ8KXp9fRHZdiL9DH8ozCCFvC0OMjqhdvr6OUckDmYneIf3s2tqzxEaD0dzGpc7FvCb0T66NuE6Vz2ogq/P3ARE/q3/RFIp0vcelyoDHrs26CvcSb5ezKxpD7x81SJ29Y+X/L9ZFdj4R/sgcf5CPSHzRZV9sc1GAyQ9LgIQNKeKS3m9Ie6lON4CxXKqGzvXgcAdPocfzBMayw9jY5znkpyPkuFkwCAleMvAAAuXHxD05TUcR4CLVCymTLH0WVbqYQWclDbYmmCgPNi74VJaNOeaVsU2G2Q1EJgqD/sg8AP58QL7xnb2nskepbRuW2RfTjjFn8XTrLDfo8fOylwfkQ0RP+Ax4Ppxom02FtBOyQ8HyGZE/tjb/MSZ5aMtfImvXdHL0EAQErvhYF+8HWv21hTqVT8bTa2OBgtaqLvID6TD8/wAh+egMSL2j4x4ffz2k6KSXDmzJkzZ86cPaB9WJiDr2r7Rc/zEoekMn4aQBvAdx72RIeh//eyneSCuN9qemz1HK5ko+3F6fUx3xyCA0zApFX3g517tCwfX3erd7if+WF/Yy08IKsxyc8/FkcQo+7C8967df3fUKUhg6i/2twOIaTwDCnwY9ITOoVRgANtbbXvj638jTb1kkSECZDmlXcB+RxJsrTQSqdPej1JQInZaSLnXpPt1eqk1bPaIRAaHpj7wh8xHtmsYgzEHGQzRNvPPP0cAOD2KhFuuy007vH3uWmi965cHe3tuxxL0NZ8mauHvyf1djGk7HkePCH5hPzxxQJJv7k5Mge5rI5BQePk90GP20yKaP/okRXtx/HuNjiW7fXb7FNK1ypp49c8h0RKEoNh9NnxxZQY4VGe4hzPzfLctSbbbvXs2tFNkNR1H/TZt3yW+z/3DEnKuZkjAIBLcpWclGuktg90FOcxHLAP7SbJz+WlZQDA1vYmgNF+vm/vA/bR9+J3eJyh0kXQwH3NVxB5r+g9EbZtzJc934czifdD93aPx9+JI/Q7eqYnMQNx92L4XrTxjLj/yH73e7+M2A/dmwfYw0kxABZzYfMzMmMMjHGJ/hp23Z79IMrqGdOGA/MYMiDhHEd2GZ05Ef/90bAGwIeEOQiC4CqAPwejMP9e7Of/EkARwP/iNA6cOXPmzJmzh7cPC3MAAP8RKJ/8+57nfQHABQCfAOWTLwH4zx/Xie+3GjN0n0gkDlkd39vi+01iFkKkGWs/jEkYhc8ciCqOh9GOUQKxc00aZyzwKJ5hcI9VejiehK2Ko00NDwtXeBBTO5OYidF+kzsXZx8mJDGMGISxFmxMEwI1DyCJMGhVj1zCEF9CQXAKLLNA9lKeiLpcIBq1oLhEQAZhusQ4gFSJDEO7TWTcUzwAgih7MfQTITJOJdh2X/tmk0Tpp08wYzifYdutfbIRGQUPzlSOAgDqCqzD0FCo/OEW1OWbXz+KpDwkYIGVhkvm5oiQjyydAgB0ukTOKY8++EJ+np+zy2qD85UTs3J6hSxI9e1tAEAxv8jfhfrXt+mRNF99iKiDTBiDMRxG7/+02IlyaUb95379vo3PGCL2xdc8wGef52bOAQDOnfkoAODO6l21q0yLTB4AsLWRR7nIca2tMbjz6NIZAMDUDPt/+/ZapA92p4VxDvFHN8YohkyD+cdjqNdLjrDyKEPC7tVRRsO9zO6xEXPE659KpdT3OOsZY2x8f4w5mHRMMqF4lvBddHi8w32Zg9BHj+gYAy8MzBw98PaPKHMwepeFkQETzmbsh/YKr4ExULH2EIzYm3Bc0e34340Ro/SouIMPBXMAhOzBSwD+EFwU/AMAZwH8PoCfc3UVnDlz5syZs0djHybmAEEQ3Abwdx5X+x7owxlD5xNiDEa/I/x+UizBo/QFHdregaVy/CffVqijPSL7xdMLR2vGePaCHR7d/7BVvrVtPjFDxiM/4+HjmJTCOP59dDVvFj+Ov0+CEVGfaph1Ec81D1M81bYf+zwxLfNgpLghFaUcKbPBULdFpwd+Rp+JLlM5otFui5SCxQGgz98Xl5gKuL7OtXG/qTgBnc+QVjqTxaDFthNDtpnRbzvrTNHrHee4Slmi9T2h00KKTML8FJmDduMOAGDYFzJUzII/4LkNlSU0/v6AqN0feshmpWOgCO18jgg5m1H2QZOewXKZDEA+Ncf+g9tub5fnVqB8V/OxuU4WJF0k2k8njc1TaqAoquFAPuZEFgnpN/T7YleEmHNC9sUyx93riNXp8ff+kOPO2n0zzKuvnJ9Tx19k55QSefHiFc5rmWzHzh4zUKbKKygVyeLsZsjGnDnNmOtrN8h4tFtkJyrqi91ru9VN9YXxHhYxn0pHI+gtYyQRPg4WCGIpjn6YdTIYWtaCPddC6cZahuxflEOLazXEfen3zTQ45NhJn+PnDOKQOjwwirzHo6Ys5kDtWbzRgRRIL2H919aPzo8xAPEYgvAcE1iMMMnJ5r2vrCFv9MzG5E4O2IR38mOwDw1z4MyZM2fOnDn78diHijn48dg4+g9/mcAgHLbPg34/row3oVcTVqUHvrA9x44J0XuIfON5y2EjsbMmYt/Hl8DqO6I+x9hOE/pt57YV/AOmL0zo6URP2z2IA+s3FI2fVnh94EvMSP7tMP87ZBC0UX54yvz6SRNZshOMAixCBCM0lrJ7KGnMiMSPFLWeEuo6f+5ZAEB1l0j68mVGvNd3eFw1yb4mIT0A5HUmIuqMUPDMzDG0qhxfJU+EmyqSGVi9TjR+8gjjGY4u0Ge+vy0/r3QQjiwwLiCVZizCu7eZHNQTOs3m5MNXXESoZWAiOn4CCDhOT9kZxra025zrjjIojh2lRkAuxQyJxq789Wmi8WSS16RWZYzCwFC9rlG1XVVfov7etHQTZqeOo68Mhn6dzElfolWmvVAp89zr+2wr8Pl9KkkWY26aaN7vTWucZHEW588CANbWGAdxZ41Myyc+Qb2DrU2i/uWFFdxdXwcAvPzSpwEAhRLn4zvf/abGyTk9dYqMQiANjW6P89Tpca47XdOesIwaPftJQ6OmSWEsAHcbDvphRoOxWknPhIc87cN7LJU5HM7Gn/v7xVuF77JD2MNJmQ9j7OTEuKkHsxFjYO2O0gHCLIt4ioA9/kYwxhiUOFNi9388PMJE2RLGbsUyEoa+P8oPCRnYeOZI9PtHTEwfciZnzpw5c+bM2c+8OebgoHnRFdjjihd4LBYJa7V1sfldoz70EZoylGEIOh4BHIfchysojlDxOAKY6Dr7QM18gabkZ3ndlkkgv20Y+G0MiSRdU4aspM7XZw66+RBTUiA01cKEl0AgBGeSiJZfnUwR2fct5z5lSIBorVIRUg7IHKxnpRRofRwSzVqGQUOIuW/oR4xEubCAvIREZ8srAIBsiv2/sb/Bz0m2cfIopYzXV4lK0wlmM+TS3E6XVMLEtyh9jqFS4u/11lDjN6YK6nMmjOyvFNiG1XcwSWqTBS6X2VZBNRf8HsdbskyCKckn70pbIC+FQd13zV5Us8Duv1yBMQkLcytoDYjgqw2i954pVYt9abd4LRoNtpnLcO5LWZ7rzIlnuL9PJmHY4/wWczzH5U3KJKfTui90redmVgAAiaCCmWkO+Nw5MgOvv/ktAEC3S+Znfo7X/cSx0wCA9TWyPLMz1EoYetxvfeMmAKDTq2qkhk4tDkYqfAneD4WcmBsECPyoPHJfPnCLok+nJRNtKp3J6Hti/D35YO/LkTbLe4+wH4vWj5Oa960tYM+89rfPnodATMkwzErREaZHEJNqNwtloWPfW9zLSLZd5wxPHtWDOJi9YWxEMhn9U+158bk/oMr6iP5cOebAmTNnzpw5cxYxxxzELaKQ+AH35T3ZAQWxmA7BgfhbACNfV+jXG1tlxwYey04YP+chLMFPJmUgs1W3YgyGtmLnr0llDvQVfT80VC+UWywS1U6JQVhbv8X9wuPl502NMjXClb+Yg6Fvjx6RbzbLc/R8shDVGtHszRuMdF+YWgEAJEDUOjtFFDu/TLSakCJgtcm8eH/IvqdSQv3ZKWSzRJuFtI6dZl+ae0SG+QyzFJZm2ObF8nX1mSgzrfHkC9x/qkLEvLpJn7rNp6F/fxjN0Egm02HefVbINaPshXxBDMqA2Qr9IVmLgd/W7xy3L0YllRYro5iNVFIKk1ZboS+/b9L8vuzLdIVIfKayjE6NsRO9nupS6DoXC6axQAagVEjrM/36+RIphrkZ6kK062J3smRDBDzR6nAMx1RMylQQT59i7MH63S0sH+WcX73CehavvfYjtiGVyaNHqa5osSPNJu+PUpFzX2vuaLwWQa/4AdPPUKGpcJ5zBfVRYw5GVRktGn+qMqW55OduT8WrwvdGNGp/lP3kHfyI8VilCZlcQTD2sp2U4TBqeUKb9zzqwPFG5MVjGHwccPQHkX2sAmoyLLRnbUQrZo5nYEUVWEdEbRT1HxyDsb323ghibK4xCvG4sp85hURnzpw5c+bM2Y/PHHMQMY+r4XCRdo8IeODAgnjyau1BsxAefsV3yPG2Uo2v8GPnHhc8DGN5I9+PjoxqDFgOdajedeDfo3NGfWTB2LkmIQWbH4sEjusU3vu4IAgORCSbnkEysqdvlerMz6dzZdJEkJ1BtBJeX9r6U1PytZeJtHd2idaDoY4X0zDwhwisVG6IGvg5K596LkuU2lT1vVaTKLXRZjT+s08SlW6uEoW2q0SCaSHP6RLbK+eEJOv0QRcUeb80v4Dp7HEAwP42+1eUnsHKSY5jqkL0XSxwe3SJ++9uyQc7FGrNcbwrR6jmt7VOBF5Unn9b9SI6XTIPiZQYGD+FjGIkKnlmPsxWOJ7pMsezscpx53LSHCgq5kDZCfWG6T1Ey2NnlN+vStYmEIlCjmP0lNUxNb2oPqXQbImdUKZDyuM1mJ1eAQDMzVC9cHedbExJNROW5ois8wmi95588cUS562ta5cWA/Xk2ecBANksUXtLIu+5VB5KiMHNW9d4bIfHZnLKMplVbMEgp3Hx+8Djgfv7YlqkG5HKmiqhKk7KCqr22W63tT/Pk0omMBwyGyWfZczJ88+8DAC4tUrWameP4y/PcL/t7Q2dw9JybCsND8t2MD2QsGy0yk6H+4fFNzCeCcXNJAIhEb6aokElfqwa7Oj9cfjnsIe+ZRj4B7IIlIUUph/ZewKRz4gxJhZ7NDxQ1+Rge/HXaFxf1UskDpQYn/R3Ic46HMx8eDTsgVscxMw7QKbEhXpGkpaxz7HiSNFjfkyLg5CiO/jAHBThEX136KGxFL3YgzmitA4X4EiMtevBR/SBCUMk1Rl73IIJokdh4ZFQiGRE0XMsCrSyErzWXljPXRs/CL0mocyx0unCwMy0tloE9AY8oFwhpZtSAFa9zmCvwYDbVks0c55/LJKe6Fc92f2hCRL1kPD4YkymuzZwAEApzX2tXHJNKX6dFv+wNtt8+bc6TIubKvOPa3tD9Dz4x68wwxd7WuWC37z4NbbTYNBdpVjAsQWVRVbqXkYyyoW8KGiP3yeTXBR94pVPAABu3bircdnih32c0oKmKFdHJc3FQlfFk6pNult8tev5SXgB52q2SEq+kOYf2KDHOW9sc56mjoqKV3DjnsahmL7QvZIUfZ5XxaZBS24G3z5zPhaPSshpgQueIADqNaX/qU/5NOdyKs+UxLRcPvt7XKBVtNBYnuE4va7uE/0dzuf4eX2dfzyPLvKanjzO1MakXCCNFtvLB2W8/e5rAICdLc5xILfJ4jL7MDvLlM7GLudhbpqft/clq6xn8dw5nuPu5g0AQK/PP9DPP/cRAMCNW3Rb1LtcyOUUjJpEDr7POXruyc+wrVNMn337LRa5ndYCrt/VqkZuJmjBlbCtBT6bHLWlrdoiIiHZbc+KSJXVjhe+bMLnPxRPOzxtMh0Kl6lLMRdqEOPER5X61BU/ClbCAneJ8ff+6K2nzxqPL5eNZ6BD77IwFdSCQsNTR/fzQndt9Hcv4Y3SIePFq2Iv1NHiYPQ36VE5FpxbwZkzZ86cOXMWMcccHGKTZJInlx6d3MaDihw9KoucJ1xtIrI95CgAOFB8JNaWjTOIrtYPqUT00PZeC1eNxmtBQ9HvKWlt39nWRE4swMoQgrEYUTpxSQjQhGR2qkSc9X3+XlBwWCZLZNSVME1KQYbBYICkcZEKSPRUsrijFL52h8cuLJD2bjTJEHTbRFn9Lvt47BgRZXPHiiKx2dlpovjFRVLXqRxR3nde/QoAYHe3heOLQnxKB+z12LbNYEppbuZWCeQWMaq+Uef+lSmi8pQEesoVSRar0I7N08gDpPaGCYhpR1L7muiTuhLeY/Ua+5/NKhgyTOXifHU1XzaPmRTRb05phnYNDY0dXSZjMD9LNmh7u4piTuxEmYzI0twKAOD4kZMaD8c5PSWGROWl+0ozLGVUHCvDPjbkL8hkedzSMu+LwYCD63Q5kcUir+1+solGk6yKsX35PK/fC89TgvnIEbpqVttMYcQ0276zQTfEk+fJwCwdZZuN79KttHL6NM9V4ny88w7Pk/LMdUYKZjjIYHGe5/iVX/lVzs0uWarZWTIlgce53tre0nh4EWdKSrM8xfm5u0G2a0/y0BbAOnph6OLHXIwIDoQX2vNvKDsRZRTi6ZIjFyl0XOydhSgCD4uDxYIMRwXiEuE+ZvF3UegeMPeDySvbPRcYG2HFrqLsx3jJ56ixZHOUpR2VrB718+D39ys09X7MMQfOnDlz5syZs4g55uCAeTCk+ehQ/iQZ0McpsBSudGNFSSadKQgm9cVW52IWYv6ueCDjo7D4vPj3YSfGkUSsTHAk2CnadigPK5eole61lf2gZ3EPRGunTz/F768QCbY7CkQrnFRfldq4QV+tl2LDyUQPgZ1EMROBlWBWEZ+2yiBnkkSfX/jMLwEAbt+ikM7eFr9/5bNEikGHPuraNhHhsSMqaZwmin1BQWWra/T7r6/v4dmnxAQI4dRqZDgqFX6fVxBcVT72rtC8Bf21moypWJhncFsxz+3RZQYXFnP8nGkSxSeg4APfZKkToT+2pH09CSh1GkTV/Q7PdWeXfvvpKcUzzBKlb1VZ2rihQLxhl8cnFYA3pYJNlSJRL4T+F2YVRyBBJ7/fRsZjDMY0v8LCDMdRyFnxJvb77Ar9+Xs7nK+dLaL4M8/z+P2GpIzF8iwvqmhUgcdXa9w/lbZ54H1Vr9fQF6uwv885P7rC6/jUU/T7ZxIcx2BZZZ4DMkZzMzz300+TEekNeY5innP/ysuvAAD++T//lwBG93wqzL8zZqWMT33yCwCA+TkyCGt3Gd+xcorj/sGPKMw0HLD/0xX28egy7/tOh2m37Q7vD9XhCkXCEFjgock0x9i+ewV0254xJjYRR99WoA1RpmFEJESRtjEMidi5fd+fyByPF3+zUcTQexgvZeeMHhdv79BxW7rkBNY6zkyPir1Fg60fxhxz4MyZM2fOnDmLmGMO7mH3K3Z0r3iCD0xy+cBpJxUxGTtkQtrMiFGIriFDHD4p1fMh7EH7HPYlHuV8jzbD6OBwnFG/tKmjDvsqjpQiCq/ViOrnlFb2zNMvAQAuXaaPNZOSJO88IZOlmd2VfG7CG4aFlAbKsfNSij2Q/9Z6ZOv+boOsxMkjlNXdXCOau3btJtsR6mjViWYtJSMjlqOnNKpTJ8g0vPrqq9hcpy84K6lhKJvCSjdnJOpUH1jUNcc/rZiCus6VUanjXIbtJHyidmMSpitEtf4tza9vEsk+AqUoZtNEuK0a+7C1zvHVq1aC2Eosc2bmp3mutpiCfe2XAc9pJY2rkoKeUYT9whGyAYtzZA56klWuV/thIarZGaLzYlYyyN0oa5VXsaer26uRebGUxLVV+vkDFbvKZdhOW4JFJrJVKHPMQzExjXojFMjJZTmu84ohWFxgbESzxmPnZgXHdW/mSxRSOnOeLMU3vvWvAQCf/cXPAwBu3rjNce7z3k3pvugHyjgRy/WxFz+Dn/80Wap9xXlkNN5Gg/23+39+gff/U08zHqK6z/vh9nXOeSDBKSjjYvRiMSGfeKGhgb4ff2rjSH9Mqnksal9b2NdxBiHKAqR0z4f7j5V6H9l4GmS0Lc8fO3msAdscztDGs90OsteTWIzxNsa6/dDmmANnzpw5c+bMWcQcc3APe6/llw/+9qBlnx/U4izF+MpxtJKeVM500hkNISVibVs53dGqXSv/MLvBOnevjkf7MI4E7PfEwa9DH1pcTGmSv260X7QzCS8RihyFacXm+1O0fUlIWvWS0G5x/2aN+7UaRKkbd4m8n3vuSX2vyHr5nE8cpY92dpr+8bqyGmr1DaTSpuxA5ObJ95uSnG3Ct7lVLrzQ2vQRIsPjkkm2R3Z2XkWBtojedrcZYb6Qoz+4Jp+8iQxVijO4JTR57jSRny/J5aYgcLfDvs2oFPH2Jvt/VH14Z5fxDaurRPmmqVApEXln0xXNJ5mGTFJSvV3606crc2HEf0J+6G5bok9CqYUM26xJ2ri2zfH1TxKN727yc6utctmKCC8UVSyp2dO52Kcnn1hhn4psd1PCR7WdNvyesgrEKsxKWrmn65/lIRgq9sRYjqNHiaB3tiRBLKZlt8o+m7x0ucIGeh1e63aD7ezXeT/t7tSRVozI6dPnAQAf/cjL6i/naSCxp3TZaC2eqyB2w8o/F/LMVnjqCRaD+v1//E8AjDQW7HnZq1Mf4cgC4wX+3d/6baSV6eFJp6OqMtjvvP0O50XMyidf/gUAQF/gyaujAAAgAElEQVQP/g9e/wHHZwyUUmeG4Xsj/v7QOyARzRSI/BbfN/Y59MHb+yEG2hPh+0Z9ifn7J70LDzIGcdYirnswCmc4nFm2701WOYFoJye9yw9jDvxQE8F+sz5GY62SybiU0sObYw6cOXPmzJkzZxFzzMED2P3Q+mG/T4pHmNTW/eMC7sMYPIRFI/sPrpTDPSLfI7b/Q5790M+Til/F86HjhUdstX5whZ00HYOwAIoifIeW803KYH6eiDmhyPf9Xa6dr18lY7C5TkS1vUSkbTnm168z9iCliIEnVhhp3q6xL9euv4uaENsQymtXJHdK5XDTUp3rKeJ7kJHq3IC/d9pEZ0kxEHPzRIq70hzY2GLEeFIIOiEZ3UTAsR1bOoENlftNnBxoPti/7S3mr5crKotcIpLcUSZEOkkUawWUdrakspdn27kMFQabdSJpKwucFSKtS0nw2adfwKC5rH6JAVJ54GZDvnExCvU9shbVHW437/L3dp197iumYnOH8zozpyJJFc7L4jGyFpZZ0empiJCQeH2/jXy2pH5K96HDa1IW8pciM9a3ed2h2IGMMh6qe5zPZNoyAcSGqJ1Cgft3pNrYkk7E3h632UwZrS3ue+QEkfziAjMGPL2aC0WpDCpWo9PmNbmjjIJLV94AAHz2C1Sz/PY3mFlQFntjUsj1Bu/ZN97i/fXrX/otAMDy4jGsruq+1n3wjW98nePMsA9f+mu/wv5KEfOP/uSPOY4a41+sgvdA18SyewLLUjBpX8UkDFVcLOEpjgL3f1+Gn+0f5nuPZWKNshriiDv2IrF3WIwVSCQSh2QCqN9WWS3GBNhLyZLEQsXEGJPwXuOoDu9/dBt/T3qe98gCEBxz4MyZM2fOnDmLmGMO3oc9CHq/X4zA4zjn+287VjI0tkod00EIHX36/aHOfThzMOn3OMsRqvHF4gmiWu3R+AZjGay8bVtIryPdgikVUiqViMKffII+5nffIVLa3iSKXVok0/D0k0R7+4os39/h+UppRso/c2Yeq+tvAQBu330dAOBLpdFiK1KWvWByCPJz94Q6s6mSjmcGRGlGWQ4CX1aauCG9hCUVGKrWiDBnp2eQVk2EofLxpxXhv73F+ajVapofjqPfI8re3CBTYJHvYTlgIapWQ6qFipuoLJkPm/ObVST+wvwittrR7AxDW/2OFeVRH1VyOaXMgJ1N9mF+hnO9U2WGQLtNxuRo/ojaU8vqm+XcdyxuQPEj7VYb03PMqrCyuA3pPsyofoUpQ966SU2JpMbT60iTQWyEPQCmbmjKkfV9MQU7UhjcaGjexExkEmGRolPSFOgrk2HgDzR3ZDUyYjHqNY5ve5vjfvF5Zi1U1Ocrl1ks6SMvkDEIAvbJskGeOv9xAMCxo+c4j7vtMCvnhz/6IQCgVOYxf+vf+zvs28oKAODtN6mZ8eyzT3OeTvB+uX6D9+RAsRdDaXck9OfF7m1fNRUSKRMW4eY9vcvsnePHnvOx8vTxtqOMQhzEH4wzGM9cmMAQ23vQyrn4UaYg3D/sa5TdnGQH+xAvzXxwn+jngzTGoxGeccyBM2fOnDlz5ixijjk4xO7n348rXcV/Bw6sbGOuovHV55iDP3KOSX0b+3wfFcR7WdjFWMzBaMUc/TzWs3DRenD1Hl11xzMoxnOC4+Myff742YLI1pOfN/Tz9Xux1vwx/6NdNtN+bytKf39PioFFqQ0KlhuCPneW6K4p9GnxAYUc28nKST1o83wbd5hBML8wi8WZFQDAqhQPLTPCV5RxVuqEmSxZi7TO3VQNgTMrRLnVuvL9pVZ4/CSRdODtaD5MH4AoLSed/1ajimOKsq8qA+DIAjMZDOnuKcagkCMKnVbWRVPR9ZbW0lUMwbCvCpNiDLotfu53+DmdzKtPbCefrYTXZWeHqDMnFD1doePa/P7GALTFKOQ60lYoEdVanv6wF40I7/XYh57E+VRNGb2OKukpzmRuZg5TM1b7gNc3kzF9C27bykLZ2+K8LM5z/upV+u/zKjNdKOQifU6pbsTmBmNVdtd5/JayXfJZjnWQ3MXKad5TuUwp0nbgdbWvyoNr3NUqr11asSovvvgxAMA3vsUaGh998VOcF6kZpsU4HVE1yo+9RKah3+Y8TE/lceHNtwEA+8qu+fVf+w0AwMsfJ0OQtJIcKfZh/hjb/svvkg1bXTW2xvQvGINy4qTYkAHv4dU1nmcYsqojBcH4U26ZU37Mbz/SK7D3XrysPKLHxd6/luRkrBe88eynSRViR+9eCy6IvXsTsb6GIQqx2sx+9OUXV1+BN/oyPGd0+BMVEzmnLubAmTNnzpw5c/YYzDEHMfM8b0zP2iy+grTVpvm9PXjjKz1r93AiIaxX4IV+cG6tIuAkVcawv+abehi1wnBVHY3GDSuDhcXRbWUcWzkrX94fmj/PAxLRNkItBSmTWYvDQZQJGKkWaj8v7kscRPYfKho/CORcFuIOfYiDbqgd4Em50Cr7QZ/zQvydJj9X93iOpUXmd9fl3x70iABzGZ27a1HoJY2fMHVmVtkPC2z31vUrmFOFu0pmhecasM1UjscsHjkNAEiniCqzSaKvQZMTV+sQdc7PMGI8K//37CzjBmr7RH3tFrdlCyEPiGq31z1kC9JzKClWoMtzp9JCrco26PV47dJZoteBx3FDDMOgSSYg6RMRmjIgdC27Tc5fOccxN4QcN9baCPqMhfCkrnjjGlUHfTEdM7OMVwiSbLPTlypjTjoHNY5vX5kg3oB971sdjJx89gKGKhCIrtiMmTLnL3k2Bz+hype9qs6hzADdO2u3ld3hs69FKWF2OuxDf4Z9mz/Gvl2WT76ga5dqC3Lvi92QpkMmqWyFqQyOHSOiX5hSxccBmYNmm20PPG57ytK4fY3nPrZEVP7ma5c1D+zDR54mc3DtGjNoFhdVg+G82BxlIOQVi7Bzax/tPV6fX/08sxLOn2XmxN4uz3VtlRkRP3j9rwAAFy69yt/3GPfgecr68DhPH3nu5wAATz1Ddc/X3/ouAODmTfnPxUBYodIg8A5UIeSXA9/YWatsqHonesekEra/f+CokTZLiLD1vVViTSb1PvLs/cKtvW+5b5QhHldhtSqMOiDUbbAhRJmEwHoxxphE2w2FFr3E6J1s47A+TVCQtXiHkd7Bw5tjDpw5c+bMmTNnEXPMwQPYe1FKDKPoTahfNjGGYLRDZL8xFcIJfqQH4QvuFw08YjuiMQeTcmvDbSxrIVxxH9QOi+sVjMVaRCN542ar7rBiokVAJ4iI+8ZMSDcga7J28kn3ugkMBkK2nrExhjZ4TFKxB0Ofn/eqjE4vlYjKjxyjb35TGvr7e0TSGxtElsePyeesS95UPrup9F3rbWN5iYh5Xsj4+z/6BoARarU6BceOkkFo7Su3Wujj7h3q1xflay7Os22r5gdp5pfL9PNXypYhwHa3NrbRVfxCRWqBpoRnMQetFmMLwmyFPhmAovYfKPbCDzi+QUAk3OlIYVGMg9cxhMR2kwH7Ut/rYCrH/kypXsNmijoFjTrbWMrw+5MnVelStShqNc55V77iRkN1DLLqu/L4jy9znhcXyzquExmTZRRkMiXs7Cnroq9+53lvWSjFjZt3AADtFvdb31jX3LKNxVnGe2zc4X0AnzeAxYlsrjHmpK04mMoMEfbJU1RkLCylUZnid8Yclo3dkU4FArZ58eJ1jVdVJud5T1659i4A4MgSGQjLGJif4+/HjrKP29u8f/qK0SjMktXY2FjHS69QVXFuUfUu+uz/1//qzwEAf/xn/yfHIbYrIaYwleJ1HfY4tx/96EcBAJ/6uZ8HAOzVOP47t8kO9Qd6RhVvY754D+OvBbOkHqphiIyF2v1opsjovRuryRB7VwXBMPL5/bjn45UQx5RXx96bQWRjdq+/K4+zau+DmmMOnDlz5syZM2cRc8zBe7DJWgPjq7sHVcMaHRA9Loys95LRHeJ9Cr+efL77rz4nrVLvwxzElBMjFdNiucCxUIwD54r323yJyo2WKl1PaDSVJEq3SPiER/Q7EHPgK0q7mKevNZ9NYXuHiK872NYZw7Bh/l9I2Ka622NO/V51TW3Rh7wk9F8pkFGoy/+9tcl2Z2aI+sx9OlXm5+nKDC6+xboGxRJh0+LcCgCgOuA5djeJfI8ueDpWyn6Ki+h2uN/adbIaHWkLFOaIhAaKd9jZ2deYCH+ffeYpAMDCwjT2dnmOaakG1na2NUdEr5bvnsupeqDPtpJJReEL8fUUB2AB491uV/OmTAnVJuhzWpHyOH/59AJyaY1LmQ0DocmZmWmdixdhbo5zvLPLPna6bMyYAzsuLxXGXo/jt2vRC4h+p2b4e7miCpK6yN3uAEYoBUMOLKNaETtbqn2guhVBn783xU6US7wHL10gmi+oPsZJVYB87VX66Nvqs2la5KS8WJjiPCfTAXraJ2OCDOC5ysbuSCnS1BXPnKEq55VLFwCM6hhUdW3zfCwwVeGcWzbH3TtE/WfOrXA+pXVRmcogk4tmhly7Ra2E77/6bc6VmIS87l174P0++/jUk1QE/fxnv8TvFaN09fINjUlVKfNioHyOKWFMHkYxRhZbYEzhQOxVGKsUvkhs/2hWgsU2RaP3gfBdFTr27601cC+b9A6L11oYf7fF4sXuwRzEmecPwhxz4MyZM2fOnDmLmGMOHoEdXP9ZxP+kamKTjo0r+43yWCNf3/Pc79fud477H2+xBqMGxkIlwtCCSSeLZiuYWT730PzCIErzB0RvQ68V6QN8ft9t8daemVnGTIWIZ3NbUDEZ7a9FiCeSllKhfP2hKgB2yCSUpMFvcQ2pKWUCbNGnWszxc16aBUn1abo8hXduXOUxHhFxQcxAqig9fiHf7Q0yIUePEs2XC2xrVtkO26qPcOcOdfArPaJcifzh+9//PgDglVeotX9CPudU0kfgKy5BCLAjnYaMUOrsLCPe7VL0JBbgixkw3QdjJXz5wwPPNPP5/VCaAgllSgj8we/kkND13NmTLoMX9SUXVRui0bAaFGxrYZGszVsX6WPfr/K6zxfY51KG90W7pUyLBidkaooxDKZZMOgRHe/XWvAHik8Rau2Lnbp5nSxNUwqHSfXx1DHOZafH++XGTV73lRMr7HOxrXlgqyllwbRU9TKfUfZCVhUlsykMJMPoeaaVAM0dtzeu8hzL8xz/QDU2ppV1kUolwvEAQL3Nc60cY1zD1obuE1XDTEmT4rb6ni+mMDXLueoom+LtNy9x/GKnFufZVqvPa5bPs68fe55VGl95mTEGnmpOXLhwSWPgtV5eoD7EfoNxD8YSBGHmUTJUirQ/SVZNMS3NiClpbliMTTA0BkDPsAJFTP/Ai1UtHFWItEyraHaEmed5hygkxiyWQTAKKdA7P6beGD9unGEYndvsYPbEwb7YOW1exu3RqCMCjjlw5syZM2fOnMXMMQcPYPerv31wsTaJKbhf9OnIlxZF1pOqlY0ats375xAmaYjHYwri+4+Oi80PvAN5xzGlRK2IhzGGJGxbyCbUf0A0yrzX5i2bFEop5ohC9oU0B0Oilco0kfbedhulCtHlEsMQcOcufarZnHT+hfC6UsqT6GLoGx0qnx+hToLUC6UcOFdhw5t3iYxOr9D3HKi9pflZXEsz8r2mTIdclgxCRmpyxbLy0BNC9fLJF6fZmYVFIsVbeTIK7bqqGKbYl3yBqHRhgX35zndYnc8UA48fOwV4RIbDoZQdizx2r0o/fUU1Jcxv25UOQjLFa2VKgP2h/OQB+1IsqUJkQ7UZFDFv8SG+tPYHnST6KfanVVf+vhBfLkPGYEqxAZevEr3brbi2xvnbUZxEvys9A2k09Ps8x/EZotSlo/PqK/erKj7EF1Kv11roqyJkNsNtVdfr5lXGhzQUY5BRdL7FtVy/Tm2BQoXzZQHwW5tE1ob6ukPun5Z+wrSuYaZi2S1DDBVDYSxNStH2O+rvndu8p86cykfmq6Kshr0qWS2rLFlRnwZdtrsllcblZc7Hxl0yCe0ux5pKF+CpIuiVizd1DO+P5QVqKdQ77EOhxHO+9BJVGT/387/MOQ14/Ftvkh3rd3jRlpf4HDTb7KM3MFlQ7p8RkzIcevAH9txbNVGLveF4phW/Y5lAbTFt2Syf3aVFPuNVZUjYfT8KCzDGIJ5Fxm2YBREEEzVmQu0Uvd38GNs7/s5W2yl7j0brwIS1Fvxo/MPB88aVEMMIitj39g72/eD9U8Axc8yBM2fOnDlz5ixiHwhz4HneHIC/DuDXADwP4BiAHoA3AfwBgD8IRpJZ8DxvBcD1ezT5fwdB8LceV39/HBZH/uN5A/dhBh5jOuxYzYXQ3RdNQRj97CHOQti+4T7xFX1ofmSHoaLSK0UyBQMhzE5TEfQe0dhMmYh5vyplvRZX/7lcCY0akdD8In2ndUV079V4S2WkqgdfNQSSPGezRSTcljphMc1z9JXPb7n3nlBcr0U0s7HGjILTJ8/wfH4/VHo0lNDY57GdfX5/7CR9yoaU4Fl+v1T4pFdg9Q621okAFwbTkfEfV8T8zetEgau3iYI/+uKL8FXpr1ojEjxylLnwezvX2M+GcuBLRJlN1W8w1UK7phZBni4r6l5V9soVMhHVfVMW5Oslk1BmSZBAp6XaAHK/+/JLGyIOPGMpeMz16+zb/BHWu+gPOMdh5LtSDrodnmu/RrQ/L5qo0STSrItpMb9/PlOE3+V1NpS9Jzaj1eS+/T5/P6v6B40m74MdVbo8IS2GbovnaOrcLVXGTEmr4NhJahDMLXFeE0r094dd9BQD0dL9nkpwPt54jdkI28q+sEyIyjTHffM2791z51cAABuqnDnUtbl8kSjenjjTgehIg2F2jkh7ZmEB28rOuHWT4yrk+Uz5ynRID/j78y+eBwD8tS+SMcin+UxevEhlyG6b83j6FJURu32yHzs7vLdPHmemxcY292/qXjh+5BS2tji3PZ3z5EnFObT5nFy/wvt5INZqbo5z/9JLH2FbHd5zr/7gmwAO1F5APCshytDGCdkgCCIVGg+afT+0uDKYTkOUQZ3s94+zwIezyYcxByGDENvn0Ay6R6SN8EG5FX4TwP8A4C6ArwK4BWAJwL8D4H8C8CXP834zGI8IeR3A/3tIe289xr46c+bMmTNnP1P2QS0OLgH4DQD/KsYQ/GcAvgfgb4ALhX8RO+61IAh+98fVycdpo9h80zO492rvYZSy3rPmwvjZo32IKSNO2D2yizf2OeqHG81IVDM9IQ31To+IJ6cqc9PKX282pdMulbalBX5/9y61DXpJH5kMv1tbJVIp5VYAADVFvHfb8r/miei6UoIbDIlKq/tE6TNFIkCLuK9U1IddIqtsOqfzMBK8pVoFxdwC0vJb1/fZB6tsmJSGwt1V9ndmnuM5epzo7fZtft8W1F4U+txeJ1IUkMZdZTG0WhzLk09Q9e7kyhEAwM7uFnKKsUiq6mBepSEty6DXJlKu1zm+gZDznTvsAwKeQ2571KVq2BtwTEsniNa9lCkrktWwKo1JL4l2k200G0SA+SKvZ0+Idu0O586i0JuqFYEdXgO7j4bqhKE3Q/vNOve3vH5TK7TXTLrMsSUTSaSVnTKU0uPNG0SnDTEIC/Ocu7NnVwAAb7zNvP/TZ3kfFBS1vyuGqaPqnntVouAlMTN5+erTEiEYBKbZ4aGtjJHFeSL5tNIU1tc457k0j8llpTJZJZJeVvZGNq1MgwbHvbrL2Ayrc7Jymn0fyAevRB3kc2Jseh1sb5Mx8BU8US7zvp5Wf88+9QoA4MnniNbLJf5+5xYZsqbOfUpZGxXF+Fy4yCqMvmINjh8hk7avZ+DJcx9ne8VpNKrc9yPPP602uc/1qzfUJz4nL7/yWQDAyRNkDGp13k8/+CHrPZhCpDEHYUZEGBfAzaQquEEQTETyYzFWkxgD797MQdieEZaxmIOD9X3ijPCovgPGjjm4fRT2gcQcBEHwb4Ig+KODCwN9vw7gn+rjZ3/sHXPmzJkzZ86c/URmK1hI+OCQ3456nvd3AcwB2AHw7SAI3vix9exn1EaL0cOzF8aFwQ7UFD8ko+PwLw5fbRua6cs322kSERYLXFfOTtM3ub3N28XQ24kTRHdvvvk2jhxRHv800VatymNLeSLDhmoDDHpEgEmJBvieVSlU/rr82wX5jHtp+XMVld4QClTQO954nbfmwtzxMAtjY4PIrij0lYUCIDRPVy8zk6JcIfKfkfb+tqLOSyUiqEyWTMLlixfZZ2UUNJpkFKamiWpPHCXaa7XrYdXIcqmi8fCzl2CHu6pKefs2kaD5d429qdfZh2DIPlu0fyrN7e6OtPeF2qxaaaagTJNmH91uS3PUVZu67sbSCHV3urwmDTEBENvRV1S/xSZAKNd0Iiw55uaNW2qHY5idIxOTTpg2v49hz9Qled1MZdGYlRMnGOdg8RFZXfePfZy+89WrluXB8W2o9kJGlQ+zipsY6Iaw+fLFvG1t3UVWUfJLS7xeb73G+8PUN2dniMK3pVewtEA24s4qWY67G5prq9IppcmlJfa92+XYrG6GCQZWa0TcfjIRRvgXCmxjXpkNy6fIBJ19kltJSaCmeJm6YixmpqU1IeXQ69KJuPQu40WaugbrW7wmc9N87o4sngYAXHjnMj71yc+zf8om+P53/wgA8MT55wEAf+M3qb5YqnBOv/2tdwAAX/3av2GfxCAkMzGqMhYnFeobSKMjXoEx8u8JegdxBmHyNm7GOMQyDbwoRo+g/7ArUf2cZOJwhuBRlmL4iVoceJ6XAvDv6+OfHrLLL+u/g8f8JYC/HQTBrQc8xw8m/PTUA3bTmTNnzpw5+6m2n6jFAYD/FsBzAP51EAR/duD7FoD/GgxGvKbvXgDwuwA+B+Arnud9JAiC5sOcPABzvOOrr0k63eaVMb8nfB9eMhk75t66Bl6srbjd35cUiwM4tI2JP0UsCJmBuPJX9FxejBXww0pnyiEO0mH1xASsqlpH3YxG+HpJyz83BTCp8CkXOpC/MhharQVDqfST9tpEEvPzKwAAycNjeoqI8tmnz6MuPYL5ObZdLhMh3rjKY1MDRmGns6rGWCZa36tzvalgbUhiHsk0kXe3w773NR+pJFH6sKt8fxhbsIsZ5bZ7FkMhNbq5RanoSdmuvkGUef0NotDnn2ek/Kry2YcZIcpZwrjLVxR0MGA7gx7P06xxrFt3VAkvn8L2zg0AQO4c+7C9R7RVLNu1Yn87+7qfVVNgqGvVbnHOyxV+7qp4gtW3395WDIfQaibDz0ePHNPEpZAS89FrMWOinOR455aIiGu1mrbSmNC4MqaMqcqHQVLKeGnFEkiVcqjaBB3TaEhYZUhlryTYt3a3hf4wo3HxO0PEJbERC8dUa6HOOIijJ5c1Ds5tQkqHlomztU/Uf+LkiuZFipFiDnpVnqepugZrqzU89QTRs8Ja8NYPmYXQaUorQRoMq7d4PzSqio9Yo1Lk3DKZgnJJGgqq0TA1x3vYh5iVNRvjjuaT93Cr7WEguuX4CsdXmuYcHz/GWAmVkkBXzIfX5e9Hptj3tp6Ptaucv5uXeF/1dQ/6fW6PTvFefu5FMi+NPd4fv/Rzv4I9Xfe//KuvAQB+8VNfAAD8W3/9N9iWnvs/+bM/AQB86wf/knPZ432UljrlwBcbpvfI0FeMifQjhhAbNrB3WVT3wPM8BMNRtUgASOu9H4SFG/ROs/edZS3ESIuQefBj+gcWZxbGciH2+2gfI8jCvwMWihAqPEZrT5BheDQ6Bz8xiwPP834HwD8A8C6A3z74WxAEmwD+i9ghX/c874sAvgHgEwD+AwD//f3OEwTBxyec/wcAPvbee/7TbF5sG/+eZmVVfX9E0RkN5oWpOLZo4jFh+KFJ2IZiSRImstLMehHD48vfkzyyKRXt7SoVrEUq00ojb67zBXXs+CwqKkJjhYeMHl45zX3vqBRzq8u+lCw1UUGOtY4EluTwGgzZTjItQZ82X2xFid2kFSQ2Pc0X9+bGbljMaH6WL+BbCuZKi4JuqMjPYMA2VhWYl81KMEe0cW2P+6UkemPllM2dYiI4wwFfplevkX4+enQKW5vs59wc+xWAbZQlMNOukdI3QZhEcqi5lVtFAYp2nO2XzuQ0X7wWJh6Uy/HF1ZB88LEjJ7AvEZu+KPy5Y7wGsyq0dHed87Jfl1iUguI6arunPuTFcdcb7NtURa4Lk3zWizypRURXrqPavqUpdhBIpGlPf5nLU7wvfuEXXubcyvWzvnEDAHD6zAoA4MZNun4WZ0mP7+5w4WbBtR0FdubyCprUe3xTaYmWIhoMhygW+Ef8W99gQN7VK5QeDl14MDqZ265cXAlFFs7N8lpevcqF7PIyF2IbckOYS6Pe0MpWz5WJkzXrtTDIdXGB1yBXZNsmk2wPqy8J87T+8HYH/GFtlefaWJewlVxCthA+d56LiI+99JTGYgGwnO/LVy/hwgW6Cb70pV8CAHz2C58EAAzl2vujf0U3w7e/y8VBUwvwZNaEhLRwCQssaRbDP+Ci8oMopR/3Pvi+HwI329qiIJTGj0sz/zhtLKAy7uodpZE/rP1EiCB5nvf3wD/s7wD4XBAoLPo+FgTBAEx9BIDPPKbuOXPmzJkzZz9T9oEzB57n/X0AvwdqFXxBLMF7MRFyKN5zL2f3sPuthCe5LkI1JAAHVtrewfQfP7KvMQJ+IFQ1JHKCPBNhJVZrWvLASdHKSJIFGIhRyAhBV6tEK9cuq6BMoRj+PisRn7SQbkPoMS/xo7LEfDwJKjX32LdShvTnfp/ou15TamJeRYNEifsB0dx+g7fu7DTZgeGQ1HihUEZDqXuFHJFeLsf+3r5NxGcI8e460eXyMmn2a9cpZmNpdZZ+WVJQoaHbpoR3ipI47nXY16qCxqanCqHL5eoVovMZBbd1VHDI6O9+z9IDeYAxIeYKajdVqEqpm5YKafeHBXQaim8o1S2RTOpRIFwAACAASURBVKItFgFClZaq2NC21zdkzN2MRjXUZqWpvYTuG/OA9MUQqEhUW0yBucgaNQum5Pfnzp5CVSI8rRaR/zPPMgh05TTR9/o6qfxTpxn0mstxXNeuCd33Vbr5Eq/R1JQKV4mqNtbLJLMHcp015OY6dnQ+DOK8evWixskHYUasU7dn11tFvnZJo7/yiZcAANfFYti4jyzz3muJndirEmF7YhrmF9hHY3MC9DA9RebIAkgLYmvaEsXqd43L5ratktwX37nBcSnY1lJlywrQXD7K5+n8U5y/+XlR/QpovfwO7/Ub127hV375iwCAJ59b0al4nd96m4XEvvcqvcyNDp/vjFI7ewMLtDS0b+m5xkBqG8YKHqTfxwA4GYX7svLRdMKRu8HcBZEmH4tNUG5+pAGJHyhz4HnefwIuDF4DGYP3ujAAgE9qe+2eezlz5syZM2fOHsg+MObA87x/COC/AvADAF+8lyvB87xPAPhREEitZPT95wH8x/r4vz2uvv7026S0w0mxBjF/V0yhNOElwsDM/sAYBGMOuB41kZZBPxFpIxlmsNqSWOItEhGyNDFDZb0OEdWUAv729oiUqjtERimvgGZdaGxWCElMgaHUdofH9LtCyIECDrvs83SR6COTVdBgg7fqjoR5hgHRu6XhmWywBUEVi0XclO8/m2Tb6aTFChC15vMcT1YpiuvyvXfEANg81WsS2kkTUWbkFzZkndA5U5IJthTQ9c09DFWcyORyBz7P3VIZ4EAIsaOURhOHymTZt5xiKvoK+rKS1H0xDumUUJq+t7iB2Vn6skulwihrSwFVhvxMvMYYhIEV6BKSzqvglJX8tjgIpCQOJEGmgopAWannICbPbYyW7wfoq/hQWrEHXsD5eesNFlayktbG4nz7m0x0qip2ZSsvRkBFg0ZFxthOX6mSvs/5tOC3XRVoWl4o4M7qttrcsx6yBbE1J04Qddt9P7sQjc1IqnTvRz/6UQBAt8cxtRX3MBRbYUW1Usm8+sQxLMzPoKIAzLzu816Hx26s836e1vXrSZq5ITaqXCK70RBLMac0yqeeptRzOsN56Wn85qq/cYvof/0ux/7pT38KKyssh93v8Bzfe5WiRn/25T/mOSQz/swTjAcx1u7ytTcBAAPf0lIt1S+nz3q/KAbHC+OjjKrUc2NBgolEGJAYPlPGCOidNqrIPCkd+/FxBsHYP8wOxB48mnjED6y2wt8GFwZDAH8F4HcOica/EQTBH+rf/x2AZ5W2KAk1vADg8/r3PwyC4FuPs8/OnDlz5szZz4p9UMzBaW2TAP7+hH2+BuAP9e//FSzU9DKAL4Eh7RsA/h8A/zgIgr96bD09YPGVoq0szRebSCTGSmxOki4O5ZMnRM3GSz8/vATyYWapNJaCGP/ZmIHDUzjNwt/N75VMwBbm5oc2X6BlNHgBP6fkC+1KcGegFLS0pH0NjTaF7gOhWH9A5Dwc0Ic67CtTwLIYWkQruzs1DOWPbipie26OcQtlRbjnpHLz7tv0anWUm2WiSemkSs0KjXatUM8uGYRBu6WxyS+8Q7/w4hz9v0uLR7B6Y03HEvHkckol6xKdWenlY0eJvu6ucw1crfIc+Sz3z6rwlEWjTy9pnrJWwEhlmYXELc20ul8P57ojpiBbZF+SQrQD7dsWercM1eZAQkILjGrPFNjHOxtEwIUiGRmTqrV4gUxGKXESE2o09lBV0aK0osyHYH87KrxUb9p88JqY6JOv4AIrD22CQvZ85MS8mIDR0LesBYtWHwmWA8DNG2uo1tnfirI1GlV+ttLbBZUJb9R47a5dNq8n53xDDEBO+91dW1PfeC7zi89McbuzzWvZ1f21u13F5iYZgJ7ui7xiRl56iUxAQ7LQC5r7y5fJauztkWn4zGd+HgCwtkYU3lD2hqfslrau9fQMx22My6xiGhaWZ0Mp5ZwEhC5dZhxMSWxDr6200SF/L0nyu65U3kKO4y+V9DzluJ/FnNj78eZ1xnBsb5Fxee45xvSkM5mwFPP6Fuf+L//ihwCASv4cAODjH/k1AEBHsRXvXv8qACCpUDPLmGmJ7em12Qe7N48c4/ztVPVc7ela2qsvZJT80IE/JmkfxlFFP48VPwpjtPxDfzfW1FLj34vksR1jpb0fh2yy2QeyOFB9hN99D/v/MwD/7HH1x5kzZ86cOXM2sg88W+En0eKFNt7PquzxIP3HbBP8WGEREMS2YgUGfkxIJEiOWATPooOVERCYX18r4Kx86lpN9yyqxPKTFXUciHFoClla6eK24gayEn8JhmzfisNsbuwilTD9Abax3lWswIDR1EUV/zl9ilHq77xNBLi9TVS3uMj9Qn9tn5+nSkTEdyV+k1YJW7v2hSLRTKfdxrFjavtNitzkskLE0jUo5onkTLzJV3jNJckp16wMsonaSGioURc6E2NiCDthIkESZ+h0WpiqlLWvcsMVD5LLsZ9ZhXQ3Uozi39ojGjUU35Hg1NRMWfPHPs4vcD5WVzm2tBDoMysUlzp2nAzM5cuXkZZoUV/5+g2J/XTk5x4G3JZyPEdRpbotc8KYkabKJGeFUktTNvc8vi+BJhNBakpUKSE0l0wM0VOWRkbZLL6EtlqaU1/n2tvjPYdhlJ1oKEPEtuZUT6ZDOKp5sgJWykyR03pvu4qGhJHsuZhWxkNKsRRDZVfcuMljN7fJVjz3zHMAgFs3ibR3dtjHrNiKVpvXsLZPxm1GegiWJTI7z/sxl8kiJxbnzdcvqf8qta1slP3qKOsGAO6KtWooC+Po8SOaP8U7NKVpIgppvyG5ZTEzi7OMo7BnNp1Jo9EkI/D6D5m1sTC7AgB4+ZVPARixNN/41lc4rh7bPLnCDJNUhnN65SozR6bFDp49z2JPnd6e2rnBvnmHx6IEQTBic2M6B1aqOYw5wOE2igs4PIUg/tfkff2tMBXoMPxrFO/wqP7y/EToHDhz5syZM2fOfnLMMQcxo7rf4QU3HvT4g9vH6RN6ZDZJv8Aivcdko6OxB4bWR1kPo8JLFqHtK8YgmZBegZiBQZ++P8s+yGeIQv2BEJBJ+UoIIV/gcXs1opeFCn2JWeW9NxrKg9f5EkE6LEXsK+I/ocyH2zeIuk6flt8yxd/Pn2d0+pXLV9Umjz93hPLI/R5RSUoR0b4KL+1sqBCRZWoIeaZSSZQlyTynyG9Do9MLZB/W7nA8ORW/MZXBjFBco0mkpKB1ZLI8R22fqC6rHPO2ZJkzQq+tFo8L/AFqQsSW491pSgZYrExG/U5pHmw+Sspbb3cszoMI0Er7VuRTf2aaPuQL77Lg1PknOF/Pv3BGfd0J933zdfp+c8rOMObI9B760jNoNImAlbwQxmaYQqCxFKab0elKjttX2WjFR3SUzbCpUsiFfB7ZAs/dUNGeapXXIC8f+kCxFk0hX5Oqzcq/vSd0bpYWo9BT/ERS5Zd3dnmP16rKUlD2g+cnkUkVNZfsS7nI+//SRbIwlWneN1tb7OP8Io81FqunV1R9n+fcD9hnQ+unz/IamD7ElMqMW+ZJMpHAhbeYSWMKoh/7+IsAgP7QslB4TdY0d4EyAo4fIwNg8R2B5rwuHRFDzLUa2ZFSgQxSUzoPCbFjc3M5bKoE+cI8x3fq9AoAYHWNrNybb/GeOveEWIcSC6vdWeMz2tzn8/S5z/wqAKCoWJULl6g8eekqWZF2j/dHMm3KihY3dsj7OfYuH+kZmOqr/P7xw0xJ0VQ640WSJpSEfqC/FaZWOarIFDt28qHv1Rxz4MyZM2fOnDmLmGMODlrw8LECo3Kf+iIslPETzByEdrhS4mhOjFEIlcj5f99W0JahkUBCq2vLMxYIQVYFchKeFVYiIrLiPfCkgBjI55y1DAAiiHabiKg4xQbXN24DAOamFFeQ4XH5PD9nM6UQyZj/ta+MiF6H/V+9TUS3sFhSGxzfyln6f6/f4LmvXOb3+dyCRk+0viRt+oyNuU10e+sW/cTlYgGVAhHhymnmgL/6/Xc0Lwn1k4iuqOjqnV0hAVMIHFjeOhGi5dY3FX1u5E9Hqn+5vJgZ7R/4fXSVd29aCF6F4xsof31oAR+6vlaDIiykJERtmRBz84rFSLO9J544q3Oq/oPQmSHpc+dP4bvf/Y76z+8SQrB2DosV6HRMM4Hbmel5fTZmxTJELEhFYxDDMBCbY/EBaTEOgTQogmECxYJFfCt+QcqOnXZVbQeRbUpMQKuprINhlCmC2I+iVDutrPSa0K/Np5XO3tuthX78hXmi6j2VUs4Xla0xxdiakytn1Aa/396qqg0+DxZz0JR65fJR1ayYmVVfVV55hu3NzvJev3Z5He9epn7cpz5NDYFtZVX0dY0aTWNQOOdTqlUy1PgTYpguvctiUF7a9D3I2hR17/c7ypZpcF7mFANz53Y9fBbPn+M91OxyXOUptvX5X2b2RlbP9YV3pPI5xXiH51/8Rbape/IvvvwXAIA33+BzltO1zigLypipA1WPtAng27+hXWybiGJp2y+OsIPYfZPwYuje2vNi7MUB5mByllu07XhWHBUeH03UgWMOnDlz5syZM2cRc8xBxDxFx0ej8U3wP0T/XnRNGSQVzYphqLQVRi5bNUI1GXrvw8/RqlpxhuHBmQzr2xCHCBaoMV3uUDVO5w7XslZJ0dgPW9laO6axb6hOpX69WR3Oz8NeGs2W/JVS6jMUafnsxZIixQNGXfeEavspobYkI+X7XSLA2SWVUd6UPsAOUYf5and3uf+wT3YgrRiETLKMviLbe3VVthOCyWe4z93rjD1oCIUdO0FmIJMlmi+keM67a4qPSDU0Bv5+/ChR3elTHMPWFn2zrRb7dvvaLrIrRDgZ1XMoTdu+zIw4fpwofnOD53jl5U8AAL76NUZnN5sc176yNaxCZEssiKfshITuxXqd+5eletcddEI2J1Blw47QeqpIJNhQ/ILpICTSRNstlTK20r5DofsXXqS+/43bZG9q2zz+3Ele0wvvErV5A87v7Mw0djdU5lkV/rpNxQiIjchneU2S0pbIKQffYiyqVVU2bKvcdFHKesp+6KmPxbIhbzJVbysDZaB7vOf7SOk56WkOrUZER/ecPfdWUXRg9R2sQqJKL3tit6w2QUb3fEt6BnYtwrGIPculAqQzPFerw3G1pXthZaF9cD5efoVR+bdWyUJcu0jkvHqN91pS6D2lPueU7bC9SV/+yTP01c/N8N5ev8t5/+HrF3H23AoAYGfbKoNyXIZOjfXzOny+uxp/kOU5b99k/Eirye+PHGccTVb3T1/3016N98HJU2TPel3pjzQ7mJ3nPZjL875YOMJ+Bkk+N6uritvYYb9PHvkIAOCZp/icbFd5r/3Jn/9fAIC33v0mx5LgfHasRLNVHPXtvWxVL0U5+f1wH2PILG7KMl9Sim8xlcXw3Q2Z3uGmXjnSk+Enezsb8zKmgzB64Y7FIyRi8Q6P0xxz4MyZM2fOnDmLmGMOIubBQ3I8ajQKpA+sEO3nkb6h/duznYMoM4DY73G/1sNoK4xsAnMw9nmC8mG8WEKsKmOoIa/Vdm9AZJRSvQD4CQyUQ2+KgIuKss7kjIUxLXRlL4DoYmqKvuWu/LPbWzs6l7TmjxN1rK/R/9lVqcHlJflst+lbNf+on0khIRYnZ/UG5N809cWS/Pwbd4kuO10ee+KkcsGVO24KcD2p81le9/YGEdfJM0Q/M7P0e+5uypedLYR+3HKJ4z+n/OsLFxiV3hAS9tXXu+s3AAB/82/+OgDgf/8//gXHu0skZDnXXekD1ORzn5oiWhuIWrDYhF63GyqzZdJWhZK/Tau/W1tSjYtFaae0vyEaq6y4q3oA1aqi+QOiWqulcPcO22upIuXMzBT2djhX9TrnODHFa9CSoqVpRVjMyO4ur//6BpGyqTymFR8wkAqfn+dnq4D43AtkLzZUg6DR4HnL0pNIBAHqdWkfCIUVy7x+nR7vZ9NYsGd6foH32Ja0BnbCuAchyNB3zOm4s0pEnUpZrQ1us7oPT58/iatXTfGQ/c7rnFaN0RiR733vRwCAS1fp1+9VTS9CMSXKzimUpGVh6FXnzAnF23Px9a9TbT7w0iG7aYqGe7qu5aI0NZTtMz01o3NxfN//HismWszKCy8yy2Go+6y+z763pLhZrJAF2a8py8Nnn2Znykim7PpL8TIrpVNlYUxP8docO0YmQUKIuHCJugivvk6m4JqqVCpRCLk0+7yga5cUo1LdZTzQfp2MTSJpLGgwip3yrR4D2xr6QeT7kGnVezNk5vT69GOsb1xZ8V42proYstY/vtg1xxw4c+bMmTNnziLmmIOIWUmrCXmoMergUHQ/VpgrSjtYBPOYipYdNqEmw2PNdjA1wjCWIrZmDKL7WaU7Uy0MPKLeVofoJ5Wcx9LyCoBR1cQN+TjnVG9geVkR/wlCgKqqrvkD+UyTRBmG9Lptq+LI3zNiFnaFyLNCBGfOUJXvykUig1azA4U5hPrrVtFtv04UfkxsRFta8XdW6UO33PmFRcYDWKS0VXHcr7PhoWIT3nyDPtXKFM/T7Y78mXu7zKHfr3Gcp05xHn7uk0Rba5vKuljguK/fIqI8uUIm5T/8u78FAPhHv/cHbFt9MFajKyjV1NhSitKvN+TTH/bDKpFpiSVY1UTIj233XLeruIAwIpq7GaIypF3dVfZHj+Pc3eZ8muKksUWG2vdrdWTSVuGRc9SUVkDPqnfCaiOYP1f3xdDKdpp+g6pSpoi0s33LeiBk3FiXj1ooNZ20aqCjegqDvqLyNc591THISLmvKcS7dIRxDSVpBLyjWApjCopilIwh2Nnmtd7eZh8W5ngNzSyj4PKVy6gbo6HI/aK0I5K6Z+398OU//zIAYF73Yl3KiiWxHaaQmclxm1aMxtz8tH7nfP7pn7GdzS2yA08//dFQEXBnazsy7pa0Iaan2EalwtibH/2ILIbVeXjllVcAjNiqHdV96Patjgiv9dam4mWkk3H2DJ+7VDqJTpfzsLfKe7LV5TkXl/iceGKMqqoIeeXGWwCAty6wUub6Gp/3jtQZp8vU3FhZOc3jNcaU3gGZhOJpmpYFJKZt6IfVJK1GiF2DwcCyeVRDJNQv0L1r78+x6rYxix52TxvXPohmKxxmTiHRmTNnzpw5c/ZYzDEHMaP/0Hyu5reLVkZMxJiDwHxNCEIHlflzgzDmIJrFAEPdOq8pYoefH6tvKU5vWKxBEPs9btwvqVoFsIjZWHZDp91BtSpNd6GOhTmiydU7RCf1fa6+zz9DBsE05dfvqNJhV6p9qXmd2WrJC4XuK59fNQrW78hnmyE6mVFFxds33kI+z3MnhJhNf39jk31pSVXw1ApjDAx17UkxLyP/Z1FKgZYRsKd4iG6ax1emieJv3VDlQUWcD4YdtJUZYNkp167dAAA8/TRjD5596mkAQH/Y0jFs8ytfpi/1136dym/nzz0BAHjjTSIni8XIKsq/WSdqQ9buN0M9Q/SVpRCqCyojINlS9onu84EU77qKMrfccKtnbxkn9jkhRimTUTvSvZiZkhrkDvuUSiTh9zl3C4u8Prv7Fq0vpUf1wWpChFk92vZ6IaQGAPiK+G4p6yGjOhCFPBF4XzEvO2IiclLYbLfqod6AjaMhRD+XtevGY7e2yQj1tL/NTy5vWTtSnOzw+B3dV+bvNxbEfNOmZdFqNzA7N6vx89i7G2Rx5hUHcvmS6h0IxtZrLe3HPj3zNJ8fq6kw6EfZDLvm3/wmYwzuihVbOfsUAGaQ1Gt8dva1tViL/SqfpXKB/b96hUzBJfn5jxyh/9/qhgx0LTY2OH6LYVha4n5t6WjMznFsmayv827DSw+0L8dTUf0ODxZbw7a3t/hMvvvuqwCAd95+E8CoKuvHn/8MAGBmhqyVvXZnxaCsrXH87yoeaNDjvKVUR2JucT7MhOl0+I6xyqbJkEkwBtWYQUPz0YIHk0ILvAeA9pOUdkd1Hw7H9Y+ypo9jDpw5c+bMmTNnEXPMwT0t6v83H2MosX2QMdDWD8tlcWMRrFYJz/y4xiB4Md3tuI9pku7BKHh1XLNgtHiM7nv/cUZXwqM+xc7hR5mHpMdVed702pFCT37oWk3qg3PMs35qij7A1duMIn/nHSKjI0eIPiolMgVbiqpuS5OgWKS/M1GSQpzQaF37FbNEGteust1jR+knXlg4gmtXqAA3M8N+Tkl1ric08s479CHXm+zrmbOntR/3HwyscqCQtBiIeamx3bjMLIe+qjxaFcM9KTIOBm30+lINlK+zvcc2b1wjUswJ+RsrUUgRUXpD9vVP//jbHNdxaso/eY6xCq+//joAIKtzeopWb6qmgqGdbrePRMLqFgjBqrZAKmP6FdF705CyIae0GISBNPT3dlUpMqx6yZOZIqAxCT3FMOztbqOj7JLWgEi5MZAOf4rnHMifa+ewOAfrw1Dfp5PKoBBarZQ5Tx2FqZc1DxuqB2CZKouLnNftzQ2Uy7y+e0LINj4b/36N3+d8osuG1CetfkNJmTXmizYFTqvCWCrxmtp9Y8qCa3d5jxaLOew3o1Ukl5YUUyBthLvad0osTG2XfZibI/PSaCtjIrA6GJyHjNiPt94mw3Tp4gUAwLPP0xf/ScUJ7FWb2NAzuiyEb9H4Od1TlnVh74flZZ67rOfj+nVm3FRrGr9egXPzs5ovi4/gNVla5Lz5Um30EKAg9c2pCts01cmenr2+WIh3LzBb463X+EyfXOZ4nn3mFc0La0nYOzqblxbDHbIeF1X3YyidjaUF7l+u6B7ODTDckN5Fu6FxR1F8wou/H+M6BYerF4bvbu2XiP99OQT1J0O6wtq2Pz5juz5yc8yBM2fOnDlz5ixijjkYs/ElWbiyC2W4o5rYYRxBgBCmh2vAhCEffQz1DaL1CB5djOl7sWiNhNC8KPsRD68NVCHRJsQL5LdTlcJELhlGtPelCbC9RwQ0O0vUcf5JImCLPm4o8r8sf6dpv2/cJQLe25VfX1HdJ0/QV3/l4g0AwI4i59OKGF9bJWIsFUuhkuPGBhFSp2LaC0RpzTZZhq1t+ko3NnPqA5HPMIziZx8WFukXvd2i/3JmlmjH9O1T8jUXpOfuex2kc0Q+vZb8lwmhUY2/WZcPVFHT5v/Op4kErYbCbcUzFAo8fs40FfY4tsUFqTsKxXf7qivR2ENGcQgd+e27yqEf6BpZ9LWhc8vfh9qali7/XlX6/3kiYX8opUDdB+02+76tDAqLYq/vV0ONhY0djiPI87eM5iNkDHT/GG6yviVVa+HcmXP6XSp86uucYhlmFMXfl5+7o4qS1T366s+fW0FOsShf+TIj+BeEiLuqKZBWrInFaFhmgSHhnMUg6JrZuK12hc1fQqqFpgtRUjbH7Pwc9mq85556+gmNk8dcv8F8/WKBz4Nl5aT1jFmdC0/oPl/itckp1uL1N1iNcFfz/MQTjDEoaMymTdBuN0IEm9Bs37zF+9oS9i0Lo9HgM2axFLti73qaD4s5WDpKBiIvZqpe57xZFo8fqGqlnstMIRuyFbtbvE5WCfTaTbISX/361wAAG5u8fh97lrUUnnuONRdyWY4/m+d9ZPEzb1/4IQDge99lzIUxM5/41McBAHv7nH+r7rh6+xbqTWNATDEWsijCH6naIvL9RFj/PrIUJjfy+M0xB86cOXPmzJmziDnm4KAFXP2FhRVj/v34inFUgfGgepWt7GIrvNhq8REGlb4Pi/XNiyp+hRJf4VBsAoaImpQCA1UGHFr+bx4FRWTX6/IVK7d5/S6RTEXofVa+UwHhUY2FgWUAEH3U9ojKNlR7wBDQ+fOM8r9x7SYAYGtzMzKEna1V1KTglxPa2t3h57Zy7BcW2VeliqO6J+0EaeYfP0GW4+IV+jt3pVJo9SIM7S0ItW9v8viaaswnU+2wUiGEkP1hSvPDudvZJrNSkF/WUKhF51u0vjECm5vyRYtJ6dj+8rnnc0SQ+ZIqBCYHWJeWgick2Jb/v5AzdTi2nRf6MsTYUY0A60RHaNyQZE7nGgzsORhqDByz6SZkc0nUpHiYV6R/Ny2lTN0fgXzMvu4tQ5cW52IZAdkcj8+nFKuheIGi/PrpjClFsl1Dt3XpaWzvbGC/Tl96JoY2O9JQsHoFFvlviDKVtYqXnAfL6uj1bD6Lmi6xHbqxjGh88gn6yZO5JGYXyfzMKZvnRz+i6mBOOh7tFs9hKp79luodKG4kLY2NuQXqAdxQFswdxVocEZPiD6USKgXKb37jGzo+g/kZ7vPaj17jd2IjcooZGQrpN6WL0VYMxSDIqO//P3tvGitJll6HfRGR+55vX2rt6up9m1WcHmookiJlmSIpQiRAwIJhGbBlA/5l/xEsG6AA/zRgwzJgw7IlwDJsSpCAocQRx1yGQ3I4Q053Ty9TXV1d66uqty+575ER4R/nnHgvs6pmxjPd7rEYFyhkvczIiBs3bkTe73znO4ecIyIFEXkjffqALK/iHAsl9MHnvZCb8hnRH8ZhaskwX9+4DuTjT7+Fap0l6qL80i+gGmGhBlRPapO1BaJaTfAEPiA34ZBIw0++/tNmZnbhArhPD45RcXHvPSAGt2+/z751jIUfsb/HRFU+7mzFQBg/D+eVEB+vUCuUeN6d8Xu1ecdGN1FITFrSkpa0pCUtaZ9US5CDMy0yrfoeXyHw5LWe85j/i4mqigZxDWbRh0cVFf+/bPOdEGIQzL5tZ5GRM69qnnJ0HvcysShQNQbVAofY55jObgHrsTMZ+hxk5WjHnkiNzCGCQM+AbgtR3bXbWPk/8zQUEZ++ArU1raw7rS676lk6pRpwnFCtArb0YIToW4puqVSZp43Ip9WixjyjUYe3y/Y21NjEfE9LYe4Y22u1r3x/NDmxsc88NZEDaQD0e4hs7m0hcllfB0rh0PehXMZ5S81wbR0R4oTRV72qvuHcGmTeC8xqNfH34sqiTaaIqpod1IqXGCGJ4e8x8q/XFAni2o3I/GKWLQAAIABJREFUHdCrMQffIaO+QJfBfh99zGZxETNUaVRVSC6Tsybz8xX2u8OO9nhdQ3pB+NxOiJPy+uMxotYKuSnn1sE23zvEOW1T7VEVNstLiDib1CqQzv/R4Z4dt7AvuSWqGknHKDLKHhKtGBMZ0D0sLoUUIOXeGHM2iH4s1RE5v/bqp83MbGUJkfqt+7fswkVc7zu3UTGjChAhHbmMlEI5XxyiMCX5eGBf++TT7NA5dGkJeX+P82hED47jY1yzEfkz65vrdvMGmPyDvnwMcP0DzovRENdVzqAeVS7zOfEX5C6IcZEHyYXL4PIQxLExK1RC3i8PH+KaT3zf1jdQrfTwPq7TB9cR0b/0IjgFz78IhHBMJI1Ty1ZWcc/qXn24c499wBzcWIdzqEXoxPYdbPeNd//MzMzevwm1xyo1Skr5qjVbmEMEUGIEySdPw4nNFqniyT+f6KMzp4tz+gvx/R/688jB91Vf/AhbghwkLWlJS1rSkpa0mZYgBzMtsjAKzzgqzrK4TwNmreJUt3rKPXgkTR8ph6pI2tWmZmY2jWtnmZ98pEJgdrXpzuWvYqfEGIGIHu2nzm6uzva0soLOdoz8jblER8qHrF5QRC1FSIu359/0RRgNA5OVucu6/nQab5RZx0xiszWoMlhkTbh0zS2kRjxd2nqMWjcvgG08pHPe3S1EPcEmqhc2yJReYqVBp92KnRvv3kU0Mp6CobxGhbcGkYMOKwccB30+Ibt8OGFtPZn2i4zKWm183h+2eP7MuVIhMJdDVNPp9uIa8e4EkV1KFQJUURxOcX6NHiLHCpGFOnOr7QGO0eohQl5Ywr4f3sffyn9HmkCO1PhYi35310o1KjxyTKdEMzwiRrSvt64j5UP+Tc5GXkqJ4pbQSW/sU8+B0X2KSdt0HtuNO4jW280Ty5RwXVtEL9o+xtANWenCioeQXgse7xfV/ddqikqBGGzfwfzpUCFRKE6LXhYZRn39gRQ1qZA4DS1F/44KkaHhGNdflQ8DciUCzuGQOei4EmeKvgeMiDMurslSHchUIY88+Lk15LkXqLNx3EB0XKuX7YT/7w6xr94Y56lCkYjISdCnwibRrSorR7odzKfbHyJiXuXcdLiDJvkxly4AcTIHkffnXn3NzMzee+e6dYkmLCzi3vLpSnpC7xEpQlaJ9iwsY066RYyLG0kHBN/L8hrnyfHpkVfTPBHSgu0Cil0uLCzYyRGONaSewasvoZqgILXGBq5FhloqpRzRh3vgjWRzGI8r51GVEfCZ9MEtIDKDMe6rkwbQwpt3wO145llomnz+s9BJePOtb5sFmCMrq7heBwdACltDjPV0ivN2XPA9HEcVNlL1FBcB759CB6pQm319nBpizDFw3fg9bMSXOd7bDM3hIyK0JchB0pKWtKQlLWlJm2kJcjDfnDN6BnwNT0UK+Mbs517MYnXttBZ2lpkar/DmUIc426+ATzXHs5udds+ZRQ5OPz6rVTCLGDixSqOY3+QGBEQtGF15HpntodjViEYDG/D7PG9pizMflmI+bzzE/nqdiWXoN1CuYNssmc8R91mtIQLqtbDT7S3k+UplRHOLdLKTpny9zvw3meFrG4hyBqxTfu89KMEtkwdQYvnDxvpqrNBXKue4LWqf79xGtJkv4Fj+RDoAcjZM831G5RxPf0BVOzLrT5jXL2QZmbMWPxMxX1xesZMTRB8Ro4sH++BMlFKI9FJEJZT/z5Jz8ZBa8FLhG+JU7Nx5RKN37+L8W1TzK5SpUklegOMxEg/N+oMR+4cxHzOXnssQfWLAowoJaRJ4qdlc+lg+EVRcnAoxIcLU7VP3gJN4atifk4osRfRhQE6IH5Hhn8HYqSoh4NhOqBwoF06PSop/9Mdfx/sRrl2+iGtbqUpDAPPg2vuYVx3W2ud4rSfTyLKsKpCi33A82283JaXI8UwfynQn3H9AFEj3JO+n564gP/7Si1Cx1M38rT9DrX2ximty9dlL9s1vYS6eP4958Iu/8EtmZvblL/82xk48mUUck5QJ299HxDygO2e1ImdIfO7weXOZfiEVcleefQ6R8s33oaOwt7Nv6+eAKoh9L80NuZCGVDuNhJhwuyJ1M9IpOm2WiCSw6mOfzpi8hJZ26f/RBBJVZ4XB1A+sSi+Fp67AE0HOofd3cP1GY9w3Rd7XOzu4Lyol8DnWl4BqNJro69YDXvcOEJmjFhDGwwbQw7/+13/OzMyefwEIyjvfgdLoQuWCPXX+JTMzu3sPqpLtBhVCU+jvxrkLM306aeBYQTiPHKgpBv9+VQ2Pticp5M7zG87uK3FlTFrSkpa0pCUtaR9LS5CD+XaWN6DckLgFj7BOFUrr5bTSYZ7Q//1cFudVGG3u7yczW2d5Adr67JcjOvelGUWaS418VgxILc1hjbHnKWJEJDBhMto1RRCsOOA5Tfl5Jo/ti5FrI0bXHerNe8yVZhkR9DtAI9wIEZ7ys902QqN+F6vxCuv+FxhliBk/GeGYK8tkxCMItu2H8DlYZH7XiZzYVTNPVvpPfP4nzczs7bdQIXD3LvK16xtgfi8vIbpUdCLW+fllROtdVg50WOevOm8x7nNF9FF18bmsa7Ua+h85RAioeNglX6GWxjhkWLXhpXBdu3Sf1HWWyqGqOaIQUe0SXedqdUbDvPbtFo5TqVStw8oIlzTsKc9rwjp26RdERB0iImUukYUJIyMCSzYYYfvcUNwDnH8qQ5dG6ifI5c9xvfi6lekB4JKf4Q/Jyo7kX0K9C9aYF/KYm1IMjCtCprgWBWrQD+gp4ZIGItQvI4Z9nm5/kRtzaHzl9YkQTEJWJRBJmPhCDtCHfo/fGzNnrBz1IiLwFt0N5erYbklZkJE274GbN66ZTy5Nv4Vj7YzAoSilMQdfexW5dyGR0iJweL6bZPkvsmqhSr+IbaocCklbXcX+tu7j/T1Wb1x58Sk7ofaEODRd8jfKFUT6yvNPyU1SBcSgjfPL5eXCSY5Ni5obI+yvQO6NUQ9leQ19dPnzky8W7MIF+jrw0aVKGKlvDlkJ86APpOwzn4ZCpngc370GJEWSHP0Rtj85wbn1B7iGP/2lv2ZmZuk8vvfuGzc4bqgaKWVCe+NNVDIc87vPXkWViRQepw72vbMHfwc/wEHTaT2shbyScxD/ThCxFRD9hBj/eyMKP7hGwo/aksXBXAvDUNo+cRMhMbZd/h7tSRf2SYuD6HRloQ3RD+7Hi9MQ3/fQj2kiDOIy8zlrUaCUBkvOMniwuA4evIHKyXzKwboSlMFNIPjZoXStxHK0/3Q6a+kKfqSGff6wEIILKNmbIYw8oXhPSFEXh30d8mYe8wFzdMSyQi4WarUqX2mOtK7UCAlnlB9uNluxnLFHqeEUF0evvoIyqTLNng4oLKTUxeYmHhiNJuDRbhekptc+/bKZmf3Zt/EAe7iDBUmliD6dULI2rTKygW8ry5J3xevmOZRebtPUZkSr5pzPseaDt5AnIYuLrJAWx5GDMrFz52iHOyZsnse5Hh7iwTagiE42k7VsZlai2C2QYKpF34QleiRYhTJqkmUtFwdp/uhPulxUcnz9IR+GNI+qUMp3RFx5b2fv9IeCi5w+yWkuF6ZZEjRD2mprYS4jni7JjV1ady/TmtccHCvF8sM2raslwFSvL/I4NFdyzCZ8qA9UHsdFkBdINpjEzUCEuzb7IGEvHLNewg9wmRC37KI//BCpo8kUfZD8tMfF060Pbtkv/sLfwNhNcC9+9d983czMrl4GtN0+xnnu7D5g/9HXF54DHL7O9NL+PubgvbuAwidc6D31NH7YtrbwQ7bNBe8irZHH06mNuTg8ogETM3k2dTBfdE9FsZ02zr9cwPnms1rw4vrnuYD3uKiQ1PcVGppJNOvuh+jLysqiBVxI3bu/hb4c4x5SuWCZYl/Ly3hWlQoYy/evQfxs0OPzBd+ywwOIQNVINv2Vv4U0QquDcbp+A6+vfx7iSLJQ/+3f/W1b4oLqb/zCFzBGJM3e+BD20Pd33+Z4kASblsg3F7bx74d+Xrk4iH8DMKfnyxTP/kY88XfkMf/7uFqSVkha0pKWtKQlLWkzLUEOHmmuRSGjd2c2qp9fzMWrOy6xXPfJCMH8KvF7rRr5Bl9/iFMQGTJeseI1mIrsJSIZV7pTrMLrVUSjTorkP5Z2BVGP30MUE7EMb8po36UEboZks8hN2XSCqVUpU0rWENG1mmQnEYoVEW2P0Xabtq9CI3I5QrlCAig01CWcGIa0WqXYkoiOA8KQvZ5vWUZqzSbGZUz518mIkQ7L2559BlClYOYxI96VFRxr92CLx8L5/tqv/rKZmf3v/+c/N7PTKKXItML2Q0RGpWLBjo6O2T9BtYy2GQn6RFZE2AunsyY+ar0ezkuR9AsvwLBndx99CwiJ7zFabZzIJKliuQyuxZgS1X2f5X6M/BTRynhI1tOOIuhIIlK0habMdJcENje2dMbfvsoriTwsLNStXEZUdtTC9VaUJchdxMuY2EuUy/dJimQKTDLKGY7P2ibLB4s0IiIKdu/efZ4LU2FEAYIgNOO8HYwwrwueymcF/0suGvdJj+kk9bleAGqzuAD0okSbaIklDWj5W1/EvHjmWQh2vfXum2ZmtrK8aMdHuAYfXAMysFgDwnFMUaM7d2Bp7oc431dewT4CXqObNwCLTyY02CJBd/Mc7uWH2yDgyZirzhLfB3sk+k0n1iNZM2CaJSP9YD6DdD/kWY6coaqRT2GzDstGV1cphZ7D+W5sIM2yvg6EoUeiqtAyDrcVCtnY1GqPdt9CDFaJcKytYYzPn8c+r7+PVODWA+zr0mWUMh+x/HiFttAvvcrxYmpIYkivvQyy6O4O+v7g3paZmf3sz/6MXX4KhMObd4AUfP3rf2BmZgOmKtycoAGWqYugrp8Dd/5n9QmWzSprnytljKLokd+Fs2WOZ19j8z82x/lBpJV+sJYgB0lLWtKSlrSkJW2mJcjBTHNmBCjmeQDOnJiF1lYhSVRRED4iWjEvZqEVoFZ8yufNIwfxX3Pyyqerz++BLKhMUu5DEnPisVQeKE7CeIS+tZhTLhex6q6WEMVMSdRyI0oSM4IQT2DsI1pR9OtPAsuQ/DikUYzDiG1laWPmu90OywYpMJMnUiAEIQyEStCAieQumQFJaGgykiwvUJBXX33BzMxqlazdYG7zzi3kXSUPK2OZ/V3kH2X6tLqOPkrCV2WT5zbx/t17KAPr0FjmSz/1upmZ9ZgHl4DPPW3Xmcbko16PpXkUjBIpUOeTIpJSLSLaGpH0FxHlGfM8R+QSXHwNhLQcBYf2KNjyqU8xZ916k/sPLM18/pgiVyEJqU5utqzWlZVuhha75BD4lNxVbtkTwkQEJpyIkIjt2m3KJqus9PyFmFvQ7CHCyzM/Lw+b6ViCXCwfY1loWiZAUmrixJf4kySMhdAQYLAM0ZCeyk9JnpxMfVu7hHmeydOMiSQ9GWo1iXLlshL7wbhkOReVB8+TLKlSznIFfw8GiPaFRDx4gGhX1s1L1YLdubNlZmYFioCJ3HjjJsiyK2uI9Nc2rvKsyfsgafjkCDyZUoVmSSQHHh4BMVnf4Pc3EXl/9z1wEro9oBojf2ydTodjxfOkCJZ4QhXaQRdJ5hx2yD3i51XyfwoUIirytd/DtfnOW0A3Wp0GxwfX/OrlK2YGfsGdO0A46nXsa3kJ95zsrTU7334DJcudLo79/DOY5wMKNy2RV5TJk3tE4q8f4FqITH14DE7ClGXLP/fT4B542bTtHuB5cXKCbXySfisk+2Y4xscN7Nshj0XPcpl9xb8BrlBi/k7oN+AJaMD3ajHiPPc7cxZ1SEoZk5a0pCUtaUlL2sfSPjHkwHGcLTO7+ISPD6IoWnvMd143s//KzH7CzHJmdtvM/rGZ/cMoesRP+P91iyLI+nre/CfzUsazK73TLE/05KqEx0hkPu79Uyuk+b9t5ntCKx5pM4cP4vPCR+QIME/rMaIJmL/tD7UaJaOc1QyaJqN+mvsR45vVDunz3EoVCT3rM0J2WKrW72H1fczI9qnLuPQLNSEMRAba2E5lQEdHiOaqFJ6pk/GtaCeVxslduggm9Ih8gpMmcon5/KJdpBCMGMz7h0AKFliqdf4C8ppbFGK6v8UohnKygz7Z1lfR54sXEIVd+xDSrFfPYf95RrfiNLz0EqRcv/2tN22DUs3K40tIKEe74BHNiYY0/aF3jZVZutc8RtQlqeqdHZzL4T76vLePaCeNoNWuPgMuwv4ukJZ3371jJVZTDCiGFPdlINEjjIdPMasJo2whTQ5LsZ6+jCh210WU/vA+otRsEd+TFXSpQkMjIlndXjcuTevTFjkuo41mhZZSnHOS7vUnss3FdrIVFiK3v4/x6FNmuMhoN+R4DZn/F3oSRCO7/xDIjquKCIo99VnKJwSlQgRtZQHz/IRywyU6V0mIKAxw/ZstGRbhHLt9XLs+50WaJbWt5tTWmKfXmN28i8jYj7BPldzlaHHdbmOf9+7hPpIZVgFBrR0eIge/vok5nSviezc+AGq2s4dx8oh+hFEUW5NnWLqcInKgqp48K0DCMZ9dfKBUijhoiYhClkhSr0Mr61hWG+e9sIA+ybBsxNLX/YNd21jHPaUUus/KmRErZx6QO6Ky5I1N3O8nx5JdxjXbZElkyGdRnwjJmJVWWVZQrC6jEmmhjr7ofnrv7fft/g7Gap88qHObF9lfPHNarBxyIlV3oc/GZ13Kk7wyTiYIWV/JZ7Oq32zuEf44zsF8i0XzOFDziHQQBB+ZCtInnVZom9l//5j3e/NvOI7zy2b2L81sZGb/zMwaZvaLZvbfmdkXzezXPr5uJi1pSUta0pL2F6d90ouDVhRFv/H9NnIcp2Jm/8gQCv+VKIre5Pv/tZl9zcx+1XGcX4+i6Dd/tO5EFkaBuZF4AFqV8VOqV4Rz8bznzqIB8//HPh4pdXjC57O1sKeiSLPvnzo7zfMggjPbaB+zedpAqAMZwfkqVtktVgJ09rEUrtcodVxh/TYjpeNDrIRlVDQZ4TgSA8pk6pZJIVoYcOVeVM0783fvvoWobe08Vu4XaAxTYT7y3XfBFO6x6sBn5cDaGiKDHBn2HeYxr3ckuEL9BObq3792zVaWFJWI34Cx6lC3IJ/DeHzqtVfMzOzmTUQphSIiot1tRBU5VhhcfRYR5EsvId+ZZy6yy/Heug/k4fXX/xLG6+jI7t7aMjOzi+cR8UxY8TEy9FPGU+EEc6/dwritLZzj2CKKe7CFvPXtmxi/y5dwbkGInHuDUc0LL0KL4fnngV4c7A8sX8D5qGpl2sF5dfoyDsL8WFygAc9IESIQh6NDIAWqb3/+BSAmRweI3tJZGuzQVClghUrIc+31RzG/ZUotAQnCBKxSUFWBxJHEi5AYkmyzJ2PyHCjx61A8StLQQtZ8ylG7vAckWBMEE5s4FK9RrpiaCELWIl8aC5j31TKi/HZThjp4ffZ5ICmjLsZRFQRFhvPOFH1WNYNR/8Iz10JyKnYPMGcOmxTeIudi/wTXpENxp2eugkuzzmtw+w60FCQTXGS1xosvATm6R2Oy6x+gT46DeSakIpvLnPI4+BxLkWNRpBz4uI+xVy59ocbnQS7NcWEVDO+5ATW+xaNYWga3w03r/gByFxnm6vr6ui3VMbbvfAfIidHyPSBaMWSlw9Ii0IfdbczFTA7XbmMdc7FPYTLZQ3tZVj0Vsvw+jmM0T7p3C+jAW29DPnnr4ZalC7j+T12CDPZBk1yRXRwzn8d5BRHl5clNKhWBVlUoBjUa0yKdAlcSxdJ8c53ZqP8Hk1Pmf6TkH87yGBzH+cgkEP7/wjn4VTNbNrPf1MLAzCyKopEhzWBm9p9+Eh1LWtKSlrSkJe3ftvZJIwdZx3H+tpldMLO+mb1nZn/8GP7Az/D1q4/Zxx+b2cDMXnccJxtFlPv6IVsUmoWxTLIqC+brUBX1kDdAjoLrnG4zX7XwSE3rXJ1q/LneZ39ir6c4+pfdZ9xjvoZnXudXoE+opw2VU0YNdJk5RMdnDT5zqQNqCNSriBgqFRkvIfKasHpB+V5/YhZR4U45deWv9ffFpy6ZmdnuHlblBzRpef45RLo/8TnIxt6sIeq4fh2Rz842tQNK6JMv8yjmSSW7mqMaYKGYs4dUhVOElGFiXuNwQPnYkDnm8mKW54ntnn4eCMG9+4jWW21EVBnyAf7g//5TMzM7xyqHQg7jdO27qFE3y1gmi7Hd4XmqqsIdsyKA149FGxbQkGjiIi+7Sivqoz1EL+MOVe32EVG+9BI0Gt5868/NzOxrX/1jMzO7cAER5Gc/87IdUmXy+GS2Dz6vo6oRojxmV5656KJUGln3P+gBKfjiFxFZPXgAxOjmbfAfahXZZVOzgNemUqlbn6zxgJUhDlU1Y6tyRmOTiRQiixwXag944sFQ3dGj7gGVN2P3cFa5+LzmioaHcq5yHfMyQhewbZYIgRvRcIvzY8CodTrGuBXIGei0jnkuiFq7PVl8s2ojq+oG9p02w/kCzqF53LI7dxFF7x/iPggdIEC/9Dd/0czMblzH++0WznN3W9duxH3ihCe8D1apIPj+NfBhDg5oK+2zusNX9KpoPzR/zCqLOhEOXvdoTv65XKZlM5GlQr7Oz3lN+ZwsEUnIk9VvRGu2d8CHcPlQW6Kk+PbtXbs9wnn2uoi2c+zDlNfmpAGUb0K9h2deeNHMzJZX0JcdGlG5rKw5d2GT48nrn8GY+0ScjvYxh+9TTlpcls989vNW4H0/8tkXVkyUS5THbgFxq+TQlwqRVVVajGi7vXcA1Kbn4u+IfT9VSCSHK+YinMbq84iA2mnFnDRr9FNJdc9HCXM/dPukFwdrZvZP59675zjO34mi6I/OvPcsX2/ObWtRFE0dx7lnZi+a2VNm9sHH0tOkJS1pSUta0v6CtE9ycfBPzOxPzOx9M+saftj/MzP7j83sdxzH+UIURe9y2ypf20/Yl96vfb+DOo7z1hM+es4iM4vOKiTiA610Yx5ArHjFfSqF77o/UN7obItXiOqfrHZVCaGaWFk0RzKokQ2zdA8Cm9kR38V786/KeRHViBB9Mn1n2bpMcYQIkFW8h2NXmXOUOZBjYiMzyvNCS6cQhaUpg3aflQDdNiKAKqNLaQd0qJn/9ltY221uINf+7BXUQos38O03aIpytMM+4DglGs7kGNXt7pKV7aUsxSqCESM6n5UCaVryNk4QXbk0xFlewXTbbyBKK9ahvvaFv/xpnguY4o1dKqb5iKy37yOSTFMpsN3EuAz7gS0v4zxVj880pV1YQL56v0WPhRD7zJaxj5sPwb3YpdpiwcPYiyC9fQ/jGYwZeQ7Rlx1q06dCjM/lZ562h+xvmZbBgzYuuM9oUujLwQHG9vIFjH0Yiu+BYz99GdcminC+V57GfNnZS/FvrOUbtOa9S6a5Y2MbUalOEWGWFTEsPrDhmGOa1n1BNIP5/VKVuggOKwJ8RIDZLKI7T+UasifXfcNIK0tm/WDUMiOjXZUNk4FMrfCazchoif4f1JKQKEOpgM9vXEeU3ia/RoqTIeEQWVYXeE2HQ8y3g6Mt6w/o19AjT4PmRNc/xKPPpc2xnjmH1HGwlPgBNL9iX46OMB7Hx9jOc2mF7ZNJT4XAaKQKlJQ9d+USzpNVFYf0aQgjnO8iqwwuP4XrXqM6aachBBV9qS+Q00Je0c429qNzVNXQlKjRrfdwHw0GfUtRpTRHVGWflUV9ci0Wl4EQXLiC6D1bxLHvbyNeFE9kfR191D3Y4TXp0NBN28mm/uqzuLelDuqmU7FCqDk4ZrUqG3hcoyvn4clSoEfEhLyW/QPM8zEfxRkP8yqGsyIZ3GFuSqtA/JIZ2+U5PZwYVZh7X6j2qWLiR+e58IktDqIo+gdzb10zs//EcZyemf0XZvYbZvYrP+Du5mgaSUta0pKWtKQl7Ydtn3Ra4XHtfzYsDr505j0hA9VHNzczs8rcdk9sURR95nHvO47zVmT26SiK4ug8lhJQXeocDXQ+73925Te/4ov/nuMUxKp08zoI0Sw6cXrM2ZxTFBMkUmfef4IGwpy9s1wmA/EajFa1EXLwqtZwUoheRiPm7U6wUvZcRKCpuOYc+zs5blqO+dYF5uHE3JZNqzwXpPhWpS9Bp4RV+3vvIRrb3UHU8gwrBD7/uS+amdn164isjugdMOiPZ14rFUQ3JyeNU9tfcgSkrz/od7ktzk9OdgNyJ+4/QCRw5xai8p/9q3B2k5PgHnXZU4zOCiWc09EhfQOose+GUxvT6XGhIg0J5opju2BeT86XKXUPMi7GVrnYlFTsMoqIqW5JdUaCH5Zj1UaHuvl379y1xgn622JEH1EhM5djTpXXqEUFv4CKmK+89hr7wnr4DPUSiCjt7eF8l5dxrW7dAj8k4Nx0GeX6wdCmvpjbdJckK91N4zxKHMMpozER6RUZSV1wOGA+mDl3jV8gHk1K9riKsFRzLkQiiK3JdZ8HISsbdJ/EPCH8mWKVQRTfy+QmcD6JwzHhfJNewtoaeAB7VOLsED1qtJrGbsYWzFmPuha8RvL9kI/JwhLGWPn8Nq9vqyHPCYyv51G9kYjKiFU/E19Ogth+bWXNfHqnNFhlMqba4MIi0b3ziMYV6Q7opCp3Tt33baIf8qA4oHrjBX5fvJt33v42xm2AuQzXRuxr94D3M7VXljinnr4KjkGWHJRmk26eXo7nw++Tk9EdYFxSvCGqVVUS4LlQLGOcc1S37PJZ4KYi87K4rq02UJjqAvp5/ilUioRUN9V98oA28SdtcAz2DvHapu28T40Fh/dyJCTBZnkFZysO5pVzH9E9kGtv7L1yRjfnIwqRfxyrFejVacUz733I12fmN3YcJ2Vmlw1I692Pt2tJS1rSkpa0pP3b334ckYMv8PXsD/3XzOzfM7N/x8z+r7ntv2RmBUOVw49UqWB2msNB42pNjHh3boXnqXKA3/Gc76s3GAFGAAAgAElEQVSAqGjECeOQiMdlhPOIx8KcO1dsETnXR13KxygnOo47t238AfskRAGRk5Nq820yfZkzzUdkJ5Pdn2H+W+qFObLZF2qLNmXertNEVFIg412M+FYDOdHVtSV2HyvlOhXLUkQlHjxA9PFbv/U1MzO7fAkIwto6Xr00IqQdMqFD1s+3qBNQKJSsywoGORqW2V8VxfT7rLGPNfAx9eTs1qM75e//3h+iz6sb7CMigQmV07qsNdc1U/33ZFSNnejadDKsVgmCSVNDPBDq908YAUpRsCQPCUZ+nqJYHivL6H/M/G6ZmhRSFlxcXLC9I+RxB8wtTxz5z/OYRDqkbNdsS6USfX/+GYBukz7my4VLGIflJYxTuwNehLQKijn0YdwgqjPoxGUJWUadYypphpy/xTKuDU/ffCltyiGQXAWdv5eiQyjfH/N8s0QUtJ34FCNpOmTT5nOsB/S10DVIpcT8ZvKYz4TxpMuxxbXoEQ0SsKi8eLONeeDz2knlsdFitQiZ9/mMZ43GAfeNfi0vc/4TjRtSATGVwlzKspJkTEb8iBFyIc8Kgiyuxe429juhGuaE993CAuaJKim6g33rHmD+OjyR1XVE6wt17CvN6FvXVTyQ4ZhcHT7TeuRm7JHvk2HFgXLyb735FscF865YpV5A4Nsh+T1CetaJNly9iiqcgGqDcl2UzolRs6PNKH9KLZNCEc+bjQ3MUaEgQhjEYZE3Ry4vr5OppaiZ8dwGOBIZaml0iJQ1j/nawhjfvf+OmZnd2XoDfenxWRRhOy+lZzj2E3CuxqU6NlvRZnaqKTHPYRNKE79yXsdaPJE98pj/Ydsnghw4jvOi4zgLj3n/opn9j/zz/zjz0b8ws2Mz+3XHcT57Zvucmf03/PN/+pi6m7SkJS1pSUvaX6j2SSEHv2Zmf89xnD80s3uGaoUrZvYLBs+Ef2Nm/602jqKo4zjOf2RYJHzdcZzfNMgn/5KhzPFfGCSVf/QWOTa/9DpVRkSLF3jSP5BU9hlv7Sf5cM//rSVfXA8xjzTMbWdznIPTigT3dPP5r8RrQO/MOZ6yjKOYU0FmOGvsI4dADGuHM6wVTjOKOT7EynnQVc4V0XA+m4111l1+Rz2QJv6Eq+Z7d6VbgO+mWH0gB8kLF+CtLmVEReDvX4PmwBLrnNdWsd09+iL0e4i4Bv2BealZ5KTTnq3b7lFVsN1CBKX89QmrGORWJybwvbtgWVeoALe5gkhrSBe+dfooBIyQSsWsbW4g77xLv/o4Z073xVoNudCHu1QbZCTTp4eEUcWxQpVD1W+PprpW6PPFy5fMzOw+HSHbHSA0g0nXWqzD96gNoNp35dKPGzs8zyG/i8hni/oO6ytgdreOqDSZxecvvAA1xm4P7w/oGBnfDVTiTGdcCxixTeg7YLw2RXFQGGVNyezWFJ7y3hqz9t4TH4Zcm7EUFDlvgmi2ekdzQEx6C1ybyq1U0Rd7rFp5uXJ6yufSU+SQCEwuhetcJXu/zyhdSpza3xFRspNjIG6b5zBXF+o52/vGlpmZ5an/sbiEeSI+UJ48mWwan3cH2EeM/lC3IQqIUpEq749xvpq7y8vULqAyvUvEpd08in0uyqz4mRD1K5GLE/H67eziXl2iN8KElTX9DvqwswOUb0ivjuWldb6PnLzQEM23UYC53uv1LOT8Xd9AVdLqJo9huKdGw9HMd/tEr+R8mcnNOmWurAL1kK5KELt8Yr6wiMrG5MDk6RxarlctjSEzWkvYmFoCxyc4jxvXcT+88zb0+O4+ICISAf2IXLqzksNiAVU8DcfQtY0rz+aUEr+X0q7afJWbWhQ5Hxnn4JNaHPyh4Uf9U4Y0QtHMWmb2DYPuwT+N5vCUKIq+7DjOT5nZ3zezv2Wnxkv/uZn9D/PbJy1pSUta0pKWtB+ufSKLAwoc/dH33fDR7/2pmf27H32P1Bw7m2nR6uyUETq3/phbAaLSYZZDEG/KtYvydgrrn+TLPd/mcIJTjYUYQThFGhzHm90orrP1Zl5FT1CEpHycudRSZ036hHXZXkTlMzLhsxlESI0GVtTKTS8trFipiCgkS/e32NkvxGu1VOO+EJ0ckqU8HOJVrmxc8Mc1588+CwVFVSBsPUAlwcIiIvBlRl6TCfre73dt3EV0kMsjJMhSLa9JPoTniLXPqJwDM6bWfqeD6GSRuu4a6z6j/wc7+LxeRx/2DjAOrZZq8LNxZJIm+3xCR7pxB8daZDS2zGNoH3LKE4LUHXY5HghrJmSIZ6m+98rLyNHe+IAR1wjHqVsx5iF09qRLzyIfMuG1z2CKazYaUNluG4jCzgb6NCSYsbKGvvW2cc3SKcwLue8dHCGS8qg5UCjmrEU/C7lS5slgL1O/QH4U3/rWt8zM7H4fc2vKieBwX9pnt9OZeb/AcZYSYn0J18RcfP+wgeN6gWsZegf45FpkmccOmO8dsEKkTk2OAjUSlpeQx243FfFh7I+oPDkc4RrpWsuLZWEJKNfLrwJp+Z2v/PPYPbBI58cyq2wODnBd+0RhFhdxLJ858sNjROmL9CToj9BXf4xzqNJRNEW9iNEE49TrY7+FSobfaxsBLiuyUkT5+ibn73Sq6h6MXY/PA3MxbqqsmLDCpkgvDqE1GaIeQpQiarL0BpiHYRTF906pwnktHs8x3TilTyAWvy9NFWwv1LJMbxbxwfrkZDjibAgO4HOzQH0IVTW4bhTb1AzponnzNqpvfv/rf4C/P4AWS6t9wHHAMbysqr2IGEjF0/S8FVIgDoLNtMchz48iB7NV++HcPj8ywoH9eFYrJC1pSUta0pKWtE+w/ThWK3xyLUKwHRP+57gE87oGscy1E8Z/P8lh65HqhUeqEmzm87gumx940kt4hMPAvKkQCDub06KOgUjXDBFcqtK5nqL6NPctBTgqePE804xeuw2skEmstlKFnvFUClP0v7Nz3/JZRB0ri8g7usr1qXacfA3lfVWXn5N7I/OWY7Ksu6ydPiarWdrra+uInIaMkKWQWKFuwmQyjT3ilY8dM98dm1PixdKstigWxH8gI57RSqfDumdGdx7VLLt0ghsxf7m6gj6dMsI78Wfrm1B4u3ULtdBd5o5HZMJXGUEtLWAfh8fIb2djBTeMW6uPvtRyGIdmB5HkN76JigohE8p/t1oNky3BQg0RcHuKqGxEFTrpy/usXsiwEiQgsrC7B+SgWkRUep0RlPK5rtjsVNbUvMvzmvb67RjRydDRT/yde+RINFuIbDW/pXQXBdIewWuhDMSpQ91+VTE0mohqP/NZVFZcuATW+x9942s8N6IE+VIMrMUVSpwIY/axIFdFPib9CTZYvoB9TgihFOjzcdLENVD1j/wgxI/4AlGRP/kGVD4f7ty3c+dxf4j38+AhUBppbiwQAZCz6hF5IfLaGPb57KGWRJX1+1Ne/zbRLVW5SD/giI6c9XrdymTyL1JDgdPCjqiL4RKV0b3VboP3IC8J3f8V8mZCPrS6rAwpFTl+oe4/XLOQiMTS8lLMrWg26I1CdM8jmqWKkjT/lk7KCjlHq3zVmKviwGV1TIbVMRNe/wwvdpFIkwCFQtGxMcU1/uRPvm5mZr/7+7D02aNuQxBIxZNIAfVhAg5cOjurZzClu6dLJMFxf/Do/omctWj2c7UnUBR+qJYgB0lLWtKSlrSkJW2mJcjBmRZZxChiToVQTovRbL7nFEE4RQ7mcz7z7oyPvGpPc1ULp7kkm9kuZj9Es/WuEXOXWK2KfS2uAV9D5lQDMrqpIe+Q0evGde9SryPngpoDRXqi95uICA73EEHk84iGVxgx93OB7T7AZ+O+0ArliPv8DiIFKZUpWltinbd82pWvKzt0L5zL5+W43XDEemdWHmTIUfji66/bvXuoLrhzF5UMUs8ToV3a+cqpVhdwvhnyJaRiJ4TgkL4OimKU5251mYtltCJ1NydllmIE7DOSXzuPMctR4fHkBEiAlCQ9Ii3Kd7cH2M5h9CW/CDeDa6Va8v6IugdzfQ+mfjx5Qo7dyAda4QesxyYb33PpX8DJWGFVh/QiFAG5Yl/TXS7LCLFHF0OXdd26P5595jl74x1wCdJEGYRWqRphd3+H/cY+63Ww18NgljcjlEKcFCEHr7z2qpmZ/dzP/zUzM/vq733FzMw6HWlcYL5NxsO4ckZ9URPC5pHpL+RkNMCAfPgBlDNrC4jehTxM2Id8mVwMqhJ+8YtQ9dzZQ+R57X2ofy4tL1qaiNCAFQOOokuiDXLd22algCpJpBXgpGYVAtsDcRX63A/OaUxeRSqN460sgDdRr1ZsyufBiM6pnQ6OMSTCVqV7Yn+AOdqmnofcCNdWMQ5dVgjJP0MRchz1qwyAT7OVBVRtVEvVuGJCef5UBduOBnoO4rqtrkDfZGGZDrFEweRJ4wf4fpb8FyEGuaLULVlpQzRQSINUY+/c3rE/fxPOpt95F0qOcvg8d+6SmZk1W9Dka7X32LfZGNvXIypGYAlRunJQnKsem+OyOebESro2zz2IkeXpzHdOVRejR/b3w7YEOUha0pKWtKQlLWkzLUEO5loQhWcWXrPcAoWaylUrag8VxYeninXiFCiqUEVDLHAYze5DbP5Y90BJpXhByFz9HIYQ56CIHJjjxXlZHUMa8mmP9fpT+pXT29wnK1051lyGueZYIZLcBCqFnb+EiLhcRXSyv4fv7x2CWZ7xqpZjDnEyxDGydMtT1cEB9fidYxyjQtVCaedrZSwHuFXWLZcriFL86axKmxTOzl9A3wZ91UWbvfIKNNHLdN9784238RkVDmuVJe6LyoDUN1AFQI+15XHdMi9im0jBhPoQcuPbOcA4tMmUrtfqliIa06X7pPgcxZLqzxGdX7l6yczM3noTfUwzz7uwgJxqp0cXRkXcAa7BJt3o+m1ETqMJUSAqy0WOYz4jupMmxn6SoX+DN/sY8JWLZ3CiOawxDyMxvum1we2EKOWLVEZkBFpbZHRnjtVYpdJhVJ2nC9+AuXHdJlKlU+Tsj9H31SUgLqrfLxbx+uprqAD4m7/yy2Z26rp3n7oX06kUJ7G/lZUVa7eoY8Doccx8fEAtBfk0ODxfcXQK5KS89grc+b7zDjgEKXJWlpn/7vbkvYDxu3UbPJONzRX2qWF9olXKS2fYl1IRnIqjEzDiS8yxF2v4bjqNzynSaCdNcjXEdyC/JKSCoLgbci8V0jAaOzHXZJ+Oj90O5q20N5p0Up1w/pSoEOkS3Tlp0dJGz0XuOyOrTUvPbH/pElTwKxl5towtRYQ1z+eDQ5SzyuqD1XUgSBvkWqSKuDYBn3shVVxL5RxfMQdzeaFXGAehGwMija1jzIu9wy0zM7v24Xfs4ATcmjrVJF16qZy0sE2nD8QgchW90+mSfY4NcqUw64kvQEQ29lR9QmzueLEHiDPnxnj64zSrjHgW0/6oavoT5CBpSUta0pKWtKTNtAQ5ONMii2waTWMkIJY3UE2pzVYtiHnvMg8aTr3TNNKcXrYTLwCVO+JWobwW+LdW/tyPe3ZJiE/4SmZ4rLGA1WgYhnEFg3KnvQFWrOOBassRKSsCSvFEx/SzN7LUPZpdplL8m2qH6spyEcfMFLHf/T1E0p3GKI4+x+zDhFF5nUz/ymVEuscN5DHl8CdmeDZPJOFEDnb4/sYmorLFFdZSk3PQ7VJZkNHK+SXk6nvtrnVbiA4KjOyvXKDSXwv7HlDIv8BjilHf6SBiEvIivwhVKeiaDliT7TOCqCwi4mgSBZn449j73R8rp4x9DLt0a6ROw8Iytgs9RLFjRrxyRCyxj502jjmc4BiNNKO+FqL7WhXX2GXE2Bt3zXGZz2XqV8p/sW8BlfCG4w7PF9tlGJ2W6c4pDYFcCfseU0lzSO2CdB7XplRWzhXzb2/7xIqsNw+z5D1M8J0ikabxWK6UsxycLCtsFsoYp41NRJKvffpnsB+G0NffRRSvGnufjPq0lBOJknT6Y3MV2VKt06c1y9RBnwKHESFzx3nyA1RTv0tFwDSj/ddehQaHotmf/as/b2Zm33n3uzg3anOEHvYfjTKWJmfg9Z8CV+LW7es8H15f6heco6piyjBODfqEdEe8VlR+TMXPJPohUGMgl8a88cjdmci7wnUs5He7dHjMEc0RepNmRJyN8BzwWUkxJAenSF2EU9dTPm/GGBchCIvUh3jhOZxr2MO53d/esSgccWzxfCgzai/VsM/6En348qzCKXB7Vq0ImRRXJ6vrzftNXKcmOT7TCZ4jJ01UbbRHuzyXtBVH2MfDfVTQ7B/R9y+FuTTlM3saYmzz1MugBIVN5O+RnkUMLEYOOLepxBkjLqwKcVw3Rg7cmGqgbYVSs+IsrmJQNc9HZ66QIAdJS1rSkpa0pCVtpiXIwdkmnQOGK9LYd1wxZpXfR1O0H8Z8gujUdTFWSpw/iKoU+Lk04uNPBSnMvp4ee7YvsU8Ca9Mdx2KFRIfRVp6aAOYj0uu0tPJnXj6j1Teii/GgwNNh/s/k2ufP9DXDOv7+gNwFKqRFgRujEQ5zgUN6wLs8vxqjr7V1RBNiuLfbiCZG5Coo8snmcaymFO7oe7+0ij5vrOFV+vXb24jqwqnZEpnZZV6bZ5+/jH01gTZ0qBmwu4tco3XErmbuWSt/XnBpLoRkH8tlbUBPis01uLl99lOfNzOzP/6jP4n1GuROqUoQl1UHOarvlaguNxnrOuN1SHSjRBU7VQa0j+gsmcH+S6wsiCNu6iAMh+0zwg4YhwG1Iaas63a83Mx3jLoQAyIFBb5/0sK1XCESI36I0C65O4pHckAPDt/3LcXIPZuTSycrHxjpxmalrCAY0K/gxeefNzOzao1eFFUgQ40TXIt33oYznk/UJ0/lOznhSfxT981k4ltBte/8jvgIqnQxRoiqaqkxqhVKcbD9vpmZPfcyovqVVdxHkynmT5+RuKLXHFGCYIo5fTxp2K/+4q+YmVmvj3nbop/FhIhKhuM0nGifiNb75EeIAS/fE7HwJyO5U5b5vtBBVqZ46IMTuhZRl6CYR/8zci6cCsWUYib9MHiNSvT5EG9K1T6FAvZTpm/IAitOqqy8OaJewJCVRYH5trRKnYIs7oc81TzFtdAx8uRFZYlS5IkYiJMVTDDWPaJ80lORxgkpLNbqouLEpz+EES3a39mzD29DdbXZkboiULiQc2ltE8+TpVXwP47ItTo4kCsp51OMGEhpl+PJ/Uym0gOhPgLnfDANzRVPwdSEEFPvRsiC+2gV3EcldZAgB0lLWtKSlrSkJW2mJcjBXIvCUy30WL8gmo3i3djGgKtRVQVEbvxhHL07s5UD88hBQGqrY4r2tXPVxOpYWinO5qKcmHtg8WvsCy5/euoUVKkaqLykhVjhT4dY0bcaE54mI0hyDYIplfNISx8xalldRyS1VMNqPuNi+35ubL02VuIWAAkYMwI8YNRwdwvM7YUa2MeLS4guFhbQxzEjgBYdFPf3wbAv0ynu+EgRFFb+z5Llf/48+ATjEY5/+9Yd291FlJDP4rvyAFhdJ+pAxGR9E8duNdGnwyNEvHfuoK9TsvWL9I1odRHtTZicl6Lite8ib+xQKbBcLMf8g+kYUUKOUfiATOinn34WY5jFtRoRpcnl09wXKySYQy+wIiBXRN+HI/ShRB7AaDiZOY55ng2pbW90RhSaMSVCli3KNY6bMXpRZB2QZZ1nhUCLnIwsKyoyjPpU398nWiSOQmSRjUZy+qRCZiD0RVwMIghxGTd1Dfj+MRn1crU8f3GJfcR+xBsZsUZf4zkgd0O53EqlbOMhlS2HqpTAZ/IG4FesUqrzc4xH4wTX/cIGot3lBcz7wz1EjsfNBveD7Wo1VNAs1dDX/jau4VNXrlqK/fvG76G2Xt4JHueSHB+PmzhvIUqqxgiY/88R7chn0ZdJH1HviE6ZXp6Kk0QMFhYYzVfr5hB9aDRQ8SA9j4APtgmvWUS9h6WlJf4tbRWqMy6jry+9hMqRK5fh83F4SH0Q+acQgchXMW+ckXNa6cS59PwakCLNc7mUZsmDyDA/P+qRL8JqFuXgVRUVV7vQq8WhJsdggGtwZ+uamZnduot7tj8cWKGE5+HTl4AwZgv0XUjjGG2iPHsPqVFC1VaH1QuuRwRV1QquqsQM509eTSqD52aJ93iWXhzdXjPWY4h/bObak7wXoij6yKoVksXBmRaZ5JNnSxjdeWJiTArBu7GksYWPCCWd/mjPymBqcSC72FixWcfW7zf/ducnSVzyyEWEc3o8h4CQKtQiKsXIrIgvsaiL38UDNSDMpR/RyYjEGz6QBPm6vMGGbT3o8b1ijsIkxZSNKvhxPsnjBsrnKWJ0n+Q0it20ae6yvQsor8wyqRIXMiqvNJLeThr4wckOaZjSxjg2j3Gc8xQX+tSnQA7LpJ+2vV089Mb8wezyR806LEHkD6gkmTfPXTQzs5WVDY4fzu99itcIdpZ4zGEbIksh0wubhB3/7Jsgx1UrFdug5bSaSjZffgXkrIt8EL3xxndwupoA8fzgtaPIixYDDglq/H2P5YMzFJw5brIMMxjZhKmMDOFLQay+JKy9WWlrLz0r1iJoO8v50ecPUOSKyIith1wI6odf8slRGMULKYeL4hR/5NKOxpSLBt4RNULRfRJW84TJL12+ZGZmVf7A3AkwfyoslWxQhlcQruviWpeZbghtatOpUlSE1WlE5bJ0Me1JTpsld1xwkONpi3X0hZ49sVHZgES7pQWQbnssXz05xg98iZB4KuXZV74CkSbd8NUqFhx6Ivg+XmV+pEVB7AY8Zkkb5Yb7LdqEZykeNcX2m6v4oT6/iXFTdDEJJtbv4Tq2WzQiU0qH4mBa9GZJvBuR4LxIAaL1daTRJPq1uYbzHlNU6eYNGBcVOA82NnCPHrfxo/pw94FVqnh2XLqM+6BWx/1frWPsByRmnhxiDItcBGmex0JcfM5EnEddmqspsNl5CALiG99518zMpiGu6ZVLL+K4C3VbXcP9n+ez6O59yIQ/2MF53Llz08zMAtpJZyhEFvGiSPraOPbjEH2slTEumxdx/tVlzgMulBstBCOdbjsuWXdtVjbf5hbu86J5H6U5cZJWSFrSkpa0pCUtaTMtQQ7Otiiy6XQakzxECgmCWfKHTFB8yg8zkDDHIrnfniGKzB9EK0KlFbRvpQLUF60YmXaIiYs0SQpnozwZr7iOG0v0xoQY/q1yx0KZ0XmZZXGsbRtTqpQcOUuzfM7hSfVoYSur426HxiwN9o2RVq1et811rI4l7lQjkaxEISJJr3ZaiAQEzR2fUECof8g+oq85EvlSaUmyklhFISMGP3bEVMDDh3fNzOz1L3zGnnoKkcAhbXAtjlpx3kMSKQ8YZedyeW6H81lfvYQ+HlHilfD88hWc40UHqMCtDyG4o8jpL30WRju//3u/aw8fAClZW1s5s2ezEcv/VMrYZbQ2JoHKSbEsVYQkIVJCimQLSzLggNqthQrTEyxfDYIgltOecm6lCOF2SYKLKLmbJ9FsxLSDolWf80niT5qqQ1pbCxVTWk5pBm3v2KnFbiouByUaR0RhTCKqoH2JYGUkVV3EnOwzdXFwSDtxoleHjCyFnpVJijzcwXyql2VLPY5LfRVlFipMoxExS+ckD43PBzSoyjNKbxOB6g8xr6YUw1LZYYZIlFJBsgDP5GkffbgXCy2pHFCkSN0njQYtrokUxSkcj2ZHZaEXJBhGLOVdv2RmZpcuXDGzUzJgv0sb7j2gXQ92tyxiHy6chzSxz3zKHqPtalVGY9h3nVH+IoW5JIUe+LimW3cx1/cPDtg3XJslWlbv7eHzFgW9nnnmql29irSaw+fF3j7Sjw/uAxFK00hpcQHHJofWxl3M3QrFktrHeBAcn2AeBBzPZkvXAOjOp17+STMzW6cgVbGCPo6nQ+vxnrl+HSmHO/dBdu2M0Kdajdv66JMImNks+lYuYqyLWUqkp/BaL+JaTBzMo+3Ge2ZmtruDa9EbMD3hOabfCZGF5Q0mEy/JjYcyPdPvR2K8lLSkJS1pSUta0j6uliAHZ5o4B7Hk8WlGB3/rT5UVSjY5JjA65ihnyhWcx2jadR+/DhMfQLnWVEYiR5JTJoIgsyRJ14qIOCejnEp5p3wGEhEdGenQKCflKNeFv+srlMGlJe10iH0NKSwUkZAoSdZaHd+bTHBscn2s1ZKgUc9aDazcFclVKF7j0Bt1wgFKsbxrcxPR/fIycqUN2sJ2WO7UaitaxTGzKs90VMJFedgSyXItrM7/1b/+ql25jH0XGREvLyI32u5QzCc3WzYlQSaVDY1GFBaqI5prNrHSD9rY7gtf+qyZmf3EZ2Gw84dfhz2wBK7+y7/39+3ddxF9qORORMSXKZyzsoY+1Wmf6zGxPSUpTL4qIuwJzfJpH6sqRY1Du49xD6lGFYVmGY61z2jEozmTpK6HzJWmsyRUObP3gRAE5TudUAZWJMexEyGRGY8lcUEo++3RaYlheFp6a3Y6/5ULT9MgaMqoNsMc84AkwgcPOdcoUb25jqhX5Xi7NDkSMVUk2j6NwEJnGt+/GSJIvTbmQ54EVXFRfJZmBiTXyizJpatVh4hCqSrpXnzfkdU5yZNpmYRN0Xez0MosTR2xVFX8hh7RnA7nmEo3qzWWqo74HPA9ngOO/YW/9CX0laBhuYT97e3SfOw2hH0KJVzzV19+ybo0UlIJpnFulYlm5FmyWiriGmSzs3LsEXPrB+T9iDf08gsgJh4dIyK+eQOcnXINfTp/7jz3W7HjA5Ehcb49loGWeU8ukgQ86WKcOoQKRZa9+yHOq8XnRY7z7MWXwCXYPAdehPCu40PMhxal0tvkHy2tLNg6yypl6vQzP/c5MzN7cAAxK4dWzevkTizWce9mWFaZcnD9ffKidh+gT9ffA2Jylxyocnl2PFtdkkctMC8lToGI6nruo4l7pHYWMEjkk5OWtKQlLWlJS9rH0hLkYK6dJXtK3MaJyxPnN5qNdlzrEh0AACAASURBVKIoinNDstY9s+fZl9hIKYq/a3Zawaj8rXLqivJdk+0pS9yIDkRkrYeTySlPQStZjwYiJjtgljRSytbJMuyMlWLwkqd87HSIvp4wvxv4KnnE98YsI6tSynQaTmPzmnYbUdLWfXAJSgUiCNo3S5GmDHXyFPcp5BEpqVLAHKz0xdpWxcV4THElXqM+gjQrlSg0Mh7ajQ+x0q+R57D9AH1ZZ1XBSXMLx2budBx7rjL3TLGnlTWy9IfYrszzLWSLHAes5i9fRDllg1HJte++b+c3ESVdZD76u9fAlpaU8TvvvYk+MRrZ4PaKusYTSfwSxWI0m2X+Wmxl2TELFRDXY2/n2EJG+i7nToq5YCEnI0aOU84fN65emPK8KXXMcrKUg/MPJR/OOSzBpolqAV3xJ6bWo/V0nvNY4j1OXFXAnKrmWFzqy9xx82Cmb4JMeqyckLysGONtIk65nCyiWZYZTswiCSThPikWFnhsImIUEhoOse8K+QopGlbJqGhpBVFttiCkgGJANNUSshClsD9ZH3vmmUmAKEeJbubEx6wIOL+K+VJk1N7nvlN8UJy7AL5LmchclqjPgCJAkuTt9SDwVSrJlpwy5uWKTXzcQyPKiY99zgPpAYsXRcRoZQWR8pQyw41jRMZCTMRNePs7iLR397YwHrRNXlzG88dn9VBn0rZKGWO/zLLPzSVE+gWOqUq5722BS3RyeMjzxRgvr+J7l1ntIP7TlA+Kk2OcY5eIQ48W3q7s1es4vu9PbNgnWsXqlUIe+3r6EpCQDZq71VmtQqqO9TpE84i8tk9o2HREefUJHk5CoFoNzOX+gMZVlPFOpc2CSCWYeE1T9M0johaQ3xL/XJ35DfqoWoIcJC1pSUta0pKWtJmWIAdnW0Thilj6WJ610jGY1TBQKXqgmlPHzJ06Z78SS2YKKRD1wBVSoKqG2LEZq0+Jd4SOTJRUH47VtydBJubwvTQih2I+Ha8eA3UikMUuOQg2G/GZR8nZksSPyEFgffM0LREk9G3Q5Spc5j8UNZlSnrk76MS10hcZRRdLlCqmCZLybY0ec6YS3OG+QkoyT1m/7Eboe5ls9QlRnfEEq+/BUGZBOJfJBNtVq+W47j5krjcKsFI/ONzj+YsJzhwrGeG63Mus3z63iSqE/UMashxCXKlJoaZnroKNnOG4FZdXOD5D+9rX/gDnIaSI0fQ95jFrlJi98hRypFevIgIKOAfbHXyvx0oJmb+EEQ2rOK9Ua2/kmWycAxLR7Qysx5xmyLkVeBgXj5UuhQLRKXELhF5RVtkfqeZeVQw4VMiBmuh9T4I1EpzB+6m0JzdbCyJFPuQWKNLlHJVxkqSY+4y+x6zu0PmmiHYpAtw7QF53SJRDOiCqchhRLtf3fYsmRFJYxeMxcivSsrzGSodmQ6JRHY4L+nTxMqyHJSrlT/l9RtA98iGKtA/e2gHz/oRaFKv1RZsQZZEAToZjXV2B0JCsnKXR4ZFzVMiLe4LzLJVWeZ4yIsOxHzyEMFOru8M+0kY8hUg5NN9qjIBv3wEnQNoTi4tAFyT+NKTc9glFoIadWcG3A/I8pEnR7eF+4+1g5SLm5GQk4SY8szxzzWOcKjGsI+pUDFiVoiqkyVjjhXtV1QsZPqN6lDaXvLT6HPND+Hl9Edfk0mUgFLJK391r29YWtBBUERHQTn1lDcdikYX1yVnyCZD1OhSTOsF5nxD1u3PnBs+FVV597GBrF9dGPKkUq8P6vbYVybWo0sRtTK0ZVTepSbhrGoPZ0Sz8/SO0BDlIWtKSlrSkJS1pMy1BDs62KLTQH55RNZQcJqM0AglxtB/J6lYs7iheAadNTG45yfBFtHMpX8kuN5IpB17TojNIq4A52jBWzCNiEPF9Rsppr2xF5uszaayuY0teMlwl+ywuhSRVxbZ1KfnWNSyJB4zyFjewgs60KEnLfGmGCmBiyi9kF6xWQ9RRJBqRz4MtbeeprraEzw8eYCW8e58M3jyi9DwNl/b2sYpvtCkf6ytnjP1UFrDCXqZNcJOr9jZNlSbHHauIPc78navrFYqFjShtOBIiQvtnVmc0KF1748N3uB2irzTH9+gIkcDRISLDV16G6qHquh0LbaGmvDbG6sM7MO1pbmNfH15HZBdQhbBWxTgUaKjkMbqol/D+gJFxZyRZYFYapJiD72Hc3nwbUZ7nVsylsqF4C2Puo15lFYtyy47y1ZLfxnWtLSzxPLHPMlXspDC4u4dIaUqUq+ggmo0o0x1FnoURxtiXJOj0rNWsWYq55UKZOdZIjygcY3kRaMzB8T7PBdFYe4A+FRcZnbZwrY8foE9CM1Td4jhZCzgPAt4fAx/Raibm4KhKB3NtMMC4VHM04iHa4fPVSeOYE0bnTVYBNGk33qWhVykDNCebrlkhp8oh6pfwnhr1cT3z5LP0iNaVqX9wYR1VLpUSrkGHdfwV2qff2wK61enwvpkigl5dwbOhtohxGI737NYtKP6FvM/FRWq3WRHAqDXNG6IvYzKHmhGh1Bxp/sUKiQ3qIZw7f47nT8My8oj29qirkffs3sP77C+eA31Wpch+XpUS9TruqeoSjt2PgCgcbW/hb1Y71MkhECehzsqDZ58BIlei5PuInKX9Pexnd+9BbMa0eQ6cpFwe17d1Qt4TUUuZxwn1rdGi3OPzVaZhm+cxZxfqQAW3dy/ynMArcjnnByM8d5yUbxsXcJ6ZHD57650/4/hASyWT4Q9EbOzHCqQnVMX9MC1BDpKWtKQlLWlJS9pMS5CDMy0yKE+dVhAwkmKiVCupWN9A7keMflLmmeeKryAtBLLI9b5qxl1FTIwYlP/nLrPUDPdcaYfn+X2p9yk3y/cZYfW6vvmMJnOsn61WEKUXaM3sszJADP8sc4yyalUdfCDtfeYBFVFKrWyBhjPt2BZVbNuMNVqIALYZHURk125sIpoM6BVgZFdfeo469A1EKx2yzAtVjE+G0b3vYD/H3P8orsmmkiLHY9hDdDMZje3kBJH92soqx06iAbQuZh16zHjnKnzC81ZUHsS1xczBMrrJM8/b7+Hzd1l5EASvYbzcXPwdz9DPpRq07ru0812oYhxODhE9FHM478118BhkApVhjX3IfKZvtBEe4xxSaXEa8DoaCXmaGqeUBaykybqnngdmZmmZBnAOSkFQ1Qx1Ggcd7KKPLz2PSGiPVrW7u+S6UO2wR4+BnLw6/MDyrJzJFZgj5nWKOP9HRIaazMvnaU4TMVJaW0XULVXObOxTgLnbYXSqvLjFvAnyZsTdcVwrU+tf5y07dOWGj4kcTsRfoKGOw7606A0g3ZNKvcjxAKqxz2s2oHGRrNMVzeYLJUsRnRkO5ctAFUWWsfzUl/6KmZl98P6HZnaqmJdl9cXIR1+3aS52dAIEKkP0L8sKnBqRtTp5BPsHVCQ96lqfVssyWmpTIyTFqoMc0Q3ZhRc4HwZ93NtCDgq0Wda9nacpmDgZUkH1yGnqDzneux3rMQ/vkPchjsgCdT8uXUTEL7Mw2abnyA8q5HHsRaJb4gktLZH3w2s4IKfp3sMt7Id27ZFUUzNhbB9dpv25zMtyrNIpEQ0tV9LsE06THlrW62Nfy1RDHZAvcrAPFMdNocJEx0mlMQ6HJ7iPDg7v2YNt8D8abfA4Oj0873JF3t+sqElJFudMSyybk5a0pCUtaUlL2sfSEuTgTIuiyKZBaFGsiCg2LiPnaNYvQX4Hcj90HCfO78ucUeCCyygskGWzwnKljlSDrsoH5sPNqAQYSTu9wO0QgaZTdJIjJyHwUzZhne2UrmhGFrVU9UZk8KaowlVnnpapwvi88kQa3JLcxuLOmpmZDBOzGayAlaN0zDGHue+pMU/L/PTFK9j21q0tMzO7u32P40SUI4/z8j0cs8UIMk1tfZ+RZYbs9HyROu+LtMPtoA8ba2AhHx8dxRFOh94QI0YPWWrkK0qRDrv4EuIgdLhPMeTHjMalxz4JgSCIpT7oYj/vvw83t6efetH6XfT7wT1ED3IVfOrCp83M7LvfhY67VOlWl/G5vBPa7MPhISLDZguRVoYVBsUCPSZUQ59SDlJqfmbpLH0YOL9T1JrwqaHgkpV+avOMl+VF5F5rFURjX/gc/v7spz9jZmZf/lewtM7RS0GRpSJD2Q87Qdqm1N8fkLEuy/KCHP84R/u8Zq4eUbwX9w8QSQ3prVGjfbAi5aMTRKdSHs1mVc1Afwjuv16rm+t7M5+Ji9IzemgQjZkyFy9UcMB6dS8QUobzO7qHa7O4hDn54osvmJnZrbuI6lu8P7IMMccT33pjHGtM5MCnVXm6jGvz3ffBTSnmqBRI9cEO7cKb9AMRMie+RziW6ysRFSotTiY4/2MiK5PJNEYGdJ3SrJwoMhqXM6pDtPOoAWREFVR5ojdZPRDYmuQ7bO9t8Vjoo9QgJ+TXBNE0rpCokhuwtCSNAapXMsKXQ6SutxCjEjVH1uh+Wqe+hz7f3cVz5IB+Dw7fX1vd5PfJTViqWrnCqiU+FzJ0Jx2x/y26V25tYQy7RMikobCwRL4D74NUWuNIfhh/Aw7uQLPhxg1wmfaPMU798YE1OtCliDgXXd27QvkiKcTaTPsoLZsT5CBpSUta0pKWtKTNtAQ5ONMiO6MNYKfqhbG6ASNmoQNi/btSiAtD8325JFITm+xRfjVmpoYKQ036Baotlx49ohJVSERkMbvMqUvfPcfcdF41+tmaBT5Wla2GVOKQn9NqPJPBtq0WI+MmUQz2McPcdIor5hJX0JRHiM9lOEBffCIKpTKi125nZCHztekMjjlhMbA8AC5cAFO3QEbzwT4ivoMdRiWMKOuriEZ85hqbjABGzCE6ZHlLc0FQjEZ3bXUlRg5O6NQ2Vu08tRFGU+YriT5Ig2DIZKLqnVWkP6EHxUIW59blfo7oB7FIzQIxzm/dumEF+jpUGOF0+9g2zfr0TAZjLF+HW7fBIBdq1espJ0tmvIvXfp+55ZzcDslRYZWLXqf+2NyUNDiocxCi/2KhB1TE63YwXgVyBTJUZ5vQtbNcALLyO//6q2Z2qla3sQZE4fyFC+wztj84BLJyeDwxxxc3gMXirkqD0uwvne6okSDlTOWU9bd0EI6OpXOBPos/Il6FYD7xZqSnkMumLZvRfCUylNY9OOsqqcojnzoOhw3kfxfyGAeH9ekvvABnwU8TUfnzt942s9M8uaJeIY+ddtfGI/FYcOylGpA1IT6HjHTXNxARG9X48lTtK5AhP6SbZV+unkSDMryZ84xi9/ZwDxSKRCJTvk04zzPS9aDaoIawSwU/j8IWPufJyjL6Kk5Kv9/mscmf4FzuM7IOpL/C7+cL5LSkM1Yk6lAo0DMmEt8H5yG0U3OVpxc7ibYZtR/TxVJjXSaap8qbjFwt2WedkyoQ+r2hZbKzaMUeq3DE3wnpFSIuRY1ox8oyeFMrq+AayNX0A/o+3L2zhdd74Bb0hnJMxfMjXeCz3Mlaekj9j2g2ftdvkRRRYxXTaFZp96NoCXKQtKQlLWlJS1rSZlqCHJxtUYScXey+yBdXFQbK4+ljRmJylItC84QYCAkwcQjoWy/OQXxQRUIqiaAGPHOIHvPCcmsMGTqMGL2Om6wVzmD1WSkNYw6AmLxCH6aM3tt0LlP9sjgKWunnqb7GoDxWqVP1hiKFLKNdVxuy5XO5OE+p/GKXDo/vX4PegeOpnh3bFZk7X1lF9C7tc0l/TcaqoRblHn9r9S01yzQrLhRhjkZDCxiFOOQxTHxEGdIv77Ie2SML3Q/kEaFrIn1/5uRLON/tbaAcLvOXWXI0GtRUr1aobjbp2oiowpTcES+P6OLOmzc5hnKbRGQUcv4Ui/yb0Xxg6DuJ9jbtcR4wAs2SUZ2hK93GJqodbty8bo0mGc+MjIw8l1oJ6E2efI/DHebtmbeejjEu1Srd5kb4++QQUVqnIa4J3n/x518yM7NvfhO51CY1J8IotAy5I+kp3TkDzi3BViwaH9FNMcdwdsIa+gyZ7mnmnAdjHRstnqvsi5Q65d4n9K9xcmS1ApGTjNCF2by98bzFKQgCVSLh9Se/+LqZmV26BBVQeSp8+be+gvMmx8AjGujlXI4H0a/RyDIsIVHkHPMZOA7LRLPyBd1jVOFrYT6NyYuRc6i6Huuo8Hw7nR7PX2qHGKdpNI6fVaEjFT5yLnhvqZpBPhgFcgy8LPbVH+FebVERUeiFOAbOKUkL+6E7ZYWVSLlswWqshHEtw/PBiYzI9BcC5rq8hwnnhXwmFehmqby/3C31rBOS4JEg5nmzfzt8/nopx8pVIWqco0SdhP5lPCBG8pioLwodxTg1T4RMUnPiNngyR4e4BmVqlaQzRFhGrNwZwvNl6E9EEzOPyE8QAwL8LfLmEIUYzXaSaoWkJS1pSUta0pL28bQEOTjTxDk4rVJg1K/KAuYiPa7apJSYdlVz6phimClX4U5qdts4JcRASat1iQoE+p4QBqEWjD6ManXKoYlhHXDVeny8a0aFLydCNBJOuVpOyaVRrHQyuEczp3emqgEfyFu90Wjxfa3i6RA2xeuAkVMUura0hNXxOtnDxRwYvE5cG8xVNmvme9RQd1OzSIF0IjQOqrCoCHGgkp7qnh1XfZOLX8OGE0QyyrV7XLELWZHa4HEDbPPIGK2xRlwsf0Vfcg7MkX0sufMRq0MUvaZHnB/p0NLUc5DG/dBHFF+tQy2tzzGmkJ3lyEb2GTJUqlS7JNeg0aIHBcdHuv4uc/o2xusx1RvLpVoc2aYYfSsqGzD61NjqvBZK9LUvotKkWkLE1GnQz34JOdYU6//TjCTlA9Ckap+utZc2UwpVDoYRVSuFHCjfL2dIVf0ICZB/g+xLVXsuDopY7ELwpE4YIwlEllJZzyJ3Vs9CGgi6R6XPIKSsTYTk0gb4Mpk05uDtW6hG+MY3oWJ30sQxl6nJIFXTkwaifc3DUrkY8xgG9G2QL0eFfgeKaBst6Vzg8xarVYa8pjqHErUFpCjYIGojRCFHvtFoymoQbxp7iqTSRBVYpTHkdZMGQFzVwbr8B/QGkPPq+jrudYdITETUz02LH4VrXq3Qu4L6IEHgWBjweUYX2imrKnw5hBJRrVHZMEU0cHePPgh8fqY5t/U80D0s7pfmQY8oaezpwcqccq1sGfF3iDpJldLltRHS2mpiH7EuDNGNLrkXBVYePf/ci+wLxmuP/KoJ0c8cKzKyRdxf08jM36e3BFEZN1ajVMXRk7kFSbVC0pKWtKQlLWlJ+1jaJ4IcOI7zH5jZP/k+m4URZdMcx7lkZve+x7b/LIqiX/9R+xWZ2TSI4mhMUYxaLFs9a5dgrp1G+1JZC1zp+M9yDFzuM+AxPObYHF4KqdIJcVCOUMpx4ixolSqfuyL1DorFinmG/wd0SYw15LnvIgUNclxVt+k6l80qr0ktdbLU5RSX5TG6XebUmItsNBHF9FqqpQ7szgfgFmjlvkxmc54RYzyIFNlXHrzbw0q5Q5U6acLHJRKsAw/GOG9pjBfyeD04QiSRZn17vhiaR0XHGj3sP7gB/QEGmZbJY0yPjxDpDnYQCdUXlIsnx6I4y80IuZrP0GFSkdIkJM+C45PyzHJy3SNPo9umKuMQWumrK2D6K9copT9pEKQy4iBQk4J97g+BRJRymEcD5uodH+PZZMVKoVSy1SXUdEs9UBUlU/Y3T0+ONFGqcg7zJPDRhxaVJvsdJbbRp3oJSMtTzwJJOKQSnHgQEaOdsT+y0EP/fHINUsxjR77mNfUJhM6d3mTo60RqnTI6UV8wPzLkbJzecOHMn2K/j/2hKX8vJMyh02W1jHEY0RnUI19ofQlVGClqcgwZQd68uYUeBHQivXDVzMxKnBf3HuLRJbU/f4pz73SaMWIiNCpfVKRLdUaG/D4rCvoH1OpgdUI2rVp6nTfOVGqf4lqIjT/lfCpQ5c/LejHHYsqxEWqnao1qnS6uvAdbrDSJ6O+SpS5Gj1VBitLFJ1IErmhX1RtDariMx0GsvlrWsylbZ/9VdUOOARGGco3Ppgbmms4hx3tVyInQjnk3Q/EnStSNKBGBrC/VY60ZOb/quw77IvQlitDnAu/JQonvHw45nnSQ5L26eQ7PwAL1UU5aQBBOml3+DbSgPzq0aSj1SaJusRTiR1+V8KT2SaUV3jGzf/CEz/6ymf2Mmf3OYz5718y+/Jj3r31E/Upa0pKWtKQl7S98+0QWB1EUvWNYIDzSHMf5Fv/7vzzm43eiKPqNj6tfFmF1HAbKd86u6hV/OE5MGODbWtW59mjGRys9fkWeC+IzkDEe0l1RkZDY6tKEF7vWZfWCFAUjogN9qvIN+l0rMHoq5rEKr1YRMUsBUIqOcoLL5lR/jJXx4SHym8Uivr+4wKg/B+RgoY4+MSixThURd5c5+W53aNWimMuIsjsNvLaOWSnBXF8hQl8XqSqWoaaC3Cvl1zAeYt+O3PvkJTHAsadTsrx1KXiNUunQmh1EygcnyA279B8YMs/rESGpkXXcZ618qwtewGDMmmlWH2SZK/V91nEPca6FAnLzhSKjlaG4G1PzycsoTBjpUf9hPMV4nByz/pwaAiXmHzsBneCIlHSYWxZ6YylWafCaZzifxow0xS8Y9EdxlJ7ypBnQ4b6YlyZPpMBSiJNDRmUDchFcRFk2xRysMXpz6fNxnwqBfTLuJ2TQS6OgOeiYH2LMRuKBhHJ+pH59qswxoz8IozSheVPmaRVIBWTESyHPGPWpIkDKe4pW5W0SBoFZgaczYK6YOeRcRuqjGIeAVRtPv/S8mZl95jOfMzOzb337a2Z2qvOxQH2LKRG65RVwDgKiF7fvArGaTIWeTCzPfHMmrSoMRbqsQqASpMaDp2NFzg/XIQLACLk/mK1ekG5Eijl78Sy6QyIL3VHMV1kl+158kIDReIf3gxwSxX+KK4PopeH70lbguZDtr8/1/ImobjqR+muYjd0yA18OuMJ6+D6fFw3yORpEdTJELVSN4HrSYkBfsnSaTROZVHVChvwazQ+haMNhP0apRDUrl3lPEmUQClqvEjGoiDuhscUOWp3BTF+aRAruPdgys1PlyGYH942qFabWNmNlFU/LpkSKhco44cf/0/1jxTlwHOclM/sJM9sxs698wt1JWtKSlrSkJe0vZPtxq1b4u3z93yItU2fbhuM4f9fMFs3sxMy+FUXRex/d4SMLLYgrCJTXCbiy1urU5up2PVUxWGjGVbV6L3BB3INI9GtxB5jXshTZ5mTr+1ROFNP5NPVKjgL3k0pjRe1VuOr0czacICoYMqIdDhDBLNSQ107T6c6jsmO9LI19snBdrM5372Ol++F3H3IcyNLPMrJijXZJlQP0N88WSlZlfl9Ryf4+0IgmFcwCqu2NWV1w5wg646OH9IonBKCo02FO2uE1Ue4+ov5DxMjziG6F4ip4WcdCRbyMKj0q4bncV6eLbeUpkaJvhWNSEsRrr8d656JQHbnWMQfN6C4MuOYW2pPPmC5zV7lxemGUK9A7kOPjQQua6hUqu1WpET+dYF+NQ3IwqMWQlnZDj8xnRlKTCcbZDxH1Xb3ybOzPwFSxRW30d0QE5dZdZOfWFi9w3with0QYwmg2f+1OK/w+69qZS9f8U2WBovW0YxZMmFMmYtBm/rpYxZh7rKzxjez9PBGjNObFkL4YQs5cqRpOqPMhVUMff/+H//7fQV8YQf/Df/SP2cfAnAad+tro/2IZ3IlKjmNOlboar9GzT33KzMy2bgFR2foAyFK5iu+lcphf554CguBmcK2//R78EU5aqHcvL2Dclgq12JVRwqwDRpvjyayuQ45Ik3QwvEjVHuSeUFtgNJWCJjlLRApGrGaKfTM4bhPPMWOE3yM3JMVnmBuru5JHRX4QAQMLxuJmaUIRUZtQmyOQ5oiidPaZipNjTsTIoli/IHJw3aQxoiqlETkqqkbJi6MhRCAlfwzeD9w+K1SX936PaqYZIgpZ8QccPGcyfjH2iqhX8F6+IH0H6rromUOax5DlXtuHeIZdex+urFv34TlySL8P+Vm0G1SxJKKSyuD7bopKkta1dKxbQLSP94sTxUY+ZnZ6bdRiTYmPoP3YLA4cx8mb2d82MIv+1yds9nP8d/Z7/w97bxprW5redz3vWnueznzuuUPde2vqquqhqkd33G5PbWxjRBKjtEO+EItRIPIBA+EDMcgSCMkSCBEjASJWDBhiW7ZiYRMgceK2223T7qG6q7rmW3eoO5357Hnea/Hh+f3XuftU9eS+ra7Y65VKu84e1vCu4a7n//yHz5jZz6Zp+ta3uJ4vfZ2Pnv7WtjQf+chHPvKRjz/f413zcGBmf93MVs3s/0rT9PaZz4Zm9l+YkxGv896zZvYLZvajZvZPQwgfTNN08J1sQGre2zz1qdZTmap+IQlKmxOjmqf0EDJugXS38jeIFqp8eQrPVAzwGqTrZo1SM5gyFcIyX0COgnV4AEWefKvlDSsXyBHv0W/u+lPnwb4jCdOJIwPSHderVOm4tF3cucKynQdwcOC/63WptMgMOCGffe/Qn4DFpK/X65mLmvTD9YY80cmyx/lPVfzde458RFM5o8FSzrz1V/gbbsUQh0QY8TXYxh/4wPeZmdnhsSMVL7/2khVRK1iCdwAVz8am9w6feNznS/15eaAPUCUsqIDFMk8XVEYcrDEOiyGSBz/IUyLHvdQWID11NNNzPjs68jl9/wf82bSI+uKLn/+CmZmN4GzsbHuevXwtpHefJ2XWQR59UR4W5CHAi+h1ujZAAVJr0Eufk0YJulOMSeGkH1uisT/D135BwqaqtTHLnlHliRdQqarC8vk5IjmwWCrb2rqfU2/d9st4peUIUxN9vrwy6vAeRqy7XPHjL86O2Om0r7NtLZEZ8MlPfL9/zqF/7pkPmJnZT/74T5qZ2W/85m/bNkhBo+pIweWLj7JN/v7dW44QSEH02T/6QzM75Qm1Wr7NTTwoLj/uCF135L/77f/zXMWXCgAAIABJREFUH/q2Bp/fFqz/UgVXvjRkdquzLKVSXBlp7X0Sy8yp9v/k0K9JeUqIH6URl5a5SkXmJ4bTEHFNFIsl6/eVQumIT0MpjGE5a0KopjJlYiZfaZVzPDnUv1cyZqEopc4Zxn3mPRFn3g8TqnA5nC6ojLX/4g4oAVRKCI35XPdoY1uXVWDViiNUmRKp7PsqLlelUs+4EjMQsjjLqfBldXCnvE3Oy4AMhtv3b5qZ2bU33fVUvhZDEjfrNVfzXHDRkA1Gjjz1+q6wWpj4IeXMyTPjuQkxAJ2xM8f7uzHeTQ8H/w6v/9PZD9I03Tez//zM238YQvgJM/sjM/u4mf1bZvbffbOVpGn6kXd6H0Thw9/OBucjH/nIRz7y8edxvCseDkII7zWzT5jZHTP7R9/q79I0nYcQ/p75w8EP2bfwcPDNFxpliIGYvuEMX0DVfZz9JmSvi+xJT2oE/yihd6b3w0J5DdoX9ZD0PSVC8hrre2jtYe9Phv53HffDXtq1XseRgfkE5n/iFcuIPn9VVThPqv2+Pxkr2W0hZzMYzkJKRHzY2vLqb3ubCmvPVQC7ew74KOXOf+M/qtLrzJwdqTaaKCnObTlTulfyyq/b8/2rUwFL9VDj7wiOwdoW3AZY8B94/0fNzGz/yJGD6zfuZS5004nyLXx/7r/lT/6PP+JZAB98zp8NW2XvEYvxPuf3fZzPhCBMpr7OYeIVgqCEEiWzepOjydjmaKU7Xa8W6uJSMLU3r7sW/id+8sfMzOz9T/s2/cPf+h0zM7v2+jX23/e3KNQKFEPnYhc2d7kuPoRXQffuHFhKBTjsiwtAf1q8ZE7sHn70s6KfD5urfmwmVEATqroCbHNap9aHKb+yhsJgLjTsNHm00cINjtTFAnN15bJX7Sds/8GhM7gV2thr+5xf2PEcg+HQt+XoyLuJRZLxdrbdpe/OHe/vFwq+LTsXfPnnNnxfvu9D32ddUJvHrnr+xCFZEceHzvtYg0uwCTtd164yGGogbwXUPm/ddc+Kr7zoPWdlepTw3FjAYVFVGJfjTKUw5PzQOaO0QHEMhqgWhkOhNaBSQVwlVB/wohZZZgsoEOsR8hiDAhRKscXklSxA7VpwkMQx6KK/z/rZ9OuFZoqbUMzOwuX02jIoVwm0Yo7iJpGrp50iX0rPrINutdb8XjXh/VJG35cXgZRWWqcQEd+HETwhpVPWUBxYxtli3mLdl1KT/4WcC9fXV9h+X/cYhVEd3lAc+TX5sZ0fMDOzD3/wh83MrNf1c7TTGTGPvr+DiZ9fB52vmpnZ9Ru+jUek5KY2yxAlIR9pclY7sKyK+/OcrfDNiIjfaBzwWn+I25OPfOQjH/nIx1/Y8T1HDkIIFTP718wfN3/5z7CIv8Tr9W/4rW9xPOg8dTYjW0/IGYs34xfIhS3KOAZqtgeV/FIdBDHZQ/YbM7NYyw7L/bjTdDX/SxVDHGeRkWZm1h14pTydmQ37OHsN1c9URrpXD62AU1viz1PVkldTUapqxavaCq/1pn/e6XpvrUD5IS396royCJyl3e/VMoe/Y9QJ8hOX1lnOZcltHPF40lfPUEjKfA67HURhlsJaBonY2Ha+QAN3snkiP3Tf5n/1038zKz9v3/EndlV+J/QEuwe+zD/4J26xocyBhOMubkarss22kevemLEu5pOKegZjXBVI02Y2GPp8DIY95shRiZhjMqG3/uv/4DfMzOxf/9mfNTOzn/87P29mZi+/5H3ML//piz6vh7686Rh3OpYfp77t4wE+AVRzhVCzOQzuuSpX+AnqS8/wlJjK2RBie1TyCrrMOTpEIz+cyr3N574C50T9b/lFxBnqNbf5TIiQL7x9QqomXvoRDngJvJDNbT+n5PR3YduVFG/dcsRATpmXztPPPe8N3RQ444UXXYHRwoPgD/7ZH5mZ2cbWRQts78kRXhKocSJUKCtr3peOVG0rSXTFt33MsTwiffHgyHkzPVRCFbgFU7mZSpmQKJG0YQ22ocdcqcJdgCx2SBkcgBwEjmeMMkIIUZLqWHINc87Kc+Bt7issf9QeZ2qSSEgpipEi955iUNUOV0L3skTeAnI91T1O/6yAhlLlT7hPzkGUCqpNk5BlyZSY+6uPOEK0senX3P7+PusiwbAj/wc8I0A5alT7IVn29BBCJX+AJu6Vjz7q/CqlOj5Ydxcz3seyJ8KmUilLF9kfYxs4ZmxbMvdjt3vfkYb9PeeidMeOinUn3LPxvRCMGKJTTwkdtyy1VOjMd98g8Xv/cGBmP2Nma2b2u+9ARDQzsxDCx83s+TTlznf6/qfM7Of481e/4y1J/R8lPR/oH/KzJkhnoX8dtjSKTtsDmc2xfxaly/+Yy0hE8GFGRFycMV7K2g0shxuUtJJJwLK0iESnVLRqk3ZCZjKiEwrpELzNVKSuhV9ANcg6IYiAB6yOpa+g++5A1p5IcfSPQ0XQXC0z7yjz3nS6yqvf5A/2HfBRKFJvcMK6/ftVDJwqmCJtbPg2Hhz4BTY135ZdyJBrM/8HrE6oi26ysxBZi/dkh9vp+FwV1rmBxoIYfV2dtn9+767f7AdI3YZjZHVcxLKVzbSB3PTKBd/WCeE20/HEYo57HYOZLciQYeY3rd1dX5faDX/0WX9Q+eiHP25mZj/1Ey7S2dl0OeqffO7zZmYWIWlU++bl1/zhQUE+/bHPa7FUswIatBFBSyP+YQ3c/GLOD0HZ+gemC+FK76fIT3s8kHAPtWKZf3B4aKg1eKDj/Dk5PrJ+Tzd3v2GWAnG3tLQ+8fFPmplZpeqvd+55O+WkDZmWdkLCPwZqee3t+vm0Q+T3ENOjN2jX3Nv7Ld+Hqq9v9NZdixZ+Xoj0pzba5Ueu+rp4yBvpfGE/awusvnsDts3PSVlCV9nvAQ9RM2yJiyVFZft8t0/atnvf/4FoAKNLwtjhgSOD2SEJSsI7nUn2piAeHyKs6uFbscm6j+jvCClknNSz0C8VKAO1MnUfXPi6cXDP5NdqXbSamkcebHjAL5W5D7Eg1UVVzrcm10KlWrXNrW3m0Pfn0nl/COywbZIcZlJWCplKEaM3tdG4flZXZIvsryvIrNfX/EF+bYf5LMvQift1kmS28HGRMCcKFxWJfdoFXVqdHQqhvX0nFsq6+u59f4AVyXJEW2448wed464f+06ftiQtokJIMttv3fijzE5f9//S0jbp34uHaav8bng4EBHxnRwRNX7RzN6HbPEO7z1rbrNsZvafpWn6x9+dzctHPvKRj3zk4y/W+J4+HIQQnjGzT9o3JyL+b2b2r5jZx8zsp8xLtT0z+w0z++/TNP3sQ9umjAJ4ihwIKbAsPlgmOLyt74UoIzEqMCmJziAIMCqyiFqeTgXppQ/YHfm6hV4gaVSXgq8lhowuxhzHYpsnIiH5U3Wj5VWq5GFpVukCtU0FZWJYdM+rMEG+7WOvUg5l8Us1XxSZx4Bf2bjRaJzZvYooo2CTUsmf4EUEms18G9sdr3D7fcXFEsB0V9bH/kwYKzYVBGKt5QS0p9/7HjMzW98kBIkH7JPjdibhe/IJJ56pWptRCtXZny0gzBe/9rKZmVWRT90lmnY19W0VMfFUbqVAJkhlBYVrIU+bL7KgLBkDVYlw/pEf+kEzM1tp+bzcuunVxv6eb+PnPuvPvE885mE+xxyDy5cJahr4fBweevvmkYsOrwvSH8/92I9n/Sxg6qTjc7p/5NskgliBaOJUckFeJ5T+88TnawYiIiRq0Pd1l4hfLoEgVCEdTgf+u+lsksn/Dnd9+5644sft0iWHkd/79HvNzOzoxKHXo2M/Bn/ykiMiay2XC9aw9i5X/JwWQrB74EREGdbIiGoAklCoKMFpYSXgcsHgak0NIPtqfyXDjSpEFe86mtE78XNc0tDTCGjkhSZCXm3pb6GDyTzNTI46J0SOcy+p0karlRXN7q9j5nKeypJYLSzuSURY99qgAUFooX+uyvvqJT9P1lsX7M03vCObVfpYGLeI6I5M6B8mSA3gdloWq6sbbKO/XyWwS5HFO+f8urr0iB+7gwPuL8deaV+5ejVrN7553ef2xa/68X7qmad83RNi0Ln3PvV+P08u0kaSFDJBPtmjHZOARKidJ3llZ+jV+2Th1+w6pm1RdGoDLev6Aq0OIQqnwXMEzWEwtXfo6N+Ce7IM6oYT0M7Er5O9fb+f9Ilj1vUnqaffV9TKkCSVNmtmvy/iJb+ht5EkyUPrOHxPHw7SNH3F7JuTK9M0/WX7s/ER8pGPfOQjH/nIx7c53g1thXfRCGYWncoHM44B5BAeyWKV7ekyLyB9QMoYZcZJy4TCOYiBzFuy8FvCgKJMugJhMRZyEC9tQ0p/KjMUScRdiLLfitzX7/sTbB9CYTL3J/xA32o+8ifd2dTX1etAHJoqwllGKkT4stHq9wZiRfU0OxoOM9JVCdOSPtLEfaoGkRkr9GHThcxNZLnq1VeI2HaR2wr+vqRdxye+Ty3kc/2B9yqHEPLiULS1Fa9sdnf9vQ5VlSSJIfZqdv/Id+zw2CuA+/e9slHzVZXwRRCGk7ajHSdErkZnSKUhklFRbHOsqWU93EXu+cUvuOztUz/qEsYPf9jllC98xV3Bj0EEJheonIqyePbK8s23kEUdOBowwbBlNOX7zP/6StX6I8yvQJQqGAtNQGHqSFwVuJOZ2XCOTeciXKqy8tdqQxHGfowKih/n3BfitLNzLiM/1qguFTDVqPu6D/f8/Hj+q24C9dq1L5uZ2e1bLhMcbfl+PYXUU8tLuD7aqubEBKKyEg8kFbo1nFgJToXQh07Xj2cTiZ7CwFIsqvchHB62HdUpRswXxNMeXBwBjRHbdioNJqCHS3cRkiySWMZZm8Q6F5Ee7jEfs4nvVxUpb0C6XIyFDIBSxJj6KPI6I6T699ZrTtQtcE0fHe5bA+RsOvbjvbHu5M1aFQ5SKhtp3zaFXJVrIi77Np2SAv13LdCwJt9XaFqcER39e0d7vSwGeoFN+scIt3rsCZeg3r3v57kQhIsXHPnIQp843yU7bp/4vAnFWYGD0GyCxEAWXeOcn8J92j/Yt21k1YpJVvR4gzjpTQLKyty7roF2HJ84GpFkxnX++z1QwJu3iIrnfIuLft9pQYYsVzlm0dTGE7+WxHNKZiKAiLBOBDfnltCO9AETv+90vFukjPnIRz7ykY985ONdMnLk4MER3jm4Qr0nPZGd/Yp6iUkaMtOWJHuP3ySSGvF0SO88pUrJqvCCEAeWLUtSLTiLgJYdhORFq7ymWbWQokWbTYk1NX9SjbCEKFO9VZFmLaZiqxOKRD/73LY/de8hxTk48CfhXt8r0SHGPlJxVqs1K8Fst0wO6n+WiwplwfRkpMqnzH76+7KwLdfoW8MEl5Tz+MS3ZTDw19euPW9mZtfedOnagACbjdVte+oJj9qdjCTJwrwGU5ZxijSPfu6QKkSft9te1QzHVEYt7/fLRjZ54Knd7LTS0L6kaZpVdrGODYfv/j3vkf/y3/NAoOeee9bMzK5iCrRC31cV0tNPew+2T0+1fwAiA1N6ipmOeAOHIApxMVi5DsO75Md9dcUrxKNjn0P1UssESV26fIW/fR6+8OXPmZlZtQHDG7VKFM+X5kv9334feSUqiaeeeibb31ToE9WmIrp1ngzYvz0qxhlBWh/+kB/Lc+cfMTOzV2851+DcBeee9FBWjJkHHeuUa3gCclMsFU0ZRAukZGOUEKq6xSGYo+7pjf08KJY50ediuPufDayxDzDg0r5MlboFmlFEVtdvjzJ5nPr69277cTyVNqPeUTQx75dQL2xsezXfPZHiwJddLWI/zTk9G4NQcA4vsFBPbWpN0JsVwr4unufaKzoy0D7xc6zV9Gtxe8e/3xv5vGQIUhUEgeun10MSnGCOhVHV9RuvmpnZ8Z7/bmfnnBUxSmrWkQ03QZKQMK62xJfybdK9R/LQ7XM+D+IiBa69CYhLDZQjLsILUZgeckyZIJ3b3rIYyabQz/M7fp0oVvoIrkSv7/u5ve2cqyR1XtDn/tivk1Dw3//Ax11pdG7L0Y4q8zzCdOrw0K+J8VQBZ6NMhi5DNdnRl8oKkPJtkDlcFo+9WDy08KUcOchHPvKRj3zkIx9LI0cOHhjBPExEBiSWhSMt8wfe/mR2GsN8arEMcqDwEvUbtUyV2RwCPaVlXNPMDhPkINO3ioMAYiBTDBZQiGpZ5HBkDbbbq444QhMPyzyZwnSNFJjkT+srLb63oBeJ7XCj7svdRCvc7fmT7riLwgAd73g8yaqlBVXkiCf4Av22Fkzmjbr379ZWfZkvveLWxSMiaBczrySiWFwOf5JeK/nT/JYMmmDMS+d9bt23fTKZ2s23MMxZKLzK564uw5R90IpVQqxK/vfFKzDG1/y1DAP+1p3XzMysTdU+72D+gla6DOtfnIZ5YlbnvSlVVoL2PaVHKvXGl7/koaEduBRPPukKixB5lXFM/Ovamldv9RU/VmsbLV696nv92jXWA7t9MrfW6gr7Z779zHETjXgX22SFXS0I4pkpEAZkZAbCUGwQPbvwV3lLiF+h8yHFZnZ946Ld3/V11FYwCILPI0348bGjUPfvOOKxs+3VWFzy6qyOudWTT3uQ0rOHQpJgiidSCoiT4/M2h5UuTlCl2LAxJmDjkX9WhoU/j33/2ujXQ0EBQxjr0O8fJSAtLT+XG4RHtXt+Lo5AIhTLLPtlMcyr9XrGLZBiIiJIq1Lya61SbrEM2Y+zjYRejYmdXnQxJuP9boLpGHwg3VZqxFHXCZuqVstZxT9HbXIPtVKU2QP7ukt4rCQL+aTAK+JaS6nCZyiVxvTLO4cYOZ0QAnaEoRPzMJ73bQrSNWOO3rzOMYGDJEWAUNyqDLdM1tV+vk/gJExRAChgaTRf9osoVnUfxgobNKxULmQIoKLXk+DH8dobvo67d1xJc4kEpcXC91MBVk+/571so1/zRfahVvVrUzHlUlCsEHCn4LLuoGPhPAqh1Jcd4S0yY+5v7/k2DQbiB/HvTvh2DYa//siRg3zkIx/5yEc+8rE0cuTgwRG8os9CjzJVwiky4O/LJtSWv2cPulrqSW45rEl/y1XxFDFYdlaUO1kaZStZ2tT0zDbJdS0JceZjkFJlF0ESqrDTpUdO+E2hJGdEHANxCiw3VAmyrbCW5fYnzbp5MWcFqprBaJT1Yfsj+RYQHEM1qp7hHNVCuwMrmzAjeRA0QBhU3QzlzsgD8rhHTHDkFYJ6zUf0SaM4ZDwPVbZSSqQz8UHQPlOtn7vo6obekG1EGXIEm30KP6SED4IRL92nElD1loXhlIoZ96RQkgIEJEnMf7YtUJ3tHnglLAfJbRjSTen74XRstFw5oSplFVTnqOM8AsjslkZzOzyETS2L5dTnoUg4U2vVl51Qfd+jmhczWpG1c7Z50Pf5WhPDHnRnwPyqD6rfr6xtWBuVRhH1QEJFlDDHtZojIgrBUtX15q1r7I9Xfq+86n+rOpd+fzaVCkbafNw+8TlQb3+0KFlQ31lhR1SyMb3iMYoZset1Xci1cDxzZOHGbT93K3xe4jpY3/Drqt+jCuYYy348KoQs/KwQoZyAwV5GQVMpwRMC/SuXfP8b6/rb17WHPfk+oVHt3i3mjxAhrNCLxSa/83vBfB4sTVAdwOC3EggHCEmz7sdXrnyKbq/BMTk+FEqBmx/nwYy513lw745vk2KWJ6Ba+/s9q6AE2tzy6/j4iPtEz69BcRLWQcy0jgXXbh+Vilwot7DdfvoZr+Kn8jiW90RVoWg95sG3fXWtZWtry1bKvZ5fu489TsR9TcgqQXbco55+xrddyKSuf/Eb5HrZbnOvwznx8hVHB6cgbp//4uft1p1rfMfn+i6hdv2RI2qjBb42IE4BTlo6Tx6w3v/ORo4c5CMf+chHPvKRj6WRIwfvMIQEnOYbLEfahih6x+/7/2f/x2/EV5AfgS3/bcvIQqaRzn5/xksh40EsBzOlc3ra09jmph4pTn0F+RbAwsdkQTpsxaUi+7aJNLRyxpv4Oo+OvXKWg2IWzTxXj85fR6OJrdL7vnDRWeRllBAbJXrlde8lD/AcOD70J+K1dbmt+aLljS7qd58++SBDENi2wxPmYzks6/j40I4IWJJ/fwxDfJTKndK/WybPYTSiIuqSjUAPXhVCKaqy2zDEK/Qt5XvPPI9BS5LhwgKVjip+eQUUYMQXiINtwskYDX0ZCZ8rJjkCGenj86CqVnyYL31FvVflJhjrrdj0SO5xZCuAHKwXYVsv5GugbaKXbPTxQTVS+CTjARURWRTnz7uKo27Sd/t5cuGCKwsWi5FN6ENP6IWXqaJHuE4qBvkKSonDIz92Lfgg+2RrHOPZoXpwPPXlKvRpPJGbI9UsaFqIFUKW2hyVSoFJmtBzt5lUGMrc8M8HqC+07P6sw9q5nnAMrBN5XIVnot+JhzOd+nKrpWbmvirfkkIZhn8RNIrMke1NZ7qP8e0fM1/veeppMzNbW4edD2q1Sm7I/qFX62L1p/TRkf9btdq0stwYyTooRMv3v5htm2pOE9+fIdkTEwK7hIxsrRLA1ocPQVja5jnWAzcjDcSWh5BxcDIHWK7JbtLmb38/yzfooKAgM6EUL+ea9Nr++a3rjn4p/6BLpkfCdSPn1stX3L0xLOIsyrsLl+royH+7tuLoXZVreKJzjutIx8qUUQGaVcVHYhunyHNSe+D9IvRoH7Rwf3/fuuR5FFEKDYdwa459+wt1DqCEM9zDQ4jsYYU258hBPvKRj3zkIx/5WBo5cvAOI4tVZkj3fCokkGqBtx/MU4i+3lPbsn+BOALKZcgQhFQeBfACpJAAcRBbV0/YseGYRr5BXCxbtew9wmrZq3A5G546HSqFzl8X6bLWV2iFVBszKp5Gw6v4K5e9us1cH2EIHx05C/fe/f3s/4c8PRdw9tvc8qfmOAgJ6LItvizpeY/5/cnJEetK+Nufztu4E45BA6QHjzgoilmez0a2vqrkQn9RVLNEKWKl1yb+m+M+yEvJN2qeiPHu39cxMRNfAJ97RR2j+6801XOcZxyKIQqGIv3IMSXcAkVIGUfDqCg2Pyl9A9/GHvMpHfzBvjOnmzV4I/S7T/CBiOjVXli9ZAXFCnLyFGNFbcPnkP88ezfmuGo/DX7AnJNRDnhDKsRdnOBKrEfR2F24Gl976atm5BnUSA496rrGe3vdq6rjrvevV7q+P0o8bIMUtOlBL1iOOCz9IUgCvdgFRgqx+EGKSM+u3WCFMt9hWmaoD4IpGdWPwQxEbIBrnRxIKyADgetG18vxsR+ryZi0Pb5fI9tEscqTwTRzH5RnPmR0KzA/BSrhAfvfavh1Li7SPlwDKYpWmo7YNfAJefZZ94U4fx4fiI6fhy++5I6Tnd4wS1dVrXjMnKuaF9yp8yfiDFEa48omKph4uaKu4Jy5telIQh2+zErL96Hf9/Xu7u7awYGfIx0q+wkImfggATTz+EjeCb7/e3u+/7pvVOAmKWnzPsdOfIgaaoUCB115Gp1jn9/r116xIWmjSsjUujbW/Bx97ElHca485moFnQfirKiK79/0ZR7Df6ri2TIhjvzmDb92795zzwK5pnbanSybZsQ1uM66KzViv4uc7xDCTo9ZzjnIRz7ykY985CMf36WRIwdnhvMHlIAof/LwwGeWfR6y/j/PWCHK3sscDs+gDVIZZMzeSAiCXLnoSVNRJCgOjGojoYeaZr1KPAzQbIeoZJOESmaqqtqfPsVGDvSx5M4mtGIyl1vjmFfWtWBbKCSUFNmh7zci90Dzsr6+kf1WaYvtDqjCXe8BTmHqKkthbdWricaU/WCq5XhWg41//rz3/RJSDgsFnvKpNEZjrxzv3uRJOp1n3u5yZSzCJpYfeRLTMyQJskTFmFKNTZlH9a+FwAhoiSKqeaW4wepP7LR3XeD4K5VR2Qex1sWyOnhHyL+ijMNfx0iZw0u9icsa8mwb4yAoBKok1ALv/v2jXSuS2NdIveKLcaNTlT2Dc1CC/1DAEU6ViHTYc86ThH0pFVWtwdLmctC899mnF1543ppUm0o8bKzAlcEBczT1/bx+63X/HpXfMefPGARmwdx2+kd8j/43apeKPCzkAyI//7KyHWpWLM2XfjudeNleLsu9lLRN0CkBimW4GInJWwBEBc5CkWNaw6NAXJwF2SUVPPrL9WDjkc/h2jpa95muSS0LfgLbtL5KdgL8hgKJj/JDqNAPP+64amFAyukR+RaVslf5jz9x1dcX5raHKmU88Wp0tqB3Hnzbmk0hS/6+jvcs8WM5kgKliMsp94sa55tcKY/vkjT6J54n0sUPYqW1Ym1SKYfkvEhhpHTNMbwpXXO6YCLuiwOQtc1tr7CVMDnvc2w4Bkf4hESRrm3xg3wfqrWira3hFHlxiznDQVZutah95lkGCV4ufd2D/HV7Gw+WHryqY9/fFujOZZJIW2RWZCqPZGIpyJhFUg45d+TV179iZmYnQ/9bqJyQxMU8sYcEHOTIQT7ykY985CMf+VgeOXLwwAjmDN1TzsGyQ+Lp+2ecElP5HsQZEnAKHWhRZ9wWVYTG0lbL6B2kIAERIGVNmuM6qWxxYTmNsWz+NFoqVzOOQalAHzqrdJd7o0r0KqNzD5wOC/rhSqNUopuxrvl0OWlSzoPiCSwWp3ryrS3vN54750/RK7jJ6Yn3tdc8qUzMaDmcya9AjneBbZBPfwRzvr5C/5w0t6SHpp59GU/mNk29jzmFXV0EpRmoCqUaUY91Nl7OschcKVVJKxghUXXu657gSZD5uHN1JSG1iH5tmb6kVAjndi6yDl/X7dte8YkQkTLJcvGb08efg6jMqJDlmFjBe6GAU9oMVGA062VciWLVN0z93G6PNEEUEclcVRm8iDHOkvw9Z3/nvF8hUXRR5HyRvwP73GxRQU5GGQ9hTMW2srqcWzJq+35WUY7Ik0KIgVQdbTwpFlInMB/i/IijIvSmqn5/UU7571zpAAAgAElEQVR8Q0tBVeS+J3c5uc1Np/SpceOTMmY2VdUJNwX0rlwr8DcInXxB4H0I7Zvjr1EtxXbhvFeNSm6UKmU+Ex/C1y1nvOM22QugU2USEBuZ/4Wv8xIqoXv3Xb3ypS/9qZmZ1atkdfhsWRrPrNslMwWPhEIsxDFhmZyjIAknx74t3S77p6pVUivtd+T3gxe+RhohiIM8TqKSoxqNtbJFZXxA0uV6dTiVIsrnJUslhUsSc28r4DR51MYpU+gv/JpyRQ6TOCGWpMjx7601/ZpdWWll5+9g5GhEAe7RxUuuxlnfdGVDjURHpfSWuDdVKnKm9fNpSNplHCtXRvfP5aTdAxJr2/0DSwz+Cym0b7zxspmZvfyap7VOU79/LvDiEG8kRJE9JLFCjhzkIx/5yEc+8pGP5ZEjB0sjWBRF2dPlaS62KkchBvGZXykZMXpbYmOmOZWjYaYhXvYxKBb9abO56hV2KaISxFO+ilOaGM8V9bWpMOVeWC7VrUzqnp6yVVRJ27yQfSFjBht3numWvW+riiqkvq5hV1UrT++xP22XeCq/dMW16ePBJHPR67a9SpCL2nRDGe94BpSEavgy1/FCv3PXe2p6+u72vFJMMmY1um561RO0xgF3txYM6tq8Zidt/21Jmn8pGYbS7ZNvIKWIdOscZ7HTR0N8EahG5Gq32nR05OIjXmGN6Xvfve+uZot0mj2Fr5IrLw30eKB1wWjnOKfq/7PRsxpOkqg1quyDPPml3x9xsAcwrqXRn6cLm1LBhIyej0Mk58MaHAF5MCiNslqTGx8IABXk+oafoyUY9cORV3lCkma8Qhy3Uql6qgQAVZBnQA0UY0Dff0DiXwF3vU7f9/vkHtsEsiBnSS2nLq0+vxNnpQBiME9JYOyPLeYcill3hWUNsrRBfAtQCMiVs8e5KH6HVDwVeuwRRzuZKaIVNQtwoc6vWbqwhOq8i2pnNBixDFAbzqUix2xlxbelQHpr6Pk6T/Ag0Tm7vePnv0W+vMuX/Rxt1LiftHybkyixlO37/Oc/a2Zmhwf3mTNf9q2bSkb0Zc6ELHEaTThfJrhQ6v4ibwX1++XAWVZ6Zc8r5bf2r5slsvLkIuV6kCeL0ghL5F8Ug7hbvm75ecy5ZxfhCZSUa1DTKyiQuD9ch6MhSGUIb0OOY+6nd3f93Lt7z4/V+pqjtatra8zH8r8LTeZYeRZDuFkd0LFr1/z+8OYNR1aO2z7v/dGh9Ud4yeCImIoXg6ImjeTZwrSJF5TknIN85CMf+chHPvLxXRo5cnBmpGmasdpD5hD2do20vxqvmsaCBSoBJXvpITTKnkaXH+vkczAcLjvmRTz5jmb0qSb+isGcxbFcEOUZ70+jxeLYahX5EqDvT8To9afPjOkPu3g4IuN85guH8Gw7m+6TIP//Yz1LLpQPQL8PhvV4SH+3XrdUznSpNPX+nT5Vl5Z5fsf7ePv73ku9ft311w16gHOUEzJ6UCVQog94cETqoKqxqXIxpAaJLILxr5474oNM3x/oY1vm6yBZhg4wvWSe1sUwn/I0X6zjuEjOg4E81cvygU9sMvfj02v7/rznPe5s96dfcvax3AkbqDLUx9VZIyfBTZIV1UMNwfch6zlSvJRQpggFsCi1OU6HCT7zJSEjqvQn6s/Tn1317T+hv3/hnCMjq01V0hxbMgWKfZ/nlGpue2eD5fn8vvDi87YCctKHQ3HvrveIL277eVApSd/ve35ISuPegffDoxIJoVRtldi3RaoYJePJla7elMcFvghUiIN+P2vNSqcuNYaQD/EiZmjplS2g671JcR6ozuf0f6OwfFsNkaphoSa+5k53bsdHPrdi5Tca4hihqqj6tkn9M5riC4IGPw6CZfxlHb+IGZ4MR8euRCjCRbg3vGlmZt0RFXZ1xdbX/ZiUYt+heoVqnfuDKDbnNx0Z3Dtw1UG17vulzJajY+cu9PANmWbqHl/e/QNHliro/dMi96PFIssjUOiMlGJyjlzggJgydwsTQqBsAf+dkNpSDWdR5msGGmQ4tBbIqohAh8rMc7myYjV4HPKvicmmSfhNCU6C7tmLha+jSdaMkMmDfX//4MjnZZE5svpyaszbE088ZWZmb93xfbq337VUnhKgdbq+RxMyIaa6V4E0MX2FQuEdUoP/bCNHDvKRj3zkIx/5yMfSyJGDt42QJSPKt16NnbO9KDuLIKSn7lQZpyCrT+Ll9+V/wNNpQhU6GtAfD15BKJd8OPcnX+WwKyFOFUaz6gzaKMTWhxswxE1OWzCf08fjMXMC2pAJJ6h45mMcvF73CkGqhH6H/j4sdbFu5filino8HpqhdBBHQAl+o/GAOaPCL5DjoAqXCkGa3wa95WvX31haXgWFxQw1Q00ZDGzrbCpnNLPpaFkTrf7tBAZ8sYDjY1hO2+uSotbv+veq5K5vrD9qZmYf++D3+SaTPbG/T+ohPdYGfe9HLp+3/UOvkKOif9aseFX9sfd/wszMhsxLG6ezTtd7jUMyFKSEMCFLAz8W9abvk5wkV9fEygd5ED+iYJbidDiBpT8hv0GV8GwkPgf9bVz20rn/PcTRbj6Wxz4VJsxvQ1EiF79m3fkze/u+78m8bkeH9Ho539u4MjaAxFao9HflkEkvvdbwKqtKf188D1XOVy66Zlz8iOFQ7H5HHpTqJ7fLuFywki2ndGY+BVSTQtbWcPQT16bf93kTl+e0UMPfP5aPCComNPUxJ+eI+YsqM4vxHGmu+n61xAXgchA/ZJUkwI7yTFA1yfekOyXnYUDWyO199kHr9PkYy7EU7tLocM/u7YN0gVpJ1aN7jpRV7et+TKZwdEJfCAPX03TEPCjfZFm9MkKBNJiDtOF1EUdFKxbI2gDNK+LeWoL3EBd0rDivi0IG4B7hbyKvhSnrUBplRd4MbKJcPitln4dqBfSkULMKHINM2cA5ptdipsaBL8a5VQatkxNiYSZ+2Trzwd9BnC0cKTl01ZpnkDz3oStWbcGDqclLw8+5w2Olbzpf4fU3XjUzszfecN7CeNx/gCv3nY0cOchHPvKRj3zkIx9LI0cOHhwhWBQXM4TgtOrCByCSY6JebenvTJHgv15aRpaemKUy+mumPadaW+A+NwBBiMTGJXO9zpNuoP9pC6r9iXzekyxNUYz36dif9Os1r77SOV4BQfpknL3ox7apmG+QaNbv+VP5o4967rg80vskIyZU6Z0jr9J29+5mbHn1egcwdaXLlQvd3FAZBD3p+xN+n8pP29iTFh+F9mCk+Ep/7fC5mPOzmXwlClYvewUs/3X5GQS0xMdkLdTqPqcV/CFq2z5fj33c+QEfeN/HWI5XxMM21elb3g+v4XhWq/vve7jTJWFmTz/uSMEs8bns4PjXKPnxbB95hTyfqHr1+Tk+gmSCQ5ziEaRCCFmWBL1peBOHOOI1V6RqWGTHogB3YkHFL1e6QGUkn/8xDpEb6+4lX8Vjo0lf/JgkTCEyyqoIkebev1+Fe1Es7VsC0jNUiACXTA+HuwlOj0Kz1rbwx6j5/Mlj4f4tL7c2UExsrTkfogxfIqADH+NZMaIHP4JXUSwVsv2tVHTcS0vbr+p1OpQjZMr3fK4nOgfZh2ZDChyfjz69d4Pjo7yPGqhfEvczBE38hil9+wKVshBHIQzTgJII9EcoX2arwv5WV/wYqf+fcj7FICuLQL+/OLEh0GC/o5uTXFhFAMA7wuSYytcmKKZ4Iy7oXse5KgRFboYoDsTp0X2o0qhYjRwGJckqCbRc0pzW2CZQCCCAIQmjZbgq8lKIUj9G0YK5HqMkUQJnBEKJX0wp0f26ZCMQ0BS+U41zKtExqih9k3sx7w9HcEk6fj+RT0gT1KsQ49rIcgd9v1/2e/u8+rG/duOOHZEx0gdRk7+L/G1Go33WhYcL6Jf79NhDGTlykI985CMf+chHPpZGjhw8MOSQqGpfjnB6fVuWQva709TG0yyF5ce3TL1AJSxGeBk/g2ixwuf0uSKvPqtl73eWC/55pYiHOn2xEil+o5E/YY5HYyuAcJyqFXxbxDpfoFOukmAmDXGF/v4a21D/gG+DeulT/A+KVLty75rjJX7psld5xUpi06lvt1wW1QMekEff6foT7yzLuJ+x/f69GZICOd3piVla8joVkAjRUmIYfeSCKYvCzORMNpP3PzwNeAs7T3lV+qGPPOvvN+VOGbEun3MKBHvjmisqhuiVJwMlyOGfAKoT4RjY7bZtACJwcoJ+GWSoUvPvDsfKmcdbggTE1iqqDfT50pbLSz5VnoOQGCrzYlV5GfAD5qOswlOvtFLF4VBe8RNfZ4fkvkA19cM/8CkzM1tfITmRBLtK0be5XPRt7A/974MTV568deu6b0sFJUXoWRL1+X98DHx3LEV3XhenYMWPScTxjEgOHXI+VenRRyhn4sTP3d4h80RGydaKOwV20NTHwBuFYmyBZeoaeuTCBebWt63X8WWpGi2hkZ/NqIypgMW0r1AZCt2roswIIIrS/ctPYTJPrM11cAR6VRCDPyIhM5B4ue9ZE1Yg1dN82cXYz015C3QGJyzH961HmuMpgEnZz+0pCacMf2VmKDVSvWvdD5XiKvWWXBpnqF/k76BkUUkIxIsogoZEbENjxZdTrpSsWFy+x2ZcAxAPKWx0TW60/F7TKKsq921pwM1och4pm0T3aC13Dj9EKY4Rco96dSVD7eTrsSIeCLyohP1S+qLcSetklbz08stL89btoAaaKm/Gj0l34EjBLPFj/fI1d7F87foXLZTISonIuQHllMtm0eAWZaa90YMvD2XkyEE+8pGPfOQjH/lYGjly8A3GqTrBxykLdJkNKgFCCFGW5Kbfqm2XfVdPeHrkwxksSumpseg5Pu4LWPtT+APSL/dwBpRuvFInva1Wz56OCzzpD3tejRwekrpGkd1s8vRMP7NML02uhWsr/hQuDXYP9UOR/lcBFGNQhSFNn3t1vWrTqX/nGLa5kv5K9P/nTExhSjXRUm4DPWFYxy20w/I32N525u/TzzxpZma7e66oGA698nzfe736f/31G+zrwl573ZUOYxAOVR8zFAAJVf2ffu7zZma2v0++AV77jzxy2czMHr3q63zysfeYmVmVJLw7170qvX7DEYWbb/n6lCOQhsQSMg6kcV/FCXKEf7uy4OtwLvb2/ViFgvrfzBMVYLNJJVT37yuTQnyTagvEQXkJ47nNUL7It78sPTueESPQF6E5P/hDnzQzs3PnvIr/6vMvmplZlzTODz37cTMzOz72ymdwQMVNn3sC1NJDqRKi1FJV274bVoVE0ZLzJ8d9wrbU4FKskGRXpuqUh4TN/fuqGFcu+DHZP8RtbuzcjkIDtEQoUjq34VQqG9+mkxPfrxR0IZgq5SrvKztBXCRft3rK6sWX4VrsbIL6cUzlmFgEOQiFUkZTEpfkzj3PQthvu0Nob+T7IXRvssDJD/Z6uer7qz65kkMXeI8UK/67esOv4S7X8Dzz4i9k96iJzldQvBiYSve9MkhB4P5XQlmk+dDOyM11FS+KAd4TJRCmwcDnOYIDMx3MbTY6RXTMzCJQvSZprZFcPVmHFDTntxwZkhNmCd5IU06QnD8isSg5NBRkjLCc0VCr1a3G8RJHRCqOxVyoDghyLNdb5Zj4/D31Xr9PCJ4Z40x697bfq3qghLttv890+460Hff9WFeaZnP8a+amxFecPgOozGjZbVP/Bi1mi1ytkI985CMf+chHPr47I0cOHhip2dJT1ylPYJkZHs6kMkbZk/MDWQq8FovLagX1BscoA+IyTOb6shJCVX+VrIASvWWlMy5g4xfL6HVxzGu1WlbGK37Y98+qVJfbO+6FMOhSOaIBDjCDB/TOM24CWvQmSYqqWg+PdlkX/vZojmeoHlq1uh2Qm36MP3+WTwAzXq8lqqiV1rJ/w96eV+NTdMwl+n/6e/e+fz6ZwW6nEnrzTdf9ygmv2+lbq+nroBCw23f9iX2GNrpPX7YB1+Cxq1fNzOzpZ97DfHg/WF78vY7v297gPvPp58yQTPgCKoAyPv/FUsEuXLrIHPo83HrrJvvjx38FdnkBfwJ5CNy87QhIi88FWuk8GGn/Tf79VGMjP3YVUhujUslKlBfyzujBLUilxw6OQr336SfM7BQ5+t3f/Q0zM/vM7/+BmZl9+md+2szMPvUTH/HPf+f3WK6jRAEFysULXtW9cd3nd74oWKXi1WQxkheHz+EJWfeFGCSAgzVCKdPiPL983l36AqmlIzTiFZCVrRX3P1Cv+e59PAa4lkd9P0az2cwqoBWzniMde3t+nNfXHJ1SjzxJlln20u2vVHDEY91anjI32iAptYqUOP55yVDUzAe2seUISJNrSWl8G9u+7Jde93k66vg8iVMjRGgydA+JLNUVTKbEPJapnB999KqZmd254wqkPRIAk0WSVeNC6wqRL6taYX+YB2VLzHFn1L0pVnhGKsdE9fv997V1/EE2nLPSboOWcU8bDPo2h1Mw43oosw2lyO8L4mvIk2IK/FnZ8nmrsK1tclS6qZ83toI64Uzug46hfGLW153DECyyOSjtaKxkTyXD+t+Dqa9Dyhopr4Z4dpzmxfi6pyhkbu86cvDWniOL90/8tT/wk7gz9vvqeHZioajsBP7dSOWUKK8aHCMF+zwkhcKDI384eGCEECyO4wx6EqHk9CHgnW2Us0CmpSOk/182TsraCiL1FJAkJYd8D5iriBVrUXJDDHo4kSJgsDmSnenCX9vdtjUg0MlKuH3CP4JDEcN0sYugtiyHK/FwMZKtMjeDa9f9H9693XvsErIjXitYPh+ftLN//GX6NIXsJBg1SRVfC8EMmdyT2Aq/771YPg8V5iMY1L9/hO3s3v6b/O0X1pB9zKKsy3XbOecPRSnYYgvjoMef/bCv8/GrZmZ28ZL/Y7ax6Te3vT0/Jl/4wueZBz9Wh9ihFgmeqhNIczFss69j9hGjltnUOsTiDnho6SAXHQE5XtxyMlwbieP2OTdE6fT8+zPaSDpGKTcqm/tydJatr6ldgTx1dGp0VAZSn3AOLUaYvSSSpPky1/kH9uYNfzB5+eUv+fdT34e4wD/2c5/zYtFv9sWSr2ttFRidY2aZdLZuizGyuBgrXeBj3dQHHV9WSTHItMhaPKic2/GbeAHo/vUjf9BbAPk/90FvK+3uuknM3bt+ftQhE5ZKPs+vvvFKFgNtihpmTicYT82w7k2Y+51tl3QKHl+v+T/ss4lilrHV5lxvEjA0wyRsHxvmjTWu/dqJ3bx5iznF1IyH/NfecALigLC0ckw7jjmt1CFLQtSdTiRp1D/QDeYFEtwxEkh2uVb0czYqxDafLZuYBe57yVTkQGyUY8kpjcH9YeT7e/68Xz8G0bPb8XVevezvKzq+wLFNJoQopcUsnKrRkNyPf6B5+MsIyXrwQJbcPvTz6JEr3vpbW/F5unnrppmZHR0yv7RECllSEWZkHCNJHLvtTvZQH2L1hDHuopjo0OrpDP14jiBRHx35+6nMsCBmirA6GtC+oqjoc/3ovMlCpGI7bZ/MIEeH5e1OEl3Xy2FPUSHO7ZPzkY985CMf+cjHd2fkyMGZEcdxVt0L9nq7XfJy7HJ81lZ56f+XEQRBU4pqnmFROudV5kYyi1nwVJnMZHoEVI1sKqVCDISDFKLYYmw/BQ+2VhUd6uvsEP4jm1/JIPUEPIVIFgh3GkIg6vf8VRJIYdwzqpkFJjHzOD0Nowoy70E+SQUnmaVIcL2eVwAvvviCfx+ocgrRbm0d0hdP14LnizyVb295tSuS4CrR1/3e8LSFQaLUBz/wAd8GrHon2Lp+7nP/n88LqMbGhlfhH/vYD7BO3yXByw2qjq+94NKlCSSwKYEsd+46hDscju0Yj9QLFxwRUEzwiLCryWzAq1cn9/Yd9q3WMcfCLtliWdP6vNZBElQsNGp+rGdYXMe0GdK5GYfHasxRCrxdwPZ4CmGzCCTd7Sge2o/3hR2vAD/zmd83M7N+x/ez2fC5r9EKOERmedKWfTdVX6lkU8X7gkZV6n4+nDvnc3fWLrle9209PPZqa30DMyQQiHMXvXrf3vbjPRg48iIo+OJlR42e/6of29U1P+aNVtXGhIDp3FwgkxxAGJPlrlKNZhybObLLeV+R5svSNrX8ZuxjmVZZieuvCjmyXCtY+x4mNlh2P/eRj5qZ2QqE1VucQ4dIYLtIgQ3ETXeeOuuIueZl/XzS9fns0CKcY1yURbzHZWtBuFu54HN5dOTtFd2jrly86sui3Ygyz7a2/fs7571ltr66yX5jTAZxdYpd9PGhH5tmw3+nijqkkaVYu1+97EZrQp0kzb10CbtsrsEB6I7QT92zJSuURfj9+3f9d0VJyP2Ylll3Ecmn2pKdfi+zhQ4QLsczn3Oher2JIwYLU+CW79/BiSOq4wnmVyAIMrpSm2FBS22BnFf22sXCKQK9gJAepSKB0h7kfirb+VOOPEhDkthD4iPmyEE+8pGPfOQjH/lYHjlycHakaUZK1Gt4G2IgZEFyxOynpmo6nEEb1OtaQCBJZEEKkSyS1I1lzpEqTYdEFRNNm4WCUO3FWLkW6TGWS6XMxnaAwUoyF5JAvC9P5QP62UMMYhJ6r11+Z9kTr8KikOZAdlOlNEtEdAPlWPSz6lqEQ8nohgS/ZL1zpIsZUSguL/09oprd2vKKsYVE79x5rxTrtXXmy7+/QWTtRaqdN16/brNY/VmvAF99xZ/w2709tpvwH5CADaKq79zzeXnlNTfzaWOLulhI6iVJpKxLscLNUAB6laOJJfT1J/Sj222ClSAhfe0V75FLJio73QnLrtAH7fT92IiIVKKCEO9l765XNVn/2GR41bB6TfHFRDVTXcvet0y1ubnhc3v+nFdrj192W+j7u17F3r/vfdzF2Kv+p551YuL+ga/7YA+DI855cTg6/UPb3fO5VNx1ieOpU0yV4v6xHxtZMwdKxjffes23NfLf/ZUfd96IpKH/xz/4NTMz+8Ef+kHfb5CXPmjGXdZfb1Qza2mdtxWtyzfFqpy7sSHlHWBUBGq3QH6suVdfuILBWa3l665XFPUrcyA/tuPh1D76QQ/eugtZ7c5bXulOQMhefw1UChOslXV65Jg8zQnDKmHdXAFBTGc+X+dA3CT1K6Qiti6yfS2L34Fkc73hCIAQtKnshOHHbK3pWvRteeLxJ5kH39+TE0mefRtlUCbS5damX6O2kHlcbN2uUBlHG8R7KsiKGQ7WhQt+Tt71yyUzaJNEeA+kcYbscB30TyFrqar0WNJpCOEgCqsrKzZDLjpW8BTXRxVjsRbR1SVCkYZDR2cWEHH39+GsgDAlBJ4lBE1F2HbHpiho7KRBmtI0OTXey9AHkrhkk01cevZvVfKgjfa7SMoYQvh0COGXQgifDSF0QwhpCOFXv8lvPhFC+EchhOMQwjCE8EII4T8IZxkWy7/5l0MInwkhdEII/RDC50MIP/sw9iEf+chHPvKRj3z4eFjIwc+b2XNm1jezO2b29Df6cgjhr5rZb5nZ2Mx+3cyOzewvm9l/a2Y/YGY/8w6/+Vtm9ktmdmRmv2pOIf20mf1KCOEDaZr+xw9lT6KQVe9ZgExYRgHe9hqpP2SmukPPbuq3il2u/lJQAhPVxoKnydQkf8Memb5nBfvkMsZDpUhGHdin0kMcDvp2cOgVb5v+rVAKhRLFCpSRvCeRbSos5ZK/PxnDPcBGt4qksVj1bT5i+TFVTMCAZTobWbGgUBt6oQX16X0ZW1tenSisRlVtiQAVhV2pOq/Sz16BP1Gv+/de+OpXzczsay+6QY+Gqpfde3s2IJyl3sAYiKp8hBRpHoiapuq4g9Sxi5nPdKInf0JtqssBRGkqi1MqAMyTguyKi2lmlHLSvmlmZhP6sLJFXiguGjWDmMuSKPYGHEQTmuPHqt9detuShbYRDkoWJhTbhD61bJRDSiVjy+Nrr3zFzMw26O9fOu8s/UuPuLTz4sXHWYefk6vrfix3D736bfe9wp4usIBlvl+/9pKF2Pdn85zzF2ZB1TWxv2OF3sCgl7kTaE0f5KTc8v1686az+p//7efNzOzllz26NkL6uHPBq9SdRxwN2X/Bj+18NLMS3JwZCFipABIQCVk5Y3bD6KnvTxmjc91gt9fhS8hcbJPevFC0Mq9F287uITrvj+759rV7Pocl5S9xXGegXHUUE5US9sGgEpcvOael1XRETUZGh/T7dT1KJdRt9zMWfvtQ4Wji9fj2795xpKhaBe3jjBlOXb1y7/Y/NjOzbY7pY485kjCG66NrOZOGsi+PIu+dTGdWjBRa5LyGHnwF2YjfAxG7du0LzKGv6+Ilr+J7A98H8YtkwBQXQTuJk5ZCpVWTIsvvDZ0u8fTpwsoNqXcw9Zpgc4wKqYJEc5JIaeNzq3M3UTSzkGUBrzKym0siyb3R+FqmgjvlFpxGkMEdYmHJ/KyF/4P/Vr271Ao/Z2bvMbOWmf173+iLIYSWmf3P5myNH0nT9N9M0/Rvm9kHzexPzOzTIYS/ceY3V83svzZ/iPhomqb/fpqmP2dmz5rZm2b2H4UQvv8h7Us+8pGPfOQjH3+hx0NBDtI0/X39/7egsfy0mW2Z2f+apukXH1jGOITw82b2T80fMH7tgd/8G+buH7+YpunNB35zEkL4r8zsl83s3zV/uPizj2COAmQJzFT5GYLABxnVIM1+9uD3/Meyt+S7Qgr0XaqMFH1ziJctWKfyO2ABCyJKad1blPKU3/H+uWKX5/OZTdBlF2pUhixEfgZi5kZVKn1Ca6bYyRZhL1dBMcRZiIMYs14pbV/2KqUctZb2cTjsWZCPAX03Vf7rayssi0phAiMei+b1Va94Wo3l0JoRFqwTOAh33/JKot70zx9/yivEcrysZ+60x1YgvKTbZa7oJU4J7ZnxBD+PfNka5aLvwxoGTWIMF2M081U/EQ47XlnJLjjwtK/epdnULCgAiQhmKpHv1FUAACAASURBVP9J4vtZwlCmWNWcw+eYLcfn6vqagTxUCvSHOQvrq1KD+HIXHJN5klgHs58er4VAQBAmLoZV651D9ze4f+z9+S++4JeV7JIpNA2Kgu0MnIvwyvWvmZnZ3UP3wxBHY4iiptlo2tamV4vTRBWQpoPrAGXAFGVArSy0R0gK52wZ7403fFtlXPSRjzkHodny5a2sE1CzB/en4vM+nU8ytc6UXrqBvtXKfj0E8YJiGedgAU58dgNugZADafOjyD8/gjfRxT56dcURhDLV+2ySZmiUGO9CCipwBqYLhRYpaEwsfnrrJayMsRe/u3eNdfp81Cr4GQQZFeH1Uffz5rGLz2UmPLLgPj7xSnkIQlJI8K3IfovKJxo8uEibc//Yvef7Ld6LwpPUMS6X/JiOCC5Lk0WGlKX01rfP+Tre9/7H+dv346VXHCk8auNj0vDjOpj4tfjIFf/+edAuqX8AZqxcE4cFVQycFHFgjk7u296h31uu33SFTHe8x2eEpgHXZTbkqKAyvwIpSUAOkixPW8ZGGDCVl942/cOSLh4w49N1n8WgyyiGnzxg3e/fix6aH9L3Qq3wKV7/n3f47A/N71CfCHLq+ea/+b/PfCcf+chHPvKRj3x8B+N7oVZ4itfXz36Qpuk8hHDDzN5nZo+Z2Svfwm/uB89/vRRCqKWpfDPfeYQQvvR1Pno6mEdenvUxEGAgveoDy/JX/W0he8LLlA7Zo93ZDRf8IMY4NsPSq8JFSHhNQRISqhs9rctuNRCfa4XIClQTkR5Yl9QUp+6MJRzLYvpXFZjNq1nIjSMCw56Cefz3swnhKPx+gN5blsWzyTiLZta6BIm8/KKzr6VmSGHbW8YiJojK5M7mT+XjgZAD39+rl73XWMSF7NYt5m/urxv0wculdRvC6J4QBjUa+rL7irkmMrWE3l0WxgsqQVk2rK36tpwce2UxPIHTUfRXRd6qpyquR1yIM1TGAqxo+tIRWuk0VbAWFSFVyLDvFc0E3sNkJGWBL2cTW+WI6lVxwelMyhPft3M7O7ZOzO211/0yuvKY2yTv7qEFp3rvdn1eZqkinH0Zz3/Vgb6nnnifmZm1235CHBw6dfzwwCssac+LirwtKw63kVnLzrHBXsB7EZohrwR5LAg6U1T3BCvaHtyDrXVnr//MX/9rvg3HXt0NRoRBjfHwIDL8CmjXa6+/aouJFDJy00T7XlCKjRRE8II4vgHkYJLIo2TC71BGTOUgiRKHvvkEpGoqB8bxInMfPGF/9/ZcvRIRhpUtw4QA8TdV65VLm9nc+u/xecA5cz6VH0iN5fl89rGtvndv17bPofzBc2Kz6FyTycSX+eyHnjMzs+Mj38ajrm9jgfNDlu/yR5nOcHEtLHu5iMtRKcg/gJj28diEsZZBduaJ4qB9bsUdCYX3mpnZZz/r1sM9uEUbq77NG+uOzkSw/JWvVOC+XFbEecmRNZl/PPOU+2HUW1dMYq0DvEnaXUfAXoHPcv2O85v2cef8wue/zHwRGoeHwmymez+wBchJEa5LmnBPF0IlK+QkyRQwgggC31U5H0XiN3CvkdX/In1IWoXvDXKwwmvn63yu91f/DL9Z+Tqf5yMf+chHPvKRj29xvBt9DlRjfzsPQN/yb9I0/cg7LiCEL5mFD4cQLMqQAmUnnPnuGUPEBzMVznoifLMtlo41zRpP8nkXgrD8ZChpcFQMD37NUkXzJlG2gcoXWCTqfdGXSuReKDRC/gSw+IdebQ3nqu5wiku8slB8sJzj6jV6sXgUpI00C1ISR0D+9ec2nWUsJrP4EQpSmRKs0sFrv4fLnlj88klIFsqc8H04OPCKaYVe+/GR8wAKsZkpGpb+bZmAnDLfHVEhxvSKJ1NiUstUPoBRfUwK5/RF5wF0pCR2N7uqnqMQiEViBdj40oJPqJyjiu9XMj/la5iZzUAaFqA68cK3dZMIW8VHt8peMUm9cOGiZwcU8JJ//Q33BTg8ObRx34/r+opXirv3vdJfodqaTlFnZH4Vfiw2NlDKUPUbHI4RToLHx96jPu2bU4GDYjTqzPNomqlIKnVxLeQZ7/OhDIVF4uscj73qXEFTX5TTXd3PvTJR5f/7r/2KzwPoz8svv+TrpJpttuBXwG2p1Wt2SIBWFr1ML33I+S9FiRwiEyo7+fBLpSLnuxg3u4jrTVyEGO7KdcLC+oQ/RYvo1F1xrnOG6hrPgSHunYoYrqGUWdny+Wg0/fWEKneF82Ntxc+LEeEM2m/lnzRqPr+zycJmqHbqdQKSNr1fPxriXsp5s3PB+SJXnvDPbx84CnhMzomqXHm3KNwoDYphR0lTIyxOiqRiag1Qi2YTJQBx6kfHXrV/4QuOWp3H5+Dcpp/D1687arV3D55Awa97cW4uXvZtFiLRafu6n3nGvTsWnHdf/NxNn4Nmxao1P257IGEj0Kcf+f4fNzOzv2SOpCwin7dr/4L/9s5doTH+evPmDeaPYCUcFjtDfw3cdxQRnqEFIc7+X7wYaZUyDsLXRbEfXgLT9wI5+GZVfuvM976d33S/zuf5yEc+8pGPfOTjWxzfC+TgNTP7qLn0can/H9yQ/1FzUef1M7/Z5Dd/cuY3582sbmZ3vhnf4JuO8AAqYO/0dJYZWZ/5W9yE8IAFwjL34IHtXXo/TpX8qGhOOWGJIKAfLifHzXk6twX9rIn35JIktTj26iIO8jXwyqhKilypuBz/a+myB3zE7yYjthF2cTpf9vkWb2JMEmIPt8PxdJzpqBew7Wf0lgf0UOcLsXB9UUqVG9Bjbx+jMaYXLa91OQb2ejgKwuKWBnvv4B77ih/+dGBjqhA5lUXQ0GO04nPxOeBv6HOL4AGAasRwL8Qwj+XLPhC6Ix3zhHlSJZVmVWSZKnRCxkBVzmb06aWBF0tf/I5SEz27eXX7ofd/0rdh7tugCut4H4Y5FejWqldax4cnltLcXHCcpAGXK2Gnq6wBP86lunqjvq3tniME7Ve8AlboYgOPCnlWaP91rOS10KhXrFIGRUATXuA8V1ZGALa7evVRMzO7d9ePpzgYJ23lNuBKx0Z88Yuuf9dJLQdO8YYmE84BqrQ0SrNeeQfuSLEg7TseFJyrDZCmEqoOeXIUKkqbPONBAceiQKUcV7lfjLg+Mj7AIjverTWvb0LGLfLvVhssi0RNubPK/0GcErmV1mq+3x941vND7rxFguoZNKNS9X1ptCpZtfmeZ3zO1+jfv4VbY6fnle4J6oKjG37899v++SHOmJJ3FGLdy3CerHD8m4qI9zEEUSiXqlYlE6RM9PIKLoxyJ7x+3dfx/POuhCkXUONkLou+rGOSEff32bZj3Q/U9/dtvHtbjqRwHDjWlWopuy5U8XfJpzi469fHMPH398j72GBb5UwLWGV9/FWkvAnKVEj4G4qBXFF1v1jMElsI5c3cN0GDTfeadOnzjNv1z7la4Z/x+i++w2c/ZGY1M/vjNMWh5Zv/5qfOfCcf+chHPvKRj3x8B+N7gRz8ppn9opn9jRDCL8nrIIRQMbP/ku/8D2d+8/fN7D8xs78VQvj78joIIayZ2X/Kd/7H73zTUkcDMneqZcboabIi1YcqBfEAgr9r9vURg7PoQ5Klb9HPTVU5sM5FtgBe9WuY1jglFotkL1TrVq04QlDFPa3RgI1cJQ0tpiod0+cmZm1B31s5CPOUqgQeQJL1xvwJuNtBH01CXrfjVd1gMLAR6oLxUJ7p0pTjcZ4se0SoylROwZxe4PaWs4gL9Fyzfq3cHOn7FtUOFxsedz4LIwtSBFABzxJxEBasCyY8CYk1PNQ76L1nC/Xg6aUWxbFADx+8ipH2XBUCgIsVi2Yz+vHjHil8qA9moA71Ok6R5NUHVds4Ha41navx/R//UV8OaM3xIZprjs3Vy65AuHXbgbc33nSGdbVRsapcKPt+2R9OHG3okWQolUbCbWE8gVVP5SMlRZZGCoKk3nITXsCIYz6dqboBYUmDVcu+n60mShc4FqqUpRSYwslIOO/lldDt6RzzdXRIVlyFFyEvgeeee46//br43B/9sZmZHRx41VsqVqwCkjJGTTAmA0C6dV1yUzzx5d2hJM0qTqMTziP1/TWkyBFyUgOBEF+oUoxtjGkEQZ6ZAkj3mkpZ+Q0Jy8Ajgfk56Z2wP34spMXfP/SqtrniJ6EyG2agRistn69SqWStls/ZiDTBGFXSccdVCY89+Qjr8G27cdPXVdr3vy9dvMJ++u9OyA0ZjXx5mStspHnxbR/Syw9hbKORsh78XFolXfHqVV/2yRHI0Ymfg406uQ9TzTE+KhsgCon8H/z9Cv4hddCtNoqcDtKER6/4esbjqa3iOnvl0lXfj7Gjb3X5WtRcPLe56nP/8queJPvqG+7zMZ77+yPcLI+7jlJEMb4PBZ3bxraKR2B8z8wWut/r3xqhMeK9KHthGSdIF8lDUys8lIeDEMJPm9lP8+cOr98fQvgV/v9Q9sZpmnZDCP+2+UPCZ0IIv2bufPhXzCWLv2luqZyNNE1vhBD+tpn9XTP7Ygjh1+3UPvmSmf03aZp+ZwZI+chHPvKRj3zkw8weHnLwQTM7G4D0GP+Zmd0ysyz7IE3T3w4h/LCZ/R0z+2tmVjGza2b2H5rZ303Plt3+m18KIdxkOX/T/NH6ZTP7+TRN/5eHsRPBgkVR9EDqojKyl/0Msu/LQTH74O3PbKe7Es68+vvSL0unXsXKK4AkpKn6vjDA0aLXq/5024LdW8fpq15vWZEMBUuVTwBSgKXCAoVAiYqvUCOtUTJb0IoylfFkIoWAP6UvqIjmM+mc+QFqhkqxYPOa/38btUGP3miNCier/OEkSAN94ZI/WyrBzU4JvGZmtrfvFdEuevDxmOz5mG2TAgNHuMoisQl6Y/Vl9bQ9p0pLTLkWPg9DWPj1oCqE/VXPXv4H9AVjvCkadXixMQoM3BBHg1GWL8+iLEbZUYr9N+srzhnZxJ9hQkLbBt4Ef/Uvu47/wx/yXvLv/RPvsb91zXuq6tnfIa5OfdNVUvwGo471huJx0DtdOGLQWPX97tDP7+MAV4iXz2f5FsjnvU5/WBwMuTnK175EPsj4AQfCtVU/vvIDUX+/jnqh3Tlk7hwpKHMuT4U8cZKW6K038HkQf0DX0xGa/BEl+bkdZ63XqAqPTo6zFMXihh+LCf77YorXa6r02Xyq9xEKgvskKa62pObw+VHVOgMdUsLoEH+DAusNJbO0oP0iRTNdTimVn78SRccTv46UjyJUZiqOD8v5yle/wPLk2YFCAG5OQoJgISracOzL7JKJoVFHvdFcESznv7102VUNj4Io7O/7PJTL2pYLS9s+Yb7u3PFz8/59RzEKIJghSu3urqsMivh3zLhQalT6Y6W6jrkWcR+9QD7D0ZGfy/KuWMMxU26UJY5NBffXR8/5OSoUcHvD/67WKhnaKRRTaOXurt9zhiNUDFN5C4AMgdTOOHeThbgEum6UbbLsDqp/I6QGCpZYgiLqNBmYdZ1Bpk85bPbQx8OyT/4FM/uFb/M3nzOzf+nb/M3vmNnvfDu/yUc+8pGPfOQjH9/eeDf6HHzvRnAU4KxFQcisBpd5AyHjJHyjxzblbJ9FDkjmEoegRC47LPtamSffGD/2yJ9KqwXvocZB6YX+ffm9J2OzWXZYcS7TSujnLebyc+c3POFLYTCbkNjWwQFupu8pO5xtTsRC9++vr/hT/nS6sKMDr0LUn77ME756hEN6xhe2Hln63oKqVNXFEJZ5cxUNOq6GSulTNT+f+T6MqVLm8FlHk6HNqPSTRIxf9NckRUZF/3wHp7jZHvst1IbeeVm9c9zrilSYFTgGUypPVW8JyEqUlqyMyqCMlnyl6UhBs+7Hd2fH1/30U84ZgMBsjz3qvdAnn/BExP/3H/+ebxMs7aff/4x/n6rjD/7QP58ufB/kTtcdHFmMc+YEtnSx4nM3GJEqN5UPvRAnchwGwB0MqVrGQzkDwgsY+P7LMbNCRkFKet25rYv2+GMe2Hqf9MENEJOU1Mp7fT/uckaUckLplDqH1TufwU2pot9Xb/bgyM+/2cR78Fsbvp5azZGD6WRuffgOcg1ck8eCCd4RuqdEPKVskn8x0vWCqgFtfRUk7mDfUZAokjMn3BfmtVCKrVhSdSnPfJxCM08S9euFKMDJ4TqKUCLJ/6DM8iooTSLmo99FrcFyB+QpVEo16w8cSdJ9rUpvvdvzZff6rhSo0L+X90oJRcj9+47mvfqK+x7oGtR9U3fJGE6LkFkpjKqVVoYMtVaUNeP7ee26+1Wo8jfxQ1D73L3vyNkQ7kaj6cegvzvgd76OVZCErmxej33blA47h7v0zFNP2COX/Vzp93ybLlz0a1NcmsMDR6XaPV9WXHBOwoVLfm++ccf9DbpD5wmN5p73oPybk0z9gcMqaiFxfuazkSV4T0QmdJYBspRx2BTpmAX+JP9cqxXykY985CMf+cjHu3jkyMGDI3UDqqyvoz7PAznbD46zyoN3Hsscg1MGAszwIO0zzN0hrnxjHNGoUkJpZWk5cmHTctLUvxfHUeaWl1l1K31ODPmZel+4EY7eNDOzYW/MsngcxQteqYyLqZ78/Sle+exzWLj9mT9Jt9vtrF+7zZP5E4+7o9/d214Zfu1rXmUc0K+UzngCijFGLNxaVfXp+9Af4N5I/3xMtZvwVK59Vp87DcXTyo1+ZYkqs4r+Wg6It+94NVvFx78mNANUR976KZfNfOLbsrFBYh7ztbfnlVaJnqqFmq2sOXJSjEGEir5f4nF0ySnY3/Nq8z1PXvafcryPjnyennwSZjgcjddfdX5AG+VIvenHpL3r1dyceak2illKZKmMnp/KTj1WpXYqz0I5Fpp7KQoOqTqjme/3ahMtvs4HkKYGqEiz4TrwaqVl/a6fczU4MxH798abrl+v1aVfRxMe40nBcc1Qi7FXu0oSLOFZIT24zoMYwsBKS46BeFZEVVtbhWsA6rRI5NMhpYuQAp+vMVwd3QcqOECuo3Nv4lao+ZuCLAzhVTTxLBhyDve7PavAnajgd1BBKRFnsiQQFK5pcVUigzswg/dC1VlSJgPXdgA1lGpBioOjI5w4Z0lW4QuNO8HJrz/wc2uMqiBW5gT3vXKNlFLuUXOSR1OQNG2THDfn5ILEyLtO+lN+X7EtXBkPOp7wGXVRBBXlaInDJWiFUEzDS2Kj5dfV4RFoDa6VQxw2e6BEcpQsc42PQBLUw79584ZtrPp5OwedWEWF8/R7HL177kOPM1/6d0J+Ic4HmqJaEo9kCLKU4Nlw2HY064CMlm7b5/uNa34N3Lrxhg1Ac07a/h15h2Suk0K3hIYqW8Ee3siRg3zkIx/5yEc+8rE0cuTg7EgjS5VFwHOYnta+Xm6CnhzTB5+1xDE4yyaV8SEVTYGnbCW7ielaLJBWx9P7lP53hT5oWSmGVC8LqvdCUrAZ1VGviwae/qR6wQFkoN5At4uWWozdLAlwqFRC39YuPeU2CXLqtZYL/mRNcWOraztWUHIdTnjyG9878Cf7Xs+XJec69SHVz02pAOdUPr3jE75HNZ+IbS3HRV7ZpkAVX6lUs358rcJnStukIiyZz0MZxcMM7gAGb1k/OFK1Qu+5yO9GJ1QzbGs1kVqE5VfKWeV7cvImyxSswzrnvrJbb/pvjg/eb2Zmjz32GPvtX5cDns7JN172+Twk3yAxX876OlUbjOlipWg9LwCtR/95js9FNSJrgmrq6MirlSMqmzJJiXEWMoJ7H0xwKQBqJfgxeDbsbDqfZNT3fWwW1+zk2Cu4ZtO/U6r5djbgYqRFGP6RH9/9Q2eIy8lOSX9K0ESkkSlnxEHJ/CPIENi95/OzSuZAVKjacO4ISKvhvWL5WAwVohFl5BozM6vgsjeeyTdDfiF4DMDBWGn5+/XyFhsnLwKUFlR9k3nRDBXSGPfBUAUJwDSgwLk7m8v50bch1jmIkEBoofI9hGoKmZxStYpfMaaqjUrNzKEvSnzZ5y84aiWfgjt3b/r2cq2OQfcGoDZFpVWSqFoG/UkjOUaivErkk+HbWMUnI1hk/cQr5QhOifIruBXZjX0/eaUIqaGE2dwQZ8DXOVvgQQHXQChFANUYjfyYhzkZJMqagKsw7SZ258Qr+U3yK+ZkQVy74UmQ/ZFzEuSHIfSquerL2DmPEgI0aAgCV8TVcRWF2fqKcxUOpYLYw09mNVhhx7f7tRvOuTgAbTDu8wGXzUTHMfunZ27fXizR1x85cpCPfOQjH/nIRz6WRo4cPDiCextkaYzRco9NI32AOeBvnFUinA5ppvWJNNAL+nunlARY2VQpcuuL0OYv1MciK72Ajr+08Kqn3vQn4ahYtJhlrK77k+t0JLMAqg15KtC/i8knUD+3WsbpruJPpceH/pQ6Hk/O/B53xqwfqh7cyA4O/Un3kCq02WryW9+mnQv0nFEASNe9js7/4NDZ5nLASzgGoyFVC8zvghLxjOVTeRZLHMNCdMquLtGvg+Euf/oEprx6wb2e768c8ZR7IMBIfVv1c7sgNXXcDAOXVZaXMQ9Zwp967Ssw4yslJWd6hXfnrdtsi3Ig/PMvf9kz46dwMQYD2OczP4abW14Rn7tAf7/h86xe5f7RoY1JyJzSYxcXRVXH/r4fswEQg/LmxZ0oUSltUK2NuiRtnvNKqhApB8DPo7VV/95ai3N7FlmlDCOec2eBe+XaOn7+u9d8nlrKxqB0lDKETIBSiSwCqnvxImyOwyJIzAoVuHrWOoitxooVpqh3QJvkTlgt+XHc3vFrq1z3de+f3GM/Kc/xEVE2xRzXwrt3ff6UBKkshkHfEYTNLb9WQxzZo495//qFF140s9MkQAMBki/BwsQL8NcGxyLhXE4SXZvwG+iT11BOiKMjBHNlTefHiR11cLScsI5E5wdoRZVcj4LvT0xWyTRCETMWWofiivuDFFpyPSyXUDPNlGGiqj7YFISxVvW5qnO81uBzFOJlPs985Md7TFU+wkEz21/UUBW5GnLNCqEslpQvgoMr50+j2bILICdKF63gmFomS0MOsocHfm+qN0jQHDk6NQBhXaTKg/G/L146zzo595nvOufys+/zwODHHnncQsE/exyulvgu9w9cCfHCS3/ANvh8RCAk6SJ9aA6JOXKQj3zkIx/5yEc+lkaOHJwd4QFfg4xLkJx+aKc96Le7Hz74/7hg6e10+TeZs1WWMSB3LH9eG8GyTagUS2SHV8tkzNfJTZCLWVOubuWs4iuTvjjDNazfJQ1MSZCZE6TUCTxV85Q9n3jvTf7uFy9SnZMQp7yE8cir/OGox7ZVbfu898qfsqu+/VQ68gTvU/meHPlTdY9tk/tcb+DLkvf5HALA8YmvKy6o5wy7m20q0queoJyYTcdZroFSGdUjVFraaLac/1AlEdEWzBNVi6oa6dUrJZ/fT/3Yj/n7IAg3bjjjuqxkxdk008ivoL4QbyGl2lKF/KOfeq+Zmf3AJz/BvHi1efeu9yVH6LkvXMCLALTnHI5vMYjJrVuerdAGeen1BlmCofrWMyqcziE6d6qP1RXv/+tYVeAcqJe5Rn7BpCj1hrg5fgzObboL4iavheDnz/NffDFz/ByPfL+GE2Xce39b2QtzKqV214+3HOKqYsjHUtKAhtGbtwz1832R90K94vMrfkGpUbVHW+6Rv4tW/oDe79ULXq1tbntF15/4tk4H7uJXUZ96y5d1ckQfm/lRhdnBHbRx4Tzz6Nfs8aGfm2tbK9Y+8bl/4glfp5L8xiSByn1SbPSZUAoQM6FaE9mforyRG6PmQT4BYv9PEtw7512Lg5/HKdyig/Yu34WLwnkuV8oC3JTZHGSMqRcqOqeyTiGEFFluuSiXV6p4EyIXZ2qlIvs1gb9xMHEkpdHwY7Gz7SiVEmPld1GDDyK0rownw//P3pvGWpad12HrnDvP9755qOHV3DV0d3Wz2QPJpjhLYazBGphEVmAJDuJIhi0jSJQ4CATBQmQYMIIgQBBBpgYnkhyRliNbFsWQlLo5T93suaq6xjfPd57Hkx9rfefVfV3NqYsiYZ4NFG69++49Z+999jlvf+tb31ojcz31zMNEipriIPSE4LpSd+32h2i2td7FxXFMjVKvtkZTcrmdkA+EIQ0xoVtD47+IV2ScJPTEF9Mz3/Q2Rj1T1vSwu85rEBcvrC5NhV6d19nQOnuWlWtELQ6rmr6VFiAHQQta0IIWtKAFbawFyMGh5nkjX0nPda129JAjog8sjGsY3NtbwXKi9vM4nyEcskhI7G2r653ibjSrGvGIdveuGPJp5a5TQhAi+p7nhdEVU9v0Cfpd1ds25Sro2u5ajHbV85rT38a6PNG39jVs5Z6VKxspwjZd/EjUomL5BEzOIqkIb2ePO+CN7Q2dgxFNXfr9u9s1HUsqg4qY+raj1/Y1JL6AMeot7Tuwcl/xKawm23wNwuEhIiHpFIix7YltH9ZOPwHO4VD1+UOrUjA0Qvr+CUVQR+eoYvjkE+/k76VWudIiYjA7vQTggBeQSobRkSZCUVH6QIxvi+ZNfa2jvPXtO3/MvjrmokfU5ul3vwcAcGyJlQB3Vpmjf/GlFwAAa+uMbjelQGiRZyQc8xUxG02euyAnw6mpac2VKmiEANy4fp2fb5hGvhjfyjE/cJpqhztbjO5yM1yzs3NkYVvUWpLPgecdaCEY3yEhp8KmkB6rTmmK/xFSVUJbqFRM92ZIKo7oqc+KOA2tiYvNHtL9YhyWuTnO24Xzl/DiV19nf1VVUUhyHra3yfvY32Lkv13cUJ91TkXATXFTIlqbplnhIwhCyypljUUPkESCiEOr1sHeNuc4rlz5RJ59qDXM74DfNW8E35NCazkcMldXPbPC4w8p4/IYJUPLDY6ugxtJAXIldfXnIJE2dIvjGkht0zMkSeMK9xVZJ8SbUSWEOWYOhWrYte60+LMhVwb2RCIRhHRD23fMa8XWUFOIilU/mcOsPYNNedVU2wfcygAAIABJREFUFw1BiIrTY+/PzRHFaQiRs++ZK2qvO8CWKqvi8g5ZWiIvpJAjEtaVfoVpTxTFyZKciq8HYW6uEVVr2DqxiNxeF1TdYAhLvZrH1ITcI+uqRtrmOW6/TpfVuit/B3GZDhQT71+8HyAHQQta0IIWtKAFbawFyME92mEdgzf+fvz1ADDw7vrBPmR6/orgpJ42Nc0IoSDlNlPMcx3l9RxpByiq7TSl+FVXXq/D34+G8jFXXXs8GkW7Jp36De6Om1VGfi3lxC3nZ9oAvQGj937HFMx4roWFOZ2DQ7HIwFjpMeVeW2LBW+19cb+J1/cZwbZVG11WHX5D6noDscnNl97YtrG4xiFEJSaviZE60ZLvg+XazNVuJE5CJMnXqNV5ow/L73faYmF7xsa2agLLg3N+7FqYwt+c1NvSSUZ8mTTf7+haFJuc5+kpqiDmspzH5WXm/WvVMtpdeds74znQVss8Ibpj8/D2x58EAJw5R+5GyIQSxGL5+nNfBQB88bnPAQBWVzXfYqX7Wg6qdug0K7ACmVze1AI5V55cK1MZaSyowsRY2ZYPtmjMG1jfGdXuiTEdVuXJBz7wY/qZ0U+5yLE/+dRjWF1lVLa+XtG42KcZcSaKNfZpt8LoPW0RnZwDYfOn9RDSWp4W+mEqn1G5myZVeZOXh0O9xj5fuXoV+ezM2Gc8VTqITO8jKcePkg+wus3r2WhwDYei0i1Qfts0KGxNm6JmWBUTdvyROEEhN34gpjGwfHZev+O4w3JGrVSlA2AKkEK5Bp4hQ4bu2SNdvhm65+0mDiVMUc/4BAUf4bJm2gkJaVD02+axYgiSUDwU9A3Ng6qepguzOgd/a2z9qqL1RteeQ55/HkNpjStgqovWMil5yahzFr1b6wsB6AiBNKQgavCEkJVKWfwQ040RfyAS5ms2nfb5S1a9EtI69gacs8lJ+aTEVK0kvlTdlC/Fl9rYJJJoqKYhJlubvFeb8lgw1GtKarLhEABVn6yvURdlV2hWp8mKoro0Ouz+ibhWrWAeJG+9BZuDQ43GS98eqeOAXOh/+66yRntn/DNWemQ3SkfkNpNB7XVFVNRCjEd5o8UjElQZcWEmVQpm0q4ocoF6ozi8oVIPMpmJOPxOLquHn27OlVU+7LZ2+JpRiuL8eZLikrpxTKLTNglGmmqo5K0msaVKxVIEbQwGBg+abLTIbnmS3Uyq1zYJ5YqIZyF76PH9al2CS/rLZrCiWdSqag5uyOSX2aeurG373abfl5BjNtjaFIgAZA+1mQnOcUzpE08br0KW1+DI/BKAA7vsrtI1eVkeG5Fzf7+kV26I+oO2X1ppwlNNpXCGIhjlJ5g2uPjgOY2X6+JTn6YJ6fIKHxJ1zUdJQi0tPUQsb2XEz3ZDtrOy247H0gjLpCeb5jUYYVxytSr4u63NnpWoeirJMsGhhEq7rlx5FQCwuMBN0cQU52Vmlse3zcd+kQ/J+blJRFUe+/73MyXz7OefAQBsbjANEtcaNftfqM+ZfE7j4nX1RIYzm9uK1uCwYyk1QeHa+M2IPDih8sp+18PCIvvd1T0Y6thDWrbSWotOWBbVCW6qGi1tbEVk7euPZj4naV4fytYYBiK2jkxMjb+fmz2KRInXMZvj+FoqyTNyazrBuTyywE3i7du8V/s9M/cSrKyNzGhofzR5rqw2srU6P2c27dG4lRInEYorBaN70kyeYrrgoSTXpnlX18oiTWr9W+pqJFluS5mZnPSxowv6POdrV3brMSM+DwZ+GqmrDXo8Lpl418qkRW60ZWFESzOD0vq3jY6lwOyetPLCouSVsylZNCutFQ6bUVPNl+IO67nQlMxzucTP2CbQrm9G193SqtGYCVexD5s7JLxuKf22rxRXTcJGpQo3fiYVH4sC+7vcDAy63ASMeiJ763mXUUrHgq+wgoHB3fHpW2xBWiFoQQta0IIWtKCNtQA5eEPz7kIOxu2VD9su+2iAX694N2pgMM94GaSV1vQlKdv0JLgzGoccY1FB/JLgHEqoR8g/ej3uvjtVSfgucwc5HEYRk61zymyfFQkbkSib5XeOHn+Y5/RoGDIajstDt0VEq1UVUSrCqqhEq1JltNYQlN1X+dnA6yNkVrsjkzcWAU/w31BRh0H5XZVu9iXA4oRVBqTdtwkWdQV1O4r+2xIL6irShmdERkVQTgxxQZQxyZfC487fk5ytEcUcSdlGXEYAP/7jHwYALMycAADs7QkZUSSRiPN7GzuECU2gpatyzLQkgkdeCEOVmFWqe3pPBKq0ypmUmvizP/84AKAlGN0VJGnpFlfRrKdSLL8cVfNdE2xeyDJiRMpsYMNYmKG4i5HezGhnb5/9fvpdTGV87atf4nj2GM3nMpov2JxaCsQkfI38xbX7xS/9NYADwuZLr3wFAHD79mt47/s/wG5lTJiLfaiKeFXSmusJOQoJGYgN2Ic2uE4MDk6INOaXl4bNqEsywYogyyWVa+oaT07O+tLMpyREdPIUr3NS4mAra8vs96okryUGFYtzbj1FtZ5K1epVs/CVaZr65otmCUE4cozmWel4ARDKl0pzPNXKuvrJNRtWOR2EYs3Nso+NOu/Bmko9TVTNRH9Mntrkkl090+ISeDLkLeo6cJQetHLHvqSoy7KcDodNgIrfXZgmqU+gH1Ip3i9m0d3rCf0TYtdUqsdC2nxW6E2Hv0+mIogojWJEZVckSXsUD9VfE7sydGPkGfmT85NTma21oS9gJnl2k8LX8jNkMywDp1BkgP5IsvO6j83kaKBnTKuV0HcFY6gUdmqaz9t8gSjQ/DznKZ3lvBhy4niURl9dJdF1XemHvlDAcmUTVSF/jsqwc0qvmrBWXgMwAnJbwlThyP0zXwqQg6AFLWhBC1rQgjbWAuTgUGPUfMhYaVwT6U3Ejw41z3bsFiGNiyCZNKkRhw4MU1Rup0M3JI4jThj6IiJ1q4qsRty1J4YkzRUKs8imlKdVbiylCMbMazwJqZSqjDrqIoFBfbLynlqF0auVEe3vMT/aFbEvokijoSjXJI2bjQ5CVhanXKERBsOK1i2fa+I1ZkXbVtTilx2qHMixKFVzHlLe1vKCSRG3DDkYqcZx2B9hJJncuRkSywpZ5podlTSePcMdvkkbnzzB/O7SESIwX/kyd/h725wvi7zNktXymIYYWPlUTcIl9WYR4YjJ3CpPa4Y4IhDVJK07lNVuXvnHeFJlcnq/LlEjR8cLy7zGxKKM/JbJ5jRWRmmpRAEYcK5npuZ1Tn6nqTLKhvprkU4yswQA2Nlh/tPT2rSyQr9UUZazJZFOjah4RHKxH/jQ0wCAWzduYXqGa/Ha6y8BAO7cZlQ+UITkO1SpmWmYYzeIHll+5BtTrrnOMWTnGL2ZgJU3zuPEnoy/MpkJJCXrXJgQCVClehNTnLOeSDZhleXqkGh0DDkx+WmhgRFxNSKG1uimVSciKp01Mm23VvFLmU0ue2GWZZXxFO/d1TWhNznlyOOKYhWdOzkhaC1xc8RFMDtpT1yXtESCBj324b3vezsAIJUN4RN/8RnOoRAxEz1611NEeVaWVR6rCNnIkPkCjxkX/8kvedZzYWZalt2Z9Ni4y8qxV/YZoYfCIeRkKW3jNHtwQ0T6EnnyUV0Z09nj1ch+fplk1Mpyx2WT7dXK0+OybTfkwHE8H2UwpCMsFDIWk8y2ns0mI29l22bxbOTg0JbOoWu5tMRndCZNDtP8HPlFJ0rkIqxvLwMA1taTSIrPsLlC46W2hKmyQtym8nw2ddu81za2ZV0/vE+EAwTIQdCCFrSgBS1oQTvUAuRgrHncsSov6fo+mBb1u4fe12/90kbHRxmsdNE7eEM/H3yW/5GAiE8xlWCIyaeKGY0Rd+fuiHm/XJy5xxmV2U1OcDcaCaUQdlUWqXymySlLkRStuoRmZOE7GChyVElOpWg5N4kbKZKcLvDcZZjcMCPIfJIlYZM5icO0Kj5SAOX0uooAe5I77Yg80egr2lS5lKEWlvc0IRkzoFHVDxzHZGN1LTxJAuv7MfB7qXQGc5Nkn59c4pwVctx1Lx5hlJLJqYRPZU6NOnkBz36BJicmfpOd4jW4pSqPO7coYAPlKIfKPVfNEnnIeUpnXLTEqegpQm4JZemIVZ8pcHyRCOd4KFSjorKotsrBjJU+NPEX5bkjqnKZmyUqMp/jWH2Uo9vzzZhayu83Syof84iY7G8zovNlXTucj75yxz1Ffn3lcaOqgvG6EY2J87C9zkjoy58n1+AdT74bAOAO0qjv8Xptq6JjlOYcdct2/ce5FIm0hHb6JuAlREi3T1cclb0yeROOKlKWFsgjcIQaxTwT1eFrbXMH06raaJQZdZdL4tiUJf+rezGjqp+f+ls/CgD4xCfZ56889zz7JDGxuFjqDVVU2C0dlWFRT2OoVnjjpWIuRlozxqE5doLXLWacCpXRnTzO8ZigVGTE9b1TZmmosfQdRY5ra1zDqTQRJIverfojleDzYiqbR9x9EQCQl0VxIsHPbNxeZr917BPzvI/K6n9lS88q/Tw5xbU7GvHz23UibckTFA27fIncpq0tXqvtJNdArd7y15hVWSRVIbFv402Y6RE/V2swOg9HrZTTLN/FyekbUqcSUYkmRSMaY5TPJyuRTGbMdj4E/3mv2Nl4DcY56+m+jiT0rJEtuHErKronV1Zo8bylEth8nmOYnSfnZE7IweQkn0dJIbunjp5E5BTRy5VZPt+f/8bXAAB7unedKNdYQRVWZRPNalfxTRHt76AFyEHQgha0oAUtaEEbawFycI/ms7IPmSgdlkn2qQd3/d47tMs8+NCh99Ws0sE35fBtTrUTVk4ypeh8dpJ584m8bEUVaXabEgMahtEUQ9tTvi4mQRg7c1q15Cnlwtp11f13+VrWzt+ESAZD7r7NWMWTPXIux6gmFOPPbUkXe92Bz8ofioFrzHirifaFYjzjXMhaV7nRsJ/Pk2Wt8vuWczcDokjU6rWViyswuvHEDG/VW75409oqWcHbYeZONzY5vnKNfa1WGSkfOcK878VLDwEAdnZ5zuefe47HbDMCzOTMepVjbKryIqMxNCRw1O410Re1u6vI2NZYRqiMWTaXlb9vKJfYkfFWPGGyw2LhK+8dV+XF5MSExm1aBowMLz/4OADg2pWrfr62IW0Fv15bwkKlCqPQYmVX42FfjHXel4RvSHLSYa2PkSJik752FQGVapy3z32eQk2XLz/hR2Fr67wWSSFCVrXSLvG6JjPGl+Haanp2vWXBq3pvz1FliOaxKfSiVGaENT9JJCWl40XcAwOwPUl7W449Kz0LsxQ2kycDCi9dUvReYb7+G6+QN2GVJ8PBOMegawJXLjubzaT8cwNAu930hbkS0hq4eZNy2IUcI8KUzL5Wlsn7COmRffrMEgDgmMfPvfASj7O+tcwxKWdtXJV2m2s7qnv1mc9SX2IqP42YrqNJLdelX2L26qYZ0VBknFBVQlf3oNmoN2qqWjEhM3ERNje4ru7c5hhOqjqkICRyZmYCnu7fotA7O3euwHM1JMlsFs3xJJ9/hhS4EkPLZE2aWRoKqu6KRWU77VrlliqJtPYHEgKLRuOI67onhVrFZDzW0/VtiaPT7RgKKhRTYGk6RT2Mhx8iInDhPBGCvX2Of2df87H6Vzoe17DZsyeSUUyJr3H0KHk7T76Ta660Tw7KsM212xKalxYyVBXadz9agBwELWhBC1rQgha0sRYgB/dofkWBSQJqD+U4oUO/F2P4LjDggOlqbyjaHo2jDz4VwbP6W7MxtRy6aqWjspgNcZdt5kn9LvN5kEqbM5BxUzQCVx06ssBIKJmyRL0i3BYjwlVFI/U96QBIGSwkCd9SSVLHQ+b9LOozRnxN/IFmg7n3ZpORYjgKpArGz5C9s2/8ovy1os0oiIgkZGdrZk6ucseZNMddk8mNKUmaURUc41VI6rVrMtJSPZzJYmGBCm1pVXFcu3aFxxTa0lWNcCHP3fqDDz+oczIKLSqvO7vAPjakXmeGViZ/2hO3o1xj5N1q8/vNVt1XIzRuieWzTR3NZI97QhjastxNynDJ6rMNMQn7VRuMGFoNHvfBi2c1n1w3V68y3xlyE3DNWll5+6jkcTc2lzVeXm/XpBCtNlzsc5/4b4s3ZHwSRi8hVVaYiVJzn+8XXY4xPz2N0l5dc8r1G0nwXDNTXAdmnGTVCab4aFwUi3LNmrbWKVmveDxViuzrmg2kqIl5/n5SHIyQE0F/yM9ubhPFMNOrtpChk6eZ/3/6SaIvz37uy3p9FgDw/vdJ5fFZsv07QnsyknyOuqYwKsOrKsc+LTVMRDxMyPZ3WhUkppWwssacesaX7BZPZo4Rc7HIe/fcw8xJP/HULwIAbq/wXvzDP/pDAAfmP2a25gsoRkwttIfCBNG3XtcqIcwgipHzyUcZ+W5tMlrdl6qjqRIaj8N4RB7M8I0Rsak/2hPw9m2O7eHLNO46dvy4L4sc2+SxwtLtiElzwjgVrp496HEOt7eJAlZ0zzlmzKUqnpRMpBxxkFxxLkKqKHGtikhjqHc6aOqZ2oPUS8VTCAsRScgED6qoKDf1nFC1Tk0IpCF1Sd1nKakyLug4yRbns1nn2NtCkfr9FtY3OZ4XX/0s+6thTwpJiZnOiZ4LSSmvRquRbyn//+22ADkIWtCCFrSgBS1oYy1ADt7QRn5Ub5FSyK9OGFdKPOAXHNRm227xAEGwKGwcQfAO6SCYiRH0+7YQAt+kxFVeypOCmDGpubHGkVnmuTKZrF8bPBiKPb7D12qVLPJmk1Hb3i4jgE5VeXshBv5oouOGK26Efetqx9zSq5vi73M5U3eM+pH/UDnyoXLh5mMQs7pkmGeEDFWUv6tVW3qV1XHR9NzZx3n5HOzvMSpNiVE+O0O0JJvlz+lEAo40Beo1jtcNS1VN6pPzMpg6cowIgymcpSx/qYj4zjIjzDWxj4t7nMeB8v8t1f8bEqG0KQbowdbBUGhUqWS6BhynwU9mn52Tl4BFAa7WXFzzZ5/rKgd78TwRgw988H0AgB1pMly/yhz2u97xNLrqZ/d1frdY3VQfZP8b5dy2GvxcMsUIqa6KCeMcWD64qQqMAfh5P2ctnQMz6Bpqvte3N9Cqy6RLDH/rk5lgHT3CaL2i6MuUMaMR9mVmSkZEDUZW1arq+7VuTstet6fov1HlNd9SlUREEWnYjSIW52cKk+JruOzLkWOM4i1//zzJ/L4qZUrcgZ/5mR8HAExPs0+/+Zu/DgBYnOc6mihwbUdlABIBv1eVwmg4BuSkBWGciKxY8xMFebBUuD5aQpLW5UFR6fB1dYsWvu//wHvZp7/9kwCAhLgKv/8H/wrAAdrTakhJVM+G0WCImPg9xr2YE0Pe7ONN/2Buliz7bJbjqneK6iOvQUXXoiVPDZtrM0OK+QZV0kVQjv2lF1/BiZO87pcuUD1woCqOhtmeC43xESKX12xCFRL1OqPyttZkWRUoDaGZuSw/b6hqoyXL8KQhVVqP/Q468mfZLkrXQQhCTDbhxuEa9MctqovyTGiYz4dQwI78D+qan1qLz2HP/ByE2JpuQiwe8/lgQz3vS1L4LJdN1VWcpQzHn5/i+EIR975JJAbIQdCCFrSgBS1oQRtrAXJwqNGVcdw7wfNjaUX9+tGP/n31LeeuCgbjJXzzCgeznm0p52wOiEO5zoUUnScUaUXllBeT9fP0pCLyNPNde5U1bK4zl9Wom2qWFNzElDfVQl9qISZ2clxqfIqQojFGjPGo1MoUWUGReERa+q4sTruKEIa9PhyXO9qMfB6iLiPhuCxpPRWqN1XfXtzjrrqqnKtFHz3lgUPG+FbUEQJ31ufPMcqZmmQ0Y05wIykPNupVDJXz7SgHOiekYOm4NO7F9I0ocr5+k9HYzTvM3+6K1b6+KaVEqex12/K/0G1kUuu+/4Fq673w0GckN8Xs7krvwNwprUolk2JfjGth6oXD3ri2PKRS9+hjFwEA/8Ov/bcAgPkZRq3/9Dd+i31THfj73v84/vIvPwUAqNY4HrPSTSYZMRYUhXVWuB76A8uB2vXmdW41ZXkdVsWEOC0VCWf0hDDMTplLoXT+hz1AKELEswheTn9aq/WqHBIdq4SQBbeitZqqVXodU8KE5ovzNpI+RLfH46WyPLe5163L+nZ6ah4trYeeznH0KGvLnzr/BPu9xmvyymsvAAByec6TeWb8zkf/TwDARz7y0wCAf/Sr/wAA8K/8aJ3zMF2QToasss22uzNqolThWrIqlLyqFCzSnZJaY7cz0rg5vpkk8/XlKq/lV7/0MgCguM9r8PgTZLf/9E/+AgDgtde4ppu6dvtFfq/e2EdXdsVhV/4nqu7JZXjumHQaQq7ZZHMdnH/govrMe/q552kj/vrr13QuXgPTTWi0DA2SeiNBLYTCYbz8Ir/TkHvk+Qt0hj25RI0EOLxGN28SMen3GVFPiC/x0EOP8lwp3nNbWxzf9etU4CwWiSD1uqqogqqE9Gz0TDExEYer9/aKXGvGSTGX1U6PCIEhTY7+PphLZ08cHHimtaBqH6HAvcG4z4zxy0zjATiwYrZXV147I6HCpuZZN/fZkqqhBv0xJPuttAA5CFrQgha0oAUtaGMtQA4OtQPfhLvbeNXCwScO8Ql8XcS70YVDnz2smSClP3P8chVtxpQzjIpFa6pjVmvrgZ9fl+59a4Xs7FZj6HvYR+To5ij3mynIY0E5454ix57LHXFfke9Ix3Yj4w6JYd/p0DQKrEaYUU5c3gSp/DQSYbLPnQHfa0uVcdDiuYviCpT25GkuBrRFjKZ0Zw55ppg4pfxwWGzj2RmLtHgec4wc9A802Xtiz2fltx5S9LqyvgwA2N9jDrDTZ1RRrnE+bi8TOeh0lKfVpRuI8h1Pq2+K5jypQUbinP+27epHA9TlW9DujOdfY1Hzhlf0pqoV8xRYnKPmwvwcEYGCNNXPnGZu/cHLzNGm0zznV776LABga4cR0yOX3wYAeOmVr2Jtg6FaUtGVm1CFiPL6liO2gYbMpyHHdbO9w3nqag3GVFves6oNfT4iHQSLQCdmGDFHozF0VY1iHJvCJH8Xj0t1sycdDFW1JKRzEIqYRkNN51D+V/la08o3pMWebAN5WQwVlfUUzTVaDThC5Sy/XX5Nin0trs35BWoknDzNa/DCi1RE/LJcKzuqlLhylVH7e95HD4mzF8j/ePUl6uILmEBX85HPcM2mY0lf/6OliDbajmk+zCGR1yYlxUBHPg5TWvcPP8wI++WX2YeeEIY/+eN/y2kwR0ghNY6eL2khLR5CcA/xfeqqWmmJaxAX32N+VkiYQsrdXeMT8edz59iX8+eJarx2lToQr7zyDfYlKvRLPJtaiffV7Ows4kIEX7/Ke850X+p1zv2Fi0sAgIce5Lp/9TVWHK2uUYUwK5+MkCoLTiyRe3TxIlHCHT1vrrzK469vqKLGr45SFYPjIiXtDUfKqsm4VZ/wWXt7S14iNd4Pba2XSHjctdT8QgwP8N17BQcYJ+dAPlcfcFz//z2tD0NrRQvzFVQdIY51Kem6Ieeuv0JvrQXIQdCCFrSgBS1oQRtrzr0j5R++5jjO88dOTD36P/3Wz/jqhBZBHZSN2n/u7a0AOHd5KRxGCu79anwGU8hzFfKYQ2BEdbmNGnfZfbmxhawaQExzV0phiVgWjvTEO23tZFV/bxoKVu8+kP/BIFQbG4/1KeSTLtinkWzpTGMgJue3RJwRViapGnKk0G2o6qImVKXP7xpi0FAVwpR0xW2+dnYYtafTHP9AUeq6FPWOHZN3wAKRCdPzt9p8q81uNTlfI2+IuCL5UpXHXl1ntUGtxtxhWI6PVm1QEnIwkG6/ucxZLq+tSHlgPAD/HhKSooih1mQE1uv1EFKkrMDV72dcXIoDgotpEbDPUxPM+55cYj48KYdN60urz3PMz3E+wtKY39wg07ot7sbm6jZSqpk/dZJ16ztFQ0rI90gKfdjY4vzEpEFQqhDdWVlbBnBQ127qe757nTQn4jFeO4s4CzmiA2fPnMbmNnkbtbIqaMTGnxdC4ugY5TKvRUr5/aj6Yrnyjsa9W2UOOhax+0r3kaKzkMVtQzHl4+yL60QQgkXljKI7Xc5pVFoLMUWM5y8wEl48wrX3sY9/HADQG5kbKfsyHHDN5bIc9wHnx/hCjP7TKV6H6ckZeOIaRMUhymbkpimEKKE+HD9KfsyTTz7J+ZH/yde+RjTjmvL8i1L3zAhJKwqR297hejCXR1MxjMYdZOUNYCiNJy+RsNampBL854BpUJgBYF6InHExHn2UOiFLJ7gmu0PeT5/85H8AAFy//joAIBlmdB8Kh/3qJeOWmGJqSAz+iQke673vJx/k1Ck+a158gcjBiy+SF2IcjSNHGfUvLvIcc0eyOj7HVpKPxqo8KJoNXqtytYFQyJ6tHF9X9/vGJtHZjTI9V0oNzuX2Lu+XcpH6Df0hn3HG0fD5Z/rRf1y49rdCMJdnejquXyFn1W/mUmlqnJGQ/0cHwAGiHA6HceWVTbSavW94nvc2vIUWIAdBC1rQgha0oAVtrN0XzoHjOD8L4EcAXAbwMIAMgD/yPO8X7vHZMwB+GsCPAjgDYBZAGcBXAPxvnuc9c4/v/CKA3/8mXfhlz/N++y0OA57HiMzf2CnCHnnjPAHTMPCDvbsixwPlQ/Vdkcsb0Qf9pByiqzz+SLnWhrQIjIPgR5TKtXueXNh0CRPS0g+7YTRrYpkrl+orFyhsVRoSnqsqBNXbDlW360g5znHkYCb+QDLFvHcqxtrsiCoSPDnH9ZtSrav30FatfEKKdpOKhIaqa4dqiatVOUCqq4YYHI7WL1+mz0FIeW6L1owhfO4E87wZOS7euM78er/noaOkr/kbWJ7fd9FTLbSxqeMJ8T6k2mh67vWm6TnwfavOKEntryE9ANPmd6O8ZrFUBGlVH1Qa0gbQtQirljykNWUqabbmdjfbwd64AAAgAElEQVR57JVbjLhHqlKwaobZ44yUPvTB/4R9lbtlVHl/Y5SXduuolsWSlo58Rc52I0XAW1uMogYKmSo71BIoVphbNd+LvvKgPeU5Q3Z/aG3asosqGrTovdftImT3lCKd2WmurbSqTDot07hXHbdcBUP62bHqH0VZhqxZBYDJi8SklBiRxoDnjXNZwqEoHHkG1HT94/I3iCUMveMavH2HkaFxi06fYk3+c1eYS58RH6QsHZGGqiBkbulHqxY6tvvm/xDyxzfSdzpSwKzIGyIlrYnRkH09e27c9yOXM6VDfu8LX6KKY0FeGw8/ehkAkM5xYmr1HY1ZXgtIoi4eh+kOZFT7b/oHKXkgmHZCt2t+KEn1mX3f3yNK8dd//dcAgEsPLQEAfvoj1N74H//JPwIA/Jt/+zEAwOc/I1fLcBT5vFWbSINEnAvr0+4e1+rH/4T3wQPnybV5+mlWZYTUlytXyEX43Ge/DgC4cJEo2YsvKeLWGi1MckyxGI8/IdXKubkJX3U1Jg+JljQRjs6R77DXIjJS1DP6zjJRi69+/S8BAOubvBZRobkhIS32rA6pymHkiB/jV8MJ2XVc/2/MwOcciAdkSpfSXrC/C+ZKSSXW+5MNuF+ExP8Z3BQ0AKwDeOCbfPY3AfxnAK4A+ASAEoBzAH4CwE84jvOrnuf972/y3X8H4MV7vP/cd9nvoAUtaEELWtCCdqjdF86B4zjvBTcFN0EE4Rm8OXLwiwBe8jzvhUPv/wiAT4PbniXP87YOfef3AfyS53l/8JY7fO8xPH90afLRX/utv31XbC91OtM9wOFXawf1qW+Upzr0swU+vu7BeMTj6ljD8WDf74N3qNphJD7BCIqQ0IennPcBKjE+DkumjUaGQuR0bu6+UzGpDCYZpWQT40iB5SLNWdFcCmsVRqCdVt9XerS6/awUzra2mKfb29Hl9czPQW6MqqE2XYC+IAVXvICY9B4WlEtcWmLkaUiC5Qe3d62Wv4OOat63tk2nYFdzaDlB5alVc+97xtfEGeirL/JxT6fZx5o81Dd0LtODTyakiBe2iCGEkDGTPYtoLQcuB0flp42Vbg5txX1G855yjhYhpLOct4/83M8BADqqgvjaVxjNfuhDHwYAJGLmOJhFp8tzvPQSP/PSy6x9bzQYOWrq0Wwzkq41yUVoq9qjo+oWm692S9G8NCtSSUMKpEmR4rpZmGKkHYvG0ZFrnKnMmTueqVguzFO34oUXGQHOLnANpnL8/I1VVgAUq1w/HXmMDIQCmIOeuexFwqzBj0VMy0JuhYM+wj3OoSfULirEKCzE5+hRcgxWlKf36/9V1399mXl+c2+EY8qkXBeelCOb4n2kolyzLkz7w0Na90VX1898TUxrxbgI6TQ/lxQ/Ym6Gx/iRp58CAJw7x2j2ddX1/8uP/h4A4PbtZQDAhUv8fa/H85iegBOKw1UUmkwJKRBykM8SlTKuxNTkEf2e4zefhpGeNzlVQw1G0k3RespI/fGolCcNSdlZI/v/S1/+IiryGMlKGdRTHX9caEUoMr5ehkKYutK7OL60xHmZ5TUr7hPF6HaFjioCt/skmjQHxMTYvKTTad8B1VxnzQk0Y3oouv8drZPtbfkgvMz76pXX+Lq8Qm6FaVH0h9I/cKVp43KeIHTYuByxcBRD44OZroH+PtgzfWDHsr9RrqHcwLVXN9Fu/YBwDjzPe8bzvBvet7HT8DzvDw5vDPT+ZwE8CyAK4B33o19BC1rQgha0oAXtO28/aDoHliQfvMnvLzuO848BxAFsAHjG87z1+3Vyz1EK55DK4T0+Ofbbg+qGe+21vEM/HUIMDDLQx0w7wD+ma2xVvoZC5gzJX49U5TDw2vre0I+yDyMgg4EiI48736iUz5IR7rZjEUYESUU40dCUOqXd+kA106FxZ0HzXmjJnazX85CUKl5NOuN1aeXHxdo/e/Y8v1NnX3d35PQmVGN+llGGTU9RLHVXtcRp1UVXq2IG6/3+QJwG7bAbrSrW15mvrNT42aS55ikv3VWdf6kolcYK+xyOyBnQlAE1hrUVRgoDXauoKggy8n83xbShlAIzyayfh3ccRWcJuWw25ISoWzEt5vj29o7GH9Kxkxq/WMnKnX76058GAKwub6qvjG4+/SnmfS9ffgQAUG9U/Ehmd4+f7bSlty8lu5iUDrvicZg6m92VYWOp622LVkzlcShNgYSiW9NycIU0JeJ5eIq+26omCdm6V/S5s0VEYGaSa0+ACSoV+VUogkyoFr3TG7+/DlAyjmXQNbTMOB6Glg2RTjIvP1TVRa3BNTgzz/eNOW8VA3vy0uh0ieYYMtSUhkU2x3EfE/9lZ48VNs2mFDWlUJrPyiFw2PcVL7vixSTknRGX70dVfICGrtHcAr97Z4Vr+ktf+gIA4MJF5uDf9/4PAgB++R/+MgDgT/6E+f3nX6DmgKkZJhN8TaXSaAohKpaEwow4Drv5fF8Xha9WGRSPSgU1q9x8m2u53uB99rDcTU0h8FOf/Aq/J6fNC2fpMPn2t70D27tck1YRsyVkMZtVP/UaFU8oP8Gf6zXOy84uUcFdoYLHpHYZEwJRLHIM5t46UAWJwE9MTPKZ1+/30BKXyNX1jfZNdZPHGBR1f5sWgdb0+VO8186d4bh39vinaWOL/Ker114BAKxvERVrtDlGcxw158zBcADPG690sHO5I0OD70ar4f9BcHHfrBV+cDYHjuMcB/B+AC0An3uTj/3qoZ+HjuN8FMA/9jyvc68v3OM8z7/Jr74ZTyJoQQta0IIWtB+a9gOxOXAcJwbgjwDEAPya53nlQx+5A+AfAvgUyG3IAXgXgH8G4O8DyAL4+b+xDh9qB9mUNyINb+6tPf6+HWNkO0OrgXXGa+iHfgWCfq3oLXQAPcCBqaIp6aca77hruv2MytKpCf2eUZgCaHQ7ir709aSYwxFFvaY90JAPQrm0NzaiTDKNsBTHEoqmc1lGxP0+o6c9qRKW9pifnZwwV0nLufNYm+IohEI85+IiOQa1Ks+Zm2DfUzrP8soyXxWBlCsVH71ICG3ISrfemP1FeSVUpG9g+W/jENcanJiBuAgRoSIxU+kTx8CQBkNzDPyJhGLoK7pIxKyW3PL0HLex0ntigmczzCnH5QQ3Uvher5vzHSOm7XXOXyxiTnGqelE99OraLc3LDWxsck5i8tAYKOfeVWTk6dzm+AhVAHiqoLFoPCy+RMetjR3Plnq7w1yqM2QkOZGRomQ86atyzmU57qSUIff2GflV5cZ5/Bij75a0B3YrjAh70u6wLpqWh1WUhHRNXK3ViPLC+Zz4Mqp6aNRa6EiV8PgSc+mLIa0tMflvvH5H4+Ox8ubsJyVIr246D2w95bc314lARMLGt+HvazWer9vj2g97KUTV34yuf6XMc3sprpesqhnKPmrFPH0hr6i9wHv5xVfIxbh6g3X/Fy8RSTh7gd4EYVVgPPc8WfzGL/GabSwucvyDHtfczRuMdLua24ii1FaLyEKzxfFNT5K9PzXDKP3YEisDRiPOy61bywCA169yDULrxxVLv7jN+63ZriE/IfRN6+KsEI79Ij+zK52GmJCDqEqujp8l6jkzTaTRFFKLxaI+xzUeTvHanDxB/sv0PM9z+w7RnWpD1yQUwfQs14E5QRpKFQ4ZssZ5WVnjmr15k+MzREXDRKut+0PPhzOniCgUJnnc7T1yfuz5ZPdNrV7ESPicZ0qIPl6nqXzD35X7hRcctO/75sBxnBCA/xvAOwH8CYB/cfgz4iN89q63WgA+7jjOVwC8BOC/cBznn3ue99K3Ot+bkTSEKDz6nY8gaEELWtCCFrT/uNr3dXOgjcEfAvg5AB8D8AvfDqnRmud5a47jfALA3wHwbnCj8DfefC3re7phmcriIU8FjCMFB6xTy4mOxl4tijsQUFCOKWTflob8yPW1FcynIBqR2lqUqmJhsKa8VTNnPO6Mc2mL5vj5kKoXBl2ey6Ja8zkwxcXJAqMb8zePx7LIpgs6lvzWpYRXKnFn31A0flRRy4R0EFoWzQuNKJcYMczOsW+b64zmalL1y1TZx40tRlTLK4wELEeXLxQwKf1+c99bXzf1QO7UTUveCfX1XbkSKkdstdYD1RSHHEY5x44wcmq0dRxVNxibPSl+RbXaQEos64hyyqZcOCM2vp1r6Or9aUaplr9t1eUmJ2az66sRCllQjnLxGGvuE2n+/sVXvgYAuHX7deTyup5WEdOTSp76aWiV5dKt5rxQYF+qinxdj+fMSc0PcvMz8fiecrY9eXSMhME4oTCmZxjpDRV9HVtiJGcVJakUjxmWTkNUugYnjjMCfvU6o6yRXEs9vbabYswb8iRugVWQuCI3dOTO2O+3MZXhuM1tbyAdjJbQDUNz0ilez4Y0KqxKp9cxybtxRdWuuBwhoSIpVVAYn8ZzNI9IvMGXIiEvEd+DI8o+TMqt0dwFi+Vx1CatNZcr8N7+xksvaL5eBQCcOs157kkPYV/3YzaZQq3OeZjIMfqeU8VIRRyErhCgjuCaijwFdhXVX79DNOLxJ6he+P73/QgA4MwDvGbnL1Jr47PPknNwTf4JfemGuJERNsWx6anqZFa8D9OvqIhbZNVLJ04QrUjpGjY7RNDOniXidHSJ94HxhYxH5PPFwjzOqQeO6nOcx/39IvZ2xz02DDGyqoV8jnN84QLv/4KcIdfEbbqzugwAWF3ls8qqFOxRX63zWdVVVYdd86GcF10XcOz5b4iBLTFfR+d7r2z8fVNIdPjE/dcA/nMAfwzg5z2r1/rO2p5eU/erb0ELWtCCFrSg/TC37wty4JCy/TEAPwng/wL1C75bE+on9Hr7fvTt7ma7s2+9RzPlxDf+5o3vHeYnHKpmODQNByqM+tmS8b7Wgu0srU46BkcaAyHfE4GvjRp3ppmkVMIUjUzkyBqOqybePOPbTb52FAl22ub3zuOklMM3F7O4opxUKufXme/uMsJfV35uKOby2x9nNDFssS83b/DybWxw9y15c18R8dYd1pRbDj6i/P7ODqsYRoowp6eEjqiWOhyN+DXMltuzmuqQcoSGvrjhA4UyAOgoMmy3LYojAjGRZ2QVCzNKLbcYtbhS4ctnpjSPcrULp1HIsl/tlq5Bit8d9sM6NqOSXJb93t0jk7nfs/0yO5lKCvWRDoSRmmdmmCctTDLyvnWbOejlVeagwzGgKfW9bDSr8cqtUwhAIiWHt6YQAPOO0DlMjTCmXHo/IlU/+dcb0hCRbr+BXckU10ckEoGn6xQSguLKITSv3Pmob3Xp+q6Qp/wU+zhTIqt8fZt5cbtBTFmy1mxqHqVhIMGQsNCQjhQmw5EQyhVGvr4jpvLYQ/Ec3JRUFf3qHqF10jNw5GYYj5jngCpp5J3Q0v1jFTphcS+6qupwOy6GPXt28NUcAEPKNTdUpTEh9MtcOvfFwTAuSl/j2ld9Pw7poVy7zvsnpAi5WSUqEAuPsLcvv4om+5fPcy0lVFWws8N7stcTehVl38oNRsY9KSSu/hnX3Cc//W8AAHMzvE8efZRaDI89Qc73AxcZ9b/4HBGEa9deRU/9N4+FttwS+9IYKZd5z9r6Wd8gF6nZ4vyYy2SlwufNuQfIf1g6vgQAmJqVyqPmt6VnQlPrxtED5/jSDLJSayzLe6Smiohhg31ptfh+UtU9mSzXyWOPc3zvfA+fbXfuECF44UVWKVy9wvHWKobeyIk2pPUW4Zg9DHyvHKsYsrjZd23tWxUb3tDuF6bwN44ciHz4/4Ibg9/Ft7ExcBzn6Xu85ziO808APAVgH8AnvwfdDVrQgha0oAXth67dL2+FnwLwU/pxTq9POY7zB/r/vud5/53+/9sAPgz+Qd8A8Ov3YPQ/63nes3f9/DnHca4D+Lq+kwMJjJdAcuLf8Tyvdvgg33HziBaYAqIf23+L/M6bFiTgLgeuQ/oGh797wDGwSOKwi6NyrKNDPx9y83NGCThDMdelS5CSRvjSEne0UxPc0RsnoddWFYK4BHbupJTf+tplh4VazC3wEpv6YcinQ8g5b7eE27e5a7Y89cKC1PKOmL86d83lPWkLqMY8FNf4LQqTulphlq50u7vMTfa1ZT56jFGI7ebX1nneTJaRQq1eRbXKc1gUYuiD7cZNb988AwaK5j2pN5p+QS7DMfQ6nPuQ6vdPn6BmQ6nESBTSk5DUAk4cXfKjhaTVzisi9hQ5pxSlGsPZ1oNpMkxOMxq1CPiGWOkj3wmSY3vtKhGYUoXRYEwo0bAPRITshFyLlKWdICm7WNy4FRz3SJUxpt7owlQdGcU3Pav35jiNrR0xKryim/0S+/K3PvwzuPIKc+CFCa6D02fPqf+MAKslXqt6RZUA0iCoisXfVpVGTx4dpiRn5+6p5MbWsOWoDf3xtegjUQzr/Gxb0MhEgahETFoRI6FfpX2e+9gxrkG/rl8VEsUKeS5OyPQh5KkRYbQ/6JsDoimMdtSHLAYdc+TjXPW7hj7IayLU05xKdVJcnrbWst03nqAWc2kdKMEd1zXL6F5229JJiXP+ut0uum1mZttxIR1CUjLif8zN8nlRLrIP9Q7P6YD3XEgVIbm0PWfIK9lYJ/r1/3zsowCAqSle85NLvF8WZlhRcfmxh7AqhMs0F4Za11H5oBjKabofjZoUBOXOaRwUqxixqh1D7+y+Mffb/CSPlxF/wBCJ4XDg87cScfPEUHWPruNIVfMVoS+trlUpcL4mZviceOgy1/aU/EMW5onQHj/OdbS8SjTHc3gtY3Ge987aq9jd55qy578p5kJVT+aM6hz6u3Hwjbfe7lda4TKAv3vovZP6BwArAGxzcEKvUwB+/Zsc89m7/v8vADwO4H0AJsAqs1UA/weA/9XzvPueUgha0IIWtKAF7Ye13ZfNged5vwHgN77Nz77nuzj+f/+dfud+ND96f0tJHEMMDnMLjERg1Qj+Wcf7cEh9cXQIOXCg3Gpf9d1IIp9jXnK6sAQAmMxx529VCK4i5UHPQn4zbDfXRkZ+B855ZEKHXKshV4SpXPPOBnf7uzuMnIulKlyXnzmxxF1yOMr+Pv8NMpunZ8gAfugRsovr8lM3Z0SRt31/A1MMnFlgVGI51j05BzakJNdqWtWG+AX1kh9dJlLjTo9t6bIP2lbPr6hKipAJ6fInEnLOGyjClvJfXFFNVFHd7BT7VhL7/bxUIOuVBiAFwBlFT31THUwaO5393ZeXgopWMDnFeTJdiKrquI2FH1M9/M6uuBpiPDtiY3ca5tKYRlyqeCGtmRMnz3C8uu6bmzc1P4wIh7r+dr1NvdGQEdNugDQF4tIDsCqWmngRra7V97dw/hLzstPTcjIscdxJVQZsSPnP/AhmpnlO8xYwXYCQf2uyj1GtL1PIHEhPIy4UwPwyLCoOOUNoGnzdCqsUSqiyJCxehCkFzqvSYnqOkeDNW4zu1upUnoymOU5Tc8yL9zCR5f3XlRvjE4+/BwBQ3+vhupCeuHLhTUWtTd0PmYyUAVWv3xDakVCfGxhn4Rt3wVQIPY0bqtGfyrLvUWkXdLoNpBOMnrviGu3skB80KPC7s5O8VrEZeS3IfbLtbevUckqV6uWaqoGOHT06Nn8lVSC9epXzc+3aMgDgyLFFv/Y/Lc5NpcxniitFw4wUMy3XDsd8S9haNXFJTJOhxrHcuclrdGSRYyhM8Bl45wbfN6fWuXke/9jxORSkyRLRfdGQQ2avw3OHVQHRbOhZIzTKeEC3bnINx4QU9Xuc+2iI93ImSWRhIs95cMNCDpK8tuXaNnal+2EKmmE9ewfD8eoF36T0rr8v94tz8H3XOfhBa57n+Vi/e5gN+KbN/sC/EdA52AToZ3+zYG+Py2Qe0EAEacEgbnfsNSymShh8eMQTBGQmJ2aRTc3oSDJ1aYn8NeQxk5L7jdgCC8sMR3/0jBwXFWHNSrA6Ilg1GnwIbmzwIVFeq2v47NPc1Dxc/fEygtBukZ89c24JAPDwZf5h2lLZUGfEh2FXr5syM2nqXClZ+vY6Zrgi0yfZBpsNsZlCtVuSBI7EENcfHjNO2lTZo5UJ2jg7KtkMy2gmm+YfcoMqk4JNM1mVBOpGDenh2GobrMx5bNZ401fKDcxM8YGQUIpnoDtvpHm6c4d/mFNSzDkqCNtx+Ue+JoEmEzcyq9+SyqL0twINCfh0uiJJGsQdS8ARxOyosKeuclKohNMsvvsDvS9I3oiqli4Y6CHZtQd1xOppD6BZ9kGbA1lZr67f8Umtc/Ps55F5rtu4yv3W10k0O7LAMrGkyK4RrXcTM4qrhK9relMqVRzo3FZuG49pI6PNWCJpG8QOEgmTzxYRrKU0nETCzNSsJ5KkCSzZ/WPrJBKz9cO1bDLTTZXbzk5wA5zN6o+woP1SqeynPWbzXB+zs1wfJofdkvW5N1JJpp4L+UlZOY94zGKRa/nAIl72wFrbpp3milyZszEOR8jKgvzoBW5+bl5fBnBQupmWcFQ2xfthfoaQ/G6D52orpWfETpvPK6/dGpsfR6pqrq5lJMF53di+gY1NXr/JCfbLxMIijhFLVeqpP8whreWJCUu3WRpJaSXbfI/4uaHKS0s7vCZzkxzrSJvLYpEpkHqlhKxSkjkZT5mUdWWf3+1I7nhmnqWaEaUDum2u85pk5KtV3rPVMuevUtRmQ6TZugigDYlK1VvLfG0XERVBcnjob49ZNlvpsv/3xcjz3ujb+Hv17bXvWylj0IIWtKAFLWhB+8FsAXJwqDke3tR1+TDl4yDrcJedshEKD33JN2kaBxIw8uwSmAiS7QCtjMxMORgpREV6cR1GGNEQI4eohIwalQ56Ne5MJwtEFbI57q5jIg6FXLO35d7QynxMJrm4p52tIp+ww4ggHuM5ahWRhURsS2YEjwn6CofDqFS5ix5ISvWRy4TYLzxIiHVzi9DbygojRZMxNRjN4NRshqSuSpG78VKREefUFNGRvCKHGzeN3MP5SuQUpYRDKJYYFewLmu/KujgqQmazwp3/4uISACAn6LVa5ucKMn2ZFLRZlZSttYFSQyEhJ76MstbCo489is01nruhyNmOdXOdkLQjktr73vMhAMCMINzPfOav+D3BpNMypOr0Ga2NRGYaDPmzicjAlcVziNcskcqgL9QlleWcdYUc9GXJ3OMlw/QEiVOeyFt9IUcxIQhdpZPifgQo+FQGXFEhJxHNS0cllKNRFx0re7uzDAA4dYzIwXZTgjsDzu3ikoSrVFZYUGrLTTIt8exX/j+NT4JfJvzl/2z3D8dmKcLQ0ORQEhiorLbvmzJZWaQsrCU0tTBLSHr1Jvu8v8mIcEFmPeUy1/TaHmHzQZxrcBSTVHiFqFC+xzGFPd6zo04Mcd3PM5OMytuKuguT/IyJhfWVAkyk2CdLESaV8hr0eI5KwwzKzJLZCI8GhbNvWaFfJ4+fxsoyxzXQXE9Psy97W1xTZZX+1qqcH7M5npzmOulGeU2LJa7xeEwkWT1nWm0+R1IJEXkjQpjE2I2Fo3Ak7lUX4bStVN9UQQReK4cVgbctm/i+ykszBc4HFJWbTHexzJ+7mr+czLEqDc7X5BS/d/YMyYP7xSJ2ds3SXenCBX7nhJ5FdZ27VOUza07vLyr9sr+vFFGNvy/JDKpWkdT3QMJmPSNX88Yzq/Ckm0RLpGcjUFrK9+BP07i1t487u+FvzpD/DlqAHAQtaEELWtCCFrSxFiAH92jfUprSrx40ISLt3ry7fJIcjP3uDYiC/zGR4Kw00ScHmjyyDHsikkJ2GVH0O9zNKs2NDmRykz2KORHjUgnuaK3WzFHp3tQkd8RmEGLWvdvKW3aVyLX8ptK42JWlcV1lRBZBDxz+7OmDw17HL0XKT7CfR48zGn/lNcq6vnaFxMTRkFGnCTYdPbbE8cb5PZM9Nd7DgohDZkt965bIP0nOY1xyqnVFK1ub66hLbMTmMCVLYYgo9PAlWq2ePMnimjsqw8xlecxJRXV+/leEAbNR9oSODJQXbjTY53e/m/IckWgUGxuMHqaVrzVUIZtjfy9ffkLj5jlfv0IkZNA1a1Z+bqQF1uiohEulbibdPHLEg4gYcU/lqr2hv9aMlBfTGjPXY1eIx/kTDwNgGSgA7FVU6iaEQUEeorLwjUetdFFET4nFdCRkkylIjGvUQ0elZfMq7/JUglkqS/RJZMieCKXDMPv68hWWQFqJqpWfhjWmZETEQ0nVDhWB90Zc0ylJR5sMdT43jXjaRGzEX2gp2tYxYyLmFiRNbLyWSpmRXmGS5zy+SFRsSySygUiCLUMt2lxPDRHyoj1yEFLZeUzkiWQ0tbbKNSIoYQlyLS4qipdBWVORdUa8Iovy01r3r77Oz7XaXPPRqD2j2OzRZkTNZCSJ0yf4TNmWoFhxl/1OJIzXoFLMiPg9QjNrJR7DeALxWfFgyoyIjTSYTogn1OfYIiZwJrMwB84B6VXlkx2JhZW1rr2crpVs1mN5rWsZslVkWpQUqmGW7q7ul3KJ95+VVk8tiosR4hh2i/y9G4oiLI7EF77+RR4zzXFcepDX+cQZIiYLp3kN2lo3XljXRqTKs2eJKGWSnMf1FV7/nbLQvop4EkJL97fEv+pV7FaCiZ954hoZZ+3w35HvRQuQg6AFLWhBC1rQgjbWAuTgUOPO+t7IgZ/f8VGA8bKa76ZZydpQHIOR8p+uojIL0zoqM+oq0jKzl1iYu/bJLKPeiYkZ3662Lqb/9JTl77mDVdrXt5Ct1cxSl7vumHbnTRkTNerMsRoD3Mp/4in93FW+z7NSHxeNhljBizz3q1fpifXc8zRfyWS4sz+ywKqFjCRnozp3o6XIUYIjEQm0hPV689YV9kF2qAnxH1Y2WBpWlbWxG3H8SgETEOnL7CatPKWJvGxt7qlvfL+QJ/JiVRlWqjQhe2nLTUdjnL/V28wxXpTRzPHjLOWqVOp46ilKyN65xehyfZ2vx0+SlX/mNKsTXn+dUqu3lylNO4jEzkQAACAASURBVJC180ARcUdcDksl27qIqKwyMjQhI4ngKKL2+mG/RC+mqoOwUCmr7LBcckPVBZkMvzsxy2v4+m3yIxqK0gxpGPrrwgSHLM8vZELlhRsbG4AElqbFqbCcakNr7ZG3Xdb8MNp2xam5beVhEouKxSwnazLZHFPf5HAletMfmTiQ+A+S241GE0gnyBmYl9GQq8fh5jqvd1KlaFFF2ZmJvMbJCFs+XpjX+jlyhNfw9jrXek8iSeG4uB5ioNd7jFJnsktYOsH1v7NL7k3W4zlMK80kjacm2NdukvNlxmP5Qkrzwb7OTHA9rayqPFdRv8/FiPH7k5Oyax+kUJjidxfmGBmvqJw0kZQ9sspEXTMmU9XT3hbPsaXKooUF5twXF06MjanXV/VTUmNThcBgaEZnQFJCY3YNsuJWWP9HKskc9ky4TOWBMatekPCYnpdmuGRr0dWabwiJqN0iirEnNHR2jvORKyQxPc/7/8lJzsenP/MZAMAXf+cZAMDUHNfu+QvkKRw7RiRh6Tjnfn7WzJwEkaiUM2bS7xuqKBGSGV6UfLIqMG7deQkDrR03bAZM4syE7W+TyjG+hy1ADoIWtKAFLWhBC9pYC5CDNzQPB6Wjh6WMD7e3nvexelVrB4jBuCyyiQqZGIax0MPSMuh0TGikinSKxzQTom6fkeHqGnfLjbpMe4Q+JBPcNbc7TZ1DuWTZAadVOTASYmCiOa7klPttfr+v81Qbmzh3SdH4NqPpK9cYTc3NMYo/cYI1wpN5RlvGym7LxKgkO9haQyz2Hnf81VVGKdEYr021WtLn+b2+eBX5fN6fT0fLvK1xZ9MSA/IYndy4zij1kUcuq2+MfG7eJAphpk5m7jIaWd07+P1br2ke+fu3P/EoAODOCr8fi2YQUR22RdFTs7w2xkHwI9yRyUYrT7nOKLVa4zhjWTHse0QtwopGw1o3bYuMrc5dZlCDYRiLRxnhzM0s6dgSFrW1BjuGrItlqWucErsNDPXxtE7qDSFLiupMTMhqzy16a3daeORh8juOH2dfrrz6PABgf5/R+rElRl3xBCOmsvL7MWkS9PvjP3f7HF9IkZZxLXCIxd1QH+IynarUqshnOPc9MdmT0lqYmpLdr4SHhkNpLAhJMkOuvV1eg5yMtqYn+L07a0S1EjGTodb8qa6/PRR3p11CXboU3a4iQdlhO4o24wkJTEnIIhnjuBbmySva2iRXwzgsJoDWn+P3d4om7Sy2uzgq2zvLHEs95ZtenTl1AQBw4vhFjZNoTkzXYnqW41ldpQbD8eP8Xq1udf3kd0xM8HlQyBPt2N3jGu42TexHMt4hHj/qhOANtfakjRE9xA8Km+S58vOjnlUrcDzRREx9Ns4WjzcxKdEnIQmm3dCVXXl1nc+TlXWaIuUmQ8gWxDURUvSIDJXe8W7ygl54+TkAwKf+6t/xWEIiZ8X/OHOKn3/0EX7+yLyEgsMcbybL459KE3moN9iHCxcoJ50rxHB7mRyb3X2iOCOfB2d/L2yc3zvuQYAcBC1oQQta0IIWtLEWIAffRXsjknCoROE7aGb44akm3KJxi3yGPdspmmWnIkzJ8SaSssmVUZEbHqCr361tcUfqmJaCdudmQXtMlQFmA10qcdeeUK41I2VBK7XtaYdcLjM3Xywyms1mlOcecVdemIljACkjlhidHj/NXfWJY9wdHz/K3XRRcsFlKQD2R8rTRlUDLdXGbtciKEYlZqbUappioCoQFK3CEBiEUJdS4WR+cWweGhWea3qKEc6scselUl3n4Ov0NCOkDdnEtsU96ElboFTmPP/KP/hvAABHjy4BAD7+sX/P8xamMaGcsaErC4riPVV1bO8wGrt9h6pyNRkNbW5LGVERg/EC+l2LoHmNGjX+PFQlRcIqMiSrnYhmcWz+uPrDa7GyQrObhQVjVYttLiW4viJes9GNye53JNnYjgy5BkPL/w/18zgHISfkqVDI4/z5C+qnKT8y6pya4hy325xbU9s0JM2OGVcePNnneqg1VJ2hyNAdmqLouI16vyc5ZSkid5sdP+JdXJASoqLRsFj0ds2samFSSJypDjbq5IXsF4luXTzPtX1nlVHf2hYrTkSLQX3EefVUs3/t1iuoKZJ99OG3AwBKZhNc4TzMzxGtCEl10dT6CqrPn58nEnflNV7LRJT37rGjfK1Lta/bl8WzaVGExSspxFFvMrJvtnh/ZNI2bnGphkKS6qoYSHEezNxoboFohd0vEaE3JeXzFxYYvdfrHGtFfImkOC3hcNi/PlaV1BXHxuY+KpguLgOpSESqpwNJNzfs3KaHIGRJSEJWFSenhA5tSCJ6r9RTXxmh316/helFHrstcla1yn5fuvgYAPISAGByhnO8Jjv69S1qJ9xeuQoA+MIX/xoAcO4s18VDl1gF1Ouxj9s70mQQGnbxQfJPTp59G3ojIkK7RSIarpRSQyFTIQWAN/4tcp37hyUEyEHQgha0oAUtaEEbawFycI9mu7HDu7LD73u+nvUb7TIPNK+/1bnGkQOzPbaco1UzOI6iGumcu2KrRuJSFGtx59tv9fw67Zby+HExmU8c58703Gm+RhRt9YaMoCZmGZWH5UiztcH393YYxVpE2VF0l83wuKUmI6honGPo1hvY3uV72QI/Y7XQPaELV2+R+S6hNkjEEUNtiROJiM6lXONQvgDSEpiZYDSSCjPqsaoG8wIamGlKo4O01OSG0gyoyRjn6AKj9yNH+Lq/y/Ftbq1rfjj5q6scS0fKiqb415JZ0o9++EcBAJcfZT79mWc+D+CAzX/izEncvrUMACgo2rj0MJnNz73A/OWrr32DfZMF79q2auZlcpSdyI2PU6ZIo6Fp6fNaRsKmEMiJjciWOR2bRFm18vsyWOpKh6Cf5rHSaebjoWO2NU43rrnsFfW+GSmJg2KMckUzhgqYeZZrAehogK4slV99iTwNa48+wsh5SwjKjRtcz12ZYxmCFI3IU0P8GDMs6nSMnS8vCSEsrjgZ7sg8FTjWWDzio1W1JnPlZ08zwgupomKgYvNcgXMflU9DSOjd408yEnxVfJqi7MSnClybu3scgxMyYwNVTCgST4X72CvxOtdavCdnZO60s0nUoV6Rep6u68kHif6Ua+xzRhHx2XPMX3/5y6wGOrZE/sPsLPtyZ4X3SVgoT7PN77vuCAXpeIQiUteEGQKJTR/i+BsV6aToOdEbMrpttnjfTEj3YWKS91uluql543GeeurdAIBr13nv31xhVDzqD+EaG19eI+bL0RbyMRTi5ji8fwwZM5TCPFZ6ukftfcc3KDJ7cdNf0bMuqbKQKM8zijRQrki5cGjeI+zbCy/xXh1BehhhQ3X1TJbCZlTP8u6A8/KNl78AALh+k+skLa5LRchlq83n6+1VIjanTh9Ftc51AUfXJKT+6yazde4IWXO/B9SDADkIWtCCFrSgBS1oYy1ADg41x3HegBgcrlp4I2Iw7rXwnZ3v4Lw8qJ3TKgL4s+uYzj13me2msfn3dQBFOz0HLrirLmSZj3z4QebKlsQxGA0VZemYUWfcJnZ5jTveOzcYGVj9rTHoPYc73t0yd7e9kLTopYcejTmYWWQUaijGXplRxEjs8vl59iUku2NTXUwmGRmUSxyXMeanxAswR7w7K2Rhh0Oy4JWaY1vaDp6qOhKxmG/FXBficXSeUfvJE+Q9WHSxu8fxmqvghnwfQiGrNZbqnkwIFhYZAbzjne8CANy+w0hxa4uRx5NPPA4AuHr1ml+3/yu/8vc4R0p+b+1xHA15C9Rb0l0Xu958HgxJajYVtbi6JuKF9BQ5J8TqjqqaxVFuPpeZ8t+rqmrj0sWHAACbmxxnU8qG5iqZTPKcPUWSpnuhknn0FNVDaM7oUJ7fot2ecrebG+t47VXm41dXec6+0InJaUabpsa3scYceb7A657J6Pp2uS6MezGUkl48rBz0qK2+mNWt3DoVkSYTpmoZQqMqZEzR+8kR14Wr/HZVCpGOIv63P86692KVfU9leezHHiO7/7f/JevgQ1IlLOS5PjqyahaVAX1T1ETbd9174UUqhj5yiR86fZrVPL22fBqENuzt8j4yxv+Mql0MMXrlCudpeYXIw4d/4oMAgOanuCa3d9c0XzxPt9tBt8PxGzpz7CGiF2vL5APFokQWsrIyNqXQSdX7n1gierG3L2fDOtfwY29n9U9I87mrPP9TT7Ga59Q5VgW98MLzGIlTUpGaqYaDsLhU+/tEPhKJIxovr0lPPh8p6SL0+xZRi8MlXYCYuApRIZJQtN7SsyEtB8aJ0TE4NX6mqiqC3oBrKhxXvt8xnwNp05hvsq+pwfkxF8+YBtNRxVVjV7br0kGICJlb3eC9sbH9KkaeVf5Ax9bfHFVrmP6N/ex7+3qjb63w+222ADkIWtCCFrSgBS1oYy1ADg610Wj0ppyDwzuyw4zo76odPpd/Dk/94Y66J5ZxJCQzBe2s+8rhD5STz6YXMVtgRHzyKHPgE2Lpy3YdA+WE90uMQvYrywCAcpHHMjfCiRx307ksd+UlIQW7FanVyWUtEuX3bKecSubR7fEYjXpX7zHqWFw07QVVM2zndC7m/Xd3GRkW9/n92TmrOeeAV9aY/w9FlVsUYlIpadfel3KaIvNOd4C62MbnzzGnfOY487Mj7fT3S4xK9lU50VKec0J5/pgivrLcGwuqnX7oYeac1zYYMU1Pchd/QqqH128yt++GHfzdv/fz/H+Ux/id3/0oxym2fktRxZbcKqOqGEmkpGoohMBTTX5bLO2kqjS6Ukoc9Syy4Dy48iDIJPN+nlKFL36Fx9LSEgAgHiHas7fN6C0jpCiliHJ9lzliW4td+dqbV0O/Ih6MIiJDYCysGXkjv87cdPsHXYuIec7XrpCL0G7xS5EI109ateE9nTMcstw0f260OH/GUjeHu7Byz6YjkBCSMBz2ERNHZq/IdZ3NGQoDjUMVE8ot29obifextk49A9N1MF+MPVXxpOJcP92+0B5NfyRmfSoiLvZ5t8t5uXGD+fiL58jB6IvXMVkQEqcKknqdfbdHz7Elrsm3P0EU42Mf+0MAwDOfpXulcX7W14SOuVzUmXwafXlArKrWvzApdEVI08oG74tTJ/g8mZ3mPWnM+bzQrYK4Fs/qnPkc8/rveIcQtCtk8W9tCv1I8/hvf+wRrK4tAwDmpU64Jp6POcPOzJgzqu6LuEXOek4KaTX0wxFPoCtdkYiqdtJZrvkpoSAjV88pcTAikQIKEzyGK62FTk+VUR1+pi1eg/HE7NwhndOQI1fo1Uj3qlXemCfJCFpohrRFjT+Eu6AAvfheC9YGYz959oH7Axqwv/fvUEELWtCCFrSgBe0/hhYgB3c3z7sncvBmVQvwHbLM9fBbqyp6hxCCg6KGccQAqn+37ZuxeD3l1iVW6OfsJ7NEBxbnzmG6cFrf5U60KJc0YxUXi8w7lmvMqTVazHdbZJnNcFftxfj+rU1Gc4MBI+r0DI87GHEHHZNmv0VU5fYaXLkBzi6QXZ1LMW+5u8ndNwZCGRzu5DfXpd6oeuWF+QXNj6K7PY4hnzMmNN8v7kvVUTnU2Rwji6Z8DzqdLk6dIipx6QJzxhGXEeLr15mXfe0KWcSpNPt89BjzmskU+2jaBCnpv584yeNdv8FI68IF5u7PnCLj/E//9E8BHCjH/eRP/rifE/7Nf/rPAQBVsc0LM4yutqVJEYkqWhfSkhMb3aowIK+F0FD+GaqLD6nCIB6WO6E4CBNZIjXJRBKVfc6tOf3Z4krLjz7m8rvOjPgKqq3eKqq6odfWuHhOi8oHCrX9Fa//WC7WWP6xeMRX5luY5RqN6rpducKIOR5L6X09mnyejyJ+HbOveviBiXCo6sfY26aUF9PxIopyB4rEo5EEmorWjRH//Etklf/Sf/n3AQC3VDFR3CMSYLwAT+p01QrXxZFFrpe5Bc6rI/XOwhSv4Ze+uq8xCM0Zmtppw/eWGLg85r7u1Ws3XgZwUFGzXyG69WM/+l4AwG6Ra+uFl6gwuVfiuS9coDrfBz5IrsFHf+93AAAnTzO/f+YcUcXlO8sAgFa9g3ROaquaozu3qE2yKF0MR+tk5c6LAIChkJCpSR7z2lXdBw8SMXvwIXINPvc51vkPxHFaWuLnz53nmvz6c+x7o1FDTN4gKamXepIkWRkY10oRvhRUyxX2MZ0kojI9yy84Lu8LnRJhKUMOxEVp1FUpUuBan52jRkMizvPu7G+h0eb1ysjpslyTT4fmvCMk4JC4ra8X4wwNGRC6Y2vZkDtbq0OfYAYACOn7o5F34NbrjCNE/t8cI0r5nDVpkIwOdeottAA5CFrQgha0oAUtaGMtQA6+g/ZGFqh5pR/sAEcjUzr0BQru9RUfKXiDHoIznmwyN66Rz05ldJtIMNrLKiJPRplT7HZcbO4QGej1qJrW6YuZ22busNOr6NhSJRN/Ia7IGQlGhlvK942kXx7LyPfesQSYxiq1Ms805N0m4inlfJN8b2ODkU+sx2gkCe70e32pMipKT6Y5rpKqFcpl7tbTKe7sK9IoKO5wfhLJCb1qfsDjmcLa4088gMfexpxns8Y+feN5zsvN24yI00IbFuYZ0UTl+DfypAwn34qUlOGuvMocdbPJ8T90gZHSX/z7/wAAePkFRpj/1X/9SzxeeIR/9pv/CwBgbYU533e9+2kAwPUVMpSTilx6XSlDygOgLZdBiwg8/T4RZp9HiuZ7fUZY8bjl8nltTz1IfkUqkfLz9ecuLgEA3JS5d/LYmZgqIzyiOEOH17+8LFRD7oKefOglNoeqGOZwpdYZt6oWy7Vz/lrtGgZtRoD9Lt+bn2Wka+hTSGsqroPHxL0QEIVYhohSfV1qg4oMR65xdCwK43oaDexnjjUl59GjR0/gVabAEYmx/9duqo49/BEAQH6K33nu64yMs1L0W1zkPDWa7LMTkXbFI+SgFL+wqfng+A05GQ0tgmQfkolptIRwWXVKSl4KezVxT6SAmhDx5QvPfxkAcOb0WQDAxBTn+uVX6OY5K7XLpRNUojx1mmjZ+jbXfH5aao8znJ+dzQ14LhGOglCmvngre5vs2/QkK0asamdrgxPXk0Li1DS/32zw8w88wGtqWgWvvUaE7s4ynwHmUPqOJ98DAPj857/is+4NCYTDcc2qsqjT5fXuDbR+xGdp6RwjmL8Bnx+m4dJsiR8jnszQovcR7694nNc0PSekLp/F5g6/u73PY9eb4342Ua2tnvhgUVX3WPOsnMfnAZiWjdbocBwNMC6CvQ9n6Pu2wH/+jyPN5odizwWrsPFG9492ECAHQQta0IIWtKAFbawFyME92mGEwNAA4xEYKmCvFq04d33m2z22RVUH7xtjdXTo3FL2ynNHHZfjW7tFNKBUVqQRSSCV4q641eIuu9fjbtz0CZyQ9OstJ+ZKGU9daIpRbiOJSt98NLBdqnoq9bl2x5AIq17IoN+Qq+Aez5kJS689Kj11z5jg0mdQBYXprvfkKZETq9h8HLa2GHlPzfB4CeWUS6U99U16/uImPPjQJZw4wf9/7StEVPbkAHj8OKOsiUlG7Z2uVX4oOvFZ5oxSiiV+75b8Dz7ycz8LAPjSlz8HAPiLT9BL4cknqSthdeG/+7u/h6tXyds4/8CDAA68FMxLIJlQnl/Kl8lkXD/LB0KOdtGoqjFUEZCb4diKO5yf8r4p3zGaqarmvNvp4tgx5let5ntlm4zwiQnL1yoSkvPfxvaexi9VQpW7DIWoDMV/GAysHIEvYTmIelFTjLP142Gk3GirZZoK/ExElS6uFqGr+8BUG8NxOUAK/TCvAZuPWs1U6+Qf4nMVhLSl2YdEij/H41EkFF2ayqSnaPRf/9HHAAD/6Y/9rD4r9j6M98BxTk9z3XS7nJd3P/pOAMALL3M9/NUzZO2brn8qLaRBcxByUshleN1NY8TmNie9j0pV10C8kNdefX3s8x/64IcAALOz1DR5+eUXAACXHiRi8PS73wEA+MwzXB/XpU6YE2s/Eo+iqcqiUZ1oXVy8F/M52C7ynivIlTKfm1Yf5N0i1n1KaziX5ecunKaeQWlXXJUaEcwrLxFJOHGSvJOji0fQarIPOzuqINL9ntT1ymc4Pk8s/bJHlMKewf2uNAhEQVlY5OdnjHdVUnXULvtcrlCrot7m+kmpGigaCyOX5zlrLV6DEHiPefY88KR74ByK5nUDhNzh2M+m+mputof/RFjFhbWQEzpw51VzhqZnYMeyv0WGUhxUzr2l6rm7WoAcBC1oQQta0IIWtLEWIAd3NQ+M4L+ZdwJwEM37lQn2Cgchyze9STvMSfBZqYcSRT6OYDtIzyJIRoJNRZJWS24RsxdKoNLY0++4ywxHbFfJz5inu58LG0gtTc5othm1Om/bAVvf7yJO8KfwQPMg//peAl6fEV8yxBxxJi7nvygj/qY0A2z8Hano2TgtXVeqSc9ftcUnTi4BOEAztjYZCWQVCTlifT98mXnPixcXce0KP7O+Qa7AQw/xdxZl7EoTP6rxJsWhiCcY+a+tLwMAXnqZde2zc+R51JuMRv78E3/GsQnVmT/CqOXP/4IchBu3buHIcbLOO8p99j1dC+3P2y3OfS7DKCUm972WcvQ2Ibkso1AjQJvPRacvh0Qpq52Rj8bMLKO8aqWCM2flhFlkhGg6F48/yRxwdU+M+X3jqPD1yFGO99pt+j9EFK335WJogUrYOqV3/JrzviLlUMTP/efESg/pPjA+REwIwsiEPEZ8Hfa52FrSzTAUazAaR1pcRXOG+pjSnL3WpHr4wgvfQD53RONgFGr3802x9a9eYYQ7I62N5dvM25uvw4OXGJV/9nPiAZwnF+HpH+F8Pvv5v+QYdf91+3ItzckPouUi/P+z96ZBlqTXddjJt+9Vr/all+pltp7BLJjBRgjAECAAkxQpiMEASZM0Kdmi7LAZlkzaIcuSrQiHw6EgQw6LcoRskuYC0qZAiAJJiAsIYLDO3jM9PVvvVb3Vvrz36u1b+sc5N9/LrKrpnkFBQJh5I2Zev3yZX37fl19m5T333HN1f2fSGl+TbPyGeEEjOVWrbBqax3ts+Tav3YtnnwMAPPQQvfQjR9jXUekiPPlRqndeWWT2w7Ulohy7DauGOYWkEMCy+D1toXg5IZBd3f+dEu8j+6sxKV2DiO65y5fI4bl+lfvNK9PixDxRjMUOUYumkMkb16UvURj11sW4KmEWi0QfrkvvoNNhn7JZ3pPHj3FNtvTcKJV5XY2TVCxye158omKR3KSUuBtrJaKIV5cu6ng+Z8bGRpDVsyQjFc7iKO/n9TV7zgmldHiOQZ6Zv2Ku62kRGPrLbx4q4GX16G/CEIpsz3V7Plj1Vvs74aED+ofxFYgkHA50ECIHoYUWWmihhRaaz0LkIGC+Cot3UEocIAfcHnX27nP35nFXfd+sHau61eub1rrV97Y3S76tttptRBTTtFRYT4UxEpDd8go72FunmN1Ri636ld2METtAO/wVJB3Fd912FtOjZMmPZpnb3CjzmLUVekQ5acMbq7yr3OGWFPMsJp3J0Muan6dHVFWs9bZQgBOqj5DP0UMwJb0TJxhHX7y27XEwTgp1WF2ml2BM5q7e9EfH6M0mxcpfWWXdgzfepNfVEVP6+HH25UtfpmdYk7dn+hCL163GAr27dCaDiBAlq6oWcziXcTGdLdbusfYVtzdt/bRY9lZLobyrCplNq14nxUip7zVMobJOb/Do8SPIj9Ijev5Ferozc0QpHn8P5+ov/4SZE9eu0ZsaHVclQ9g8Kbac4Fw3pRlgcc9EivtHpelg6E5CvJBOx8VY0V9zo6ZaGJkExz1epKdsHIJqWddG1SxNB6EjTkpc89qP2doUotDlmjQPzNQgx1TvYGu95KlJFkfpVfak22G1Is6dYwbAiQUiTaVdeqWtLasISSTBFPJ+9zO/AwD4R//4FwEAj72b+hdnz5EHMDNNzsfWNmP4SWcKUdXCMHVRQ0A6Tc51W9koWSlKoudHWnZ2uA6sdkdW98Gf/MmfAgD+zn/6UwCA93/gfQCAy1c5JtNN2SxvopDjui2McY4aNV7XSo1rJxbldUzGuQa3pLkQjbCPs9O81ycnJzS33P7661xH95ziPVqQdsfm2ob6wGs+knM8jYCeEKGY0Ix7TzHr4sYN3ot9cQsqZZ5jdNSyDLRupC2ysc57PKXnRzavzyzHUJjg2i9IBfblV54GAFxbvIh2z1AHPg9szUxMsY3uOq+FVSft6lkc0YPSOAc9IQf27Paex+IYGBpmlXmH/87YM9wz17g0Pd+5zDwBxcMiHCBEDkILLbTQQgsttICFyME7sD0KikMgQTCzYW92gl9d0RQAXS+OL6TAY6FavN9fx8H7WW+nUXmiiDoeGzoYe/K09b13Qvtu752mU25jsHOybfNmXXlWtt0QgyjoFY6Nn8REnnoG9R2eq7KtWOComL/yttZXGe/vKmaeSMrbTHG/VMp06OlBVlSL4MgRxjOzWXpKu/Lq7nuASEVph2/19UYDuxV6KouLZChn0jymJzb2qVM8ZmaWcc4Xzn4LwCALYXeXzOljym7Y2GQ7pTJjq5GYWPvyUtvS8e92jVGcRLujbBN5I47mvlbluPOKwSflTe1sq1aAFDCLyr6w7IbaLr3chjJRPCVNxfCNP2Ko0KnTC7h+UzHhm8y2mL+HefnlMudqUfHXnRLnqzhBhOSNi+RaGEKUVNxWwBL6cWnLJwwd6Wo/1YVQ5cyYm4EjwQKL/bak42Coi82Do7nUVCKqyqCFrDy+PPeryouNaG1a1sMgoKt5VnXPfJYN9rquJ08/Ki+yWrfKd0JtpB1x8xYRoHmtuVSG57h5jeceUzz7+ZeoIPitp6m0+IlP/AC/P/MNAAOEKiN9CXRcj3MQFcpi926jb/Fn9r+t9V9Q9sZDD1Fbw/QRLine/+mf+EkAwOJ1xup/5Vf/yR69FQAAIABJREFUNwDAz//dnwAwyGq4dI18ilQ+i1pdSIiu14i88boqgPaF0riqcJhR1sVmmfduX9kox+bolS+c5r2/u8Pjl25wvRVH2PejRxb4u87bbrXRqVq10UhgvOIYHOU9WlElzZpqs9Rrhl7xmsxLrbIrzZWqtBcyea6ftrgoyfSU2uU9n9d5Jqem8MZF6l3cUjbPxhaRQFNILY6zrdiu1FhrRA47quNgaK7xKPrqSz9QICHiQQqGxA4QhFjUX3XRQ5Bdvz9vmQ5G9+n13y5ifbCFyEFooYUWWmihheazEDnYxw7iCxyIBgwrXwf5CAGUYXCsfbea4L3Adr+WQhAFGISWAvmwjoM9+tvesUFEIeLbz4tnRfx9Hug56FM10KOq7BaJMG43mpduQHbe0/zvNbnPzDT32VWMeWNry9f74jjf3OMJbtmRbkFV+9fFDzAtdfMori/Ri3/XQ6y4aJ6EsZbX19dw4SK9pGNHj/vGv3CSsXar4/DUU18EADz7PD09V5oDVn1yt0pvZVmVEyHFOKt3MDfH9lrytGx+jswfQalEJMCyWcr6noxxPCN5zk9ZiEcyRi9lQopvVgFvZbWsc/oRgniM3kxPrOXJKR53QqhIpVrCa6+f13joZZk637lXXtMnsxEiqgGwtETPaXXF6lrQQzZEoCsWfi9uehmQcT7y8nK7LdOcj8HRIyeTYXw7m+I+40UhBn1VXxRC0havwVF1yZ0tclbaLcV1hc7ENP68vNpKift15Xk1xN1YvMbY/GhuwkMVmsoU2dWamZrhdYzHiSi0GhynKQLed4zqhKV10xHhNXvwDCsi/uEfsrbG3/17rMT5oQ9RDfPsWdbwmJyk9x5PdNDp83qm4lr/qo3Rb6f0neO29W5wR7PF+6Emj3t7i+187WtELT74wY8AAP7lrz0PAPit//szAICPfZS6CLfWyNnpuz0PAWypHkVM6M6Irl+r0dYnzz02JnXWCY7jjVeJOLniLKWyXOP3vouaHidP8/56/lkiK6mWEIqC5rdZx7x0CapVjsPqdtgzqCOORVGclTw4P8apMcR2V5yDsQnul0xzbDXtl83yOMv+sJosKVXQnJ87jbUNIkI3bnP996SpUC8RQUqpDoTVBSmKq1FvGErF+XIDz2HTlTF1Q7tfIqa062Ur9L2sBK9Sgm0IZsoF6jk4nsLut28hchBaaKGFFlpoofksRA4Ctp/OQdD2/D5Uju6OWQoe5UBtWODTsZxYe1+LBb4HkQP/26ip+MFxhpAMe1O1N1LTTPAzYY3fMEAMTMnL9R3n9k29UexlsdaLBeYxW1W/7Y0aMlF5+KPy5MqM25crYvaP0DNOK9ZqaIcxf2PxiL7zV4tzp5L2ls7xPniGcXOTYLhxgzyA5dv0EFdWb+PUKeqzm5JfTGz6uLIv/uqLVLJ78SWy+KNxsY7Vs44yKbZ3iGb0pVFQ2qbHOC9PclQe1dYGxzg1fURDc5BIio8gnYNR5XEXFftsyGtzhc5EExxvr6M6BvoelfJhXyqOpsJomgP9lry7cXplE5P09p979hkPCXj8iccAAGfOUKHu1k16kTeWiIgcmVsAMIiljo+zjx3wnBF58bbUU8pScMW9aCmuG4txe1PebafVwZiUCs0bLapeR126HbmUxq0aEiM5jsMqBpoehPFnIorr2l0S0do0zfxqVdr7Wkduz+7dKJLqn0keTowTvUlL6c9i7okk1/L2DtGIi1eYpTA/Tw7C9Rv0nNOqKZGWouLn/g0RhCd/gF78uXOvaX64fuLpKiLy2hNxnTvJ69UXYtJpsg/GranWqFGxuMhrOTnBDIipKXrer71KlCwe5zr5W3/rxwAAn/23vwcAmJ5h+2fuZRbAhctvIqqVbp918VniBV4LQ+tiLvtyUfyGh8a47gvKJFlXbD6/LdXBAtfJuPhHDz1CZOWVlzhf/VXeq2PjBfT1HJxS/yz7pqd7r902vgavTVNclJyquiZSPGdTKE65RJRvPMH7Iy3Vx7wUKXuRvuaT1zSqdTM5cQTHjyhD4vYSAGBtk5wbxHrqG9vuKtMoIT0Py+6CV0nReGRWg8dLV8B+NtCROdgOUuD1UF44h5awEL4cDJtrD7y9qSXAXqGiwe/2h3543/2LNA2O9bdh8JA99JzBDmrQFlhgoVkRJO8PesQX5hhue09FjmBGY+DTE2oSzNzXckklVahlhEIk/RZvvFKVf/hGMgUUJP9qDxqD9xaK/INZa4js1DGYjJ9dwYcp/ZGAyweMPXhN2rWtP4b2R8ZEoZZXJG5ylQ/wJ97zGCJR+2MveWCJ+PzVl74MALhxcwnAQN625yplTTByVH/03Aa/t/TAHi3yD9eReT78uhqLkZty+sO2vrbpvZBZKeW8YHWTot2tMDwSl5z06AhfHubnKApTESmytE2Ic0TwqpviuI1UmLOSz0ppu66xPfv8MzgicaYnnngcAJDMcT6eeZYvRSlJ1caSIuRpLaaUXpfQH7K2/phaKMOx8Ir+gFup2mqNfUqn2de+k/Tgf3sO2ufMjIr7SOQnleFcZ7JKrxMBzcJwEa3/lFIgrX6urX17mbSXCUsVtEJWrXYLY6Ncv/UG5zaudZJUm1Y2u6mwQqXK+dotc03HJGoUVUGe6ze45ux+q0hu+o+VVmivMPUKr1kyHvFKSrc7BulzHFNT80NHAO0Wr/vMLLevr/LFze6DiQnOXyTCvty4QQh8epbplJ/8xA8CAD77OYYXihPcb2pyAl29iHXNP4FJESvFWaG+Qp5rarPC+Tp3jgWYxsc414o24dpNvgTVVF55usiX6okRpjw+8QHKi9+6tgQAKJU3ceMGhaempjnnMzN8IY0rvNBb4XW0P8AZpfQmJX3dUln10VH2EfrDHU/ac5LXrqy+j07pZUFMvs31isYcxyMP8/44ssB784/+5DcBAIs3GZYz0nSvZ4XZqpo2ewZ3hmYRg4vYNyfM3A4jwPqfgb6/I0MSS3djziEGAw6lJcdxftxxnF9zHOcbjuNUHMdxHcf5vQP2XdDvB/33B29xnp9zHOd5x3GqjuOUHcf5quM4f/MwxhBaaKGFFlpoodEOCzn4JwAeAVAFcAvA/XdxzCsAPr/P9tf229lxnF8F8Etq/9cBJAD8JIA/dRznF13X/VfvoN/7nWlIonI/st9gu8Hw/WGUwHO//d/3vPd5bVnqlT4N+Yd9GvHE/92T5NS3mGvwvIMhkHVo297+e2eJmtiRCS5ZiqZIQSKJ5WJ8k07H6YE2dpSqI6/dCrOMFyfgyFMeHSuoTS613YogS/WhLU+yJTgwX+QbvSOi2dEZtpmSR72uMrI9ycuaaNKtaxRJ2SqR6PhxEa86bhOrG/TKs3n297XLLIK0JUhx5hi9robKwlblnfckLNWRnGxEaYWZNL3Z2RkiBrksodByiZ6SSQN35JFl4jnUJWaT0rizUY5rd0fzoVS9WXmGRijM53nOK5d4W+Tl3c/P8Fpc3aC3mlR6ZjrJ49Lq0yuvEhWodSvIjVNSuThPj/mzn/t1AMC1m/Ta0nm22YyqUFdaYZgMr123o5CHQh/xjK6/Yx4UIe9EzkS02E5NiIvTLCAzxblzhUZF4hzfidOEcpeX2cbINN1YK4LV6/FaxaISlulZ6WqJRhlq4RoZzIrgWGhMYlKClXcqW5iZoHcaTVmam0IXDfOU4zont8+MkVhXU6hCHFlkVBRp7qjkqZUS2d7mDruS9jVUqL3L32u1FqIq/tTuc+1EeyoUpVLsUwobbG1w/AWVLo8d5f2ys0NPeGaO+8W3uHa3t7iWXxaEf3yBffzQ930MAPDi+acAAKmCg6xQuVZdoS+TS7cQnxCVTErFsDraX6RJNHncyAS/l3Xf3FjjuVvyqOsq7FXRtXzwBMMMK2sd1Nsch2VbN3X/Zwq8Nxfu0TyIeHlVBaSOLTC0MzbCdbW1Q/Ls9BzH2+lbyWauI11K7O6w/ZzkyPM5XuvKbh0t5c/OTPJ++MT3fwoA8JWvctxXFhm6cR2RGpNaCDFdQ61Rk6+PuCJu93j94UkhK0RmIWIjKDoRD0XwwmGeRL+s608/9xdqOpy4wmG9HPxD8I/2FQAfAfDUXRxzznXdf3Y3jTuO833gi8FVAO9xXXdH238FwFkAv+o4zhdc1116+10PLbTQQgsttNCG7VBeDlzX9V4G7lSy+B3af67P/8VeDHTeJcdx/g8A/xTA3wHwP327J9qPkLiXoGjCRAF+wB3a3e+7n7Xg/xfbtq0HEFECxAHGnJzhTUOIgZ+I6PXbEAKPQGMERHo1MceEe/hZ241oO9+ExyfopU5O8E07k8khIbKXwnKe2I+l8rXEKKq36AkUx+kBJuLczwrwjEm8ZH2Zb+nJjEhTIiSurDO22uzwrf0Df4MExfFJHvfSK68iLRKTlVy2csCzSmG0tKaO+jiYSxN/4uaouAo5CfHMyVvrSHhkVEJFY0JQNtbpDfX6Xezusn8mgxyNmTfOcUyKWzA6yjmOp+ltbJTYRkOErBP3kES4ukZuhUnb5pUKOVqgx2mkSyuyFIs5mJujp7y6SgLiN7/5dbXBcxkRz/hSaUn2ZtOcy52m0sEy7GNGO1bqRGuM7Gcx+574I0boRLeDnGRsrUxySl67lYO2VLYReYIbGzznYA2zKYs5m6BQq6m0wo6/yE1O/I+SyIR5tbu+suGlnOZUzKcqzkxSqWpHjxAZ2lIZ7HtOc+7LQgJefpYx9+PTRHtymQWOV2u1keY16zbVGSt5npWH3m2jqRTLmAovQWTYzU1et15HqZ8pIkNGWnvwzP2aH5L6rlyhN3vqJLfPTvNa31LRsMuXKERkGlHj4v70ulVERArOSNwp6ogPJJGwVttKMud0rMpJizfU0rpwu1n9znmIRaxMMsfSbkk0bYbtXhZfKF/IoKR1Xpe8elwIWWWZJEe7t0aFqJ0CU3RvLRMVLHQkjy0ibk6iWq4Ii4tLHL/3TBxnX3r6cxITqpNOJ7GjNNiSSljHRY5+//soQT0uGeU3LjH1d6fEtRtPmpCV0muFWnk8w4gRxL0N/H9gP9fte+iuPXt6gRTGgzgIb1+2/2D7bqYyzjmO8/cdx/nH+nz4Lfb9qD7/Yp/f/jywT2ihhRZaaKGF9m3YdzNb4eP6zzPHcb4K4Odc170xtC0LYB5A1XXdlX3auazPe+/mpI7jnD3gp/tduPsWXgranVIc99t3D3IQ+N0kmJ2AANFBxZ+8c3qfQ//yRI2CHAPbw18u2hAFL41O4j2JOD3EhEOvtN9W8ZsE396PzDJFcFy8AkcZFegDpt3kRvzjNxnoqNIIJyVd2xIbHUr5O30veQ3bG5K77TPOu7ZJL7UkeeG+vJwzjyywr1l6Oc+8SDGY/GgGrmKdiST7N6HUvLLK91qJ1ZaEZUxYxwoGxU0eWZlKJ44zdTOesCI59BSPHGX8s76r9Ln+cJlgjntkxMSeOP6CxJ8sJTEuL66gUrMrm/Tyj0nMKCsOQlnytyMT4jeoiFBCMewdpXIlleKVy6cwOcV9X3+DHo8FNGMxlQ0WqmFIQlPj6otr4PQVg1dp7oRQnGqd5zJ57bjQjI6KhCWVeVKuNDCq8Vpxo7RQiYEEtQpuKbaeqikdsmO/99Q3oTwRK0TGr5YVYhK2yaRf6KtZJ8KQy2Wwskwk6cMfJt/h9k2lqqrEtKW/SZ8JxSL7vnCS13npMr3aSoXjv/coOR2LSgmF3S8x9rHRZvsxiUZ1uo6HHKRU9hwprhNbH4asdJVKsCtuzvoahXpGikofljjU8jIfnWfOUBTsxEmum4w88cVFPi5T4ry0kUK/bem1Ss2zDM+2FQji3DeUaWNtjY9xftZV6rvb4LqwImiRAj87baJ7W9u3NBZxMOaIxJS2oujpeq2u87dFFT07fpLoXG6Xa6hQodd+31FmPCSyREBuLfM+abat2Fda88g1OznJdl5/nWmJJoq0cIrXMqZUxkazjnKZiMGKhKLGdI+ZIFksw36PTsR8bd6+zT67MATBFqWVcNaalXnFlQIuugmZAYOMMU8DyVAHb3tAbM91Dy2V8buBHNQB/M8AHgdQ1H/GU3gSwJf1QmBm0mDlA9qz7aOH3tPQQgsttNBC+2to/8GRA9d11wH8j4HNX3cc5xMAvgngfQD+MwD/+9tt+i7P//h+24UovDuwr/12UFtv+fsdOmJnHvo/fEWcfG3v1VsK/GM/hMGfteAEsxeMHStxj27bSjfzbTub5vtWLsV4uNMzQRF+Hx8nxyAqtrqXF+1E0VA80lFub0fiP+adj0twpqpYcUzB0Hvv5Ru+IQxXrlJw5eaiYpFRZTMoDijHGCNTHNPSdcaBJ2Ylt1taQzbNN/6s4s/lLfbT3tBbLfbBrmdCAjJRecBWgOeoCu/MTDMWvbJK7216ktwF4zJ0uir6ojz/aBQYG1MM1PgJ4hYcOcXxlhTnHJOb6hWgkmddUMz1wgWW3I1JeMWkb205WQy6vLuhvnBs+UIK+QK9rmeeeQ4AMDVFBGVEWQqGELQkTTyqUrUxefV1oUCJGD3CmErTtsUfMYGqjLgKLbHYzQPtu33kCvToKqWGxsG2jxzjuUrywiemOd4bt3n9Wx3ub0JWjldgSoXHPCGvlK/PLWWJpKUrYdckX8hh7ZaJWnEdWPEnm4ea9AgK0pRY2yBwOX2EHJv3vJ+R0OefIxjZbrCdXIJjqce51lPK1S+rSFQiafybuMeMr4CerOk8JCSf3cro/pCksfSTUC5zniYnuV5Onzru68vcLO/RBx9kHyfG2OcdZTNUpdmQiOXRV9y9r5LchuY4yk7od7lu3K7Eoersf0rrYX6WWRpN6X/sbpuMMtfJ1KTkqJOcn60tIglvdogC3n/fI9BjAE6K+9RVSO2Zs+TFPPwYNRLampetl3i/PPbIewAA9z1IhOTNN4mM1C4KzZMGyeQUuTiPqLDZSy9/CQBwS2Jpp08TeC6O5ZBIct/SLu+lV1+l7HNOSEg80/SN56GHOMejBT7TFiU21mqTZ+TdnMpicD1ygQl5KevNK9o38NkHOjjaoKasYFcQxOYz7HCgg+8Z+WTXdbsAfkNfPzz0kyEDI9jf7oQshBZaaKGFFlpob8O+1xQSN/TphRVc1605jnMbwLzjOLP78A7u0eelb/fkDhw4jvMWxZLg2x78vd/v7/nNUxkMoAvm+URNM0EepZ0pEkAUBlLNfqXEQZ8G5wnqNAT3Hcgl2wblAEtVLFhAp9dV3xT3HC1IMVG5446yNow5v1upoq9jYlF6TYYcTE7RI6xLPa2usq0PPEgPelvSwxcuMI95Y5WeXkH5zhkx6isVvgtOHeH2rQrjvMmcUBARBAqjOc/rKm3JPVHM3Lx4J2Lxb5VyljdqsfOo3uhPnhBDfJ2eVk/FTtJicRtfxIoqmbLiyEgeEd1q0ypWMzNL7ySTk1ywy3Nn5d3X69KOGKfH1+ny+4ayD0bESYgqB70uz9p0H6xMbLPF+SuOpdCRrPGt24z9puP+jJATJ+idbazRu0xLGdHy3SOKmWakeNhS7LituHluVF67OAvdrvFpTHLTxY3lJW4Tf8F0KR59jFkmWzu8vdtdZZAoT73rKuZuaIwgo1jEUB5ei1ye16Ld4nx0pHJp8V3TCWm26ogm+dtrb9AzPHWUcfqMpJeb8pBHiioGJnW9bz1Lb/a9j1CG+oUX2LfNdXqa0xO8trvy7h2hIwUpZtZbRBBi8ZiHhJhseEeci1qN59oRB2U0T5TH0XjtOne1Vk+fYhy8K2jhheeJDtVVuOyJJz4AAHjyQ98PAPjCn1EyPJaOYbdmnALOvT2rsnk9hnu6nm1pMGSsD1IlzHNcnTSP29rmuJuSnx4RJymfGdNxykxp8HF/7vWzOH2KRZoiCaFTOnVUGSVnzz8NALjnvgVtZ5tXv0DuzSc/8UMAgAcfO63x85pe+xY1PB64X0WgTvL3D6sY1pe/xmJrly6xnQ8/+SHMCHU58yDRhJ0y+3n2pZcBAG2X10a0BkxNkvcwM00E0fgiN1QavSQEytZg33u2259faXJEB9lkQa6aIWP298IQZk8PwUuJOLxswe8Z5ED2fn1eC2z/ij7/o32O+cHAPqGFFlpooYUW2rdh/8GRA8dx3gfgZdd124HtHwXFlAAgKL38rwH8LID/wXGczw+JIC0A+C9BOuhvHXZf75ZTMLzf2+UfePEnebGGNMSi/ve2/gG6CEO5FfqMeFuDHIMBvyGASnh6DUqClldXr4lDQEcB87P0erOKKVuZafMCq1I/bLU6SItlbVr4IyrAtLVJr2lDXtaZh8kU39ri2/n5c+fVJxVvyUkpcJSeQjyhZSNVsk6USEPPobeSlhfcUb2HeCSPlZuMT0aU89xsyhs1JGRE/IcIvdW2Kf4p7/3USXrUVmNieZljOC3NgYIU8ozlbHnwXsFVN4K85mxyivHoo0fobZTkPU2Oi9+Rs7g3jy0on//5FzkvBTHB5+fopVy/zRiroQFTk/QwlUjhIQixeA6Li0sahxXa4U61Xc5DNk0PENKcyKi87eaWPF1DnLRyrC5GSnHcoko6C5DwtPrTor93urvoq76FwVvrG/TClm7Qy7p4hczve+8hIDgnZKhxRfFbmSFSrngPMXld7aZKoLuGmhknw7x36RxsrqCDmsbHuPO9ykJx5I1Z0aMRxZonjvDYs+fplT9/9lscfyai/VQESjwQCA2olmuaH16bnZtES+KRHlJCQFzvMWCKfhxvuSJERPH7nK5JTffa6jLXz8MPEXl56EGiW2++TkVNy04YLaiE9/F7tR/3f/X1V9BrK+e/I4QgKkRQyn5xFZIyACgn5GAswnuyLR5RXveB8SiqVV6Ljkp2Z+IcvxIs0NHabDTbeOMC+zujde1IE6DVlc5FjN/fvMj1kVOJ5Z54Ur//h8ws+OD7nwQAvPtRahKcV/2HL33lTwAAj26Rcvb4u/nc+aEfopLqZ37vdwEAf/qFf4ePfoyFso4dJ1/hve99Qn3iGnvhZSJH9Rr7dr1OjsHWFpEX0/LodImQWHG9QXaYrU2zO2em7clK8LZbE5YedufiTXdrh/Jy4DjOpwB8Sl9n9PkBx3F+W//edF33l/Xvfw7gQaUt3tK2hzHQKfinrus+Pdy+67pPO47zLwD8NwDOO47zOVA++ScAjAH4xVAdMbTQQgsttNAOxw4LOXgUwM8Ftp3UfwBwHYC9HHwGwN8G8B4wJBAHsAbgswD+leu639jvBK7r/pLjOOcB/FcAfgEM1LwE4Fdc1/3CYQwiqHMQ9M/vhAo4jjOUl3p4SlVvbX4tA8dxhqotDqMJw4cEtrvKAHD5Sh+RImJSb/qFHNnGjRr376iyXVZerRXl63Qsxj6Ghsr97mwTIWg2rQQrvYUzD9Ez7PT4u1VRnJqRpkKPfRkpEK1IKv97o8S6CA2Hkad2TfF9eTeGYiSTlpnQQzxGj7gi/QGrZDk9Ra+0qYp4EXnSmw16dualHT2yAAC4dpUewoMP0sM8fQ8RhbLiusvL9BxMkTGuEGK71fW8iaKyFDw9gts8V/6oVZ1k/7vq0/YWf6/v8hwzQm+s3PTODtGKvMrrJlKmIEmP3ArAVau7uHz5qubGYupCTtTfG0vsvykcmiZDTOcq5AvqO/u4uyt2fpbbx8aIirTEFzClTS/uH4tguyTFRqlrHj9Brolp39cb9MYMYbDS3jduklNiKnSZnNj8WntWIdJKP0el0FkUD6KlynntrsV3gXqXaNNORfn8quPgyCM2tyyie6tQ4Dnvl3d+7hk+qlpV1RawjIgK1/Sxo7x/3ryimhPiphTyvJ+2di9jrMi5NuSjL+6IE7UywPy+rvog99/HNXfzGq/vlcvMrU8kvgoAOCFdgMfeTQb9uZd5v9j9pUrQyKn+x9TkBK4uco1ZueiaShK3muyTralsQaimvPpRtbGr+6rd5nWfkmKqREA9vogr/ZCk1lOxYBoVa2ip6uTKKu/radVUGRvnnJtqoWlPtHq87yNSAq1rYH/11B9zvNIB+cFP/ij7Im2JF1/gPNVrvEaPv5cJaj/xk58GAHz5qb/E5z73bwAA9z/A+/yhdz3KOX2Mn0khRc889zW2pedFvcXxVxtEMQaqhpyHiNa8Y5V0hSgE/1REIoPndX+Iz6Z/+Pb1nvtCDJxI5HurZLNqJPyzu9z3NwH85js8z+8A+J13cmxooYUWWmihhXZ39r2WrfBdNxcuAuUKcLcMUAeDiob9u0QOvGyGoR4Ag7fOO6IV3j+GeQUHqCnuUV005IDeS8Q1BUR676Zv0Grw7Vwv/sjn6NU0VW0vrti65bd3O13slKWVrmyEtCr7LSzco2OJPly/zbz98Wl5n6M8dzw2rr7R81vfXGJ7XeZIuzF+xgyp6dJTtApnjZqx1PMeWmE0l3nVGGjLo3Wl69CSApxxDZ54nDnUbTGmrQ7C0aPkCySlNVBdpdJeQ2X6jh09qrErI6PWwJiyDqwmwPo6Y8UR+HUPaqrBUN6h91bx9A94fFpqg7ducD4aDXrEI9JBSCQ4/nrDVPiUz96LeryWuHQcYglTkVMQWDHRZFIojGPfU7556Uul0DQrLP6fUHZHTVr7MXnvSSMhoIzVNaITI6oFUSiw37ZeqkKCGk1DEsQDUZGOqOCYjuo2xITA2NqTKKXHl4iY9ypNi67mo48e4kKjespsMIW7x89Q+bMtvYdCnvdFXujPVs00ORi/P/vci+qzvFtl1OzWxDUYVX0HqfKNq7rjZuUyWjq3o+tqiFJbSEoyI9q+1PZeevl5AEA2QfTBMkNu3JBCoDIBEgnO07Fj4raUyJ/YVraL1ZpIJZN4l/gH128t6lxCfFTPw/gaxhsyPY+Ia9UrhSAKvYnF2KdkiihXucJ56EmBtVrnRRnJ8ZrGY0lsbBHVavd5zo1N3t+j0v3I6b6p1wR9RK0+hbQktIZd0fivLJGb8LkFGAxUAAAgAElEQVR/yzn/+A+Qt37mXQSz3zzP5065ynU3d4TPhNOnTyKVZv+ef+EFAMBtIYLHj3NdeNojquhYaxCF6AoxiyWEGPRM90X8q54fVTZ9A7PhZ733b91rg4oK9uyGr63Bdxyafa9lK4QWWmihhRZaaN9lC5EDn7mq+x5glTr+abJqZfa2ZmgB+gO1NU/nIFDnYOhU/LCYUoA7YO9tLvzIwqASZMTXPqxPEcfTMfBiXZGI79PT6e6Ktd6jV5pK8E042hcyoPhtJqVc69Gstq+qb/LOi/SkakI7NjbW0ZZe++RRIgAzM2x7eYX6BcvL9AwKyhSIi6Ufy+ttO8pzXL9O+YpSmW/vkRg9B2PcR1r0wmIOvZS64r9xZSbEEgmUXHph8wvkyrbaimtLCS8hrkG1xHPMzbBN4yRclUrjydNUYRuXxnpNXINteTkzk2w/GeVYmj1VuUMDuRznOK8Y+Dee/TIA4NR93D42yTm+eYvM+ZpqACwu8fvR4+p7h+fc3OE5kykiLqmMqh0qVt+UMmA0wu257DT68lziqvznRPlbUtkGCas6maHnm5QaXcqhd29qlFmlQsTUTky5+FGtr3qJHpRxUVx5/U68i16M/S/zAxuv0HPbKnEdLK8uAQAe7ZNVLqoAoBz7ZMT4Ibz+Oal1yplDtcRr25XXH9WY+6oYaVkAyWQfkTY5Ep0k27q2Qu/11AMPsg3ddWslxvsfePSDAICSqjS6BR43MkavvaO49gMPMYvl/HnGvdN9rQdp7HfUh0J+CpVaSXMYU7/8GSHdnmlz8PdaXZyauJCFnCEL/OirwmqpzPtvdprfUyneF/0O56ene7xd72JK6zmTVlaCYuE9/Xmol7mWRvJWdZH3cl+chIbudUOBXCEKVhnUEKSqnieRiKo6Nnnt3V4SBVUTLSlDqinVzUpNCp9CX9pC41yt81hS1U2FCjrS/XCFet3eIRryx3/x/wAATpwSctnn9hs3eX+1uwvc/1YWBaF4736MvI0XXyI//pVXyNvITXOtNqQP4yaEFvfSmltwu2VzeXwAztOg+i00H/5nuuu6A46BdvWqSUb96IMhCa5XSffwshVC5CC00EILLbTQQvNZiBx8hyyIFHxbdRj8LfvbCdS5H/63VxN8SHkLGDBfLeSVEhs5FmUfO4p3ZhRrTqnWfLXGeGVHXunIiFjvYphvSqug3W7h+ALrEIxKn2Bxid739jbbGFM1RtMYyMpb7fTpKr5+4RUAQLdT8/XNKkc6UGYF6IWgJ+9VWg1W1W99fQdjxXGNUzXiq2QXRyI854piiqZC9sgj9BhqymM2rfn5eXo35hFt79DziYmzMDFBL3Znh3FzqyCYyWa8Co0vvcw45pWrRFB+7NO/wP7LW8toHq7foGdTV5w6mWLs+LXXiaRkpayYkMeQV1y8pGyAnpCk+XnyH1LpLFZukxthHIr6NtuOixk/MlrUJ720rOLdnaapLnLdNBRLz0lzIaP8fqtV0WzRQzYdBBs7HBe9Hv/dlbcZcTiOhipAGodie5trKZfm+miqVkc+Lx6DYvRpebvZtGptSLYuolodjrfGxQNoDKK3vaHrAwC7ZXqlt1bIPZid4hp++hnqGRzRXEJr8OZ18V4Ua6/Vua7Md7vnXmY1rCwzJp1Mc92srjU0fyOe4mNPfJCOxCHSQmdM0XEQpxY6I62O1GhevysLQ+OOxzm2NemJtHVN8ord5wu8L/tuHDducq1ZX0xjIJm2a8NjyzviUKiGQHFc1VgJfqCm402rw3RWcpZJpHvT6qi0lRW1ubWBjtZIXghbVyhLrcXGeztbGh/nQUknvgqGHBB0bmi+OOflXbZzXnUSktIyiQiJrS0RiZgYn8Wt1Vsat2Ar1Z6pNnlfb90U8ihCiz1HY5aeIW0XT4K2Z2iyXUv4PvezPYq6Pk7Z0HY7uU1DJLJnn3dqIXIQWmihhRZaaKH5LEQOvsN2kN7B3SMIljrh5x7sjVP1htr1t90PZD5Y3rqx7SMR6borFp+SUl5HeeDbijlaLnZaHsVOlfuXKjpOSMNoMevFBG/eMvUwerSmfT8zS3awxbt3xRq+fO2cxqmc86jVRJeeu+KcqTi9k3iM3ke3J0VFeUY7m8qSSOWRFpN9c5OecyFLz+f2TX43D/L0abKRc4rjlkrs08IJKqUVxzgv5uWapzQ+Pq0x8HujUddxZJSXytu4orzr69eZx33PvQsAgL76vbJCz+jyVSq6XbxENvXxBZ77yhUqyLVaipmrDkQ6Lk9Zt7LCnMgJObF6F71O36slEdXaEVUAUVM0FFM8L22BUatSKG/fxtXRd/MA06ms73irzhkMmKYSSc/zban2RUrx6K5Y5+ZdtVUHolwuqQ9s0xCSRtMqCHL8maxi8ZaBobUYUYzW+ugM+0Na9315kakU21hZpqbC8SNcD8uq3nj2LLX1H3+cinkZ6Ro4Ua6nzhrXxZXLvMYf/D7WMShtc/uS+BBRTfjC0VPoKXuiLG2EtGLoFpc2Pkcuw3Eb1yKvNZrJqRaH0JwJ8Qcsq+XSxYuaH+5X3mUf7rmfOfy57AguXlLtDHFILMMlErNnj7JTmnwObG5wrRZHuMayyl5aXuE8WRx8aopoV1d8j5GC7S+9jAbHmogncHmRSGG1wjaKRVV8rfPchiDANbVBcUksng91VfNjCJV51lE987pdq4ip3zXEeoPtd7ddS+pBTfwGAWvoax6iQgq9ugZ2Lo+D5nVGG2zNqa+u/76wZ/l+fysO0s0xakHE5sEZQlAOSecgRA5CCy200EILLTSfhcjBd9iC1bU89auARvYgk/WArAb41dqcPVkQwzmy8P02rLg1vN3efGtNi53LO5eX1mvzLTwekzcWp7eyW+f+TXkSMW23+uadbhXLK9zH8spNIXB6Zkx94Nv2xhaZ3jduMJYeEQvbdRX/FOu421EsNaKMCleeheKW6Sy9uJ3tXZ2XY5wcn0RVXlU2I9a4qsl1O5zTo9IlyEtDf1vxzckpemGTk1YzgG2WpWtfKMhz7HP85uVO6bhGk325fXsRDXn8jtj2p04v6BhuN92Dp5+m6losQS+l11csXgpyNo/xGK/phDIkrM9RXcO0PErHNbZ+F3Ex4q3iY9LUFJtEiI5kjugcVimS16igCpCmUmfxe6uZkFZeeLVuFTHlUXlpMfK4olHYgu72iAxEher0jG3uWBv83pZSpOX/p3VuizWn5CEbV8PGPz3FjBNDXja2pNRua7/fR8JY5kIxMqpCaXNdUjW+nOZyaZGIwknV2jh6lNkr9QY94Z6Qk4T4AlubNl9cJ5ZplFVVy1Qug7lp9q8ufYeI4vJWG8L0TsxDTilzqKcYfUsISkdjWJL+xUMPPqi+a35V/XG0yHtgUzVOxsaLOHqUmT5HHF5/QyuefZ4sfataasqaNel5LC2J/6L7anLCKogqM0QaDjnVXOiIg5LT+K3q48jIqIdsvPwa139td1vHCr1yeM56i/O0p+KslppVKbXnpCtUsG8VWLW959j9xXmMSPuj0a1a4hckT4COy7mNab0Y2hO1LLZY0MfWM99Kq9iaky8eUR9jAQTBrN/v7/m7YRbU3vH4Y3rG98NshdBCCy200EIL7TtlIXIQMAeDyop3U0vhoP2CSMEeBCHQhuu92fqPP+gcFie3RIRB3GrAgg225fXNvDd5ZxFlApin15KXkVA8O6E4aL1N79RqyMeTyqEWYtBWBbVet+udw4J6SenKJ1TbfnWN+cUbqsrnRKTGBvu0OveKj4vVnkxIaTA2oz7SCzF1wlqVx4+PTandKNpS08uqst3yilT6FDMdL4pj0bE8dM7LwgIRBcvnt9hrH/x9QojCyq1dtSfmuDIPLrxJXftms4qo5nhE2RtjyhVvKhNgaYncjJ0dVWmcYhzbvFfznC3On8mIbS43p93kOacn6AUar8AUAnu9DurKGW+4RCPiyqnfrRM5SKZ5TFrxe9PBcHTurnEPjPkubYWITmKxWKulMMDCuNqTyaSntw9HfWnQE6xJMbPr8lqZumRMVPi0kIGc4tUtrUGLJVtFSGPKl7aJPI2O8jMlxnxM3l43EhmqcGdrVPogbW6/tkjPeHaK3IPJca659TVyVaan59QHKebllYEzyr7cVnZIBJyX4ijRrkqV26vlBlJC3Yp5/tbu8R7qdKVmKcXLptQoszlpc+jea3W4PSfUq1zhtbx+c4ntFi1rh5wGy1bY2OT30WIRKSli1hr09MdVufLUCeo1XF1Sfr/WXFfVBu1cad3b09McQ0OVMXcrUtR0rU4GjzfFzWiU36v1hKfPceZe1jo49+Y3AQClLa6PmNApywwy3osbQA4GmViG0Npz17hLQgy8jAId7hhC00bP9Amifk+/qyqbhlZEHD9CZrwYDxU2fRn4uujxHOzTjne9Wgzugdltg0wHqxES9Y4BBn8XDsNC5CC00EILLbTQQvNZiBwEzMUgej9wuAPxHzfALr2LzINBnD8YQ9JbaDSgW2DxKeXpRgLKiQMlRa+33meQc+AEWLHWtr3ZuhF5enpj9uJX8uIb8gSdvvQQVJUvIgm8do9ensX14Ax6ZehCRFkHt5eXAAClkpTOFGuORPxvvI6QAseVXnuEHuFInpkBqQg967oqC1Y8HgC9N8uKqO7WEZUHUC7TC5mYUF35gmrCW/35HXptxhkwff64x+LmfKTT0r9vGkuZfc8X6N2+9vrLOh+9/pm5KWxs0FObn2cGQ1ws/VVxDV56+azOyfEawtJU32IxjieVoIeYiNHrqkhqMK148GhB6o115WjLG6mUd9DtqC1d3y7krfd5DUxfflK8kPVlzkde1RhNtz4lL95i6ykhCzXV0TBOAnQ+8/ISyYS3DuLS/m+Jl9FUBsjAw2O/M8pGqO+yj4b+dIRuWbZCVpyT+TlqE5x/9YLGLT0AZSukFdvu1CKA+Cw9T2RUiJiUDttt9s1qJpQrRM7eeJMedqnENXfvfeQNlHa4v2npTyiL5bpULiFVz9kZxvZrtQZabbYxM811cf3mrvpgMWShfPDHyE0xsKZ5MXa+jW99g+tqRGvcuBcV3QMjUgFcW1v3si5apn8hFG52nihUTTomdXF15uaImCzfVvaKng/GSZma4nF5ZSeUtEbbHSFREa0HsK9jYwWvJsTR+Xs0Xt5r517/OgCgIXVFS61xTPdEHrQhr+Y5OzF79g2eiz5z/dleztDvg5oHru/DMiEcrVFP+TNiyqP8c9rzkAB/ppmhqXu7dLDgwV5U+q31cr59HZ2BhchBaKGFFlpooYXmsxA5CJrrDt7wnAPi/q4/C+Ct3tUOQgoGvwdywge/+I5398AZ/spe/nb9bXn9DNR7sHhd396iA+MxL85+98S4TMe7Z33s+o4jMuHPmd7e8efAm0cUjfN3YzZbZgT6Qhxceq25LOO96RS9kYrU2qoVtlssSmlRMVXzIPpuF+aFGnO7IHW4qjIFjBFv+g15oQ6xmOWaq0qdvNVikd7r1Sv0CFNCEtbEozA+RTrL7eXyNvpCZQry5CLSH7h0iR5uVZoRs3PSbVc1QtOOyGWJiETlbXXbPD4lBrXnYdc4H8mEdPIV70UfKEjRcEeaAuWGPF1VOrT+CqzyMgrkYHvrI6V5Mm89X5C3Kh0JW9LW97jWajabRF0cA+NlmL6BIQiGGHXlIZuqpVWCNA/Z9A4MOTBFyBFxD6xi3vgY4+A7Ve5vFSmj0SjgcLyDmK94PGKpu5bf36ZXW9klcjAxzuNu31ZNjVles9FRY+WLL9PmNUwKtehsrWuMPL6QG8OqtBEyaav8yH53+vTKTXXPq9Yob7UjvpApkFr1ypguVlzozsoqs4HuvYcVJI3zYkqi7WYXu7uq36DnQluIz/iYeBz5dwEA/vyLf6btHE9WWhq25mritFiG0siosjSEepRVeTORYrtN3XdOs4vJSfEVbvM5MDPBTJBHH+L1Pn+BHITdmtZYSqqdrnEMAs82L35v9Q00RKtJY8+8oacWt7uDjBb9MniEq2ZExDLHgpyDAA/C+uI9N4fPNJRV5j1//RkIPHcQKbC/Pa5v3+HMNOct/yLdvYXIQWihhRZaaKGF5rMQOQiYn3MQzDX1M2MHXn1Qs2CovcCbX1BzwI4a6Bb4t+9pJ8AxCNIeHGdvtsUAnfDHvgYYhJ/f4OXQ2jm9MQSO61sfpDoWGSASRpod5Beb7rh/PJ2uEAPzzhX3jLj0RifGGZ8dzRM5aFSNY0BPO6aqgyMj9MgbYlxXq/KKIw6Syg23WHhXCECzJb6D5n5ujrFSi4e7MEawvDfxJzY2mO1QKpGtPTu1AAA4/xpz6dMZ0/WXjkStgaQY4RZbvvAGmfCXL/PTKuIF5ycpz9li7U6fn/WaZavwHGnveF478+5LZXq7sWgMXeXZt9uG4mj88kpT6vfYOM+xvsoY8taWdDAUU7WsDltPlgngcU7UB8usiEVN3TDnIQcdr7aCMbz5afoNMfFE7LrCocdoGgoFbW8qz9/T2FcXRgr0TmsWqw74Qf2ei2jc3z9jmxsnI6Iqla0WvfKxUR0spMxY95cukc1/+j5e25YqClqWQj7HdTc3x+yXi5fISXnogUcxPcn4/eoWa49MT5H3sWa6DHYvWpVGoRu2zguqRTCaZOe8e1XzYLH67W1ew/e//30AgN0St6/c2kA6xbararMpFMIyHk7fswAAmJ2ld3/lCtesZTNIrgDdjiEEvMbprGU7GVeJ+2m5eWhQq1VDKqLKr6rb0NIaPbFwBgCQK/L3p5/7EgCg1DZdCJul4HNR6yGQBQZxmyLdxL7H8Q9AIAPC20NVbGN+5GCAoNrz0Y9KDLHB/OeSBdHkSCQy4E4EuGqGkBykZhCJRN4ayn4bFr4c+MwBnOgeWKgfhP69ybdUleH0RFsY/hQTK6npwUJR29s+/bKpgz/wgZBAoOyyF/qwzB1E7siPDJaVTqjMq2NFjQJkx8HLkT3IldITKPphKUD+dEprU8JK/b5vXye2pR0Jm6MjMlOOD550nA/LZoPn3NziH4lWiyeYmuNLg0GZ9sdiOPSTCIj1WEpiNksYGF0LH7DNhohXWcHwRpbbUaGlbz3NQjwPnXlU2ykNbXKrJlRUFykwFovi/vsJ69of5pfP8Q+EG2W/42meoxPhC4cTJSQ7NU7BnbE80+kqkpdNJrnflF42ogpTNFUkx4RpKrtlbzrsZaDvmrCQQhIpjjPWFzGtyrVrhZOWrvGPQVJP9+0qz51S6MJgdEtHTWUkhqU0u7hSHRNIQ3oy3gtZoy/ZZP3BiCiU05dIlpFlR4oF7aDUTY3FxI4svBCJavsMr+3WNteXwcxJFWaKJ9JwobLWgu5N1MaxlxqNt6f10Y8pBKL0yjj4h9ntcB6q21qTM9MaA9uv1bn/5CzPfXWJ7b564Zu4716KFc1EWKRpV0XBGhKUanW4troi7Fl6aTvGNRoZ0wtNnC8qfT0fKioaNjLFa1qus51yk6GQERVN2thpIKY5jiltGErlvHGdIYmsSI4PPsCCZEtWRK3OF5jjx04CAOo1zs+upIgnwT/0Y5Idr4vYWFMxMQv9JKMx9Ppcp6NFji+T42+LS5Sivm+eoY3qCS6gF65wPpp6SXAlLuY6WmD2zPael5bTK+ljWCjUnC4dBndPqMEjAeqzpzTTHvwF7SKBT9d7X9ULiT377Xf/O4hnLlzv7c4d3jb83VKVvTCKP8x8GBaGFUILLbTQQgstNJ+FyMEec7DH9b6DDDE8OMkdQnSCYQCv9b3nAwavkQeU5gwSGyMDPG3/9ob6t/fT9jQSjs7hhQn6QyMYtOmRfAa5Pb4zese5g63m0UMiJyaHbKmbva6lUfGzmF8AAGQS9L7KJRUzqtNjNmTAiielc/QEpE/ikQpLklmNOTGvD0nJ2Fq543ZD3oY8gZ0Sz2GiLf0+P3er9IT+8ot/znNLcCYjAt+5l1iG2YSOMirxbOWT84UciiqHfP78a77xpzJCNXJWKEaoToJY7YzKBvfb9DrN852a5Rjm50ncWl2lx2mEOyNmGrTfbDTQlidvJZRtPZvkcCaZ983l+uqmzsk2qhWhGyKsjY3RO7f0OkvpzGpM5Yrkc7P0UkdyIx4RzO6ZqEIVjmDlhERdTKDL0Bgj3sUTRtDj57Hjhpxw3lYlUDQxQc/TPMRS1Y/oZdI5tDQORZkGKJeFFVSaO6E5d3VtKjUVg4KKiaVUyOsWw01zKu1dGFPxp5LSKUU6tHTLV1677HnRx+bplV+6pFTGiEpyC71qt0XeMw+47w+FWFppVzd3YaSoMfD3EYkhnX+dBY4efpBw/f1nTmBtlffK2gr70moNy10DN64TIXjP+yhQ9K53sa9f/NofcV7YI688uJGOTSRpQuXZ5xW2u3mb7e2KEJvL5bxiX3UV95pSOm1DIZ2tLbZ1z2n2++oWx3HtukSy0iY7beXB/ZB/xPO0Y+qzPZf8qLALd5C6uOfZ6idTH2ROMMzshWX9v3v77zke8ELAgZC2R54NnMt1/PsdhoXIQWihhRZaaKGF5rMQOQiY42JPxMlDBgKxejfwksbtQXQhEMcPlF5+2/07AMUYCDLt13owuOWPjnmMggHTUG3aYX5uQdCiQ9LNANNrBpwL2xZIe7QuduhFZdP0AB0REdfXl3WcBFQUWzQPqTCSVp/pUcUV/64LWUgkBlyNMaWziVeIldv08JryUiaUsmUCPQvHGMde22AfXn/9PABge5upaI+92x97Le3SWz16lGMwpMJSHI8vLHjyt+UKvSVLp2xH/FKtyu7CxJgImCKHNWvmrRP9mJ3N61wm2NPW72P63vL1pdvtemmAhlpEoibypHTAgIezvWOkL/ZxfJzz2GmpDLJQmlaXY2pJCtoKDBkpNWpCXrEo+kot66h/EMcgLnJgXNwJW+cmYHXjFtNDT5ykmI+VJnZUkMeIm6NFroMVFf5aW2eBIVuHxs2IRROIxNT/lrxNTxjH3ycrXmXjMG5t0lI8xXMYVTrtltZJOk++TD7Pa5KQVPJRlYLeKS16Zb9NGGikyH1qLStIJZnoiJW2NgErbq/q+IzEvxx5+9MTczoH+1LRurN0u6vXrgMAJp+YweQ057Ju5ZGVmmg5rCbR/uabTLt94Ay999evPQ8AePGlFwGwiBMw4BJcvPwGAKDV4X12//08blzXbkNl3F2kUVNxtFqd+1arVoJaYme6DzZ1zBOPvV995ri2ROCMeVLfuq+goXhp6Say9dbe/1vZXlL5/rZfCeZhO1iwyPHmPEiKD0ouI4hGuO6hYQchchBaaKGFFlpoofksRA7uwu4oSTkkmjFAGyx+uX/cP5jucqdz7xVPCqYyDuMdfk/eQzwCJUC8NLLB2dSWP0OiH1DvCMbcTLPD+tTvDUQ6gsjB4ByKuSfF+JY0s5XWbTWtdDO9sqRi03nFYFMq9mJSxr2uSd/K45SEbS5X8IRkrNiMefEdCfAUCvQQj6rQUk2FiF59jZ7R4iIZ05kc21leucFPIRAFpVkVx9mn1VWeZ0LCLoXCCBav0fNNJLmvebpRFUFyQe/dLsnc3AK3t7i9KW/ORGysaFSpzOMTkrS2+TaUoCxJW9ftehkjEcXOY1HF0pWl0lEGSEVcgY11cSaUfXHqxJT24xzvlOidt7vsg2UMmFczIm/W0J5Wq+25PlEJL8UTtm6VNipv1VLZmhLH6vSsSBj3TiaNF2BiV9yvXGGfWx1+393l+M3TNgnjdCqPjqvMFj0GNWVerD2tctCNhj+tLKlr2OtIolqcjXxenxKFiiktM57gvKyvsy8maDU2PgWBEx4SFolqjrvcd6di96oQF+NJKIPCZLJ3d4VIqbiTIU35DM+1uUF0a22da7Zc3vTm54d/6McAAFNz3PdNCXPFhayMj9PTbyv99KmvPQUAePLJjwAA/mjr3wEAvvFNbv+bP/IjGgsn9OVzz2uMRENOnaJEcl4oT7PR8iScy8quWV4matcV72fuCJG00i77vb7DcT/54U8AAF44+w0AwJVr5PSkxPuxQksD5NLKLQcUid6G3QkR+HbbcV33QLl913t2B9IiB0QyvKNB7WMhchBaaKGFFlpoofksRA4CRvFJY7b6PfCB/LDfw44MZSZ4ugWBfYLevOWnRuQpHZxZsD9yYLb3PMP7Wg4sv/Vd/9umJ+sptnkQOdjLvtj/bdarVDrogRcLH3iyfkGhlBjgXWUVVHdX1UfFrWEleeldFEcX+DlCxnMhx2wGj9Wu2KvFz13FqpOpmCfK0lKuuMWhH34XtRSm5yQspLjm17/xVwCAa4ssuWzysiMj9KBu3iSSUCqT3f3QQ4ylmqRtRnnho6NWwraBat20E+g9WSlep28eP9dBPstjppWlcPUiUQjjEkwqXtsVOaGtwkyGJGRURrlUYvZCRYzxeCKKVt0KIKn8rTgHEAPetDhu3GB++7qQg5lp5uAbR6MiL9Vi7HWJSZnHHY9J8liQUrEofkC07cnZTk7w2Nwo56MpVnq1xE8TyKkrFh31dDxMsla549JDmJpmexfk9aYlWTwzS098df222hHnIJkF5J1HVczHEmus38Y5iEYk6S0zJCopMZxkgn2pVJntckqFmCxDp6u1P6piR7tlg9ocTwtjY4v9m5pkf6dnuM7X5fEbQlYo8JpZJkirJ4TEdA1GeF+0pQsSkxb0tIohbW5z7W9s89pWq1v4q6f+AgDw6R//KQDAS6/wmKtXuM5XN8lP+PgnPg4AuHLzVQDAl79KpOCnfuYnAQD/8tf+BQDg3//F5wEAn/zkJwEAWypA9tyLTwMAxqeIUMwdIS9ie7uDuuSzZ6VbsiOBses3rnKuHIqhHV8gr2f7dfZ/R1kMn/gYz5UUEnXxErMZTIDJuE6GJBi7f082mePskxn21j70nSTyg+0MENlBiebh34fP56GxHjzLj35Ae8G//+EgGyFyEFpooYUWWkwEzfIAACAASURBVGih+SxEDobMovUeMuDxAoL7CUGwDUMaBXuVDYO6WYqJR/af+rtFDPbvPd8c7SUzEuQ5BHgK8BAS+LYH34S9N9x+8HiZ8SuG0BHLdfYSILx/GCNano+V6hVS0OkpJzxBL2t+mh50IUU+QCZNzyoCelC78oyLyuP21PqEyDSaNbgq/7q2Tj6DSTbPzpmKIGPnl68wXnn2JZaJjYm/EPPklNm39XUre0uP2LQFrLxyWvnsxk7f3lr3vFDz8Ks1tpFVbNRKC09OH/Uda17qsQV6WdmcNBTKdY1TCImkfI17sL5Oj9N0ASi/ax6x/3rFIsoR13U25KDRqGq+WponetptFRTKZOnNIcbxuk7VN8b1NXqMJssdi0WRybCfPakpVoUMZKSNMDbG8TWqKgKkOPekymhb+eBqdUTHS6tCyIvF3lMpfxndqPQerLBRo9X0kI5BKXNas6n4vngsGaEQXelhxHRcU8qHJxeoNZHLjatPRG2OnziiPnFeEklTlOSZRkfGcGuZHnC9bsqYRIjOPEA0amOda/P28iL7P0LOSTqngmVtu4dNdtxkqIWGSI58bIzIyvQMPfNz55lpk5jK41vPMl6fVcnxx97Lc7/8Kj39lRXyFOZP0OP/vg9R7+APPvsHAICvfv0rAID/5Od/BgDwW7/16wCAbz1DZOFHf/RvAwC++Jf8/pWvEpn74R/5IZ43X8Di4kXOoTQx7rmPqN6rr50DAHxNfIZjR3kfHD/Oz/OvUmn0xvUlAMDHvv+jnEehNq+9weOzGXEQjGvgWpGkvXZYnAKzu32WDz+n7V60NWqf9uek2+36jjGjlH/IOQgttNBCCy200L4DFiIHPnMQdSIICAAO/WqIQSDTYOjN8CCugXELIgFEYfCSelApjbuz4XxY18suMDKAakQEMga84iTB2hFuIKPC8Y/TDcbKpGnglS7tu3veyK0oSxeWZ6y2XXorVjbZ4vqzk2Q0JyPSzk8QMchl6FmtS4OgKM39juoA1OsqSCMdAcfpYWubHt7SdXonn/zBjwEAbt1mLDWm+gZf/fpfavj0VptizI+O0Ouq1ent98G+HjtGVMNRTNoUEvMF8gYiVhK4H8G4YuyWpVCpbWofy/DgfEyMcbzVCvswWqSHPH+EseSGxheVt59KWU5+wjf+SoV9zeXIAi9VdrwS1FFDE3paiwEdj6ri144yTkbEC5hWPvzmprzdhrH1zROmV379OuPEKXnKcdUoqNZLaKtoU1NlkNtio/ekeZ9N8rqNjnLcVuzKYu52DWJSL9zaEJcjy2u8ukq0IpthuwUV8rEFWSwqO6ZUgdu1x5+8Mu3kMdktt9zTq+f8pJSV0e5b3QqVyRY1oVIVV2OW9QByyoa5dYsowKj6cMI5geU1ztX2DrkA7Yu87vNPEo14z3s+AABY+wLRnJZ0PPLKbog25GHqnqxV2ae5OaEYUiE0fsn8UaIZ12/z9+WVJczOcc19/k8/CwD4bx/4JfbvXt5zF66eBQB881mWbL50jXH/96qI05e/zO2RGO+Ln/zpHwcA/N5nPgMAuHKVPJCPf+L7AQC/+Zu/DQDIFngvfOTDH0MyxTm6cJH7npGWwsLCMfWT/IennyWqd+I0eR2m2fGtbzEjolwmP+b973ufxu2qXfKHTIHUZGFN/2BQs2ZIF/agjIE9ZZSx7+8Hbd+jXbAH2XX3KfpnbcDX38hAjIYf/f5hAQchchBaaKGFFlpoofktRA4Ctt/b4EExo2B5ZWc4xzSQ6eD50p6aoH0qVnhIr2n9vjNQOAzEUoN9se1WHjSoQTDYQ8hA35ABq77oBn437fEBMmLH2Dks/mxlfyM9etlHj/KNP5enh1ja5P4TUlubmKYXc/0GPaxYgh5yt8f9V1cYszVFPWPt93odvKTaBzOz9Jas+mJT8e7XLpJ9vbJKTkIyzXF0lSu/U5E+AnfH1AS9lhnFb+sN1UdQSei8yug2rHYDopiY4jgt794yBiwfP5vhOEdHuN/lC0sAgFMn6UHGpQuwpgwJT+lPvAiLMd/a5BgGjOcBKmClqxMptlXdldcpROHqVcahLcZsmvjmbZkaXUd9rglhyI+QcxBRJoplpCRT/muxW3M9dML0HuLSCLDaCC1lPiSlX2BIw8YGEQFbH4aUVHe539YG5zWfI+JgtQVMHfOK1Cy9GgURICUUxyvFqylrt/xIWjoj/YY+x21TW5Saoc2HaWysi7OxuESk6v4zrMi5us4xuKpq2mg0kBAnot7UWtthLPnsWcbK3/fEkwCAkyfZxu0Vbk9b3YeMMk/ahn7Qem2VlZbGxG6N125ijmvz+AlyW24vX8JOmfdOTMz+//ezvwsA+PSnPwUAeOV1ViHdVNbCyhrHV9/l2R577DEAwFNfY9ZDrUHOxfvf/wS3f/XLAICCymjPzvK+Ma5CcXwSp048wHEp0+fpZ58BALz3fWz7gYdYnXS7QsTwuReIIJhKpyFmL7xgCAL7MK0KmRub5OBsbfMaDNBSmpcNMGQHMQ+CXv1B2QwHIQ4HHT+8fb9t/ITvGMfju/lR4cOwEDkILbTQQgsttNB8dijIgeM4Pw7gIwAeBfAIgDyA33dd92f22fe3AfzcHZr8iuu6Hxs65ucB/NZb7P9fuK77r99mt/cxF0B/wCEIZBjszff3s74dN+LFJ6NWWyB4pCea4K/TYG+ATtB7D9ABnCDfIcATiMIdQBqeYmFnMLyhvgzQjYjvd6MmeG+rXu1zQwO0n1Wzg2nqD7gIli3Q7Vr2AI/t9aziIbcXC8qxF+fgwnl6BkdmHgIAzEzSy7h4aQnAwPO+7wHmbS9eo5fbbbP9bE4VAaVtcOHSeWxtc593v+fDAIClG5cBAOkkx3/2FbKyYwlXfe745qVe1fhdeopTU0QOkoqP9/vylJUxkE4rS2Hb6kEkkBKqsC1t+IRU86p1eq+W99/V/CTk5U8JMTEN/ZIUAEdV5TGCnObV0bhVpS6b1HZ63j23g5TahGLklmWRUbD89jK9613FrfOzjC3HpFvQbluuOG1klF5eIi11y40dtc95zGQ4D/k8vfmVtb6XfRFPmbaC2PWa+7qyD0pSX4wVOc6Yo3NZYF9LNp5QrF2KgLGI0A6XfU7Im+93yU2IKqsh1i/AiRlnQp68FA/jqrFhztiIeC5um963q/oGiQy90oquTSLDvkzNEAV6880lAMDRea7l6SnG9jfFl6nWa+iKa5FRldFGk21dWWI9j6xUF+eO8j5YWWdfug12rpA3XQ+OM5Nm32MZjreoehgbW1JMjPP7mVP06q9dfBO3VolwTCt755Li85cuPA4A+MiHfhgA8Jnf/w22kee1u7b4Euc0QXTrnnvJD3jheXrv86o1Ykqkf/qFPwQAPHCG83HlBufzK099Cbu73OfYUdad2Nb1v3qNWRq5HK//WFFZS5k3ud8OkQDLSrHn4MXLQgPXVKOib1Vh7aEVeDIPxGwGz0dDQgPcAL9azF7U4U6qtt5+wP7fHWfAdwnwvYwX0w8gH/BQCByaHVZY4Z+ALwVVALcA3P8W+34ewNIBv/0sgJMA/vyA3/8YwLl9tr94V70MLbTQQgsttNDuaIf1cvAPwZeCKyCC8NRBO7qu+3nwBcFnjuOMAvjvALQB/PYBh3/edd2Dfjscc4a9clpQ2SqoYWBefwSRAYvUq8IYPIG9EdrP5rUHkIMAYuC1Z147/PUSnACPABh4ZW7PPH/LQhgaLIC+K5U+a9tDAOD7jAT4Ej0POTBPe6DmZTr+ts20/k0p0eauVGKMfO02vampcWYpHDtCL+R15TkvLbE2wQc+8B4AwOXLZHkbYlAQU76tCnCXLhMduLb4pufJrW8wVlqqMB65vcnv1Tq/m2a+5bcDlv/P8Y6oyt78nDIphBzYPJsqX0coiHnxxeKoN7e2hpqqYNjrCiGQgp3Fcyen6ZWOKq796quM9+5IE7/Tp6c1McpYrKEdVsVxbm5S+3N7cjfuMf4bTSn3KYOkFxfyE1VMPaZ4tbz7MSkcLt8Sn0Fe6qgyRariIpQr9PbyedW9SPH3hCrlRSMx5PLcFo2aemBL+3B+TPHR7dgNwE9Tnez1uJ4M3RhVbn69IX5Ait5vXXyIWs2yNpIas3QWOn1Pn6EPY/TzjAlxMFxT9XRNEVH1D9S1WEzraouclLJ0/6fERVm6zHbXVogGROMdzRO93Xvuvw+vXyA73xGnxBCjRIbX4NWLz3LfU8x8mD/Ctbd8m8dNFlVZM8tPx+G1LIyzvRH9Ho1z7ZY3uD6mpxYAAA/c+wi2SvTON9ZYM6TX43j//N9/EQDwS7/8jwAAZx8gUnDhEj+zOWUYXKEa4WOPPAoAOHWabZvComWclCocU/am0BCpIV64+Lp33asP87otLFDn4Nw53v9HjjDLorTDOa1pzVmtDQFS3noyBcTtHY43Ypk6UUNk7RkOnznYyzUIZhUcpHR4JxVbb7/AdjdwfMQJ6h7uRSucA/gLdy2Lcxd2KC8Hrut6LwN3L9qzx34WQBrAH7iuu3kY/QottNBCCy200N6+fS9lK/w9ff5fb7HPo47j/AMAKQC3ATzluu6tw+rAoDaCP2Y0eGO0OggBtcOhKoZ7qi8elPPqaRGYxx/IddV+Xn0HO861jAB7C7U3RkMg+vvkyBpCgMB2O5cql/WCb6P+jAvz+j29BGPKSm1skMUwnK3AXYyFbm/dpqDYFzN8coxIwcQ0Pd7rN4kMvHmJcfD3vpf120uqwbC8RmRgfFweUZUex/IqEQbzGHcqt7FwinHa86/T4ymLnd1s0bOPKC5dUyXIgSIkP9tt3ianFTOemT2qMSj2nBBPQB7SyvKGjrO6ByOe2qApFtr1nxDXwKzZpOczq5oAzaZVF6SnlExaJUXzhHjc1uaW+sI+1Ov0mGpVOy7lZQR4AXvVJRDxH/DqFrDfpiFhVQa9MUhhsSgtgp0yEQNDTCYmeA2tJoGHsEWiSAoiMG5OTMqRESEJUSkndrTurQqhKUxmlDlgKJbNcaXMvmVVhbClypuxGPs4rtoU6+ti5sejcDTwdkdeu5j9krdAp8X5aXWa+l0ZJlJtTAlZGS3wHFevEN05dUpVGTVPNrbJSV7ra4tsd2Y6ikceZT7/i2e/xn2m85ofKV+qT1tCJ7IZojhZISmtlmpVSIPCqz6oe9n0IGale3CtyfvD1tOjD/8NXF6i578kHYao+B87FT5av/Bn1D/4gR94EgCweJ2cBKtwGJdXfvkK0YyFhQUAQE51ICxDJCZtgY1NcoCOLRAVy+WiuH7zouZKWSvid0xOE4W6KLTimHQPVrdsLq9qnH7fOsjudw3ljBoXbIByAkNO7T4VEZ3AM9jjA+hrEFEI1kPwtgeOR+D44b8Vh63S+E7se+LlwHGcDwB4F4BLwyjEPvZfB773HMf5DQD/wHW9+qt3OtfZA356K55EaKGFFlpoof21se+JlwMAv6DPXz/g90UAvwjgiyC3YQTA3wDwvwL4+wAKAP7jw+mKMxQaCVZUtLdL/xHuPvSC4FvjgeY59/u/+Xox+n6Aq+C96frjVv3+XuTgoDfage6Bv3ZCUEnRPi3zYFAhzNAKIQciIeisvv7bMb2uXyMhk2LcNplkHPLSZbKQS9t0344dIRO606eX/9wL1IEvjtHDqqhGw5ayALriNtxapoeUTiWwpvzs1XXGVFsNvkdGE5Y5Udf4o+qjhq2KifEYvbT5uQUAQCLBc1dbPHcuZ1wDjm1zk15eUUz7dDrl1VLwPFp5obOzRCNKJSIf5hGasqF5xMbGzuf8SENDlRK3xNpOpbnfiupIGAcjlUx6NSZMGdEQAEMO+uJaRCLSmJhUHYKGP747VuC42qpCaRkkR6W+ZxU3221e42q1pvnpehkSls1imgh9p6bt7JN5vIaseeOXl27ZHy2Nv6WYdSopjoXpSLSsDoRi86qGGWtFEUtwjmNxZTzUOZ54TGu1bWuY82E59S3VK4irAuBxecpvvkmGfKXE+Rorcj76uj8aDa6X6Wnu//IrL+O+Bxhbf+VV8Xj6UlvUeOMxXSOpTJoKp2Wr6GePi2Hrpi4UbLdW0nbO2/HjjPNfu8I1OjM2h3tPPwwAuLn8hvrLOYun2O9nnqO/ZuVgHn6Y+7/wHPULsjpnTzoQF6QbEo36H4xRrbdGg33a2Lrhnacmrsz1W0Qf+mD/x8eJ+CzeIH+h2iTqcJ9qL5SkZ2AclFjMkEnLTuC57XljSNTB2jV7qzJ6Zs/kO3j+B2YpBFBhJ/D7cDvvFDk4TMThu/5y4DjOCIBP4y2IiK7rfg3A14Y21QH8oeM4zwJ4BcBPOY7zz13XfeVO53Nd9/ED+nEWwLvfXu9DCy200EIL7f9/9l1/OQDwMwAyeAdERNd1bzqO82cAfhrAh8EXhW/THNg73cDrN+/cvuqt01ir+/cNwN6Y1t74kj825u/H3tYH6bh+FMOrmNh3vbxcs4GyoT+W3vN4D46vjQGyEJwH/++DcxsaMOAk2L8NObBx2HdjsKeVv3xDdQ42N+hBjxXJ1k/RSccLL38VALCxQ4/YFVN8o0RP3NT7DN3oyIupV7ooVamOZp6bN159N4Z3VPrz3Z5UHBVzPn6E+dqzs8c0Bs6HVfpLqbJiTV6aeb3m9fT7PXTlZVs1tULeNBLYpZa4BkXVlrC6BkYlsQyBhlAPr5bC7o6+c8eaxpRMig+h+gbRWB+1unFLrBqhP2OgUVMVwiyREKvrYHUvTFFwUmqPHcXe+wronjxJJv3KMr27TqereanrfFGk0xmNWyiFEARXaEUqxWvQbNh8qUaCqhHmc8p2MD0RZVZYfN8qSFoNi2bbVA3FcYhZtkgDY1p7XVeIQZznzmatomFb+zY1p+a9A8CgtsTcHL1YU7e8fZvjHxmZ0nzyuJtSThwfn1G7r3sVQScmiQRsbt3SeLjw4zpnV9VKE3HpPGiNpYzDwa1eH827bYh70lQlTat6aGtzZ3sXJxeYCfHKa1RC3Ni+xHNKGyKmtfb0M0TtTpzgfZCWOmOv5+cTRU1yoG+VAw25tJQdfm7vSKOk5yKquXddnnN5lVyC9Y1F9V/3c5OIR62x6TuXx5fxUE9DbmP6NN6AP4vKbL+aCsFntY2v76Vp7Y8+BLMZvHYD5+oH2vXtGzh2WENmv759JzgK3wsKiUZE/D/f4fHSw0T2EPoSWmihhRZaaH/t7buKHDiO8z5QPOmS67pffYfNvE+f1w6lU9ibjWDvULbdshYGb4h7NQYOerMbMF/1pucJXRnC4D8+IHbo2Z64f3+AbgxoDH5vfZBlwI/uQKhAxwbfpv35uXZKa8+rzigPYcCT6A1Y0zbMgIaC9W15hdyASpkeQ2GUHs38MXrQb1xiXYT1dWYpmNe2Ki19i6kPkjUM3bAxdtEQAmD8DFN27HXlVSpbo6txRUDvLObwfXNhgaptufyo2uY5RlT5sd0halGpsE+TU+QFFFRzoFaroVqtatwWM+axu1VVflQMuTjGcxg3oWuesDzCXcVmTfUyX+A5Wm0iLps7/DQkoe9przve+OMx8z51LYRSGF8jm0mqDek8aIEUVOfCOAVNoSGWrz42zjEsL1OzwuK7lgWTyWTQ0ly1jU0vT9gRAmCqirvlrm/clrWTyTC+Dal2WnZHocDtplYZiSgTQ/oBVh/CuAuRiANI38MqFmbSmstI09dGWwhJuy3kwHLmNW99rZtjx04CAK5cZoaN8R0aTV6TklQ7s2nOVzqVxqLY9mNjnLvzrz4HAMgXuOZiOXndqsLZMQSqZdkdXLtj4u6khWIZcrIrxUlDnGys0Zihhj0kE1yLx448CABY2yCK56jKousha5y7JVXdNEqBl80UeA6YWf0Y7ztsvdkY4gCsDgkbbQmtMuDRdFPayhy5cbOmY4U8CZWIRk2bBPr0Z+h4z3ZnfwRhPzuQUxBADoJ6BnsQhAMe5vv9jbhTtltQldG/3+GgCN9t5MCIiG+VvgjHcT60zzbHcZz/HsAHAGwC+IvD715ooYUWWmih/fWzw6qt8CkAn9LXGX1+QHUUAGDTdd1fDhxTAPAT4Cvj79zhFF93HOcSgBdAfYMRAB8E8BBITvxp13Ur3+44mKkQ8dxQJ/C2aQzrYNXCIH9g2A5msAbO7Hfq37JNf0OmgmjH9YdlwgEMx/0Db6zmZcPvWQffhC2XfIAkGL/B2jGdgwFC0Q948Pa9qzh0XVkG1mYsoUwBsZSXbjBrYU3Mf9MSN0/RvBGLXfc6A84FMIjtu+4gz3pgln0hj8ibHTHc5WUdP0Lv7ejCSU2PJlQeY1Ls9e0dxpLNE5qb4i1gGRibm5ue3kAqk/D91u3S0xmVZoCtkkyObTdUOdJqEhjPIeZ5SPKgW5y3XI6eeEKeY7mipH1EvXoOI9ItaIqf0ROUYl6YeYiVMvvcqHJcJ4WgdNqWlcGY8fGT5GQYchKMj5qlUhl0lQESkeeWSonp7ppSIn83zYhMhvNg8dlCwVQpOe7tHbLVNS0e4pJImg6E6SnE1D7HmEwnYEKY+Sz7kBB6Z1wJQ04GQKIyJ/6/9t482LbsrA/7rX3OueO7b+p+r0dJ3Y2khhICExRAAoOEKwRijCeIqUqA8pAyLgMmBscpghPFsV12FXhAOJCyY5SEqogUVJwiYbALJAZLQhOSEBq6W92vh9dvHu57dzr3nL1X/vi+37f2+vbe99439evWW7+q+847e1h77bWHs77v+32/T9vY2ZUx35lK3x84KdkJ585KpHNby3hSc2Okbq/zZ9e1/WW8+LLEzt/y1jdmY0aexon7pQ8jvXbXrsqxNq5LG7T6L12R52SiXJOHHn6d9lFei+TiKIUDdS3tr6wG7Eyl7UcekMqIH8cHdRt6UPRZ02eTVSyhypF8yNP7kou7lQ4ztGLt5mHk+ywn+JsWC99hY83eSMfiZ17LpRu7J5fnxq3r6F+sA/H/9D33uLLv5oF2noa2B8G/g4fEBffiTtwqbldY4U+gW0zpCf0DgOcB/Lhb/19AeAIHISL+FICvA/CtAI5DfPAvAPiXAP5pjPG2hRQKCgoKCgruddwu+eR3A3j3De7zcwB+7oDb/p0b79XNInQqHiYOAvvDT40thb2s/Dyr1bgGRjbgLDxn9HqFr0FVas64yQPw1bqQ8rSJFBtTK9uKKvC8bMtsf6/zYDUW5jy2WqJ1Y7Nlngcr+hlfQWPOs3o7W359Q9jbu1NaAKOsrzy/2UyrDdLpYboKsmCm3o4mNmZNNMkM0X01pqx9rYKyr+fy+ajWd1g7JLFoqhWuqjW7tS1WGbMgmGNOFT96L0IVsKRehqNHpa1VzQig1XDholibX/MnvooDBwC4dk2OwUqP9Uwt4SCW0zXVGKg0//2RB6RGw4VLwuWgJb22tmaW3o5ep7HWjtjdnmkbMtasEQGtYLit582xvnJZ+jTW7SvjrDhGtd4/CwtaIbKZmVeCOgSry2L5rm+oB4AsfPV8cBzW1mTcjh8XLsr6NcnS4L159H6Jue9sX8r6YnnvmpHBmPzq8gp2d3NrlGqEzKjYXkr3M5AqAy4uSZvMraf659KijNvDWs3yzDmJzTdaEfDoYeGiXL2g3oBqgq0tGduXNcNhTXktly4qf+V+uX4rqutADgmzc64oP2K8qV6sy2JnrR5S/RD1OPBaxij3zVS5Otc2L+DyBR3zifTvDY/KPfjMC9LWWJo27YBomQDMMBh6v+RVPG09+VXapyZWYAVUNkVNBcsQMKs8V/EcG/9LT5Pv5EF9mfw90o9cF8afl38ZD2crJJ9kuz2ew9BLvd2ez3rziGnDtP1tch7cbc5BQUFBQUFBwasMrwadg1cPgs72IrXgmQngp2Kx9S8sBt1pDO2YWV6NMFEK1NpiTM2+c33uQUjL3XGsfkJKV0g1Efpn9omLIJ9JATE/E7P26TlwXgHG7s1Cb2Inw4HqgSnLgvvq+l3Gv3M+A60u7p88K2Qv63Hq3GrNlBn1fFmFsKmdRaPjxEqJD2gNhSeflLrzUAtgqtyFQ4ea7Pui1QdQy1zz3y0uihprqqJ48oToN5BNfvWqWGfU5z+m1SVffEl4DNs70tbGhlh6y0vCal9Zke0vauXHbb0G1aJY2Otq1c51PA+tHcPWSKzM6XQ9O/FFtewnQVn7K2IhU32O53V9U6zVM2elz48/KeO0W1OTgOqP6jFYVmtVlSe3dlItBVZhXFsjq175PPpKWtWshXqXqo3Uh5Dll69K9sq1LfE0PQB6P3i+st1YsyAa9TRNtOrhZGlszySV/MZjZi3I8o1F1TlQzQVqc6yuijV+5YqO/U6uevnwozIuF7Ti6FSvzWGtYrjWaAXF6ZpVNn3xRVELJFfi/AWtHKrKl/GIkiog12am9/+5S6Lhcd8J0VS4pNk/y6q0+bav/SYZp2ty/yxUm9oXzbSZb+DS5Rf0/OUYb36zcEvOXJJ6Blu7ej8vyjXa1ewfesaoAElb06x2S+x3zHr7X9tyzrO12JbXXIHTlknGfaotkx1rIFtsL/DdMsRbIFfAMqQ6jmPnnejwyfo9EH3ejo6OgZ2HO/gd0Dkok4MMAYme1nLp0wvEy+uKJfEJb2K0H+lOOqTdJ3mYIU00Znv2zLvBTPQo67v8KLIoT0pZ9AIafPB445GsNMuWs0y0FUnyqYz2EHFykQSP6LK1kARTC+d8sTDNTV3O9SRb78MqfIlyApMmPHrsmi8qXap9rOe17Tvj5Ec/+UPCH3/Old761rcBAE6cEPfw1hbTweTz0dcL2WvrOkv9KllQ3eycfIyUXNfMpjh6RH7Mj67JZ7oP5Efr8cffZGMHAOvr4ro/e17czVvbst3Xve1b5Hx3NRWUhE3+OOqP7nn9UTl2RCYjK4eOY7qrkiBa3IhpfRP14caR/KCwcNK1azpx0TTLC1elL0F/RFY03LKwKu1dvy4u8pFGBJa1MzMtrjUJY+wGprA9QgAAIABJREFUnUg1dPMzLZDkNi1ZrATM7V3eD/IDfN9x+WE+fU7uzY2ZTA52ZjJehw/LpIDERooexUonIUpoxaTCqqZ7rqq08mxO0S+mVcry8SR3XTMdMOi58FouaVnoIxpeOPSSTPQ2NBXyxBE5t42p9nX1KJaVDPnsC1J4SLNFMdcy0pevSVpo0EFd5kSURaCUPHlNJYkxke8f/PD7AQAPPCjX//UPvVnGaUvCMYcWj+l4vh6vf0yu2yc++SFZdlLG+NFH5P5/6lm5x5j6SxlkTtwScsOGky9LlaaLvOcdaL+T+vodVfn7LqnL5+/XbnSAy3NiI8FnNDnNu+56H8rtkslpueTvUxYTC25S5H+2U9jFt9udwPh0SNumSaOcLe+czc2jhBUKCgoKCgoKMhTPQRtR3PJVmuoCSNZoaG3X/k87syVZ024O511O9DA4+eRh71A+Q0zb59+bOqUyJpJecvdL31oud6RwQO08DI25/nMRJV+4icI+7ZQc/p+Wfmxy7wI/awtJMByQewbYN6aXmSvTYh+N2x7Zucx2d+1Yfmxrt+3rHnkcAPDIw/QYiMV36llx8T/0kKSq0VNw9oxYVKq+a6S5I0dZiEbaXV5bM7Li4ePiOTh9+mXdRiyZFV1/+ows31FX7tPPSmnqL39SSvseOiwW5Oc/K2S3y5dl+zd/hfRtc0vFkC6Il+BNT4iwzdLiKhYm4lJeXGTqnlojlIMeqTSxkvjmGtKZqKv74nlxdZ84JklIa0fE0xA0XXA2U3llLU2sPEacPyfW/fLSMranfFhyV/6IhYXUqxHVcqQHQJ1aOHtGLGSGHxZ0fz5PJ09IGinTDa9vitt9a1MaOLRGcukcY/XasFhVs8nCSyRFLmefJFZS3GlBBZq82BMlnimSde36ho6HpgLGRNQ8+aCM1ee+KH15WUM2LAZ1RUM7MUofDh9iQSpNt1RLmIXHjqyx8JJc6w9+SCSR3/CXxHNAIt+GhojCeIxHHxHi7VPPSOGlz/zRJwEAx07I2FNgal3TcelWH49lPBonn+7h3ycHQW3eS2eN3yD8fpbqeANmcTc90BMV99ver2dfcuu/T3a5zorZAcF5f+9kKmPxHBQUFBQUFBRkKJ6DFiIiYtOYXCxncPvrZSSrPk3cSKxzhBKbj+WcgU5Rp2yrZHlb637G2JBzEBPhBTk5z+L0un7u4vapz3l8q1N22TanxyC36mNscQOc1Z44B359njZJa4zf0379ngMuZ984XrPZzMrZem8Lx2F1VeKvb3zjkwCAaiQW4Re/KPIZF8+LNf6Od3wzAODTfyQlaV88JYSzR08+ru2KqXz8PiGHMby5FoCJxojJ73j6aYkxj6o17b9YrZtKsDt95jkAwLpajm960xsAAFs78v3Tf/z7AIAdjfueeEA8Cx/5g98FkFIBjx8/oX1ZAFMZl5fEezHXcZlGWtXiCdjYlLg0SzyvXxertNF7d+2otM3UvivXVORHLW4SGscjJfYpF2E6q00OeVctuKqiKBIJdyPdV61WlZOeqJV67ZrK5lIEip4jvf5XrkrfX/c68f5cvSbHoRDWI68XsmDTBGxe0Xi+HpnCS+T/UHiK5ZJZgIj8CFrUtOLOnRMvBWWzH9C00tlcSILXVbhoeVm8BcurY5w4KffeoTXxDFy4JGMedOy2NaV3tEkPi5YRV+4BvTskrkKljpdXZP2zz30h+3z4wccAAC+8ICTEY8cexPlLMg5veqMIMX3xuU8DSAW0TCRLiZuNy3mOHeGinFxoQj4xf6/slUxoxeECOSm5wNJB4dPQffG5vva6qev5eZK3kASYuJ7kWS+W14/Ob0UP56BLqNzbYxBjbPGZbg3Fc1BQUFBQUFCQoXgOHJoYbcbE+ZvF6vfZNy/7mafkdbZxZZJTust+8SrHPbBYfYr7e/4ChYGiY8fW5APYHJ59oqfBew70GPxungPPE4jJ4rcUxPyYTE2czx1nomlcW85rwayEJj82Le/YUDSlLchE6zIfWwrKjNR63VZJ54uaRvbpT0q8/yvf8jUAgAsXxDL8vd8T6/x1jzwGAJaZwdTGqRbFOXJUWOtbOxtYUTGaS1fECj9zTqyyr/gKyXygCNAzz/8xAODjyhwfqRdjrHHxZ579DADgs898BABw7IhYwjuanvjiafE4HD8s3otVLVQ03x2bKMvhNbFWo1qCV69qqelJyL6j0iyNKdn7IkB04gEV2FnMy+GO9Z5mPHs8kvOnJX1lfTvFr+kBqvPnJFpxKBUKGtGjwEwCCi/lAkyU3b1yWcbx5MnjbFDbkXOdKIfh+PEjmGnZX4qY0asxVVlkWoiTiWYKLCnHQt8QuypBzEJUFKyisNF9WkzpzLmXdRzFuj+8Jt6co8cPY3mVHgFpc1mLXu3W6gnQ85rOte0dld+OMrbzRjk7WrhoXfkNvO4NhDfzhaflvjmupZrrRvk0zz+HDc10WNNsire//e0AgF/7d/+X9JvjoamMzbyfe0SODXkCHL/0Wsz5WM0BLFzbltfxgK4Dn4borf+DNNPJELP3qWYGmTcjL8h3kHRJ2T5Pd98LnUJ8HY/07UfxHBQUFBQUFBRkKJ6DNqLMhlNZT+aj5iz+amBmKNKVnOE58Q7LgJCPxglkdNfnmRCE74vPIGia2NUIcNa53zfrP9pxf0oY06Og7dWM8yuFnOPE5XVtFqEXVmqYpeC8ESzu5Gf6XhfB+BM8X/Uk7JLODm+tJPg85BELLWkeOjkYzz4rmQDTqViATzwh8f4PfVji/OcviCX42Otk+dV14QlQTpdx5OVVuY/OnH0Zh7UE7+nTL+p5yLFOPCDx5w21Yj/6iQ9IH7Qs7mOv/4qsj3/4KfEYnL0o65/ULAaK5bC09RNvEP7EqmoRXLm4jYmy7VeWlHNSabGmRuPd6hmZzWX5osrmXr0qnoDJSWnrkHoCWD54puV1qRvBcauWpAHyH5Z3FrGisr4kh8z0urJoFa87LXxes0ozIqaqU3D28ot6fmLtNqqbsFsrd0VTSBaWtJiUai2MtVTx4SOrmG6u6fkJT4EliGkRGtdAuQfMQqBYFnUiWNSJRcGuXBZL/LEnhHNwaJVeo+t6rsxaqHFES3cfUy/D9q5cv7mW5qYCLy19ehC4nM/LXAtXsRjUmhbuChO5z65ek2vLcsxHj2mRqPMvY64Flj79KclWePs3iafscS049rmn5P6e78oxyMkakVMgHxiPckvaewMNTvegDxSgG8pW8FZ98hQMNintmdDQXowH3cL1O+3bb1PfqOBSR+Bo4LjZPo4H1zuGt8mZUDwHBQUFBQUFBRmK56AFyVaIaEJunbeqCMnXzjQ2WbuJuduvlBjzpgDHZOjOJoesfu9B6PMcMPNBrQu14qdaYpYWkY/rJ40CMnutcwBSDjL5AnWdl0SezeZmRTGen7IOmCGRx9u8p6Crd5BzEey8TYGR45VzHBD7rIp8Zk4m9IZa/ufOShbC13zV1wMArqyLVf6JP/woAODBByX2vqmx2pVjYv1deVm2C5qj/vmnPw8AOH36JXzZmySj4TlliR9VS/HQYbEqP/xRyS0/9ZJwDnbVKr9fY+cbmxJL/qLqHowX5Bj3n5B2Tp2SzAqWxH5ImfLUZJjPZ1YwaqRcgjrIWF3fFsvwmec+q+cn3gyVIsC1DVXVW5U+XLki47SjRYw2NP99cYnqjrL+vuMP6/G0UNXWFVzXeDyt7vk2dS7oOaK3isxwtfQ1f58y4/SUaAIBdjSev7IinontHc0MWJE+Le5qUalVZhocw3xbzuuqln2GxY6V9zChyqJKLvNg+trcmSlPYJmKicox0XNkhgSLboWrKmlds9TzDtZUEvGwfp45p1wLPWatnIKougbzmpkfqsqpz9fikhYNoxqoKkpOFmT8rmsWzEsvCydlbUWez+P33YfTZ+X8We75jz4j2Thf+ZVSgOlp5bls6XuDXp1Y85rlz1dSYN3fOh+C9xgMZR0kjRkey3sGBuzfA9AC/DHT973Py2dvdOF+E5ynQXhjPL+8IB/5LnAe1juB4jkoKCgoKCgoyFA8Bw5NbMxSNraAn5z5GXHmBcjzUFNerW7aiRXlnIShOJQdyqmNWWYBY/lN3amtwG1TRoMsp+qgLxNd17kVz4wDb+17FcM2Z4H/T3oFTjHReTcYt/aaDPZpRV7ycQnu4vhhizFZgqNRziGhPsN0JtbYF7/4FABg7ZDo0T/wkDD+P/rRP9C+iDW2uyvbBxYDOqr1AJbk4Esrcg/89vsl4+Dhhx/B6ZfFG3H9usSMn3hCFOsua/bCh//gAwCAzR0q5Akz/g2vF/W6p59SRcSrYuUdPras4yLj8/wp8Ugsapz/iBZwIqdjcXHRYv/jkYz1pU2Jb1+8LJkTM9XOpyLiutZW4JDOzfsj3ze1GBTLLF+8SN6DKEd+2RPCl2AJ6+nuFNc0158K9ywXzaMwY4DXapE1Eia8T3Z0a829HytDXu/BI4dXdH9pb2VV6xlsK7dlJrH8ycJxK6REpcNQ5RYcz4vb0ZNWqc7Bko41i0RVplmhZcP1nj6mWg1XtEgWi7Xs7ExNO+LwEfEAjVg7QZUzQ6PePXrWlEuxq7oG5EUsqedgZyrbbWzIsRpVvxzr9+tbMv4vnNIS4V/9TeYxe8tbhL/ysU98GABw8aKc1xOPfzkA4FOf+rgcc8KrR55IbqXvXQ75YGjc+7EayDLwdRC81T5QZXlP7Gf5H7zNfts7cRFC7/K2Xo45Kxx/wzQWuJ01sn/G20FRPAcFBQUFBQUFGYrnoI0osWtvtY+c4mBS2JOP2rQKglmyPlZk+dyuboPPUvAcA35PKn/9amR1qzaBrdMJfLtaIpAsaWYIdD0HzhtR55aA1yww675pba8Ba2YZeI/JzLILqrQPWlY9++I8BrXxPxiTzmNwwZdubU/O3dCnPGzNJZ+JJfzlrxN9/rPnxBr/wtOiGEed/9PnJMb+lreKRfWxT4hn4dFHhQFOC/rpp4Uf8OYnn8QLL1IlTyy+EyeFt/DJT30QAPDc809rt6UvS6uqQnhYrNPf+YAcY6bXbO2QWJpbO+KJuHRZrPUjGrteUKuWuhCLi2OEEXXlZSC2t8SKvn7tqu6j41TJMch8n+3yvmFsWQaQXo/j94v1+vIZGa8L52U5eRJH1oTDsDvdxbay8LVYImrNLghj9U6pVR3UIzBX9UZqcVj1SVbtUyM2qjfkkObqkzfBGgShYkaBHL9pplha1owIbWNXY+oEFROXbCzlmNR3mLDutHMxbm7KMdbX5ZOKkuRZkPS+tbOBBtK/kydF0XFlWdQrp/Prel763NtzwGeV3gnNoLJMHLU+WfdFvSFbO9LeVVW7PH9J+BYf/ugOan0gVg/LQDzwgNybH/uYZMacfFD6dFhrhmxsKddmSVUqB5QS90P70fS7eEXYeiBroTJr2+kAmOntY/WuD+49HWNqw5dQ7noM+j0kQ+uNBmUeXf1ObwCPF2Hvr6Dv0fRrwX7m1SeJqqoOQqc4EIrnoKCgoKCgoCBD8Ry0EBG1qqGfx+YBnq6uNc2XqhUry2fTaeOmtRZGAAh+u9CaRQJoZnllxUrXU/e8Cem4XWY/Y+08pM9O4HnQWvdVGhnvTbUT2tvNnWJaXdedbArPwWBc1nM0kn4BeQ5uWMwy0vO3kvJ+npvXWNczlDVmRFCfQb4fv08spMUlsU4/+5RY9dc193xUy+Ny3wmxrJ5/+RkAwAtflJjtn/yWdwEAPvRBsfKXVta0vRV85CPCPzh5UizaZ1UJ8Tfe/14AKU8doKrgMT2GMMdfviCfC8vS56VF4UOcvSgZBtP5Bd1PvBcrqxr/Vk/D5s51HD8myxqNZ29uqAKiKhourknbmzNpaxrF8m8gnIHxRMZvR3kRV66K3sPaUcmouHJNcuhnau3vbMv+QY+HJmBdswyoDbC4JJke05H0YdYI72HpkFjSVLEcq5W/O5PtFhb03qNHYSzHurojfXh4QXgjk5GM4+LCCe2DZuqMZsbkH4/JARA+w8IisxW0zsM456wsqcU829GMAbXuJ5Pcw3L1qrS3siLnuHZI7hsqT04WtrG9Izfwow+9AQDw4P2S1bKpHIGacX16JKGKkXpfM5thZzt/VhdUtZEZE/TMnDkvWS27qpw4vX4GlV7f0csyhofW5DnY3JVr9eyL4hGKI81WWKZK6aIe82AxevdqxJivuNj11nYt/Px7zVcyn2ln1nsr30nXmOXdB89X4PW0jAH1WlXUmnB9bGeO5e26d6HzuJBnMgqjlhrtPNsn0RXUc+rrQLQUcm8VxXNQUFBQUFBQkKF4DhyaJtrU0eJ2plGQZwhwymhxodh0rHIiuOlz8jAwm8HH9fNY2txp0SfNcfYlMV0ti8BlJ/SpKba6lLwQc6dzoOst08C4DLn13/Yc1M7yH6yVwEwH9o06B26cTK+dsVUeM3A7jlt32txRKuOUP/IrLUKJLV+4KPH7l88Ii59sddZQ2N4R6/ZTn/pDAMBb3/xNAIAtZYI/9ZR4Bd7wmFiDZ84+jxdfEk7BQ4+IVfa7v//vAQCXLokVThU9qu8taFz7uWef0bav6/mLtba0LOewfk2Ws57D8qqw9U29UD0HOzubGE3Egr12SazSq+ty7F3NwlhblPUbm8JjmKt+BY95fVNy5c8oF2NdqzFO1ItBfslMlfRoie/O5HtVRUT1KpDJv3pYvBljlcrY3lYPilpGh1Tpb1tj5hN9ZY1U6XBKz4HW0lhfl1j6uQvi7Tl2mLKHst2Wch5m812rZ0BPwNaWHprZLfp25O2isiDQsg9YiqoboRvyNuO129FjTTW7ZW1NznVDx3E0npg+weJErv8TT4gq4RdPfULHTLMNeHCtrJkEVveOuXO/pCOS58+jAeZqnVKforYMFx0X5WmYtar8DTS3yUTdA1YZ1/guOf+LGTR8XyxMxm5/r3HC7zmfytRvq9CpmZDqGmgGCZvyXmB3TPJikieC72x9h9O76jVf9sg28KqTrPw6qEZ5Cyieg4KCgoKCgoIMxXPQQow6a05mqHxyNu5mmQRnoYhhUCe7U03Rx5BcPQTLZ2VM3vECqMrIWX4TEx9g2HPQzzHwn0ljIJ/5GodhkLvQ5hzkngN6GfaqQw60WLmM91kWgi4HZ/GcnetyZm24S4cYrXKfzy9mEgYVElnRz6yQhZF+lw2XaWEqGx3KQTiptRSeelo8BhcvSyz+K94i9RSe/uKnELWOwdXrondw5px4BBZV+5/Xb2lZ+nL5imrsz9RCYD5/JeNajejF0Di59o06AZvqaZhqLLrGDDtT8Qg8r14M6hgEbZOV/XZV74CWM5Xw5qrvv7El+y1pBcHxgnJS5rJ+R2srbKkHguc2n03R1OpF0H1iJfs0YSc7r6BZBprGj6vr4s05euiIHlvGbWNDsxHUg3RdY/VnzmntBVVMhCovzhvWA0keo6Cfy6rHQG8WLWVmSNSR10q+L2qtClp+rA9B/YzxhB4JrZQ4VqVEJOuXz9SGKjyOTFtB2p6Tz8S+aLCdHASqOJLv4DUWAO9RkE8qZ8bQ2DtmOpV7dJeaI3rdmGXR8D7RY4Q7aFv6TIHOe6LDScit7/10D7q1GfL3St++rLqYtGvmnX326vswck91bKdMeCqG9TPngfGYlr11G1A8BwUFBQUFBQUZiufAIbY5By4hNdXQzuP8ZJSiyVWu2p9DsSDPA0ieA3oWnPXO5chjZoy5xqathLj3p2kweA+AqRnm3ISkbqh9cRUX2+fM2bSvldD4sUUe16vGbvwG4prmYWBpOGX6VjHP6oghtNwObi4cqM+gXo1AvoOsHo80uKxjPW84S5ely8sS39+ZiYX8hac+r+dAS1OswbMXnsOW5oY//azEdaezK9q2auIjtwA2NrT6Hi0Fc5HI9xdfEsVE6kWMlVnfqHLg9lS8GxcuiDfk6JHDuLwuFuHL504BALam69l5X9/UmLN6EFLpPzkGdRDWN4TF/nqt2rczk/Pc3JY+TxbEAqclPVdVw9lsCxP1gIw0I2B7KuMy3d3QY2nmgGosNKoIOFcrlmNbVcxuqfWYaklptsP1TTnvRVWrvHRV2qNC4MUrF7G2IBwAckpo4S8yf58aDCPGhpk5oF4ezQhgts7OLu/1nDdCTQLjJCwklv9Yg8bXVG3yyhW5L+jFmNUy6LO5apNMc64SvRT+/WK1K4wXJGDmRcoGSjH2uT33O3reeqSYeww7z9EdhHElfPaSWsgjx0XwFWm77eXjMepUkmzglR5TW76GRG7F+z4PeUk7zzRdmPZS6+97X5u8zv5343ageA4KCgoKCgoKMhTPQRtRZl7RYkq0TmitO2jcL9Zptupnh0M1vjuWtHMs2PI6t94ti6HjBSBfoLGepgqI2qZ5FHIPwcxipe5YxiFAtr6ee65Cfk51Xac68wM1ESxrg3wNn1HgZteNuyaVKSNqc9xNJfMqvTZ1rFEz7qrWVqUmkbHMTaA8D8zWMVdxTKpr8rG8KhbmlevnAACnz0mO/ZHDwvq/uiFx8vWNC5iqpv/OJSr2kbFMnXq1kNQSZu58qh3B8ZH9N7fUszCmWp/oI5x8QCsqqrX/7KkvAAC+4ev/Y5w9L3H4jZ3L2qReG8bjyTFxxw42lsIXoLVPzYVTLz6jPdM8eI2tT5V7cE0zCGLcxYpyKmrNu19XhUdoPDual2aWfTaB3p2pbsc+ax4/+SOqXbC9e10/pf3r6rnZUu2F6xvrWNVqmlFjyROnKhn1GlXjpGMCAA3vI92P2QtVTQVKPszSDrMi+HyM1CNVh11TNuS7hFb8glaAZFmTxNrPrVVawn45n2FaxskTqeOk9349b2wsuY7eBVOndGqjvBNT/j+PmXsWfUVFr+pKb0AVQsf69p6CTsbRPlZ7GutR73ZNcsXqeo5/6Mk0y/sN05xwbVrdA3+N9uZZGU9A768QQ48XYait/jZvB4rnoKCgoKCgoCBD8Ry0EBHFenKWc0t8MN8+5jPIttKXz1IgvHqhzWA5u3YehBRL4hLO0l37GW8gtx662Qt5H2fzIc+B81YMaKh7i6CttTCEBWVZT40z0T/jZc45FSHNmqtya4S56DZ7Vy7CKHatEpvZ8/pV+fnm1daBuV74Ma08YwSL1fby2ef0mGLFTudinT7zrHAQdmbbls/OfUi3roJW4atodXDceC00pq6xxZHzpNAzQ/b+8ftFrfD0afFibG6LBX1obRGf+sxzOlZifZsaJRXakk0oXST3Qo99Xav3LY5FY3/1sMTOP6cVI8OI8WHWQ5C+b2kfxqOIZc3OWFeOATkD3NeyURhT1mNTnXFX4+HVhJ6nvF7E8qpsf+2qeAxYS4C8gZ1dag9MgUrGfmFRvC7kb4zG8/y7WvpRvVJzHbeJWve0cldXyUGgd8jl5OtzVgXZL1bpPqbGxsqK8FjIg9jcya3QiXqKeF9Ueg58b/BZNi8APQTBexHlM9g/rewU1gRQz6MdU90zc2ZCOE9bYu3794OP3eceuPbzyf+Pqr3t1pSV5N6v9kzvXRHRr23rKfh+W699ad0BPYIhT4F9792rf4vo0jL28wxEcV/ve4SDoHgOCgoKCgoKCjIUz4FHDKl6lsWqkX16ZcHGGPLNoMcAti/j/WTKa1vIrfnuUfPC3lbl0bwAbQVCxvsbtw3cp+cO5J9dXQSeBM+7f31oxRDHGq8NrMPgKjj6WGoXnq2P7JzSftwuz3fO5um8Xk6PnRYz5daT2hytGHIqcouHlvSsFuuU1l6tegDcXKx+WunQNrVCX01zTePcHFz2wWKmuT8j1XmXBpdWNV4eyTV4FgDw4ENSU2C0EHH5qnAjjhxVBvxmnm1CbgY5GSm/Ww62qYp/h0+IrsNclRUvrUv2wsKi8j1q+ZypMuJUFSVHI2Bk8fgZB0IPoteA/BarIKp90e23doTVf0gzIhjPp8YC6yHMVKvh6lW5NosL4u1g9s9sPkNsZOxXtfbBVKsyzudaf0Hv3UpJBRWohDjKxmWifW/IRVlRvoB6Hqg02JCHw1j7KGUKMDNmeVnOa0WzFa5t8vx5/6uLzBjuOQ/C4uGOH5Beanw/aZ+j7K0LoSdq/Ws3QiXYKui9y+fJxdZ9pcOORwH06iXbtMMp2Af2vhzy5pLb5d8zTnHRZ0PM69oySPbvUu6J7fAahlRy/X55cxnnIAxyDW4ft2AIxXNQUFBQUFBQkKF4DlqgumDsmMp5bK1xSomp+mHsMt5t23wGa9a5HoEzXNPV5ocpIOazUBoOwbkDmqYxq7NmpkDHc5D3KXkKfP0DHsv1yXEQ0sxZLYtRMNO2rvPznjit96ajmZ7DeB9OEbEmPd15WIKP0TUtj4ieABUQR2Qo08pgSzbBz700HACzjHSPxQVmHPC+oQZ74gfQ87EwUhW+mp4PX9qNPc9z441LwYpwVZ6VceJ+qfhH6/f8RfESPPnmNwIAzpw9bTUTDh+VazCzkpa8Z53XxanO8f44rPUQLl66kI0DzKKWr1euSFbEsVXxXjT1DhqNifO+4DiMncLbSM+PnAR6IWrVPTiivAd6Cq5d29LtaWnLflevit7B/fermqN6A3Z3p9ja1gqQiyv6qfUtrHqn8hn0OlKNcMQ4P+8j9V4wFm/noPKOtMDnmnrATIQGqXop+3XkiCg6rh6SMR5d5jjkz5xl67jY+8ICX+m0nJW172swIN2jppUQyd+QFipTYeW9qFk+rPMwz9+T/t3WfaTZZ33vtDgH+1ndXegz7RRUba0jRFl79Ao4y7vNcYjuve+zLrrqi+53wrXTebfta/RHa8u/u4Y8Bm2v7+3yKRTPQUFBQUFBQUGGW/YchBDuA/DnAfxpAG8F8AiAXQB/BOAXAPxC9LRP2e8dAH4SwDcAWALwDIB/A+A9Mcbab6/7fCeAHwfwNQBGAP4YwP8cY/zfbvU8AJlNhvkuyDqgVTM3wzGdza/iAAAgAElEQVTPAkicg5Tv65m5phFQ5zNAHys3IuwAZyG2PQNozxR1fZ1mmszT9tkHXgmRR2BtdJ6n50FwCpn2y/c3mjNal5lGQuifxzKWtqAWjPfG0NqKbv5Kh8E45AzqxjwxdlFk+9DqC5e58593ArQ5XHgfFi83DoaePz0RoCeJudYpD4CBafs+2e4/KNXYvGeFsVIyzPXiLSvf4dJ5qSTZaNx87bBYxadPv2DVJFnJkax6WqH0ulS0ZnV51AqPPP/1LbHGt15UjQK9/7fVklzSegmTseg8LECrWs53sFvL/6dztcKVRV81C/pdPUxUjAxyjGl9WdtUrwckw6BptA6AcXDogZB2pjPhhYwn9+u5SpenOzNsbGuNiFXxukwWqfuhXhqjxDObQ9n7I3pI9Dobj4H1IZRHoJ6GudaToIchjFTVMiyZB3Cs2RQry3Jeh7RP44l4EqJe9+n8unaJmVTkAUDHw70f+OyHXA8BI2b1RPMQBNaOYNsNOTmsKUFPmw6LfLS8W/06B8kJkOsl1C3uT3BePTgOkq9au182QnSd8Mtr117ltmtvmzQk2Jf83cufUa/7Qk8LK2nS+0u9lVHIPbtpfIK9S5idZefD94H95uztUbgV3I6wwvcA+DkAZwC8H8ALAB4A8BcA/GsA3xFC+J7Y6n0I4c8C+BUAOwB+CcBlAH8GwD8D8I3aZoYQwg8BeA+ASwB+ETIB+W4A7w0hvDXG+OO34VwKCgoKCgruedyOycFTAL4LwP/X9hCEEH4CwEcA/EXIROFXdPlhAP8KEuJ9Z4zxY7r87wH4bQDfHUL43hjj+1ptPQbgpyCTiLfFGE/p8r8P4KMAfiyE8Csxxg/dyolERLX2OMsk278/luT1rJsmthQPXTzfxb6ox+7Vw6wiXEcfIecF+NoElAyfz+edWNdwFoIydJ3VkTwEnNkz3p8z5m2+O8/Hpw2v0GbHcLNowmbuZkD4egjcLl/PWHxoaFknnoBNzLX/QznO+6EbU8376quzhVZfR2Z9qGUb+vcZOibH3ld843nvaCbBxfOiBEjGPNefO3/aPBnMspiMWVUwv2e9p4jxWMb3L10UrsGY+e8cgBE5J9rMiBwWzd5opsYZYHw7KVzmvBaY944aHPI51foFW1tbOh56aB1QZgiYqqNa7Yta54DDvTubGgeDji9eI6rqmbaG+TG1TdYU4fvB+Tl5N3nFPLZL7kLE2Bj/ZLywquZR5R4cWpVMisvrWrVxpBoJVLWc8X3guDd0EFDdUfU00rjk5yRt7G19dp6SnHzfyUqwe50GtDn1+F7l1t0+DCkiHhj7WdIDiolVtonj4HDb2r3DBrI1zHPgu8b2o1/Arsc93kl5Z/z7oN2fW8UtTw5ijL89sPxsCOHnAfxDAO+ETg4g1v4JAP87Jwa6/U4I4ScB/BaAvwHgfa3m/gqARQD/hBMD3edKCOEfAfhfAfwggFuaHADiAktEw9xFHZHfLD68EONwWMBuICMYkuzEfRmyYHzB9syO1eFKMkWuZp9ru/FNqmfuwwz5zc25T0asbH2axLE7F2I4DbFNJORkgGWQ9fz5uzLOb3LP8XFZQJ3z931rP7BVenuxw7LnTbrigv+fCRrlL+a6ab/03HkcEN2JXStcgvSjd/myEBC3t2Vcjx07CQC4pmWZ19cvYmGRYyI/oCzmYzKwFCJiX7UP6V7Vlx6Jq/qSHGkKI12gjaY47uxU+imu8mpUQX8XEaZ5OMiOaUTWufZ/Xc9LJgPjMcmAdbYdJ/L8MeQ4TXcllHLp8nk9G1m+uXkVhw9JSub2jozhsgoRpTRcLV7EHwFHtOsImREhf5ZJHk0TvSSZzbAZ3zVMxV1a0vCClqi+tnG53X2Y9LWGj9hk6pNKN1thIV77/BkXueB+wbKhwkK2fuC55zuqu5/2Rb+xb20DIL2b8jH1okg3++wSQ+/nvm1SBIJjl/eR7xd+Hx3wGY+OAGzXJFRozRSyTy8SlX6L0rv9doUY7jQhkeL07VJY36qfv9Gz/e8C2ALwjhDC4gH3+XW3TUFBQUFBQcEt4I6lMoYQxgC+X7+2f9Sf1M+n/D4xxnkI4TkAbwHwBIDPHWCfMyGETQCPhhBWYoxb+/Tr4wOrvpyFl1IaIY/hP30qI1N+Yg9hkLNKWvg5YTGY5S/fvTARJ5BJdjlPQyRqphWF5L2Y2T6aisQQhCMGeXiLge7QIWnojuu/Bd9PbjpmgaRI1yOtKRfScR4C+547dTqlStvnMGj53CSZpzKhpf6wQjuc0P7sb+tg8/Nu4R1ZXqu7neWSm5pkOVn+0ulnAQA7u9fN2uTNZgRES6fU66nLWbhrQQWHaGFSsKdWMiDJsHyd7LKgl6V8Sl8mkyVUep+SpEefvouSYaYWcbNN61u73jCssKHfdf2I1rqS/Rjy0OfqknpWWBSqiRVmc3lVjEaH9OBRt1nI9k3XkcdiX/T5snCMc1Vb+mmVb0+ffog29iMtdrQUZKyPHxcC5cMPvR4AsL0jYaOr14QMOq9VWKrKHwjeg7u7eWgweQ7yZ3syAWYzH8LMPYweqeRwf5itcuebZIf54do9gKXdTQfcJwTiRI58O57gaCHSvsZcG0lFPX92R533IFtzy52noHMqe4wHt51H3/+bdE3ugTvpOfjHAL4SwK/FGH+ztfyIfq4P7MflR29inyMD6wsKCgoKCgoOiDviOQgh/AiAHwPweQDfd6O76+eNmHMH3ifG+LW9DYTw8RjjfzSfNTa7TNZoPkOmLHFj8T0Kr7Q5BYy/5vF9WBu54JCfp1kaENMp54zM5NZ74zgM7XYs5dDCV3mszPqK/pn/0GR9MBbZGv1kEVeu/wLGG5mS6M+r43HoHKLJ2ummGyZ4C2iojLbnTnhvhN8+FUHKj5eIWMl6GbKuhsZyiMzWJZuST5IT/C5ePgsAuHxVYu1NPTfPAK1Uk5A1gRVatupBUGu8nlPcZzHrG3kkKW1OrwlITOQNQz5AMKubBEIrycyxq9Rqb/gMmjSVnjd5DFu6PbdjsSPnFdP1O1OxvGd6LguTFezOpI1GORjjalWPofckz3PC2HjMPq1IlEphe8+Bj8l3uQnRjk0uDgWSjh29T8eF97kc4/mXxBN05Yp4Qrbqde2zNDmrea3o1eBzl/Mf7F3QDHuv/L1nJdldKfghj4HH0Mt5XtedVML9SMMj5xm4YQ6Ca68tr9wRqnMe4zZxcC/Y+yPOe9czHbFblj24/6dtzLNs96A7n9A9t5vFbfcchBD+JoB/AeCzAN4VY7zsNtnPyj/struRfa7dQFcLCgoKCgoKenBbPQchhB+FaBV8BsCfijGe79nsCwDeBuDNALL4v/IUHocQGJ91+9yv+3zI7fMQgFUAL+3HNzjAGQAISTbYSf8au9ScAPzOGWboWJGdjIYmX56yD3KLeXD27VjrnDHPbfvuft2Yls5GWdbYtT24X6eZPOZu89/QnemnQid5mpN5N8xjgN7tvHx0tzNkQrv2Y9Mzke631n1aYVXlx/TlU/1+e6UQeQ/BfulGQx6GdD8xzTBnPNMI9Kz0LI7Jgje2LLfwbSmfA+TyuQG56FOghUThFnfjLC6Kx2F1dRVX1YL3x0wyUfTG8Xp6C4r8HvIndK0VHFIeUDPL9vM3Qd3sYGcqgkL0QiwviOdgrOmC6Z5iE7nFzOee9PSOl4feP8sM8N7BuiWKpmPLEs4T6cv998tYLy2JmNWyFok6ffoZAMCZs8/rOQgHIe6ytzowM75PyCups76GEPe9N4fi9kPbd9c7zpLdkmT73zjmAyXhPaeA40lPQ9eDmacb9paaD/7e4zuGniQ/Dge13Pu3j03Lm8dlTuSt+2qOA/+/edw2z0EI4e9CJgafhHgM+iYGgGgZAMC396z7ZgArAD4YY5wecJ/vcNsUFBQUFBQU3AJui+dABYz+PsQT8G09oYQ2fhnAPwHwvSGE97REkJYA/APd5ufcPr8A4L8B8EMhhF9oiSAdA/ATus3P3/qJyOzeFxKyOLhZ+XmMiNvXTd2x7DqWvitu5Geb3eJIutbFuaydPSaJB9UB8SVWh5j/hOckULIWzmrv28dynVuWS+8+NsQD+gfMUmBxI3pxOn2u4EOqBx2Xqtr78Yj78ALa/ID94rpD1poXP/I6GMHKCOfteY9D2zphfNvEBQYGZEiAqRr19zURpnN+wNKiZAgsLCwkbxt5Ls6JkUqXi+U/GlG8h23y+cn7MJ54/gSlq8f5/pb1MsNUvRhb2+JBWFsV3QNKbphHyDg5eV+Nq2NeGwpy5eNGSehK7w+7T6omWZ1Wopqf6jHQrAuW+J5qFsJc+RK7u/J5+col65WsUJEkLXRFD41/tvfKlvGF5ez8HAfL35u+zc794TKS2toyB4XPFPC8oUbfSbTy6Wng2BsnrOMtbXlSeL+7+7n2QnTu2YOdX3/f01ZDIklNR/sg0d9yr+/eR7g13I7aCj8AmRjUAH4PwI/0uExPxRjfCwAxxmshhP8KMkn4QAjhfRDlw++CpCz+MkRS2RBjfC6E8HcA/AyAj4UQfglJPvlRAD99q+qIBQUFBQUFBYLb4Tl4XD9HAH50YJvfAfBefokx/tsQwrcA+O8g8sosvPS3AfxM7JlGxhjfE0I4BSm89P0QE/SzAH7ydhVeik3E7u6sE99NnoN8RujlQJsenYNW/wG0dQo865wWj4/T5TP+pIiVH7vuiTMlayvvr5/Jj1xsvar6Z76+PeobJCOu6mw79N3QX2OrJ1Sceyc6NAr47fRbVXV4IAPZzC0vTW4p2zFCbvHUzhKqPIO6dWDflueUDI2X9zDRKjW1QivBi+wzxeiNhNBa5i0WPx65e8Z7QowP4nLr/bhRa4D3ye50hnqWl6K2Nmx8PG+h3xoNzO+P1cB23D+PsSe9jLl5F+bUVOg8ux3OvLblOAT7aFXQWh1NZDzG1Haomo4niM95Km7EMRUPCjUnFpWDsLAgXplFXc6y0Y1lsYjnYM6sJyuVnbJAhvlB7v2H/LzJmG/c2A+9+/xDS6nzEJrOPbYfho7F96ttt4/YSONUYUfjcdqH21g2jnofeHFC/zOdvKD78YqG1/nMMLvLB3g9bu89j3tQ3A755HcDePdN7PcfAPxnN7jPrwL41Rs9VkFBQUFBQcHBcccUEl/LMH1yWutmtee8gDQjbllSkfuygFLeJtUKKxfn9x6FDks15rGzxsdBs5mks0I7M9h+D4ifye4XS2SfKqenIP3p10rwYN2GwblubljZf1IIjpaV98CkFrsx0L3j/ENWvFc0M4Y5u+q8ILRupSCts2hYnIgegujX5x6BaHyO/KJFehL0HFny1s6YFmjV6mfg/crges7bsL2tZgRrDOg4MItHc/JHqvNRsWy4vla2db/zWgxpdTzCNmuAMJmAXIEmvyadXHPnQUnKiIwDq+XHjApqFVjKAHkWvGYBphgZ+Azu6r60IrXtufN2eMPRrLlck4G3nV2zzudCasPGmtwJZmPwWkgfFzWTYmG8on2Q78woqZY5LjP9VL4ASfozfV6MihCQvDX9OgVmpbuy8/z14PuR+gedUu/u3m4sCwz26T0BQ89iV3k2f3N4LoK3sP32/n5r6xz4mjSVU3GFewfbu3yfctDReFK518v6HNJz3dVvUB6LeY71XuXz3zT5i/gWcNt1DgoKCgoKCgpe2yiegzZ0Bpss6TzW5mOuqaoWrZs6ZRG4WBYxdmpjntdA+CwE+2qx2jz+n0+w8wi0L6VqGQPcipbkHiWH25/eig8uH7yvDdvFxx2r4X37jpVyz/eO6+2lJzBYa+EGl++/vr18gCVhRki/RWMWlFvude29ahsriLbvK1PsM8vXBjU7trUxEK9NXhBnvVFzQzMKpmp5XdfKiGESMGtyayx5DAbcV62jtvvqOQmdOK8Np8uSaeslmOqc9Gk2y8tJs25BUs70z5N8H7nS1d1T8BwO9nncOR9/RbyWCPX7mYVB75VXFo3UrOA1pheDJZx13EdIzP79YtUdK94pq3ZqLfAsare/fbS9i7yn+r12Q/D8gK66YX+M3t7Drr0mRkT37k7aCeohoWrlQFXKkXmM+AyS70H+i2ag3ICB37kv6J1yy6vBN+mNo3gOCgoKCgoKCjIUz0EHEX4GndSq+j0IaFkj3mIdjNc35CB4RT8e1MXimTPNPF0XjPcsgz5YfN5bWaF/O3fojofAhPb2MDi6mgdOCbFx5+kRh+av/Zb4gbMkbgI+7996cqO67reA23lsxsgrl5ffrdPRuUHkk2kqo/wmZIyZtQuuXbsCAJjtbmFrR6op1rTZYs7buPGrRc4J2+n3fpFXkIYr2LO3uSV6B0tjUV9fXhQVwvGycipaNTLkWORe5OOWjHxnUTvr3yzS2FroMLJqlYyFy/Kx6R7QYyD7zzQLZFezE2rzzOQ2Jy3tuqXESot/MmGbeczdX51uLRE3Ds6j6jU3PI8kzyjy+i85PIu/ywc6mPejk1HRo0jLsTYOQp1zSrrPh3oWOpwDzd6hSyHmfLNXK4rnoKCgoKCgoCBD8Ry0ESPqet6qeMjFLv/Zx3dbn/uxbX1sMOWI0/JRLoLlp2cfPZajLs8Yr/3bJCs+j7/6qoxEirXpd6vix5OxDTEIS9iOWVt+ztxtwc9b/SydFkB/nw9aw+AgOGgWw3773+g6oKv9fsNKci3Vxo7+QiCjXbMNRrnll9xS3lTUD96zasUmSoNsP1P9gMvXRL0vXAOCMb/VKqN2yKhfLa6L3BK22GvoH6fO9bdzCeBduLu7AwDYZuXGmXAksCweBFrxrJBqcX7tSu0yiEZjZkwM3HvUPGlqOw/236qMGnufuyhHQMdpMplkfbH3RMcYZXs8bR03K4Y6sxOpO+8m7PnZycUf0EcYeibb2VDd883PolOl1WmuWN2DOvfUklvg+9KpF9GqwcBxsJoY7pj7+beqjrfUn0t/pkXexu3zeN4siuegoKCgoKCgIEPxHLQRIAxuVx/BVrvJXFWRhSrfm2ZY6ct/p2Z8Uj5US0ctAdpBaXbpZuG0CHpoA3G/mJanvlYDpgE3o6a4OwdammTIGl0ixrZZkR+SVqatz/O40zlwtVqYnai0j4P2e2xCCIPWtrd09qtG5zFonfZs19evg2C/++ig3ou+fbqWXt27PFmS7HseY6fGhnFy9JJSrC7u7mq7AWOzqnXfgfPo1oZA7/qUm8924LbP9UZML3/UuqP0OabOwWwunoQmst9Lep65JgOff448c83H44kdIz9Zd+1DaI0A4bUGnLWtlvCCVro8dGgNALC4KAqJs51N7ZO+2pWDkDg+zoofBdOISNeZY6z7xPx76lO/NkHt6hgM6aXUxt5vj0G/Pkq6vt6rkb/rDppxNJTFUDdNS3tkyMIfehfZweRMHO9szh8KZpzQ29HDd+h4Vgd4K4T34twOFM9BQUFBQUFBQYbiOegBjdnKMeU5wUtqhtxe44EYDbJovY5BmlWzTVqW8p3zwjEXjJxFYSx/nY23aqanTAlaaS5O6/vorLSO1jqXDyinVW5i3Z7VDtWQ4OAFM+lGnX1Tj4eR1Ar7GdF7VUT0fexapXt7Bm6UIX0z2xzUIzC0Xbs+vR8jb/mZrj/vZ9YEUG9PytbhTZrH/a1qqR6PooRmSY3GiOOcEb+fdTL0PHn+DNX56M1KXA2anNwv2vfGLFdyJMRjMNVKh/O5eA6wqHnt4wXdlc8iZR7p9fP3ILL1XGBPUYzpPeC0SCxLwWUpUXthST0Fx4/dBwC4fOw4AGDnwlVppWYMXata8t4OeZYDmpldb3p1iLkpQ+bx/dT9fs/BUH2ZtF/X++Wvb8qUyNHlXPVzEYZgNRT2eCdYG457YH1wnK30lsofAHvrJhlM3Xrvu/5m3hftr7fLeVA8BwUFBQUFBQUZiuegg8ZmXiQC1/M8JutjSAGMi1eDzNxu7DSPKY5G+czZM1o7ubPMmaU3oGX1ckbPybGxbtmFmO8bXZ564jUw9qbxPLLZ2Qz8f/L9gWRNwZ1X8mXE3vVw1uhwnK/fwmqs5vrB43BD2QhhwMqIzkIa8iTINennHLySGgkejVXF4zVgTF0tY+O15Ox7ehJSxUd6wbwFRRcclwbLTjgY7zthUL/C1TtJRHHnDbL4v66NTdLniNQcEU/AVBUdd2fKPVArO/Elxtn2zFKoBq5/66BZ32MTTSaPWQfJe8Ux1UqOVGHUE11ZWck+FxaEgzDWehd1pE6C0wBkzZMmjRvHzF8LW26nk3t7hjwHB9XiGLUyCXwdA5/NZT0wo76fT+UzKe4M+Az3Z9gMHXuk13KIy9Cu7zCUyVC5l6/nXtxOFM9BQUFBQUFBQYbiOXCoqqpblRH9cS3mP1tuQQwIrA5nngBdZTF2QWOVAZ0Vz5zj6LkFjp1qM0iL8Frf/MydffKZDslzMJRDrOvrfovAZvnO8hDdemtNu5l7CCz+ln9NOfaJAq6tsEHXdxff43cyxtuZAl3byPXFWPi8FjqmQ/FJx2reK+Z6O3UXbgR76RwkbgXHktvS1Nf1jm3P76zfUI3zuHlNr42rawAANS3XA+r47+8xcM+RLR/K1W9sO7uu5tySfpNrwM9UL4X3rAmgZH3r8GnIQaC55zkfLY+St7o907/LVg/uE9n2Y9VBMEIQq8I6T9yoCmjs/s6fhyofakNDRU3kGgK2foBzMKSD0D7f/TxrSXMm79NQ9sKdwHC8Pz+2vyZ8RzO7qy9LYT+QKpK8VOxDfr/fDhTPQUFBQUFBQUGG4jloISAghKqVz+vY68yHdrrlNgOOwXgKxuC2pvLZYqhDe3GiATBEqE0mNrNaRL6muvEJ0jyvcbNKE1HjjD3kGuHRZt39PIlxlWuME5bNYdZams5XbgZvGQ/so47DyCwi5zExU0DbQX4O5gvg+duhmUvMa5eOWtfz9mljZDJxk6xvtPRoUfnxTEJpOn4aL7U+8X5pJd8nR4qzOpDjZjkI++nY5x6U/OjBXRtT3bO282MEq1bIa6Hnb16BJv9seceCeWlyLwTH3DJteCzGnpFb4fMox6xC7t2xa0dvmR567K5xE6OZRrwktbZZI69TMIsz3S7PJOBNl/gkueW9SI6C9+RZllBrH96T4/x553rWu+BntMqR0vbignANJhU9Zlq10TyMcg7zWeLiAEAYVendQm4V67242gKNkzeN5obgOHhvTe7F8dn7fV40y8pwyobJG8Fn2be1t8eg8+4aqKiYb6P3VPTXGdlnej76rXffpya/TZJnydZHeI9r4iPoNh2xGu1zavaWUTwHBQUFBQUFBRmK56CDYLNQ70GIFr+Tj6ai8AE9Ca2ZOvd0MUHWAI/OcuKOjVonlbGN9dgWW+UslJYS3HJg3uScCWYZpFgwsn0Znw/OkjR0GLKeR8DYNK292PJkMN+accpcr8H4ELR8dS/OjFNKPafrWVcQ6A3w5ANarVVIM3Ob6Ttvi8XaB6wR5p5bdU49M1q79DA4Zbg2hmbzdzproS/+a/oU/ma18XFqlR3PknwfGdOeVjqzdzguPCaXV4kx4ijydldbl3JGdxX89TWSSt5XX2vD7reuZ8VXW2Wb9CDsqmIiPQjjyh4A9lb2sswYXa/fZ+pR8jwCogqVtZUeudxCTlyDnBfAe3cypv5B/pyNorkLdRykT2O9Zo16Uupm2qn86p8l89r4Ehvu3Ub+x3jsuQg51yCdo76X6rrDW9ivumqHV+Ws+KHY+8E0BPL3v/cMDFWKPSjfwax/Pof8HtP6ZvCF0flPhtvJtCieg4KCgoKCgoIMxXPQRhBrysdYU2w2t7hMS3yUOAi08D05v2MYulmpzbFp5ZMZzfxnEshrC3hrn/g1TZ2t16E1FW0f2sL5jIlaibbevo6N8c5D5JYWrXrziqA1r81Dqinm7DIcfKycec+1Y04n5jf3VAtpcKqdLJ9kCTCOTcuXMdV8nCy07JniyJdb3HzAuulTjHyl0KcUuZ9V5rXxh+obeP3/1hbZ0szKc+qMHEx6XWAaHW7shtT2XNaKO0wn7p0yjVpWvIvrzuaqdzBVvQOt2ri0IMsnk3HWV9Yc6ej017lHwXsQQstzkLRTZN+R3d8+k8DOUI8RdT9qNVDVr9Hv+hw19GLk+gmYj2ybkVmy+TNo14+Xgh5CVzMhVUbMayb4Wh7se9ubs18NEY8h1dODsvX3su6HMiKG0HG0mgehvz1uP3bjl6k23sFsi4OiTA5aCJDCMENiNulF434E+EA2rXSx2n5CrHXZJm0rbbbXtm5I79KjOzDQFZpPDmLrBW0vWrqUzQ2sL0SXWtX+6QbQIYe10+Hyc2BKXJ521T52Ih6S3KNHIlFxZAzO7BgsSTumexn5esLIXgMvhbacNCcSSao6nxwwZdOInO6pt59Cjg9/2HQHCtUQfLmORqOO2/SVmiS0f5j8C3WoQA4xlFbWlcv1k2geHNn6qkpjOpQWO3is7on5Bb2rTS7XTXTaZYK9tPJ8JuGEra0NAMDOISlmtLIsJagnk8WsbSKFa/o/O+OJ2AnVBfeeGCpNbOEYva3S5IChw5wcx1LQ8zl/qFhka4TJJP9R56cvmAR7bXCywPPqf18SfnLgiZsxxs5kcGgiOyR+5FNXh7Y7CDoE3E7oJ0cnBdruXU9E1HvRtpPlLHw1qvIU47uNV0cvCgoKCgoKCl41KJ6DFkLIi48MiXuMRkMurQYdT6srToMOaYWzxtyCNm+5aSFxRp1b+dGFAkIIyT3I2bizvs2161yXPmziLUGzD6ucBNU4qyYAJoAzca7KNPlW0pIRLvP4Qxrh0B6OFnXMWx/oRdsq6brH8//wulq4qEOS0nGM9IrknhXffh8xsd2vvTAkRbufB2Ko0FdfKuPQtt2SzUOWYe55SeOXiwS1LWbzOlk6bb9VPVhwybmIeC0qZ+fs206fGcjr2+RiSLsqpzxnKedGPAdV0NLMtBytgLea9KwAABJ+SURBVFGeAjhUVCiGYA+X976lVGDnSrTHRLYfa+l3yidzubXLdGSSBJkSSR4vutfbhwXSevU66KVL92buOfP3lS/g1HfvD0qXd9Ih+9encGS/C/9GsG/IwsvPx/y+8dsPeSI9zAHXNClq6j0ne7zn0pc9D3NgFM9BQUFBQUFBQYbiOWgjBIxGVY/VprNXpu44vkB75m2SyxZv1Sb0O5WK5yEXI/Gkn8aURrwoELL9bJLYjntZTFPhCJTRzUpjnc++k3WSW2s+/cxg4jApPmxlr7U4iWc3ECaswtOLeV8Zn+vE+TmwY25PCyOPm/ZZiHa9EpFBljvPAdMpR66NecyJZsFZv97Kqet6b4v1FuDb7caq03J/Xw8VyNnfY2B76HoMbJc/J/J85BKynt9CDI6TGavuXt0n1c2fi3h1vCfFEesa4RhMd4VzsDsXD8JSXNY2FrI2hwl4/X2MaFoP42jvbe1e061Vun1BSzevLB+S5WPyamS7JOBFHgFfRMG28/33AkTtHgMtobJ9ZNWHxsFjNBp17h1P5twv1TEt57PYuO++bzduF0d/ryUN+z33S78PeTtEInyTTNotKZ1IjXu/R2LTdKT2bxbFc1BQUFBQUFCQoXgOWggBGE+GsxUqljml+BFjrlryONaRtWp6PAecAedWvckLWyeqVsut2bx5LbgfrXTtUyvuX/vZNmfN7RNttc1MiCHsN/OPPVKklpUQcovHadZYylbjZ+Fm4KiVq2tN2pUzaXomzALNY7eSraBNOi+NSe1SyrolnCTHzDkb7LrdB67LjLl61ndWgKnKzwfuXkvcFBwI+xUoavMthrgXQxiyiFtbZNvVZknm58BrFmMczC4Z5D9QTnefPvtn1ReX6myfsVby1NZoaYAqnzyb6vdd3SMv3e77wBg77wc/7n0iVJXxePr5K37AuN3CWLwXS0viQVjQks0zpoTq8zNv8nt7HGitjsA3w5DXKfGB3D3l3mVD90niInBcu169IU/Jft6rVCQvv95xH6GiW3HgdQps2bh4zkXd3bnn2J4f8Wqx2F8t/SgoKCgoKCh4laB4DloICL3xr1SwiFari/+rxdRUEZUx2WXdyKxyzrY5TdS43ixrymb2I85CWdwpUV61T8iWz1NnB7UAguMvJK9ElR/Dnbdn2fo5fNWTvZH0DNz5+e0owcsVHJ8Wc1e+q8XDDAldXSdtX2mnp/AQrYsUA1cxmooiNrQ+2Kc8/712J2weBD32iI+Rnav2tcVa92NZD7Dnac96Vv4QDsryzvowwDnwGNL5SOv9djwWrV9dz2yZurFSs2C585C3wWJVJi9uJcsPZlYNZl5YO6nzvv++NDuv/1w9BvQgNFrEyHt7hrwfKZvFGtbvLcE154XpFgbqvx/oWVleVs/BomQtbM3y3RjXnruqP6NqlJx1zq3HsZu3UxvQtr7z92D+pktIRZLoac29fU3TdLRThrIRiJQ5lntakleiPwumw6NwfY+t8xxCkobPr3v3ecn1YULwnqacH5G+7338VwrFc1BQUFBQUFCQoXgO2ggywx6aCTYDhTVS0ZgGjcX6Wo3KEtmW5W45i6zyS8CZbT3P+QKMMaZ4l4tBtrgKgbNwFxtjfN7HCG1mSyPdW6/OivF8iL6Jbjr92L8cbDqPW3rdZWOzIz+WWR/O0eCtwSoAYaweAvIV3LEisxScpQvHDzCmO9x2OnC18SB0sYXXQ5sUojtrjHTgnvJxSPu+TwL3Xsz5bt59P3PbeDAuvz2peubeK7hTM6leVxO5CqmomfkanDeD/JXki+C9yPFi9ks+MFbiuco7k/giztvXasN7adxpGYdgOhWdg11VUJws0huRZxqlzJms2XQ/kNMSW/d1dBd6HwQtrDSplgAAK0uSrbC2ehgAcH3zPACghvR1zKwelYZukjZ44jFxEfU53LWx+4fbV7mnpGJBJWdy+hj9hM8bUlZE8u7l9xYvp90Xvt4x99on22WQ5e/eH8NvtHbjfmf+XjidA/JHzMub71ZVuSZD3t+BQ9uzlC9vknzlgb2O+6F4DgoKCgoKCgoyFM9BCyEETMaT4XxvN1NO1ik5CcFiqslocFYWFRM59bNZNK0JneGO+hnRyRugs3XyBVr1Howd3KmB4JXvZPvZiHUOWmYVkgZBcDoJdmZUX2uG55iWnzuwftRZsU8A028d8+l4yhJJDafZdh5/nnMcqIrJLIQmLz1cuXiljSNjhaZZQTlLuL40yax2n5WzbL23h302PYgB/oPPbe5wGWLsibtyG3bJq/Ixjpsr3JkSopUED737J0+DWlDjkY0d1SfpSVswhVDtb8cyQrbccxK4xSi4Wh1uv2Q5Ji9GJ+edmUEgu149B6qUONsVazwuam0K9Uw1NT1NyjWJ+Tl5tY+2hVe5/nVsv+j+o8/cuBKOwcriGgDg6OH7AQBXrr4MANiZC08iKk9ipp4EK7ZWVaZ5QK8M7+tm7goo8Z5kT1iqG/n7MDm3dPuR52TI+lmrxonVcajzcUgcK70WLMRW5fewr6FBpGyGVEtC+kwvKs/BHXcPNDHnMA0RqoIjXFnVceO/DHgBY9X1GFrWVu7t66q4hn0dHwdF8RwUFBQUFBQUZCiegxZ8tsJQHnO3+pbuHxpwNmmVlU3xj9voYmNwO2vcxfeG+pA+ddbfslaTp4P8hzzWTBhDmJkAThu9W51N2yWj2PEC+hCc8ltnvRc+uEEM6de3vSR23ar8WGPjaei+xp7O+R2pTej63NqIlg3iuAt0JIR5jyY6+43sGPtbLj4+nvdxL/36rspcHNx2r+XWDC1Hd3JD59COLVv54pDizkDLCBuoS5G8N/l193HW/cYxts4jmL4FSQFq2TFTSDkUrNa4M90CABxaluWs0jgaS50Dy7F3XsKUHNJ+b+Tvh8G8fuch4+mNJ6p3sCj6Bqurwj1YXl4BAEw3ruteLL+sfWTNktHIblSqstqReX2dpgpN4Mp5wYb4AMnTmnsF07swwSp554lVrfPOMx/S8n6OgZ2K048Yisu3s3qGELwrwD3Lw/u1e9ztq/1GoOnhAbF/uccgdogtYdhNe4MI+w3EvYIQwqXJZHT85ANHbNmgDOWAa7fNIunsOdSUXz50Bw31KWYfBzqmXx39Axbdcr7ABhq8XQSYO4PWNTnY5Wxtv98A8qW596FjTCPnx9LPjaK/oPveD/0Inf90vtjew1K0A8s7L8d9tt9D7Kbt5pfvGPh+0D5lH30L8u3bqzru3fxXjOnFnESPVT7ZiGd2bf2x8vb7rk23//48/Y2Qh3BIAp1pcajpdFuXa9qlTUicsYHQuo/dvefv7+5/er/mk5/Wd7d9eze/bQrtRLdP56d1sE3XsMAPft/F2vcncWAyPXzl99xv6JE/wJ69K7a3pmiaeDnGeN/QbgdBmRwoQgjPAXgdgCmAz9/l7tzL+HL9LNfg7qFcg7uPcg3uPl6r1+AxANdijI/fSiNlctBCCOHjABBj/Nq73Zd7FeUa3H2Ua3D3Ua7B3ce9fg0KIbGgoKCgoKAgQ5kcFBQUFBQUFGQok4OCgoKCgoKCDGVyUFBQUFBQUJChTA4KCgoKCgoKMpRshYKCgoKCgoIMxXNQUFBQUFBQkKFMDgoKCgoKCgoylMlBQUFBQUFBQYYyOSgoKCgoKCjIUCYHBQUFBQUFBRnK5KCgoKCgoKAgQ5kcFBQUFBQUFGQokwMAIYRHQwj/JoTwcghhGkI4FUL45yGEY3e7b19K0HGNA39nB/Z5Rwjh10IIl0MIWyGET4cQfjSEMHql+/9aQQjhu0MI7wkh/F4I4ZqO7y/us88Nj3MI4TtDCB8IIayHEDZCCH8QQviB239Grz3cyDUIITy2x3MRQwjv2+M4PxBC+IiO/7pej++8c2f22kAI4b4Qwl8LIfzfIYRnQgjbOj6/H0L4qyGE3t++8hwkjO92B+42QghfBuCDAE4C+H8gtbu/DsDfAvDtIYRvjDFeuotd/FLDOoB/3rN8wy8IIfxZAL8CYAfALwG4DODPAPhnAL4RwPfcuW6+pvGTAL4aMqYvIdWl78XNjHMI4YcAvAfAJQC/CGAXwHcDeG8I4a0xxh+/XSfzGsUNXQPFpwD8257ln+nbOITwUwB+TNv/VwAWAHwvgF8NIfxwjPFnb6LfXyr4HgA/B+AMgPcDeAHAAwD+AoB/DeA7QgjfE1sqgOU5cIgx3tN/AH4TQATww275P9XlP3+3+/il8gfgFIBTB9z2MIDzAKYA3tZavgSZzEUA33u3z+nV+AfgXQDeBCAAeKeO1S/ernEG8BjkBXoJwGOt5ccAPKP7vP1uj8Nr6Bo8puvfewPtv0P3eQbAMdfWJb0+j93KObyW/wB8K+SHvXLLH4RMFCKAv9haXp4D93dPhxVCCE8A+DbIj9a/dKv/BwCbAL4vhLD6CnetQGbfJwC8L8b4MS6MMe5ArDIA+Bt3o2OvdsQY3x9jfDrqm2of3Mw4/xUAiwB+NsZ4qrXPFQD/SL/+4E12/0sCN3gNbgYc33+o487jnoK8yxYB/OU7dOxXPWKMvx1j/NUYY+OWnwXw8/r1na1V5TlwuKcnB5DZJQD8u56b6DqA/wBgBcA3vNId+xLGYgjhvwwh/EQI4W+FEN41EM/jtfmNnnW/C2ALwDtCCIt3rKf3Bm5mnPfa59fdNgUHx8MhhL+uz8ZfDyF81R7blmtw85jp57y1rDwHDvc65+BJ/XxqYP3TEM/CmwH81ivSoy99PAjg/3DLngsh/OUY4++0lg1emxjjPITwHIC3AHgCwOfuSE/vDdzMOO+1z5kQwiaAR0MIKzHGrTvQ5y9V/Cf6ZwghfADAD8QYX2gtWwXwCICNGOOZnnae1s8336F+vmYRQhgD+H792v5RL8+Bw73uOTiin+sD67n86CvQl3sBvwDgT0EmCKsA3grgf4HE7n49hPDVrW3LtXllcDPjfNB9jgysL8ixBeB/AvC1kHj1MQDfAiHSvRPAb7nQZnk2bh7/GMBXAvi1GONvtpaX58DhXp8c7Iegn6Wu9W1AjPF/1FjguRjjVozxMzHGH4SQP5cBvPsGmivX5pXBzYxzuTY3gBjj+Rjjfx9j/ESM8ar+/S7Ea/kHAN4I4K/dTNO3taOvcYQQfgSS3fF5AN93o7vr5z3zHNzrk4P9ZnaH3XYFdwYkCH1za1m5Nq8MbmacD7rPtVvo1z2PGOMcknYH3NizsZ9Fe88hhPA3AfwLAJ8F8K4Y42W3SXkOHO71ycEX9HMoNvcm/RziJBTcHpzXz7brdPDaaNzwcQih6Nk727UvedzMOO+1z0OQ6/jSazHO+irEBf20ZyPGuAngNIBDOt4e5b3VQgjhRwH8LEQv4l2aseBRngOHe31y8H79/DavmBVCWIMIX2wD+PAr3bF7DG/Xz/aD99v6+e09238zJIvkgzHG6Z3s2D2Amxnnvfb5DrdNwa2BmVJ+ElyuwQEQQvi7EBGjT0ImBucHNi3PgcfdFlq4238oIkiv1Di/BcDxnuVvgLCrI4CfaC0/DLGaigjSrY37O7G/CNINjTPEivqSFX+5C9fg6wEs9Cz/Vh3nCOAdbl0RQdp/3P+ejtHH+t49btvyHLi/oCdzz6JHPvlzkIf1XRC33DtikU++ZYQQ3g3gv4V4a54DcB3AlwH405AH8NcA/PkY425rnz8H4JchD+D7IHKm3wVJIfplAP95vNdv4B7ouP05/foggP8UYnn+ni67GFuyrjczziGEHwbwM5AX4y8hycY+CuCn42tZNvY24EaugaYrvgXAByBSyADwVUg58n8vxvgPeo7x0wD+tu7zyxD55L8E4D6IsXPPyidrbYP3Aqgh8sZ9/ItTMcb3tvYpz0Ebd3t28mr4A/A6SJrdGcjFfR5CXtlztln+bmiMvwXA/wlhCl+FCJFcAPDvIXnHYWC/b4RMHK5AQjx/BOC/BjC62+f0av2DZH3EPf5O3Y5xhsjT/g5korcJ4KOQnPy7PgZ3++9GrgGAvwrg/4UotW5ArNcXID82f3Kf4/yAjvumXoffAfCdd/v87/bfAcY/AvhAz37lOdC/e95zUFBQUFBQUJDjXickFhQUFBQUFDiUyUFBQUFBQUFBhjI5KCgoKCgoKMhQJgcFBQUFBQUFGcrkoKCgoKCgoCBDmRwUFBQUFBQUZCiTg4KCgoKCgoIMZXJQUFBQUFBQkKFMDgoKCgoKCgoylMlBQUFBQUFBQYYyOSgoKCgoKCjIUCYHBQUFBQUFBRnK5KCgoKCgoKAgQ5kcFBQUFBQUFGQok4OCgoKCgoKCDGVyUFBQUFBQUJChTA4KCgoKCgoKMvz/g96mks8s86gAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "image/png": { + "height": 251, + "width": 259 + } + }, + "output_type": "display_data" + } + ], + "source": [ + "def imshow(image, ax=None, title=None):\n", + " if ax is None:\n", + " fig, ax = plt.subplots()\n", + " \n", + " # PyTorch tensors assume the color channel is the first dimension\n", + " # but matplotlib assumes is the third dimension\n", + " image = np.array (image)\n", + " image = image.transpose((1, 2, 0))\n", + " \n", + " # Undo preprocessing\n", + " mean = np.array([0.485, 0.456, 0.406])\n", + " std = np.array([0.229, 0.224, 0.225])\n", + " image = std * image + mean\n", + " #image = np.multiply (std, image) + mean\n", + " \n", + " # Image needs to be clipped between 0 and 1 or it looks like noise when displayed\n", + " image = np.clip(image, 0, 1)\n", + " \n", + " ax.imshow(image)\n", + " \n", + " return ax\n", + "\n", + "image_path = 'flowers/train/10/image_07086.jpg'\n", + "img = process_image(image_path)\n", + "#img.shape\n", + "imshow(img)\n", + "#(np.array([0.229, 0.224, 0.225])).shape\n", + "#img = img.transpose ((1,2,0))\n", + "#img" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Class Prediction\n", + "\n", + "Once you can get images in the correct format, it's time to write a function for making predictions with your model. A common practice is to predict the top 5 or so (usually called top-$K$) most probable classes. You'll want to calculate the class probabilities then find the $K$ largest values.\n", + "\n", + "To get the top $K$ largest values in a tensor use [`x.topk(k)`](http://pytorch.org/docs/master/torch.html#torch.topk). This method returns both the highest `k` probabilities and the indices of those probabilities corresponding to the classes. You need to convert from these indices to the actual class labels using `class_to_idx` which hopefully you added to the model or from an `ImageFolder` you used to load the data ([see here](#Save-the-checkpoint)). Make sure to invert the dictionary so you get a mapping from index to class as well.\n", + "\n", + "Again, this method should take a path to an image and a model checkpoint, then return the probabilities and classes.\n", + "\n", + "```python\n", + "probs, classes = predict(image_path, model)\n", + "print(probs)\n", + "print(classes)\n", + "> [ 0.01558163 0.01541934 0.01452626 0.01443549 0.01407339]\n", + "> ['70', '3', '45', '62', '55']\n", + "```" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [], + "source": [ + "#mapping = train_image_datasets.class_to_idx\n", + "\n", + "#indeces = np.array ([1, 10, 100, 101, 102])\n", + "#classes = pd.DataFrame ([mapping [item] for item in indeces]) #replacing indeces with classes\n", + "#classes = np.array (classes) #converting to Numpy array \n", + "\n", + "def predict(image_path, model, topkl):\n", + " ''' Predict the class (or classes) of an image using a trained deep learning model.\n", + " '''\n", + " # TODO: Implement the code to predict the class from an image file\n", + " image = process_image (image_path) #loading image and processing it using above defined function\n", + " \n", + " #we cannot pass image to model.forward 'as is' as it is expecting tensor, not numpy array\n", + " #converting to tensor\n", + " im = torch.from_numpy (image).type (torch.FloatTensor)\n", + " \n", + " im = im.unsqueeze (dim = 0) #used to make size of torch as expected. as forward method is working with batches,\n", + " #doing that we will have batch size = 1 \n", + " \n", + " with torch.no_grad ():\n", + " output = model.forward (im)\n", + " output_prob = torch.exp (output) #converting into a probability\n", + " \n", + " probs, indeces = output_prob.topk (topkl)\n", + " probs = probs.numpy () #converting both to numpy array\n", + " indeces = indeces.numpy () \n", + " \n", + " probs = probs.tolist () [0] #converting both to list\n", + " indeces = indeces.tolist () [0]\n", + " \n", + " \n", + " mapping = {val: key for key, val in\n", + " model.class_to_idx.items()\n", + " }\n", + " \n", + " classes = [mapping [item] for item in indeces]\n", + " #classes = pd.DataFrame ([mapping [item] for item in indeces]) #replacing indeces with classes\n", + " classes = np.array (classes) #converting to Numpy array \n", + " \n", + " return probs, classes\n", + " " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Sanity Checking\n", + "\n", + "Now that you can use a trained model for predictions, check to make sure it makes sense. Even if the testing accuracy is high, it's always good to check that there aren't obvious bugs. Use `matplotlib` to plot the probabilities for the top 5 classes as a bar graph, along with the input image. It should look like this:\n", + "\n", + "\n", + "\n", + "You can convert from the class integer encoding to actual flower names with the `cat_to_name.json` file (should have been loaded earlier in the notebook). To show a PyTorch tensor as an image, use the `imshow` function defined above." + ] + }, + { + "cell_type": "code", + "execution_count": 89, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAgcAAAH3CAYAAAAv2/y/AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAWJQAAFiUBSVIk8AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvpW3flQAAIABJREFUeJzsvVmsJVeWHbYi4s7Tm+eX+V6OTM5kkay5urrG7lbbcttW29aHLRgwYMACGjL0YcOGjLYNA/aXbMGw/WFJbVuA24YFqdWW1epWdXVNrCo2WZyTySRzzpdvHu88RIQ/1tpx342XSbKqyGaxdDaQed+9N4ZzTpyIe9bea6/txXEMZ86cOXPmzJkzM//jboAzZ86cOXPm7BfL3OLAmTNnzpw5czZibnHgzJkzZ86cORsxtzhw5syZM2fOnI2YWxw4c+bMmTNnzkbMLQ6cOXPmzJkzZyPmFgfOnDlz5syZsxFziwNnzpw5c+bM2Yi5xYEzZ86cOXPmbMTc4sCZM2fOnDlzNmJuceDMmTNnzpw5GzG3OHDmzJkzZ86cjZhbHDhz5syZM2fORswtDpw5c+bMmTNnI/aJWhx4nrfsed7f8zzvnud5Xc/zbnqe9997njfxcbfNmTNnzpw5+2UxL47jj7sNH8g8zzsH4HkAswD+AMAVAJ8G8BUAbwP4QhzHux9fC505c+bMmbNfDvskeQ7+J3Bh8DtxHP9WHMf/aRzHXwXwtwE8BOC/+Vhb58yZM2fOnP2S2CfCc+B53lkA1wDcBHAujuPo2HdVAOsAPACzcRw3P5ZGOnPmzJkzZ78k9knxHHxVr398fGEAAHEc1wH8AEAJwGf/ohvmzJkzZ86c/bJZ5uNuwAe0h/R69QHfvwPgmwAuAvjWz3ICz/NuAKiB3glnzpw5c+bsk2irAI7iOD7z8xzkk7I4GNPr4QO+t8/H3+9Anue99ICvTnm+F2QrucmftnHesb9iKEwT2/lGt41P/PHeZsc7fo77HTD+AAf03neL0WM+uJHe6GvyNj62lzdyiKyfBQBUKzUAgO8FAIBOpwcAyBcKAIB64wAAMIi63N0bjBzH89LOLh4njviaCYoAgHKpluyXz5b0tzWUBxuEAx0TahOPPRjwc9/n+2w2x70sBGddi0K2+YhtzufZx1yG24fR8Gxe3AcANBqHaqe138Y40DhUeM58Sd8GalN/ZGv7K/D52m03AAD9boefBzqBz9dytYxMhu0b9Ni/cMD2dzvt491CdZy3UUb9rjfZv729XY0LjxlFPHe5XOZ+1ZrGSd+H/L7d4bUslYpJG+LIesLXfr+rY3I+NFtHbKs+t+39wNNeNtei44eBl8wHbZ/MF7XJHI/ecCe7jhX1o1DkXGw0OaadTou7JMeK7/cCnLhX05a6XwB4Nvn0amNq22R8PqJzuhaZDN/b3A01yTyfO9icTVscWb+1neZHLpeDr333Dw/UBnPOWs+Oj9mw+R9JQNob/ePEWL7fQyz9eEyFzdPP45PHi+/z/PtZezr6DBy26eQpH9io+OSceb9z9tvdY/fXz26flMXB+9mHMV+72UqutPS5leQD/4G/7HbW0QnseV5yY4V6zQTByC6hzQy9Jr836VPp4kaRfsAUAUoeUMm81XZx6kY+9pmf3NvW3tEHSHLuONQh7VihfQEACPQ7jYAPz9DakrEnGbcfxAPA48MMA26zlF8EAHz5i4wQFYv8AXr7yi0AwIVLDwMA/uR7fwgA2Km/zTPn93muPs+RCXRcPQR9rQd7Tf4wzY49BgD47Kd+jfv1PFw89TTHo5dRb/hDu68fu2yO16iYzwMANje3AQC1ahUAsLh0CgDQ6etaZDgenTbb9u1//o8AABdXltnX+dMAgHqLbQwjwOuvAQB+8L1/wnZqGevFesiD7T/78K/wnOee4+cBf7B2NzbZT+6GOOBYjxXYl3df/S4AYOvWFQBAucr1dKBF0me++jnMzswDADZu77B92/wxuH759eNDim/81m8BACaWVgEA33r+HwIAfv/3/zcAQKXI9XOjxYXI5z77OQDAl7/MMY9CLnCO9jlOl9/mtXz62acwNcl50Ov01RG+rt+jU7DZ4Hx46aU/YVs3bnActOgpVHj9I58jkSwiNTdzHser2+T4FDJsix/z8+aAP/R+3oOnhWdHi7svfeEzAICHH+dc/M7z3wMAXHnrZQBAscgFmy0e7cEdh3Zj8Jz+yCJ5uADwtCCOkhvOQ7bAOecHnJsdLaTsnposcaxXFvlcmpyeAjD8IT884iIq0MLUFmp256op6HW0aMxpuyrH5fTqaeRKbMM/+id/AACoN0nbCnQ/h5HOoTZa60P10J4mI/FeHAc2ow85W+AdN9vXFirJ4sAmZQqPDH8sdWzbzB/dLww5T2xRGCSLKKTaYtcsxPARrWsBewbreo+u3048i5P1XszxikKezH4bbH0a2kWy9a224/PZFhbZ1MlsLtn3tggeDsyd126g1+zcxM9pn5TFgXkGxh7wfS213QMtjuNn7ve553kvecCngvusvO3H0vPTkzq5/QEAfuCfmLyBIGJyjGRR8N7rmFiIEELECFOr0NT+NjnieNj+ZN7rEF6cno2BnYzH0Iaevo9jmx56+GV4sxhaQa40cvwo5oO3WCig3dAxuvzys899EQAwV10AAGQzvGSPn5sDAFQrMwCA8RJ/WA9a6zxXhg+qrC80rl+BWCueUDdwHHA8ahOcInfW7gAAVpZOYxDxB6jX4b6ZHLctlell6OrBGfZ5zGKOn/cJqHG4J89AhX05bPCLyQkukubmeM6rb70KAChn2bex+acAABtb+5jMc5tHHn4EANA8eIvn6LJt7Tr76WlsD3e58OhF+jHTg0PAEfkC+3Dn5psAgMuv/QAAsKpVx8oSx3N9pw4A2Lu3jukJjv3A53Vr9Hi7BHn7AeU4yDGAvTr7vXKW3smJSe6/foeI+uGLTwAAnn2aCxr7gX7l5T8HAPzw+csAgC995csAgOmZcTT2ecxSgQuvG+/cZP9b7O8Pnv82z7HFBcX8DMctzvEHrNljf0Jd/0g/uLksr0WnwTk+UWP/v/albwIAjvb5I/FH3+eiox+GgLwUD104BwCYm6BcysEOF4fmtejKa1M0D5MW/LE8I17AB7jvZUfGzxb4oRb4vi5e8iD3ffTlvelooTU9zXavnFkFAExpcRA2eYydLXlv9ENd0D1Y1KIgm5e3p8V505dXKJ/l9iUtcKameNxqrYy33uWCstfnPoUyO9Dvc3wyWT0fUo+gIIVOR2EQkEb/ae/m8cWTHTvy7MfOvhvd2jv+rMVxT1CUHOv4fp4BF4wuMpLf1uRZZ8uT4eJg6Am1bVILlxTYiu190k0bkVEXk594sQTGQjudPZeHvzOxnl0JoLPnvLXESw+Udx/XxM9mnxRC4tt6vfiA7y/o9UGcBGfOnDlz5szZB7RPiufg23r9pud5/n1SGb8AoA3gRx/GyYarz1FPgbm8hm6n+MSr7WOxv5Mxr9Fjpo9xwuzjZOF7/+MOGzVyNr1avJroxIuJwswrYXFtyFNgC1df5xpAHoOs3GxCSpGQUhCPrjHb9QEm5QlYPnMWAFA/YMM2QNQZDoho5he4rgtA9No6FGppEH1Xi0L3vhCTx/1Cc5yaZ0UhDkNn+QL3m55dQP2I56zkiAz7OndRPId2m6jdUEi1RlQ76PH99ibd8ME+z7GwssRx6nE8LqywD/EhUe3WBkMI3ZgoPp8vI1RceyCkuLNzpPYP9DkR3zvv0o2+jGkAQHmcnpWcblXjEtQPiPrX79LD0pM7Op/TLS2PSq/D7bqdGEeHPFcUZtVvbnp4yD/KJeMvcJ68eeXHAIBsnsearnD8uvKgfPGL9BjkxI/4kz/9MwDACy/Rm/Hk458HADz6GMM67dYA1ZrCSZe5jt8TSj9zhl6JcXknDurbemVbLDzn5+Qk9MRVEarttjiuvT7fP/4kPVVLp+mp6cXX2NYq29ruH2Jigtf52WfpAWnsK9yyw/mwt8dQTqVA70XU1zXQHIuEVi3+7+u+CKNU/N8nIo99cxubBcgLAa+c5X0yM8PrXZAHICeP2dQphmMOGpw3a/fusa3yEHTko87muH1WIbKyeCAlhS/G5FmbnmF44p1rV/HCiz9ku+zXQG0K9KwKfOOJ8OtI3q047eJ+gKW9p0NOg8z3kmMECRKGzpl6zhmaV2MSD4K+jizUYa7/jLXRXPppb8Bo6JTbapvkOTjqExk+eu25l/IYnHAw2/f27NbHdurkmT50zQyPZaFQa1v694OvIR508p/dPhGegziOrwH4Y5CF+ddTX/+XAMoA/nenceDMmTNnzpz9/PZJ8RwAwH8Eyif/Hc/zvgbgLQCfAeWTrwL4zz/sEyYeBEMAscW19P0wuAiATOMHeR3ez96Pg5BeWYepFfXJrIb7nCNZjeuYSaCPL4bGg2TlLCKiyG/9LNFHxiPK77f5fnmRMenJMSKxa5ffQtEnynz4DOPunXtEevXdlk7OqVc7R2RTLnH7zzzN+PR3XhR6273NzSvyUojm4GvZHYJtyBUYczUUO7DxCQIUjX1+SNTV6bEN46fpAZic5LnrB0cjA2UoLKPr3Djkfjsb9GJMTdM7sTDH4wQX+L0cCmgIzUVRD8jadeN3kW69VqOlc/F9sSgiYVboXnyIUp6Iu9PlwdviPSwvkgTZWuf3/a5izV15aPrKYmh7iAYcB0/nrtSI0semxKnwOOb1I3obbrxDXkS3zffnFs8DAJ57gii3VqF346WXyS347g/INZhdYJu+9mskKMJ4AZkSNje2AAB7+3sAgOq4rr8Q7qVLnC9XrvDc5y8wkuhr/K688wrfi2Mi5w8G8obMTJOzcmqJHoPNbc674gSRd2lsFgDwmae+gMUJXj8oQybwOZeKeU9jyK9Lec6tfigPnAiJmayhOnk19H4g7ooBw1yR94tlh4Tav5ArYGmec8eyEtqaY9UZZa1k2KbX3qA3ptHiNVpc5n6PPvEkAEDOCgx0c/f6bGurwes/VuN9MSmPwetvcRxffuMnkGMAENE29tVxQ9uxxfcVI08oE6mY+vtY4lVNk7QRD59FaeJdMEp3tGexfW4egChNBkzSgURIjIzKqxYnHEn749j+CSEhGHlNSexguOtoW5Bwt0afr8k5zZNgmTX2PrXdcBSGfyXHTJ7lUWrDDy+H5BPhOQAS78GzAH4PXBT8TQDnAPwdAJ9zdRWcOXPmzJmzD8c+SZ4DxHF8B8C//9GdwRvJE/6g4N9Ws9lguK/Fr4cru1T6YOoYgW1v8ahUXC45nparmazlmgulCKbEiIETi3AhnIgwy1ccM47MM2I0Wq2uAzFkPaIYQyWxL3SquG67zTbUykz1W13gq9/I4eFVIr7WHhHu2l2mqK0qdrqwSNR6tM/4fFWpd8sL/P7XvvKbAICrt97g6zrjotuHdwEAlSrRXKvNts9PMU0v8IkGS3nTU8gk6Ns0FWrjRGVN5bEbIggMjUSjS/gkPUyI8O4dtrmQU+riKXoeXlnbAADcvsV48MqlT3O7bD65fp2upfBJE0GZDZNTRIJLS0xZy1XohWn1jKtgqXt8PzlOtnlZaPXKCzysZcNklapiIC3sxQi8osZM11lpfkuneK06RzcBAFvr5DFkxVUJI45LTSmMFaWh1qqMjx/VmaVRGSMqPXvuEveXp8kY9YNehIMDegxKZfa/qDS6tlIV55Wyd2rlUQDAk59ieuFAbSnVOF7FAtH3tXfptdjfJd9jcX6V41Ii5+XggH3tKpNifoHHnZxYQjQQR2SN13Oyyn7duP4uAKB+xDZmsvQolcu8f3riO0Q+DxrklUmSNW8WP8/ljNNCJJ5RhsHp02zj3NQMchqjCc1/Q5m3bvJ+aXU4l6bnOdZnzjOzIqOUxO0d8iSONJcP6mxrqcQxr9UqaqulldID8eYVvnoZIK9r0I1FQjEIG1mGlWUzpVj7KZT/vpZ4XEczB/w4ug/e1TkT70QqpdE8CIk3155ldo5Um5IMAON92HM5RepChMTnk3gOUqg95QFAyoOQHDIe9ZBYtliU0Bx0j+q4xhvwYu8Yr220f8ODif8W2ffGb8GHZp8Yz4EzZ86cOXPm7C/GPlGeg4/cPK7QhimjqbXTCXW+B1tK62gY6LdDjWpYPFhJ8XjjMFwRD1OltepMmK9RwppGnIoZekQTgYSEBl3uZOE5ex1AIihZwa1ESSWvlvA4jz9EZDw3TjRzuElPQx7jKGWIpp96lrISf7pDBLS3Rw7B5BTbeHgo1DbF+HXYZX8Gbbb90Qtkui+fJ7L+8U8o9rO2SWSV9cSDiKXO12PfxqaIYoM4h6MDMt+LGXoATp2ih+Ngf1ttYEy9WlbGhHLOLcPA0Lcxn/Nigt+6TS2FBekdrKxwHK5fZ58GIhgMogiSbkLsGZrgJ54yPialQWBM98MjotqikHIo0SCL11YkYmOBcYWYE86CzYdeX8I88JCRx6gndv3mHtFm2eMxpso81+HBde0s3QMJWdUPud3Zi/Tu1I+IoJ96miJIDyv+7ctT1ZcSY156Egf1XbSk5Njr8fXylZ8AAL7+NZVPUSbNV7/2rwEAGuJWSOYAv/kbfwUAsL3N7OYbQsI53Q/nV8l/CRTPzYqkstfkAJ0/x/n4zFOX8OJ3/wgAMDm+CgA4Ja/VK28zQvmlr/xbAID1je8DAG7dZoaFZYSYEFOSi+4pY0C3n4klzc4s6NwXdD7eG/lsHl1lmTTqGhfzbo3Jk7Yqj0LG13jQM9A+MF6A+DHKbliZ4tw2lcdSmQP3xpvkGLx7g1kbhWpOfSmi0edci31NGmWAeEKlQcixDBOOkomljTThgTZ0MKTRvzgIsX8fLcJo5H1aeMg8ZCYqEQSjz2YToTPRI+N0JCJ06ayvY16Q5KNoiOS5bVrHYFTnYEjqio+/HMtSED8iNA2blAbDMOXi2DFHB8CcmlFCZFDWhv0eBP6HRjtwngNnzpw5c+bM2Yg5z0HK7rcK/qDcgzCKHrhtwrJNewyQ4hqkdQ+MdG+wXvv3QsssUE6y0EwYegniTZTYhDqkVItwYHnYRNIDve8obpnJEtnEAyLHbF767ijrAIpVTyk3u0aGeEcClblegL0NMeDPErmcXmTM9OVXKEXRPCIiOtgnMrx5nUjw1Bl6Cq7dpKdhYKglx3jwN774VwEAbwpxvvYmWe2lgJ6HYjCmV7ax1+jjSPoDk6cZhy4o59s0A/LKSqgKjVuMuN8lirOc86LQ1qGknDsNfn9P0sbzkzx+bYJt6Qi11woFRHa9TCNCmhIWl84rl77e4Ln9qpCfaWtoGd+3gKWOMzVGVDoryeZmhzH9oK14uOpKFHIZQHLB/dBkrr2RdgaSJo4HnJPdRl1trWocOD7VGvv35qsc+0D8gd19ci4WF9imslj+Fruu1aooC8lubjOuPznFbQ6OqJBoPIauvA4FcQeWpPjYlXLmD79LNG9qhvPSBxjTuCEy3Qf2P9NlG8+fI6chm8lCwoeJVsbCMrMxHn6cHrDzTzFz4tYttvn6HV5nU2c0bJXPSV5XH0/LazVe5X00O0OvV1Yqjubmqbc76ImD0uuZx4DeG/O6bO8yu6PT5704LhXHcoXHqo5z3niay8WSMjD0vKnUpBwpfkW+pOdFltekHw+QL+T0t8W+bWCMhZ/KoRda95IMgfd+QKbD/1F68yBIUOpQHDCRXdW5EoLC6EFTPAZraySpcz/lrRgyC+waGvo//rw90cD79ivNOUjktG2DRM/APAXKaklD+yjtJTjWrtTvRWQypPY7oV1C4zPE0ftmvn1Qc54DZ86cOXPmzNmIOc9B2o7xCrzUatMYobYui+7DIwgspqydrCRC4Aej+1rcLs2eTbTD7ThaORuCNA3xJPZkMWXtHZxcqcMTEghsdUmk8PB5xogXZhgL3d4k8t/ZJlrZ3+drX5UEC1kiqlBx/ZvvECnme0R1vqBYOVvG1BgRi63gL11gMZvXXiWtfmdrU+NApLO3TcQ7Pc3tD3eUn14ksiwq+6AhnYQvf+5fAQDMTBDt3bzOtlbyZNSXckS7nUYblaJVDSSKtCp7gRj9OXkGLHvBPAh7Xfa7NyAKtVpSlnPvSSlvfZvoNe6Rq1Eo8dw9XfxuP0JWcWmrRmlx+ZyQvb22e8p8UZsGscWxiXxNvbApzfzlBSLmx59gLP3yT74DAOgPePxMnm3p9prodBral/0piGORFUrtDRTPVuEdS3/fb1mNAb7f2GRMvmOp45pfxSLPNT9Lz0FBHIe2cu0jr4/lU2zvfv0mAGBNNTDWNvharlCHoFYT+hYXIy9SwfXbzF65dZ37W7XL+RmeO6fqYPVDeiJMMXNxmXwCFcxEkAUKRX538wZ5MIdNKiU+9ASLd6luFpbPPAsAWFqhp2R9jV6ubMby2XnOqlj/Z5aY/bE4S4/Bzi7vk3aHbZqbY5863S6KRWOjsP198VRyykI5t8RxyIjv0pLOhSFl0zXoi0fSaonnoWyFo7oyjpSJkJHHYKC8fy/rDwu0qWJmfzDqOUhr9ac5WYbOH+Q/sEJUiXqhPj9ehC5VMHV4rkRp1j4wb4U+99LF4nQOU3lMHAeG/hWjhykrWsw+IRogTNpgnAi+DovbpeH8AzIjTI0xeU31MR7Z7Njxjn2ZckMkv05euk2pY3wI5jwHzpw5c+bMmbMRc56D97LUCjlOlWj2rW79UCR7uGi0lV6im5AIEeg1gf6jp7SVbopFG8ZWH8Fy8sUxsMNo9Rp4fsLU9a2mvbwQGeVUNw65bX2fKOPJC4zDnl1gLLmmWGlLNQlu3CZieum1fwYAkKw/wqbyoqX8NlDlwFYIHMSG4Pg6p5hwJpAaYZ39yReUr71Lz8Gnp8ktOL26CgC48i6zEh5+kp6HjJD37Wv0PDx6jnHhiTzR7NGelBgPFGPN5jE2QTQ60PWyUsPG6LcStVkde2baVBu5wWGDiK+vPhWUrdDvWjVHjnOzqzjvOM8XxvSexP0+YulSQNfNIGyuQPSeU2y8ILze74gPoNh5sSZPgND4obgah5NEhsvnVMOiQQR+tM82R13OhYOjPTSkBOgPxLWQ+p6hMcvXr7ekJGmZBQN6XrYV3y9tEAmvrqyqbfLIyNNS0HH70lPoibXfbB+gVOW5tzbZvj/+4z8FAHz5K18HADzxGPcNxTXpyRvTEw+k01HmiSllRtx+fpptuX2d86XfI6fh4kUqJRZ1Y87keG3QOAAG7F9XZX03djiHFs9RM6MrPsBpaSc8cpaetvVrNwAA5XF6vWoVeSekPri6zKwVXzdvTsqLhubvrbEPO3sH6KryYVeZIfkCjzWuGgiHTdOm4PdteYzaPb7GVnpVipHmQShVeM1iPXd2G5aBZJoMKmmMEJH2MWXHXEbz1lLnT+gajKoKJllRSENjvfOyqc9NzTV5wA49Bw/ibCUllWXG+0jg7WibkudulOJ02fFTz117fvqef0LX4WQx6mGrjlt8wgNgWgSmf+Cl9hrNfrhPmYdE1yQpd41RT0pw37y2D0iSex9zi4OURYiGghKepQCODnaq5PholqJ54vSrHZlAUrKtyYDqvZ035T6Kk8WEfSFXnz3IfXNH8sbr6UdgZmoRkxX+wK7pQTlQKlpfqYhVpTJm+0on3KaQyvdepkt6YZ5uz0cuMtzw1OMUjplTcZyXv/0iAGDjGvfr68FVElFt0C+hXufD/M5N/niVJCG7eIrHelllfSem2e6CyHCZAt9feoIP2JcuU+Tm9j0uUB55+CH27TYf5JsRFwl5jw+0glzcXfm8q6Ua/AwfsD394ERtS0ETQU+hj6bCDeXS2EibN/YYsgiK3L8kAldL6Ya2KBooxTMrwmNGi6Yg7iWphlmVg/az9gBW+CBSUR8JFUVq6/4OF02+xzEuF+mqzulHcV8iPyUtZFBSyd41/vBNl3lNWhkfGyoI5cVaqEFyypqcJZHXjqxYU1MlnRWWiT1LByT5sa8fvf0jtrFc1rm1eoy7Rn5T4R548CV3HaqU9+oKF31PP8m0WCPSRQrD1Os8dthSW7L8kQs9Ky/MH+RqhSmM2ZgLm9tbz/P1Bu+B0l0ugM9MfYWnyeWxefsdAMDeHueSLar7WvQaqRNlzuWHlriweFcL3elZhgJmZzlfTi1JFGqfx6sfcTFmxZFu3qKAV0MLnSBbQLnCOTOje84WPUdHXECsGQlSC66crlWcMyKyxT5FwNPjohHy3KEeSBmJIQ0GJl9uz5MQgXYysJMQ5BJhHXs/mj4Hf/QZZc+s5NV+9BJ9ZiPZmfiPvh9+lYRhzUwmPSHmGfiyX9SU7zvhCIp8m8gupwjfQ9nk0RBAFHvJumO44LB+pn8H9DwZ1n8e2W5Ywpn9PxHtTX4somMt1ec6VpikOaZiEe8VPnCpjM6cOXPmzJmzj8Kc5yBlo/LJ6bVeipCSssAPkv3T6YRDd1jKZZCsxvWSfD5a1Mm3sqlG7kk8egoziOA2OzGP5x6j5GxrlSjrO99n2teGSFpFufKXF+g+nVI6WTck4nn1LRKubm4w7fCppz8FALj48K8CAL78KxSsebdGJJTPTGl/HtcPQ2R9otC9bSLe9TG2ZeUUEdzLL5OYeLhPRDg1Q8JYQ2h8ZolI6jOffg4A8MKLFD/aqBClZTRsm2tEhrUywxWDvomeEGmVckHi0jcBHiO3mZxpXumEW+tEaVmh+dOLqwCASaWP7RzSU5IrGpmQ/c0KYRXlUSiqXLQJr/R7bTSbRItNpTN5Vi5bF9IEk7IlSVwr7NBr8pz7R0TEsUev0Oy0Qhdyjfe76m+R6BU+vQSxZHYDP5cIqGSUuunJtWxlpJNSuoJvFrJqqRDT/Omi2kpvxYHIbhlLhZPE88IcvRW7G9yv2ZT3qFpM0kRPnyLSX1ymBPX8LMV7BpLmjvR6dMD+eWKJxT7RerMhwt4p7u8Fxhbl5wcNSwXkNX3oDMfl7XcoZNTstJHXJLqwwvlbyytM1pU8tkjEd25wnrc7vAbf+NozGh/2xTxQ7Tr7u7ura7bH+227Ts9TSYWeFs/J+5MvwLO5KVGoZsixqsxzzhnAP2zwPkqKIQnNeoHJAAcaP+5g19ILDCnz84xvIYBAnJX/AAAgAElEQVThs8zSai3lLvnOpHv9lFvdTz0HExK3ia8ZUdG2H909hYGVfof7W5pdbe71FMkx/WROpIxTTU6SUI3YbWTKpPx2jOjk0UY6Yh6B6EFui6RN703UTNLY70PotL8zKadEoqr/4fEOH2jOc+DMmTNnzpw5GzHnOThunoefRiL55O7H1n4WMzIPgu+nth1djZswRrIwTFaGo2VRkwJMoaXkaLUuJNrc76G1x3POVUlS+40vEIX/4z+hXGxGBKHVRaZcHap8bijUUhrjuToeEc+3n/8DAMDWDs/xuUc/DwAYrxHd9NpEu7UyUW271UEQElVlVcRpb4foa3aOyH9Joj1r6yTQ7e7uqt/sV0NodXWViPKtN0kSPNqR1LHkYQPJBxcUc23qvYU5s36EoMg3R62G2iTkn7HiVexvucS47KZEjaaUTler8PN7m+xDWZ4BK2rTF79hqIkitCayWDaXx3yR/ZgdJ/KdUoni+pHaa2lkQm8ZcQcCoXJfRX2abXpgmpLRrYjk1utw/1qVSLpQuTUyHnNLp+EFvD6NjngeBkusDLhixZEho4GVIubc7agMtBEbY/E8euJsnFqe13jy/b5kqysVjmMYxsm5pqe5raWR9jqGcHnOg12eoyeJb0tH3dqWaFCX12Bqgp6ovng1zY4KU03RE7W2pvLTN8gvePsqUyFnZqewpLLH0yISVgviMeip2GrRkxB1KbxUECnYCuUcNXkNjOgbKWZfq1paJdtYXWB6bV8pjyZ41Oi3kzLOLREMBzaPxXfw8prnSg0e8p24X7stoarIhK00PqGlPI7GzW1OJuWH4zhBwsn8DVIFhFKiSCdtNOUxSTNMhfXN0h7ZwDsmC5QQuvU2dZBkT9/2HSVLJiJIxs1K6AJ6XiaHS/dFHA4vSgY5DG0beflSxIc4TTBME8ne18xjoPGSh8YL/WF568TjkarnHL3XST4cQqLzHDhz5syZM2fORsx5Do6Zh/vxDD64hcfKLCelNk1sw4Q0YNkGx06KYYxwuB70R17jRIDJUhn1rW+pSeIk9CLMjBM99g650dIk47v/9l9iBsCmiiCVAyKmIxM9kSBRT2I5hTFlEIwTGV29+jo3O+D2jyxTHObokPHQIE+0Uy6WEeTEWFbqlY1DT5LEM5KY3dpmWlxfCjsWg99TvLZQYR8uXWCWw6G2rylzoFDmFPYinScvzoHS8gpZIMiPFqKylb8vRDBQ//PKIDgaEG3W60Sv43ki7jkhzF1lEIzV6AUx1LaxQ4RpHIZSiWg3Cx8ZxeO7XXpI+h32d2mRHpQwINrcb2neKIRelnciIUwPOD6NJo9TLhjDXDLTA0uRVMwaRMO+l0Os/pbEkDeBpYyY74Yquz3Fp5VeaRk3JWUjTM8SCd+8x3Gw0sxW5OeuMgRyORP+Ypv3Dw8wo32zKhfdk2ejouJMO9sc88bhgfrHsfcVQx6rkWvx6EPkooyN0QPRVMZMdYzH3drhOLZaHPfzD60CAFZWON7FUhYVSQ0XzFUQE4X3mkr5lAekVuariWdlhCwr07pfJD/ek/BUNuD1PwT7tqGy5UdtvlYkfewFUVI2fWyMPA1IBr0tb0yjL2+X5nWtxnnSFn9mv76rtut+s0JDOVN7Yv9DzzhQVoDIWPDeMWn30Zi6Bbi9lNjbMDthNBZ/oliQgfogldqYgtYjz1xLvhg91bAks22mfiZicinSgp94Zm2PUfl580gkPJukzf5Qclk2sMSHZOfhtjx3KqURKW9HypMy7L55ha1vx7kHo14Y8yCYByRdq+m9PQk/mznPgTNnzpw5c+ZsxJzn4GewtGTlcGUYDVNjjYGaWpVHocSMbKWvOGSUlH3lJUkkScW+TgQ5TD40EVEiMvAVRz9oHuHGTcrBXlikHOyNG2RPhyFRR620yvdKeZ6uUs/g618i6rpyizoG91QWtyGWtrUh1mp9aoooMJa88I6EhzJBF5NFtr/d2h3pt7ReUBUCmlGp5p1DxtIPdonaK5Nj2p7nnJ6U5Kxy6Pe3Gf8vBabhayJR9BIsrrJthQLQFas8I45BXxK0fmhjObpyLxSI7Bp19rs6TgRdKdMTUD/g5/2eUG+Vn1v8OEE7wwBnol/Ql2fgylXGwA+OeBGWVukZmZ4lEja9gk7UVL/Zz2zOyCz0rFRKRNaRsjT6HZV0LrP/rZYJYRUQamyyQpWlokpwK9Z5KJnfICsdDKHLpkSRZmeJ2o9U4vrOHfJFfuXrv8rxkkxyV94hQ07rG/RUVcbG8e477+pYvO4PXSQv5vZtehtefOGHAIALF8iHGR/jvG5qnAqK4z+nMtEN6QGEKjucy0urYECUfmqFXI/zlyizvTCvbI44wpGKPd26ek3t5/t8zkTDhMKzPGZe3Iuivi+ojnROEtUl8QM8k40Wb6BW5TWdnOb2C7PkmwRBiLZ4HPsqcrWnzI6svHjVvLxbMbfb3eD91JDug6FU3/gzyXOCL36ih8LtwtCyeZRZlMmin2SrmKaA7gcrqSw3ZZhCvnGCVrVfOhMruQ9GMWhSXO5YipaB7xApM02EJDFCSNrk5JNn8aiegR3QS7QILDtBn9swpZwBo6cefQYP+5vK0khnZZz4DbDOhakNRzkMI5S1RNPJxogvmZSEf/JMHvE3fDjmPAfOnDlz5syZsxFznoO/IAvj1PLSgsipQiEmfWlxrMjQrYmVpdjKdjhfMf5m4wBvXH2T+/aJaMImkW1JMfWsEE6nruIrQiflEhneTzz0qwCAS+cpTfz6Wy8DAPZV+vgzz/L7TMTjmhejWlHBof4B+vIU7OzdAACsb3DfM2fJLp+ckkRxmaj8QOWP223uV5OSnkA+mg0xx4VmQ0m+Hin2DnEOjiSNnKvx+GMz04gle1xShsO+ZHLzipFbHNY4BxlDSoqHN4XqKuM8Zkmx6qaU74qepI+lUdCUVO0gGsZ/7WqbApyvMc+p8E5fJXn395kpUVZmwfQEx7TeE4v/4CaP02MmiSelxLby+sslegwW5sg72eBmiONcMgfj0AoF0TtTkzRz1CHC31OmwGSO17dgpZe1/3XJB1sBoUGPvduTMqAhpnKZba9UWZhrfnkZd++w/a+9ypLbvQ7P9eabrwAANqXi+OhjbH+ppNLLysVfW2MbvZK0OhZn1WYi640NegHG5HG4KA/E9DQ9FVtSQ7z81hXcvU3Ph8lgB1mL4CpTQJ6fingtc1Mcr4p4Hhl5/woFKSUu0AtSlqfA9AMGPXmexB9ZnpOnIRuhJ32De1v07hVU9nzvkPfD3Xscj0af42RFwbLiN0A6CaG0J3wpKYbqg/EGsp5pcpj2BtveC2N48iJkEy+DSQ5LMyGluTKMqSP1en9uAhKtF3kMvFE0HHvD2kVpBG+cgDCtGZDoHdix/eMfHzuOcbZsN0PpozH9EY2B0eY9mPxv42I7mFxy6lxDs+3NY5DyPBxzTAyHNvW7YVw2O4Qdwy5RHD2wuT+tOc+BM2fOnDlz5mzEnOfgIzetJq1spykeKogWBJbNoO8tFpbIliueZ7FEf1QzHNIQtzzvoJRHQ6V3t8Vkrqps7UFd2vo5oqhyhSizoZK8kWKkY8okyGeIcJ55VAqIatx4mdkPOzeJqFt19qU8TrSb8fto1Ml72NziOUviINy5cx0AUCwyBry4QPS5uUME1WkSrYQ9xdB7hgxUsljlhQdi//faKvYjz0lL79+9xloMQWUMZy4SyfWUARGaRoRQQ9gfLYpVkGclVq74QNyClko6Wx57t9NRG6W1oJoKLbHSE/U2DzBmRFZx/py2tUI7BXkSukJKGZi3QxkD4glE4iLsdxlrPzxQjL1NbwaECPshj3v2NGtRHHXa2D9iK3IqHNWTt6KrgjuLy4zPP/0Ms1C2bzD7ohXSE2I1KMbHOR+eeo5KnJv7RL2bW5xvl87y2pY1f4o1zot6p4lKle187HG268c/ovLl/gHP9Y1vUkOjVOY8yKlM+ECKlxkrUa7sjF1pT9y8zUyarW0qID71FAsurZzmtd9USfCr18l5uH1nHfuH8vyoSFFGWS0DcVQqFdXByChbQfdYQXUvTCZiTB4ze9/XvKgU6WkoiKuRVVZIr8FrVyhEKOhGn8rxGnT0RJ6a5xhfukhvnqlzZuVpmpjjvbuxR0/Ti6+/qDby3Ka8GFndD2VUZAKO46SuSbVaSzxrewd0MzWUrWEllbPiVpikysB4U8rmSCoGJcqJxuUZzn+aUHsqdB9j6BGNRjcdIucU4z/Nj0ii+PrePApR8r0/sn26jSOeg+TVyqtL9+BEw1PYWp2wZ/ew2yfPMdKW+2g1eCncPiw8NUpsONEf+Pc5089mznPgzJkzZ86cORsx5zk4ZjHem+2ZXo+lV6shjq+STTfbNtayOxyN+yb6Bpavq6N2TWM+tFK+3D4f2IpY+cta9Qf6PPRjdBUrH9g6XKzrQlVtkGzYIFLedoZI4O49MsY3d/j9ypllNV1a/OIYNA75fVbIMFamQEu6+bmcl9QZ8LWMbqiEcCFLr8WR8thPrZzRPsoNVw2BFbGvc4qVJmJlWp0XFc/u1PlFSznoWek9HKmOxK1r7+D0aWZtdFpEwOaFSarwKZE5sMwSncMqO+Yiix2zn4NAaoRjRIaNpinrSUfAvANS/xv0o+SaFIWc88p88NReT7AzkIcpm7WyyoZe6I0wyYb1u/TAHGwSKeekWbG0oPkz4Hmyqiw5Nj2D2JOHY5ztDsFj9qVrcXub1//hS6yUGEm/Yv8e+7ewyGvVVnXPRp37WY719ATbEJjao8a3e8Br0eq2k3neUF2GM2eovTE5yXneEmqdmiQyRiguwdpNAMA7V69wO/FAWh0i6p09cg2sauPKabbl3jqPu7Ur78fAvAB9ZAv8bmyCGQyVMV6TsjwGjSbP0anzHBDqblgpa+kYjFsivOZXaDU7ytI0EZfFihgO6ttq0x7ah1Z1k2O2t0nPV6fD63juyacBABeXzqgNPGZf99WgrnkhfoN5jAxZFwL2cXqafZxfoCdiYVFKmoUcOh22+0iexq0temN2VY10T5+36soIMW0N1Z4YRPYM4sehPAuJ0oD6lmQppCoiHn+upksp+HZ/JFysNApP10HAyPsYo6j8BCkhYf8Pn/wxUh6PhBtwjCRxv2OmFSFNpdE8lCnPg59o39h5jmWJiGtmZb+HbI5RXod5DuLjh/6QSAfOc+DMmTNnzpw5GzHnOfgpLE7l0gZJ9TGhPviIlDPeV/xtoDz8YKAYM7iS96V0NxDa8FXFsCg9/7OPfhEAsL5LFLP2zms8boMx/KxU2xAcqnWWi53FoKdjyzvR7IhTIPZ5LEXAXJEIKJfjMQ4azwMAbq4Rle40iFZWVpi1UCo+DgBo+9yvlCcCnVkgi//eDnkGg94BJtgdLC6Sqb5xjefoKuPh7dfJCViYZ/bCymmea09ZCz1VG4xUTS4vNG6B3dDGs0YktLdB1Gs56j2hvYO7N7B1m3HmrM92tqVj3+1Lz14jWBIPIIAQf9c8C2xDUbUXDlRJckZ8iZ4W822x3vOKLWdieXf6DeQzqplgjPAMB6gr9nis+g+RlBOt/kWloPoN0zxn6w7PEQu9d1p9HYcIdKfIa1CskTm/vs/xjnPzmBR6bPeE5BvUNZie5By7vUVE+/atmwCApy9R/6Kd5XW+tyXuRZtI8tzFSxoPXquiFBXrqiCYF88kVAbJoDNAR/yGnW2OzcQk27Q4x7l5+bXvAAA8KUkWdB+98gIzZja2mSnR7YuLIDTe6Rirnce9/DY9DF3pA7TrhnI5f0rFAso1eifGpjhHTWWxqetur7mAbROdA11pShyKWzI1xy/WxKfJZ7n92XPSi5CWQVmyl4dtcYLu3UDet+vN9q1McKyP9vhcaN0mig8P5aWYrqiffF+TuOmcz89nlK0yOTunfvL9eI197MvLFyq75d76Dlpqj5xUWKjRq3BmhvfkkZRC7967CQBYV52UnjxP+SLnTzeSiElgPyu6Jqksh0Q/4T6eg7RFeoYlwNiQcioDIjHvxB96a5wFi93LrNN2vmMVIq3yq58UnYiTbQDAH5bGPXEM7mdePzXBSCmDdEpFPLIdwiFfyUu8D7alPAnWjzhNcPjwzHkOnDlz5syZM2cj5jwHx8zD/XJTh5bU79YmphgWH1OxGiSfaVWseDX6R3rP1fbiFJnhD4sZfu2dmwCAzS1+/+gc4+TPnmX8d/f8pwAAN+8S3V++9iMedqA4YEkchX4P2TxXkwd1IsOVh8kMn6oR6e6pAmJXbPxYanKh+r5yhqjTshjeEgp75kkywCcnyXTOx9JPEPP59HlWudvdvYaqx3bV14kyAmnG96XouCeVwRvXGStePsN+7ogxnRChFdcsiLVfEgPc6kNMTxAZHe7So9KVBGO7yz6Nj1cxMUFU5edZb6DfF6IPxeyGxTUV71d2Ry6nAL9nTG9+bnUsNlS9cVxqjn3Fbi3HvNvl+8CLMT4hJUPF4SfGyJnIKwshUD+tHoGpOXZVwS8U2gjE2k/Xlu91iQg70onIl/l5p0GEvZfbwsysxsE3VT0TyYhH+nXlCq/36Xmizaee/jQA4O42EfDU1JzOpeqCDc6TyWmy8n1xMnZ25aE4sjoJRRwc1fU3txH5HpEyPjLiRbz9BttQVI2MTF78j4JqJvTFHxEPIMhYtVKO/dYusx96V3i+vrQ+jKsyPjGDgngxbXELjlQJNBTiHUi11HgKLc2XWF6tgs827YtPs6/+Tk7KC6SsmFKFbTw8onfnjcv0Ak7UAhSTug68Xjl5kHKqwhgNhL7FsdiQRywSjygQN2VKNSiCgjIvpH9Ryaj+g+bRplQw28pq2DvcRS7PNkyoLkXL6pSI6FMt8bo+9ghfl+t8Prx65SUAQL0rZUnpYXQkvWo6Ed4JDQJv5DVdF+G4+UNhl/t+//61cEZj8unth7oHQx6AtceymfykvcqUSe69VKXEJFNilLsUpzwPw4QDb6SPyXgEMYLk9yM1Nsk5+JpSljjW45/fnOfAmTNnzpw5czZiznNwzGIAcXS/tZgsMxrvMYsScYKhYpUXWbxJiFCxRV+54kXFnAseV9tPX2SVucMZHvv6i4ytfumLnwUAZIV4Vr/AOPD0DOOC3/nx7wMAjg6lX18OkpKPu4f0EHQGXMmPTxNlzytW3mmpCp3U9vyC0JvAaU9ukNdev8k2i6VcFLpBhyvp3V3GqsuqQTA3v4yxjCrS3WA/3njp+xwXqaiVpSb4rtjni8tkrc9OE62a58DY/NFA5y6QN9AfWMW/rNrMcxvzulbj+6PGHi6/QYTz1HNfBgA88yl6KfalQrd7oLh0W8UmdHIDGaaLYDJkpvy3pdi8VdjMCr1mhZjGEo7CDnodotKJSWZrmPdl0Oe2uUA6BhZcFDRoGgNeWS6h3FWtplT9VNeircyKYpWv0wvSXFB8vN44xI7Y5zOzUuhTPNrqXwSim88sUBvg7ia3L87xXCsrvEaGrHZ22Cere2Gk/T193hD3IMgo2yUTYEwaETl5LTLKwtje4bkmzANWN4U/9icOpHxZ4JwrW9K98UOkEFitcH5YrYWNDc5N2zovNUPP81GXp6Ch6943XQud0/L5o6bUB6UYWFR9i1KNc3jznlQtpZxpfbT5E2m/HfUx1vxYPnUaXelyRF3FjuUxinUtSvJi+ZZ4JFVLT564vSbHb0L1QCJxWg532SclxyCSdkNHWSIDZTuUcyVUVRtkvMqxi/vKyukort1Vm/QMW1zkM6g2wXv1pdfpxby1IW5PmW0x1c840T8wpIyUPRjreqkKiWkvw/t6DlKZBYkH4YHn9nAi7SB5NY+AiS3Ig6CLYx6GJNshXRhymMYw8jrs4jHvhWWxpfprx45S6pMfhTnPgTNnzpw5c+ZsxJzn4Jh5wIkKYsctrbUdmXqhUREiwIst9s/PBqJT+z6RLJSHfO0a4497dy8DAB45R+Z3tchsheUFxnXDttBbXmz+Na7eHzn7NQBARgji+z/+fwEAvV4XXmwxcLb4ppTu+k2i9LzqzT/+KDkEc0tEAAWxjncOheImiCQef4zIMLbKim3F0kNuf7DPmPKNdXoJTp+aRnaCaGR5SWp5qkvQkL5BXvH8gTwpOxuMhU4uEtX3VNmvkDEVQ7HMhZwMATaErJdPKw76E/Y10ZrHAJffpHrc1i7H/Bvf/FcBANVxZjrkZjnmh3WhbeVzd9umb6Dccl3T6pjy41VZ0jwHbVUvNA/KpjIodnc3ktoZY2P0EJUUc28qH904BgOhEavw2OoQGZqnaSA1x6by27NirXfkOeh3OZ65HK9Npmva8hE2t+hdCjLs7+IiORiBRw9HTzoOUzP0HJTk3TkSOh2ftep0bENR88X0LfpqW6AMjIxeC0VTt2whZ1X1lMkRqP1He2xb2OX8ONghh6Sv74tj9HKYimEBqpBZ57UpKOZ+/gJR7d4R58GtW6x+aTkpLakXZg4P0dUFbXd0vRWHjyDWvcxESfO6hkXTR6hxLh7s8n4JzSt4geOW0zXdWidPYHyMXqP5KXoDo249ya4ZKCvn8Iiv+wcc88yEeXnYBiWxJMp/hu+K4hrMLjL7pyXuSUEeNL/E83hWDVZeUD+bQUdzLCnHYGqr4ku1WtJYKdMrsXWP4zWt+fOpJ9mfvjwkG3vMmPGld5FWTkwQc5Kjf9xbm+YEjGYT2DHiOL7v9idtNJ6f7J8UduBLdCy2bxwB+yQa2fM4fyHFLUifOaXrkDgxUmIOxu0YcSgYD8E8SYk05GhmQxif9HS/l1bPT2POc+DMmTNnzpw5GzHnOUiZn2aHHrPwRG6tYk2mrBf7iJX0fmqOSH9SugVr60SVvnQOBi3u01E8c1tqdL2QzF+LFR41eYnGckK5IY/X3uVq//zCFwAAM7++CgDY29tFPOCK/XCXxwx7imf3eNDNDbYlD6K1hUWi+uoYjz0/pQyAI6nNLTALYdAxtjbblpcuQFXV5t5do+cgG4QohjzGVIXoqlgmsmvUFUMXyux1iDY2VX2uNknkk5fWfMaqVVrlOOX9F+U5aMlzMD41q1eis/quFCgHITJSldvbYhW+t996FQCwtCplt6xlDhB9VRS3tlW6VYoc5hhb7NQq4ikXW+6iPTHl79x8m9sFEfriBuxKfS6nzAnfcqeT6ps8tmkr9JRZYep6fYsHy4vjB6NIKFFiVAXKunghfm5Y+XNX2SpLC7xGJY2pVRdcXFrlMeQ5KI7Rc2RV6DJiyCdtVKbEzAyvgSGqq/tW/0E8iU4DUzWOcTbPz3qqA9Kqc95HYsrXG/QgtNSfuYod29QLORcP9vj9mVV6DErFWbWN4zg9xfEb8mva2t9LuELdLuPwkbwZUcxjhuKelMT4nxZnZ1wwvn7ItrfVliVxeQxqrq3xWkfehPrGzzsNerBqpWyC5NvSWDDuSKBz1qWR0I44zzN9XivI++cb10Zz8OqNd9UEeRSOeI8+9gQ9k1blc22TPImjZjNBzZbPb0C/WuE9W1ZGTVbZOj2Ny8YaPSZjC2zDpYfo9dt6gfdy7I1WEIxSgf/oGL8rnTVgligiplC69x4ZDiOWeB5G90vH8qNjMX57ntt1TDQFLHthtLxB4hlIhBLtfUpY8aQXw06Okb5xWo5yj4biiqnfoPD9PCc/uznPgTNnzpw5c+ZsxD4Wz4HneVMA/nUAvwngcQBLYOG61wH8fQB/Pz4WiPI8bxXAjfc45P8Vx/G/86G07T2+S2th27a2Ng3DCAUhmycvUE3w2ceYI77f4Nb7+1x1l/Ncld+7RTT7o+//MQBg6tJpAMD6PSEAqdmtekTUE2K5H7a0Ou0I7WIVANCJy2h3iXxOqW58p2V6BkQARY+f99tCdAeq7CglxXyF22UC9iXs2EpasWQxorM+349Lq9/QaqFYSCq61ZVnPyclxDu3GI/0FFMPtN3eNpGML7dEUTH5jmomlMWotkHPCb01VMYuVHz77DlqOryyv6U+5JO8flgOvLQXTq+Qc9FTv3tdq+0uhOzzHAVVMewr57yhPgVCUsUiXz3VMbh3m9e01yOyLOYDNJTjfvsmr+tDD5N7YJUcMxnLulC/WkSMw/imsZTZh6xi76bC2FEOdlfjFUVWu4OfR6GHmmLlfdUGaNaJVqeEJk2l05dnAFm2pap4f5IRIX2AWOccm9Bxpblx4yaVAu/evQkACKUMODk1h3ySU89z3b7ObY8aHKv9fXqz+mpDqUDUjdgK1nP/ujgX5aq0K3RTHh6yb7OqIbB/xHnV7dMTkRUK7vfa8Iwsoju6Iy6NEmQSPkA2p8yRprRKpKXRFTdlepxtmFGmjWlXTOleLZbpzWg1VMuiKu5G2IOnOTknj1ezYzoduj+kWTKQN8PqGuQ0T1ryVO6rMmZOeiCnTvN+2z/g5+t3qCeSLfE+6raYJRGEMYrip+RUQ2Wsyvt5rMZ+NVumicAxbGr+RHkpiPaGqpMAUJR4RVter9gzvsOol+v+RPs0H8HgeArHfmDPwQfTSRi2JT7+5ciuySYP8F4k773R1yS7IdX/YS0F9S204wOIUtoHyVl0zON1GB7Qp5/XPq6wwm8D+J8BrAP4NoDbAOYA/BsA/lcAv+F53m/HJ9UxXgXwj+9zvDc+wrY6c+bMmTNn/1LZx7U4uArgLwP4pykPwX8G4AUA/ya4UPiHqf1eieP4dz+yVsXH40PHTWpkD1iseopX5eIsshrSK68wM6AWEj088RgVDjtS1btxmesZW6U/skLEe1d5/9PSWN+6Thb/7to/BQA890W2pVYjGhmEUlTLki+wMDGOtTZZ8nubRKsFqbCVClqhyjNwtKdKhup0t0nkdHDImPn8IrkGFjv0hQBNAa9xJM34KSKMvBBlhBBBlue6fZ0o2irfTYxLXU8ZEQVVLrQMiKMDxsOXLxABHXbZ38HAkBORdqlCBLR/YNXo2LUFsbXXponQd1bCePYAACAASURBVNZvwxMNuyBEt7XOMd1X7L2k+gw7et9UDDknCJkXSiuokmJ9nwgy9qVvX5XyoNBtTzHsjpBmv9NHS8h4Z5vH+PRz7F9DGRHDc7F/hqRNO92yEY6kNhhoMpqSWmAa7FnjRajP8sB4hQJy8gRkhD4SFn2FngOA566Ni4ugfpnMQ05t2xNKrap6YSiewN4ex3Vmhggyq6yIepPjMjk5hyiUsqHae2+D8enDOvu7pQqOS6tUEDXtgL5qSJhnJb/J+ZVVHYtuVxkHfV7jt67wHljfFA8m39fxLAOjMYy1azzy0hSwqoyWnXOoOdnQcyAvD8H8HLM6qkLrlnnTbplnidt3O2xDT7yCuiqGNo8OUNGcKpbEHVCWTk/PlOjI0DnnQTjG9/MLvDYVee+mlTnSF++lJI9SU/oGWxv02Fk9jLlpeSDrLVh0uSzkPzXG+9k4NJmM+A4Ztr8gj0FeWTuRPAT3djjmPWV/eBmDwmLcf4BaCidKIrzXth/I3ttzMPRUjHqRgGMVHa0WxLDMJF+S96Mcg+ExRhUUH1QPYljUcZhRkXhO0m0ZTbpAHJ3s1yc6WyGO4z+N4/gP49EcFsRxvAHgf9HbX/0Lb5gzZ86cOXPm7BcyW0HZ5EmxvOO26HnefwhgCsAugB/Gcfzah9+E1NrLM01t1UpPqozpa736HjBQnnl7wNX2xh16CqYKZK5fWGY+/pUXXgcAtLaISs6eI9egI4b32nWuwpdmiKA2Nq4CAH74vf8TAPC1b/xVAECQI7pvKgugXJ3AwixZ0/vbit+qvftiSed8eiWmJktqvyFgIsP2rlCq4pVTs0TWgUdkEUs5MSMkbkvfWo0sf9/vY6BYd1M51IHez6ht62Kjx4KlVs/gluLVl54mSqlViD4bbXlnpOtQElrLZNlmQ7dTYsx/6lOM6X/rjzYRKF5rK3irN7+zw/5dmD6j9hNl91Thr6GYfLMp1Dmw667KdkLM19+lp+X0Mvu/vMg2rN+id2jQ6yQcgMN9Xu++UGa/Z3FIq2gn74tQrcXFez2i0bYUIH2hlVx2FPGEA167SpXjE2ic+l4Am6mVEtt5V2Nt3orxcca9A6ntDTRvrEZAbJoDJW5/7x7R6OyMzSei2UaT1/bFF7/D42U5Hp///AoCxZ8bitdbXYKmKhw2hLrzxVUAQE18iCa2tZ1QaaBaEl16HLrKsT9o8H7bP6AXw89znE8rm+XMWd5nd+7cw942z21ZHBmh8ClxLLJZi5Urq0Xj11YMfr3N6/62PE6TE5yrq2d4jrGxMY0fx2N/l20biBfSOqqjqLG26zxQ1kpFtTiCPudkLO2BQ3l7Nm7y3s4pw8RP7kW+FPXM6nrSKKjIEyevT1OZFp1WDzV5Cgq6B3eUyTBQLYlClde/qCqbA8/4RDzWzes3AQBbqhjrmYvVoHWajf8efAEvVb9myDVIewA+LHx8sgXJX5YhYW2yWhGG1u29NSV5b3wAjmegz0ONR5L9YCcyB8vxH5Io/etiWRapjz+6ZIVfrMWB53kZAP+e3v7RfTb5hv4d3+fPAPy1OI5vf8BzvPSAry59wGY6c+bMmTNnv9T2C7U4APDfAngMwP8Xx/E/P/Z5C8B/DZIRr+uzJwD8LoCvAPiW53lPxXHc/LnO7gEDzwekVgZViIvtvSqdJXW5PWMSa/8wTpBAU5XeDptE61evKTYsRvivfJ36BK+9Ro7BvhDQvuJ8+6r4trX7FgDgs6tUGty5xjXQC88zu+G5b/4Vnk/cg3ub23j0LHO+Z8aJZG69S5U4XyhzdZVx/74U4bo6ZxwSfVSqRE5dVcprSYO+EFhlPDGepVjfUXy8JhQTBB6aUtWLckRPPfEZ4hz7H2b1arHxPN8fqE7D+m22+fwlCT740uTXWFfEug7E8s8W+X1XbPbzDzNb5PVXX8HmHY5ZIB1+T/oEa4rDLp27qPHhucana+qHFOJUfXBvjwjw1KkZnZvj+eYb9BAsqN6FL23+UAix3++g1zUuAMfaaiPEUieMxVi2mHM/tDilMiGEDGcXiIDXrksnoEPeR1YDEwfyIKhtXauIF0SAvC49y8ao8Tqv7ara4jSvVVZeHlM2rPd1LZVTPSG+x65BJvFBTEPgW9/5QwDA5euvAAAqVbb5kdajODOreXyTXJRYcfggZBuKFv/v8Xr2DsURUNmLjrJTKlV6oHZVr+DgiJ6CRP9eT7YxaVbkPCLnxTleo3q9hXv3iL6zQqfjqhVQUfx+YZbvl6WEaTHlmzf4CGo32eYLF+kNnJ7i/TY7Sw+M8Wk2t+T10TwKxElZna0ltRO60vuAlDAXl+nNgrQkQsX1j1QHYveAGTcb+/JCaPfJWfYvX+Y17shDVWrx2rbkFRwM5AXtA11dv/4RxxI+D1ZV5dDdLd676zpnO8PnwVabY960x66ydiw7IRqYUqb0QMwbpvEONOfDKBoy7FNiirFnsDptidyg3qcj5KOaCua+iE/oHKShdzzUVoCpEcb33TSpb5A473SPm8ckEWHUeMhzMrDvjSeUsSqP6mt4TM9BHiMkbbK39v4+2QonPvnZ7BdmceB53u8A+JsArgD4d49/F8fxFoD/IrXLdz3P+yaA7wP4DID/AMD/8H7nieP4mQec/yXE/qcQ55J0KXhWHleSo8FoCd++SpNahY04yKKY4z4Dyf3eEkmrLHGW5194EwDw2OPcbnphFQBwcMQf2IZSmApK0dqRaM7tLbrwzp/ng+jqXUmU/pAlnGeWKECSC0rw5Fre3lFBJLk3cwWVbx2YOImKumj+WUninsodlwqWssi+tPQw7ClvLKfCQnaPGCHRQ4yDPS6OqipS1NSP+4weIHWl9m3euaGxU7qgClZdu87+rZx/kufSj+NAIkDDssrcr6C+NVtse2GWbtnpmXm89RrH/Nw5LooWVllAaGKWIZmqfuwOjyTZLGGZ2jK33xSx07O6TPrxNDdzTgueWE+JtkSB9g+1qMpn0FfqZrcbq518oE7N8RzNtty/SiuzsEJfMtCVisSwTjHE84ZSAm2eBXJhmivT17U0qexepz18iIkoNytCXV+LwJ4Wi3mFDYwQFOpH31Ldwj4HYkqlqusq8HX7KtPl1tZFNpXU9aNPcKFWqxXQVXpnRqS2Xo9zqqNwQV4EShN3uqN5vnPAMNviIvufzY4u9Cz9NNaiKmcyyzldSy14jdi3ubWLXtdSWNnPjMd+5K0csrnPt9kfmyfjSl0siURYUyrvIOSxX32NIcPNzQ2Nn8Y1w+ON67WOEO3YiKZaoEm6utfa07569ugZkxMwqZR5fQ8anGvjEiI7t8JFU6CFSXOT472g0BmUav2DH73MPhfK+PTFzwMAIulEzyywfxsKg1x7h5HbuqStmyrH3supQFnO5ouk482tbmWQPZMEH40U+8ek6tPF7D6oeek1wAfe7wGpjccOmv7htWsQ2vMzHr330mWhkwJM6TDC+1qM4eLnAWmQI9umO/Dh2C+ECJLneX8d/GG/DOArcRzvfZD94jgegKmPAPArH1HznDlz5syZs3+p7GP3HHie9zcA/G1Qq+Br8hL8NLat1/KH0yIfiaxR4k0SocSKKkm4JJORyJCV+kUGuxI6KWeIJozsFAXctqICRG++LeniJabeDWKikIcf/xwA4J3rdFVPaf12Z4+r+GyB66aZOSKo21cYdqhleb6nn/kSNiXburkpopzCDGNjdJMeiJSUV5jBhIYKebatpHRBS8nLK90qkuOkKYGeyjjReajx2T8gUo6jEPNzMxpDrrJL2rms1LOqxmHnFMlbG3c5HvuShb52k22ffoPhhXPnHmMblXYXK3cxFsIuZK3YjdooyePy2CQef5rOoovnGT4Q3xB1yUO3eyRSVTU+odyspoZTVNGawKRqNS4m9DQm93xLvt2y0Kovb0in24YvomFPMLXR4BgurxDJrW2wvxWhEStq1G8QWWZz7G82pcCVEWoz4mdZAlU5uafb8lREnRAZlQEu5i2kI4lqofDaBNGnldU2AZ28UtKma/LuSHgnJ2GqyMIoazz+rlzdZx+il+vzn/8S23LYwvo6vQs5ucubbZICDaYUNcamF21FkTy1tVqWt0opfoHu1bzCdVYFq6KywUXJEFvBrj15tHZ3DnH+Ir1th4e8p7ryjPmByWLLzStiYqD7wsilOSs8JRLykeb/xiYfSYYks7pYWaRKniNKvDa1Co/d7RCdr90mgbla5T3WVpiu2ZXMusajo7LYExX1XyTZgx2lvMqTMjPGtq5v8fMtFUnLVifQUhroI08+CgB4+7rIzy//GABw55DbluSdGGTlpdJrqBy/MCUTbA9Qk/xOF7Wzz4MgSEIMaRskLoEH4e7REMXQLIxn4YRUyxJZ5pR34NjGXsqDYLl1YZICq2NGo2GEQfLewijxyPfW1CQVMi3Z78fJMX21IRSpMZF5TsdfLN3e8z8078HH6jnwPO8/ARcGr4Aeg592YQAAn9Xr9ffcypkzZ86cOXP2gexj8xx4nve3APxXAF4C8M33CiV4nvcZAC/HsQJ0w8+/CuA/1tt/8PM3Kobv9xCdLNIJAAgkSGMILFY8cE7I8fPPfhmhCFPP/xmTIvIZrrZrNca3vYGlHokoVGGMcExSq15GIien6FH44Z9/DwCwrXPe2iWaWxR58OIq0XBrgwSvrWtXkK2SGNUX8mkLZdcUf24L+RlCGihVzeLcRsiyWPNA6KZSJto/kIxqTrKytrqfUNpZ4HlJPL4uLsWeBIFeu8013NIskdzZR4lWHn2S6H5/m6jz3XfpKdnbI7qPQMS5uMxxHFNxKOM0GNkrJ7TeEnejWJ3E3BLH+votkbi2GVuuTZA4NjHF/o8phW2g62ypipmsrnvOCFQSwxFqz2SJoDc2efyFaX6el5zy7u4RKmUT1hHnQATN0Mh/4kz4SUqb0ufE96ipEtfuPckB98RR8HmuOCFNCd3Go1LQeT+T5HvqlDhUOuGRUg/Hdf2U2YgjIerzy/So5CJDgGzT9gGv6UDzZnaeZLilRXI6nnmGHoPJCfJtrq69jJs36emqau5AJNdAc9FK9HYUpy+qTHA+zzkdiv0bS8p7epIetLJKNhtnwYS/fB1veprz5rY4DBfOP4Kctr0hfsvqKZUml/fGiKgl8RVC30SuRJrMGz9C6aYqt9034uakiKs9CTTVOc49kYc7vRCFrElRS1ZdfI8gENlZhZcs/bata9XuiYsiPtGs0kj7bX5vhboWlNrbbXDOX79K/k2nxe0avQ7+5F/8MwBAbpxzbKD+79h9PsX57YsPYwi6b0hZMXhro2WhWxlyzzfexChCtmvu+/57pjf+fJZKfUwLMaVIC+8lPWyeD9Gdknv5mHQRgKEXw0qbn+xbGvWfcGsM31h7Exnp49sce/VS/fwQ7OOqrfDXwIVBCOB7AH7nPhflZhzHv6e//zsAjypt8a4+ewLAV/X334rj+PmPss3OnDlz5szZvyz2cXkORJ1FAOBvPGCb7wD4Pf39f4CFmp4D8BsAsgA2AfzfAP7HOI6/9+E0K4LntxBLcjSTMdEOsdO1EvRDrni7La6YK0Wh2DCDqjwBX3n6KwCA6+8S0a/dZBxyZkboOsPYqpVPnpmlp2BSLPtgn4jiN36NqYo//jFTF99+nXHADcWoz0iWOKuY/gvf/xc4+/hnAAC5nGSOVShobExpckJfhj6LQrhZse4HVrQnNvlXIoKcEHRBTPlOW22fJ8P68IgIqd1sIxJirUh8ZXmCCK8lBPPuu5Q3vnWdnAKLDZ8/S27B408yS8FTietGIu1MNNNRzDqrUs6lvKU28rxNxf+joIAXXyFamp4gC3txicJS09NEVaH6WVBKUU0CQpvb9NKYJ2lSqWrdnkq3KiPA4tmtOpG2ZYPkNK69foiMrkVWcVoTATLORFVSxTZuHROPMi+VYo1HEruKTcpayDMrz0O+yLb0+6Per1w2h2qF52gKdQ6URmrFvCpC6QNlEFSFYkvmYVKBKsss+clLP+F4rpBbUBmjJ+arX/1LAIblswvi5gy6fdy+y+s9bedSZo0V+fI1TsbvCTKjolDrGxzjjrx2C3Ni5+scubzGS05GKyPdVXGgTFblqct5vPo6GfvlsjxtPRU10lhmlSYbmfhZZPFfeZA8SZfL1ZIrq4S1oqP3lOUyXRHHICOvlgB2vz9AWVySvGUh6HpmxAfqduQhUvZBWR6krMqylzVXB8aD0dwbU1pmSeOxJc9i/YjPoUzA4w7iPm7coFfu7h1yby4+yuySMV3PnZD96XZ5zq68NpGl2cqTVBAhplA075hEpjxL8WO/k4wjpX0D74HY06g7KZQ0GhF/cLbDqEfgBIq/z35JW6J02qO+t1d/VCQpTnEHknREfR6lUiTN22fcn+Py/PEJroW814mQlOag8WIskyLyfurMjQfZx7I4UH2E3/0ptv+7AP7uR9UeZ86cOXPmzNnQPvZshV848zx4QqO2AjMUk4kldarY4piVTd0ionrpz17Gw2e5U01lWi+qEFCrK2a/VnrJ6lMLv1f+/FUAwGe/SH5lOUuUO5AX49e/+psAgJkikcDL3/sBAGB7SwVVTlNcJtxp4Oo7RMrlaWYCdE1YR0IqVia4o6yDMWkqVMSMrte54s/kibKsgEwsj8LMDBFFLAZts8HtDRXnx8vY2SJqCnwi+rzikaclEDOoE41YIZwrl4kot7fpjZidWuXrNMevqswIk5m1jBFjElscvSeuwUAM+nyphtkFjkNbYk7mKclItyIjpFBSqdmSmN13N5Tfn/e1n7YTszwK+ZoVi7+gEr93blL8Z2BM6mw2yfH25dnoKsfebGA54Oqf5YBnNccGisGHfUn8TrFPOcXBMxmO79QcP7fYfU8lgMNuH/2Q59xVkaNIgkl+hteoqQyKfpPjNG4FiORh6ivIPFAMOZcjWm9Yrv0035dKU+oUXw532YZbN+8gI+RjGSGR9B9yWfJZBHyxtkYPky80GglltaQHsbbO7wchkfO8vFdlCRaNj7NPk/KKrN8mVyOvOf3qK68jV6CX5fHHyHs52FEhLnkvTLNk84DeKpur5p05klbHmsSUfI3LzMKy2rim/eklGnTp9amID1HL+2hqTJc0dnWxqnKC2aUC29uRWFRRYl8VpeV0dG1aknSemeXYGx9mT3Ld+3u8ptuSVE+yII46iHrKstG5mkfKoCjS+zCIeaxTpykiWxmnt8aT91OJMRif4pw7qtNL8YMf0NvZkFcjm7MsDdoD0fzxbVJZCIlmgAkqWTnkj1JH+P3sQRkVSZJClPrYvBmj3oDkNyHC0I0wGD12+liBnhfmffA87wGlsH96+4XQOXDmzJkzZ86c/eKY8xyMWACEE4gVU1aVXERSTGyEyqFWLnak90WV6l1fayIXUcntqcflKRhIEU7KZKfmGZ+9c4ecgYyyGUwZ7/JPiPrPX1wFAGSlOtjYJNJ++iLjgbPiB2zeJfv/zgZzkaNsEeMqpWrFiPKKnbbqRA9ZxTczirG3FEtuK44bCApEpmwmlF4q2ed8340seUQeA1Mx7EXIaEVbVwneksq+XvnJjwAAzQ7HZf4RopHPPPcUAOB732WWx7V3yGqP+zzOpBBRT5kXPXlD/JT8rEmVGqV4amYOn/uVXwUAvPDd7wIADqVGN6HSxFaq9t13KGU9NUfvRr8vpDfGa7mzu67+1nQKnbvNNo2N01u0V+H2WV3T6vgEwp4hZeMOjBYe6gzY7rK8EMYX6YkfEFpuuWd5+/LAKMd+Zo5tevhRcjWamryWcl1v7qMrtUUrPW2libPyjOQE9bNSCGztUuHvxhbbOCM1z44m1mOPMcMkkqfNPG7NQ0khK3a/vU7k7UVZnF4m32NPpZT7A4tXs01720TjRSH/nlRI9xucu/UDvl85w3nz3LNU9ytL/8A0F1bOEN3uSY57a4vzyTQ55uZP49LD1DmwQmWH4+xnW7wOG7zOOq/dxQv0MBRLvBavvvYCAODOPXq9un3Oabv/5hfIs2koM8CknndMWr0ToqLpqsuICZVTH5NOQ0e6Bg15vfJFzo+KNAesVHlNHhPT01hfZ78PVB56X96PrrwEhQL71my18NRTn9Y56UG8e43ehYJHD8mTK0+wP0v0TvYlKZMoI2boYVu7RWXIm3cuAxh6Gs2jaIDW1E0/iOcg4Ss8gPF/gqz/F2nxaBuGr6No30sKLo18nDgHEt2DxNMQJ56RRGUx8UpEx/4fZkYkmgmIcMKD8TOa8xw4c+bMmTNnzkbMeQ6OWRwFGHRq8GIiv1qJSHB2imineopJFgvTKtCi9Zvf4qq+f7CNl19gmdrXrzDufOYsUcmdK0QXAhE4vcJc8Nt3yIgvlsROVm71rlb+s4vcv3vA1fnbbzNbYWyCqGx5hejkQHH/rbUDlCeJDmpChgMVSOqKY5BT0SKFutBVXLreUNnnshjQSV48EYDFr2MteUVax/4B45rTVkAkDjAuBcQ3bpATMZ3jubduEzFuH7J/PWntf+nLX2N/VM+g0+LUvHCRY268h0jejXbTCsgos0IoLxLHwUKRu4dHmJcW/qc/Q4T06k94bZpC7zMqjzs5ye3aqntQEAehPzC9Bynj5RSjbyqW6htq5TnPXXgIALCzy4yM3Z0bKIhrUCwpx11jacV/lle5j636Tae/rVizP7B8Z+kaRGybodPFxVNqg9T85LnxdO06/Q7mFhmXn1ninDKlx1j9G7MYuzwGG7pWzba4NX0VwZJy5JtX6bVaOUOtjYV5agn0xAvIiGfSUUbCM5/6LI726J3ZUtbC7Ayv9+E+27u0wPvic195FgDww1d4P61f5hw7fZ4eg7/8m7/N8RRvoCDme2/APhXLbONt1Tm4cZN9+fo3fx0Ar1FGKLvVpGdgbp7Hqqzw+m7e4zhcuUlvxvIKzz0m706lSrReG+P2P/zht9i3bc5tKy++dJYchKwUJXfX6YGKum0MVIhrU5oRxi2wMuGlwLRH2J98iecs6B4eK6g0t7I69nWcnW0+kw4TXQRe45k5zpO6tBqmJiZx5jTvsVDlw7c3Ndaak8vTfN24y/si0Dk7MY95a5PX9NYGeVPtATkH5ar0QZTdZJynoajfaA2G+1nCxjezfRIuwsfHNTiJz0ddCObt8FNejzjl9UBsnC59HsbDzAZ5pc2ilHfiRCGpOP7QshWc58CZM2fOnDlzNmLOc3DMYg/oBiEuXSJ6+cLTRLNTyjwIIiIvU10zVBYJaY6d8TFXIVv8//kHfw8AkFF8e3KWK/vba2TwdgaM341PMI7Z76viXUQUeneN+x20uRq/cIao7M4mEcWumNLTk2zD7LSU1uIC6nWypCf+f/beLEaSLLsSu+b7vkR4LB77kntmVWdl1ppZXVvv3ezhjMQZEhABQRQ0kAB9ST8CJAEjQJ8CJEiCVkAzwEgczoDDoWbYC9lU19JV1d1V7NpyqVxiX32J8H13NzN9nHMtwj2rWGR3NYoY2vvxcHdzs2fPnlm8c++555Dpr3W1oox4WlDreQhR7YCREG8Q20fVH1mjGg5Kx+tYFIi7zwhDMQfE5JWAZMaBCDUXXD4GolGOQMADhNegquDWrS0RETm/AMRYowGCQT6AViFMpBC1Cc3QDpf+EaaF/Q2Yaw8J7bXbAyk2gAz99LdIsIqj2aP9LYdljCi8zZpwZesb9BYo9jHmAQPHaGi1R4raBGSYawRi+TFEKjYKJWnQornrwzF7jDqUiPRWWX+v6nRCtD1G1bpkApGY4zKrQIggx2eW8D6kuhlAfSvLmMPbOzgXv+GVpRkgWI0qtKle6SMCjJMj8LCIiMf+DiIsHaou9rw432dv/IaIiJQ5rjZZ+pU2rv+Alr9t5st9JvpULVal0cRgx9Pg3jTpDVC3gHSvXsP1HwjuudUl3IMiiHZcvUI0SyfEPisAEiEv+4RjbzzAvHr1z38qIiJfor/Ic9fgXSJen1Q49kLdknaXPiDkZOwWEVmK0XMjSTVGP6tW0rxvnuA8UZ/oD98lr6aM8ckEwW3JzpHbEF8SEZHcYV48vOeMNKNTbVzfvp/VGRbep8hB8FMrwU87ZC91ELrkx6jNuuVlFJBdS0YwJ21GETXykMgmpSUY+/ub4PtsrvP5MYY5Ztp0tOQ9mU5iHtktzOEYlUMvXsB9tXuEKGaliaiYTc6Wzm11fz2dm/c4WfRhNr6Pvx0JNjh/2E4OfiRHb2tVmFYCMJLm8BxUFdYa+twwDOc7VRf1ynBFgMc5hro0Dvu8aBe96smjphPKj9BgiL5XHQRHD8FyvnMiok6VxrD1tDWi8Ph5Kk26kQO3uc1tbnOb29w21NzIwelmi8hAZJdo680G8p1+onqrQyZxAohZdf0TYeb/wl7JjmGp/txNRATe/PEPRUQk08LqO5MFIlpfR1XCygoQ0PUnoGqYL2JZWSf3QN37CswhZiaxOt/ehFq0lzTVVgNM6ImpJYmTNb+3vyUiItMzQFvRGNCnqvApp8A0h1fAmtgKsm5fOQftLlBZdoaqjKyxj5MpXTkGYtje2HHyuZkJVBnslNC/eBznWynbQ/tYvwcnuFQa+etgFONVb1C/n+p16oQ4nwAKiyVUzQ7IuUkm+D49HLIz05KMIeLTYUVDJoP+DwxViVP0xRwh+27w9rDJ8q/VmUseUzVCrNorVeSmx8aoFFll3X8K6P3lV35bPDZQlleIMphLDXkxHqp4NuA18PrVx0E1Kvg7rufHx4Fmg3RYrHOeaFRnd2cL+6MaXXZ6QhIcq2qFNibU0FB2vZeIv1YHD6ZBHkuXaLW0Bsb/2ARQ/4ULnLOspe8xetMll2FARL4wgXnXrVWlrW6ZMcyLgxyuU5rcg+My5vnOLl4jhL5nyWtYYPSjcgR0OyBnpXCIKiHVDfjFR8iDL8whevbNb3yX50TlSV9AWi3lreA3EUZjymXMoY0t8GUWVxDl4g2bEQAAIABJREFUq1NpdDKJvqdZMXJ4AD7D6llEJ2xGM26/ByReOsK8SZL7Mk71QrPvkQCZ/B1yAwZd1SAhV6CG16MKq3HIDyG1RgzOTUWWPVU3ZTQsThfTHud+lRGr1Czmqh0Oyq27UIpsN/EcaNfRp9u3EbWcWcX1TiUROYlQJ6TVx0EuXbokIiI1qrRu5HHeXqo9qjKiKs7qc0f9V2yxHeRvjGbyPZpzVzVBRelE916l+g9tdqKg+BlA2vgk3oODxvFiyfD7R/Y5qnMwygtQMpIOhD5vnf0Ma7XYtu08g1Wl9tMiAqORBEQz3GoFt7nNbW5zm9vc9mtobuTgVPPYhkT7IYkJ0Eq3xlU6af2OcxzfK9IQ1cPviWzvA0XOrSyJiMhqAejx4w/Azg4FEXWYmwbyvf0h8pOZMUQErl3/BrZ/COTU7gN11Zi/HGNU4D66JiWqzyVZs//wwZZkF9Cv1WWs6Es1IJkw0VqG1RZ15sGPy0AnLaKqFnOIcfpAtPv0kFdtAa7KNd9XIRJVH4XF5Xk52MM4ZMbR3wAZyx4P849k3zeIZIJBHDuX2xIRkdll7KvXITeBDPhGC6jOR15EhDoQ4QjQzNHRAccBtdal4r6cOQsNhUQSfVEg4GNf9LyBvUX8XupEUGPBVFW/vqI0jEeAug5bm+hzhHncVBDo1uqyomRyWixB5MRmJGDAfHynifOocxx6jNL4wnSGNLGdUQeiTFDZTlOzTfJd+sw1p9LkeJRKPGey20O21GuICDxcw9gUC1TLu4p5kmOkqVhEX5VlXldvDbp1bmwCKSfJaRGvIits12L1zuIikHTlGMfp1toyNQXujKoKeskNmSaLXiMoWm1QyCNCMDON+8jPYx0fo4+b9xGBU0TZpKdEtYxx+fKX4c0WYdSsSSXBbrMtzSajN0TCtOuQtTWcX8CP81U3Us1bx3mdq9VDnj6OubeH8csXwHcw6JtQLGG7IJU1B1QgzUxNSLuJubfxEAqOS/PU2NDoi42+dckxEKpZdggzfUSJloqasFrFR++FAU5XEuOIWqRCuPd3y4i4FPP7UqGGRKfNKGQV5zkxgWvSrquCKL0m1JWU86Fv4vnxPiMNDVY9+cJU+1RVWKXTqHujon6P7UQER4sPbI9qqYy4E/JaeEZ+YNkjIQTdeqQiwhzJ1Z8WSjA+KzIw2lSLwYkQDFctaGWFsxvlPXB7dbV0jmudcA5sa7jfoxEES50fT1M13GoFt7nNbW5zm9vc9utobuTgVPOIIVHbI3PjQOEvfBlM6RAL+r2CvGiPHIT8AVbIZpdOauKVXgeITR0K5xeR6+zVwBFYvw8G+LlLQELTU0B2b735r0REJMma6anMkoiIrG0xEcU+KGv9yuNgXb/9Bn5nWtS1j43LxgaQT2oMKC2VRJRiwJVqiKz0MN0EVZ2xz1roJCMAAbKKvXRZ6xCdFgtH3C9dB4mC64ReiXhSYnHkwm3p87zQb833P/gYCIdpSfF6gJjzeeSgwzzPUALXIhhW33uspJttohPO4B77rqpsSebXI2FDHjwAorlwCUz4Llfqx+UG+0A3yh7HhYqBQqXAMKsyIiGMo6pdio852i6Q08YGcvKXL6LPqQQiFY1GS/LHQIYd+hbsUUMgQW7F9WtQ+vPRc6BjYZ+K3jt1dcbksYmUO8zhC7kMHq+qWZIPEucAe3pSKgGF7+6C32GSc1AjX2VjE58fVZAjj5H34GXet2cq54ROiER+6tnQ6TBCRS2HZaoUHtH34fbBtszMoqZ+cwN56eVVcHPSdHA8or9BkAqRc/PYx+Y6KihaZaDwcmELfa/iftP50Cbn4Oo1eJTEWXmwtoFzd/LglsepgPHwPIo89hHZ9ilyBCKsuNE8dp8VMWFGjna3cS3f+Tnu8UEX19jn5b3rCXJcqGqax7Utl7uyuIB8vi3YV7ujEFCjNrzOvMyhKI7dI/cgRJ6IovM4HSZVg6HHShQv+1pjhUGRao2VbkdajFJ0qXOQYHXGtWtQRrTId6n30W/Li7lcofrrwQ6iN/lj8D58fF4MLFar2Iw42OqjQS6Thr+ME6U/GVFNpAHkSU7diZBwmBj9U9TtMBTsYdnBRwMFxtDxtBnGI6yHUxoCzgdDn48qLZzWHBj6foSDYJnD/AmPfcKTMEaO9WlNI0a6lcf4/PC+Gzlwm9vc5ja3uc1tQ82NHJxqqXhMfuOVF+V1+tT/i9+HVkEqAYQdiQLFXDwPBDo2hpxqqwmk3SiZ0uhQPa8KNBX0IS87NQ9kc1QC6r7zMdDGlx7HPrpEXa+9+ociIvLVr/2OiIj4uERu1rG6DxHlzs2BvT2/BOS1sQ50vLg0LyRAy+0PEaW49gzQRKuBlf/uNvzbV8/gt2NUCKxXsf4Mh3AO/S45F4wgBAI4T2WjH7M6QfXsNR9cLpWcFWyPaGSMOU+PjYjJ7RiQojXQagTss28BGRaL2P7SFFjV8Qj6qNrwASJArS1WNn9f85laTOyzHE+Egxw5FxPgBDQaiO54fUDbQT9dN0kjtol4gwH8LiDghQgrCkyp83s/x2OPfaFa5RH2GwqmJMMa+TpReMGHPvV7DkUZY0gfjJ09oDM/VSjHI+izKkI2mScWxw8B78IR/CDKnL3yZZqNuhSofJjPg4U/M4NrUKvTua+Kual6/gEiXvGzEqSOzyencB8oWuly+x6dIycyuF88rALRCEMymZb7D9b5W4z18gr8DY55X4yNY6z91C2YYrXL/hrRaFdRN8Y4pN4jrFKJhNHX2SxVIBntKhzzWlOLwDS94vXob8lTqGLfEfJXYjG8hlkxkc9j/OIxVpb0sP2dD3Cfdcn/0GiNci/CRPMD5o9b1CbotFpy8wb9CmiuUD3GtamWgezr6q0hOI84qxB6FiMH1CyJkg8VsLk976cuI1FVRndy5CgdU1/CHw+Jl4g1xnvq8cv0kCDHYGf7voiIWB5c13l6S5Q7iDBt7OPZY4cRiRvY9NJQwX9G2gwnf66OqsrINx2ugMfB/tQY4C60ikejN/ZpTQAR8apmizL/RzUJZLg5ng0OH0BRve1wqRx+g1YtOKqFI+qEuk++jmg6OhECU7kFToWBDO3H4SzY4vAWjNGdfUpzmBZD5INfrbmRA7e5zW1uc5vb3DbU3MjBqWaIIUHxyZVz0AW48wA52Nw+VvNGELm1zV24+42PY9U/M4Pc3NzMY5KdRJ65XgL6Luawila/+qdf/LaIiLz9+p/jGLeRY3/8KnKxVer9v/cL6LQvLiJK4aVDWqWK79XX/dIV5FYPD4E0dvfLcukC+n/3Dljp2+s4j5svQdlu7wDbFhRBzi6JiIiP8PMgB9QqltbrM39JUN5RF8IEVdsYqrBIjTZN00FbOzvIQ06lpngMZacDhd+/A68IX4iIhwhgsIe+nGF0YyID5Nz2Keog0iAC0CqILuv6UxPI5TebxxKIYhX+wYfICT/59EsiInLhAqI2axtA8W1q7GeXMR7VEpDiwR6Z/+QQhLxk5ZMZrxyEg30gLK24CIUQ7ThobEk4lObYYV8zrFYZZ363Q9Z6MAL0lqCGRm+A663RGYedbKuDpmC8GDHpMdoTiai7I8az1GnKnVtAuPkcIhypFI7VbOE6at5etRTq1AGoMw8+NQ9H0Bh5IMVjbm9oNQ9V6IheGvUaX4GgQ5GwbG5jrCcmEUlRjYFMBmN7VMGYtxghqNbw/eNXnxARkTVydtqcjANWkHT7Gv1h9Irqj6lx8G5mFhGBOtjF/qFlgfPvkafQ7lJd0FRtCcznMjkYEUYz2k3se/3BR+gzIwp+cjRazOuPk7s0lsG1rtTom3KE7xOJWVnbQNVGNIz7u+7DXKoT2feIsn0h8n9iqouBCEmBVRvKD+mwkibIOeogbZuRNuU/0N0xEA2JlyqkmTQiSek05uqDj/H82N3HHLzy5JdxPpPo4+YDPCcGVGP0+dFXRZzq92BSu0HYpxN0S86H4RUPUbphaVUTfU1aLMvS3PoIR8BHLoWSEEYjBA41Qf5qzbatU5yB4cqHUS6Bvh+wwsjRJlANBmt4uxOeAyNPGuV0eBSniBGmRin+8v6OVmGc9PZXb27kwG1uc5vb3OY2tw01N3Jwqtm2IWY/IF7WFl8lKl/fALovVsFF6BtYzRbLXFkXocb24YPXZDyFCMDqApCOJ0k1PR+Q4NwknN1eJKr88ff/uYiIrK0DYZ87A0RVY065Wsbn3uAye0nkwNWnxTrxJ558XkRE/vzPvid37yCv++LzL4qISIpIoHYEnsPyHFD7DqMahweIIMSp/BZlpUCnw/MsMbfOyEKEfVflRF28KifBHJjSI7Jrk9ldreJ8JqjHkCGa2qYngCnMgTJ3Xq+yjn0d+hDTWURDvER5XubmfcyTqsthkGqVVer8N/odRwvfsnEet++AKR8kml9cQD13s4Z91NjXBhXxNE/t9xO9M4eolQbnVhE5KhSAKO9/jPly/Sl4KzTrJclR98HPqowJcjAqBB2pJDka5HMYjBAkyTpXy8cIEZ/Pr1wL9rmCfG/NVgY+a/N5bZqNhuSoLXCSFcVrrYbzrVTJ/2Cf/F46SPL91DTGSah3b5lkljNvGw5SF4CqfE1GDpT3UK5W5EtXr/KYmB+lEubg/DLm/e5tzNHFVURUZueB+CPknBTIc+kxf9smz8H2KLsf16hMbY9QUiNNONcDovzVpUvS66jzJa8zS19MsuzLVXAx7u3gPo+zYsa4hghKjcqQFnkBagWaTKKvYTpFtlv4vFIimue1mc6uSr6AOZmMISpRoRdLu48ohi+Ea9Cm14YEgO4XF3A/3GshepE/wnnZ4zhmIoAx77XJteB9Y1LFUKt+en2RWGJYr+XBfdxzpSLu/0QKvKkMVTlVUXVxBZUWG2VEVAcD/D4UwX3RpS6KpdwVx98A7xQVW4O+BBgp8BmscqIOSpgRj6UV9CGWwv19++5tERFp9nCdPayAMDVJf0L3xzE+BU4/Gg048Wdwqg0+RTthtILiEe6AExEgX4LcDmd7RxdBt9fIwSmdg8/iHHi9n7HBL9/cyIHb3OY2t7nNbW4bam7k4FTrdU3Z2SjLOJFkrU0P9AxQu0EEWSwjZyt02PNFtBa5KTs51GM/3EQ+bn4KK/zJCax8bQ+iEmeXr4iIyCtfxTHe+NE/EZGTfHCWbnv1CtBeggz7ceoEmIoko4gkeD14f/PmC5Jijf+Fs1jZ/+ztn4iIyN378Lb/1m/8A3x/EXyG+xvo6/4hasFDRN8hKqD5QipthpdD+tybJlbtc/NAwbrCDgZDUic3Ikhdfs3DChUep3g+M9TK3+U+fU5lBFbEx9Slr5eAqDTf7Q9gvzYrJPrkR6j+fZs5aG8kLAbRtUV/gyo9A2p1oNbMOK6NP0ld+yaOpWqEsTj6FCMK9RIJeenBoAp7L94EInz7p1C9zNNZMxRMSGSckQ7qEMTIBG9TTa7nR9+mskDK96hVYRBhJ5gP7gBQOpr8mjvuNJhzZgSl06YrJSNM5eOSw2jWyIdWPjSY1zVVUoO8EIuVFD5qbKScPmCuBUNAnK0eIg+KjEKMIDSrRMF0rwwEvRJlBUA6jXn7gGqEm1RdVCn9K1dQ1aI6/u/97NZQX3WOHtOTIBSNcDzQJ4u4p8xoyHENc9wX8Dmv9ToGs8e50m0zCqEVICHs4+A+vFbU56Bawj0aI5U+HML4MFAgYebwFZQeH+Pa5ot4XV5C9OTy5Sdlb3uXY3XAbTGWXfqY+Mjr6Xb04iC6N5n9EsYxDk7O1hrQ++4WOBmNLrgtlLuQEH1ETNEcvUaqetKnmmSP1QcsdJBEGHNxKk1+CFPkZd6LkxfB58iSs7S2i6qFgUYETMzxnk89W1STA9cwwEqLgOEVs8d7i5M0TJfS81TZvHAe1VlF8j/SUTwvOoxOKI/BNtSDZBj9f2pzKg5OIg2j0YRHdqURglFVx9FDOZoNeGtqSM5RShx5Pfmhs5HxCZyCoe5/Wkjkc2hu5MBtbnOb29zmNrcNNTdycKq1ux15/8FDuRYhK90H5NiukcVOD/mpDLToTS5zLbqNdQcD6ZAt7+HQKiqpFZGf3K5gZWsRVS3OArXeePnfERGRt37yb0RExF/G8j07RS31Ppjw/iBW1KEQUFzQj756LPT1icvnZW8H6OGf/B//u4iIxBI4ZpAVAW+8+n2cxzS4B6tzQO/314GIijmsykNUdEulgcYabeZYuTpPJBnFGFAXgTlX8TQlkkI/c2XwGTQPV2qDrS4hoLTxLM4jd0y/ebLyE1TZ67TAudjefgfnd/1lEREZkNXcNzmFmR9vkknutU9yzb0O1sBTGSCdx64gYhIgytzNAbVmmceNxhGdKFDF8L0PceyFRSLnNs5zkn4A8TjQnMdAH77yCvpYPEbtfrfbkS59GgJk9A+YhwwmWU3QBMciyAjAlcuYYwcHOP9OE9GOADkamnPvdYliWDHh+H8wyqWl5pV2x/FIUIQ/YH4+QL5HNIQ+qZp9h2PsJ88l5I/y91QIZPSifASU6mPevM8cfiCguVjWuUtATPovePx4HZsA6t7cwtxbWV3lbzHW3/sTVO2UGYX5zndeEhGRH/0J5uj+HlBvMIxjR2OYk0FGEpokTPTr+P7MMq6x1Tekx0iBcmcUPU7NAClfuMDoRRT3d51clMIuImxdRhaXl3Ct2lRH7dBrQKiQ2KzreCGy9PglRA1tsydhQvs251SHFT9KXO8qW1/r/j2M0nlx32eyuM+WOG7voiBHDnfBk6hWMAebZL97GHHrMEzU7/rF5LNKtQbUI8QTpgeLH/dDqUVV0yPsK7hPrYo4qhjMOPrGKerwYoJBReca3cJ4lI7Qt3azIh4L13F2EmO0tICoxUwac+f+HVSI3X5IzQVV72R1ysDWvD51DxTdy1+ekz/RN9CIg+FUKZxECoZ9HRy0rgKYyiVwqhR48UaoB06gQeUftJrB8WKwnPd6Ho+oMjrRhhHPhVNv7c+pXsGNHLjNbW5zm9vc5rah5kYOTrX0eEZ+5/f+QxkQZTRLdEKk4pnFet4iEUT1CN/bzKsHI1GJko2eiOMzjxer5DgRcoKsa13RV6l8uELnwC4V3d56A+g+FscqfnYBSKHTQG6yR3RmDtCnRJgVCPkDaTewD4MJ3EYDaDrOPG+R2vFvvPpjERH51nd+W0RE5qmYN9ilV0ILvwtOAmGXOjjvaBhIOZEAUhgQFTepExCOxcQfxMo3OUZtfKoyxlNY1UajzGuTIa6OkV3mpw1D83o45mEevgUXOqgM0KoEu28Pbd+ia2PXqZM/kpX5JRER+erzX0Vf1tGX1978Ho49AdSVmEYEJcg+KRot0L3Q62M+n/nfXSLIhSX8vk1k/uR1VClcuwb1v3yxKA/Xt0TkhCuikYOIMuCpZFeoMIJAvYMBGcy7W+jzFCNNHrrzqdtls0mVSkaxQoRv9+4iV7+xsyNeVYAkB0OV8Zpk5Rs257Oo6yb6EI1hzvoYnTHoyWBSpa9Jt8coqz9U+c7rw+vBPvLEHk9UEikgw0oN56kOl+rFEYvj+48+QgXQnY/A4fnuN/6eiIgszC2hL6xWCfBaBYJku1OtUlhBUa5gDq9kcX+FOG65o5z4uI2fKosUHz0193CNnnv6KRERadAvZTu9hfdV3EetFqt+OE/8AXVppa8BfU8y44hIxFnNYRm2zC/Qf+LoIY/JyAqv6yTz/eEYkHQ6gVePTa8VViLtbKCSam8Pkbkwq6MS9GrJV9B3g1UAfvJKqo2aI5YR5JwpU2NB6FY6f573exzPoHAIkQSpsXpJEGF46XH4yATIwer2qW/BeROJ4XcDOkf2GVUtHe1Jt4lIUDSIY0cCGIePbyNi8Opbr+H8GdWJRfnsIT9E9Q8c1Kz6J4TU1qOJfTaNbilOtj9dKGBEMVEDpTJSdDCK9jVS52U0wBrhMjhaLfyZadiOFoIMhisexDPsSmkPBylGOvCrNTdy4Da3uc1tbnOb24aaGzk41brdgaytF2WOCHJ6BStdH7kFjTzye2aPqJU1tnUi9V67JwarBpoN5tuInqpBrNyZnne8B2yilF1q6S+QnTu4AZR77wH4A7EU+qCVCGpiliQS93qBxOJ2V8IxbPPMTXjZf/Deu+h/hXm9KSDdzU2g0bsf4/srX0IuPhbVnBumx4AUeT8rLVJJrNqP6VkQJqNc3ftkEJRmBR2cHgOrut7C+xyrDzJx9DGZQd4+nEf/e31FpczThlQxrs5XoLR0BpUYJmvIDbLQa6wTL7EGfSKTkblZRFUqJXwWUEo0FcpyO1s49uNAOhF6aYxR70H9DnIFXKOJceS1S6x2ODgAN6HFXOphHgz0b30LapihUESirFd3mM9ktJum1p8z30vk3Cd/oUTlxK1dcA/ypTLHE0ji6aehZdFlrb1GNWwbfcxM0EHxvkf63CbsI5LxMULGqIPp+M9TpZLJ0hiRdSweGToHk/T1YhHjkmR+WJXfbKLgQhGocG5u2fHlGGhphKFIFsco8/ze/wBIeGIKaPXceeiDKJxRvkiL1PiEh1ERKgxWiJTVxTLJiEW9jvnRN00nbRuhmmedY90f0OeDzofhCH67u4VrMJ5hbp219T/7OfLg42lycMjhyB3R9yCE3wfoWXL3/hrP6bx4eC3usm5fdS5SaWwbZ8RgdQXRqIU58BvmZ3Esm31992cgGzRqrNZxSk9wzRYWobsyR36RIunDfFGq1IRoqlYIfztPPZTVafTBJtKfnUUkoVTF+LR4H0yN06W1gs+Vad8wcY75HCJtUfJBLM6TVDguMd5rB9vQCHntp2+JiMgHW9BxmJjHczFDpdQjKo3a5B5YPvU7UX6Dco7+au20a6NGH1QqwXA4A8McAeuRqoZHNRNETnQNnMKCUR6BFnOcRvyOBsLIrpWv4B3Z56+huYuDU822Del3g7K2CXKUP8hQLYlV2RDkkiemEdoKxfCPTG+SSrkipkqwtllzRvvfPsNDRzVM6jhtkZW0o7bBNkVALn0JFr5CYaGjffzzDPCfZiaLh4eG3cfwvJJowpbCIW7y1AT6+cLLCMl+9O5fiIhIuY59RfgPam0dD6bpLMOHJAMaJPvlKR8dZwjTH6B0bwDnnT/CImFuBv+wvd6IDHr4rT0gwegMHk6H+1siItKtYxwMLp4S47jp1UpWQ/ta0tiilG+JhjTZOZbfMa4WYOhS5XgNiyYyV56VOsuffvLu6yIicnYZD725aZzv7odYJJWLCAuPMZXjYwgvS6njD29j/OJRnJPQLrfexKLDw0VEiSZCt+5gYXfx/CXp92mcxX8QPqai9CEdoNmPCi/VmKLYzR3xc/xT61CyuUazoEYTD3aL4WIfCYk1PvBVGvvmzS/L9//k/8W2fZUJHg1vekY+xz6TSSyWNHRvUpCnnCfhkuemC7egH6mPHqWNKxVc64XFRemTcKfSuo7XDJ96Pv5zV/Ovx65cxz5DGB8xsM8BUx5ekvxsEjJ7A5yDpm8uX8KiolHFeJyszizn6R9iWWnxGGM8M4cFa4aLgBxLfOtMK8xM4p/lDssv1VDnqachRLazh8VhjjLJ5y8+wb7h0CoItru7J8Eiflum6JeHZX6tFjau8PvZCYzD4ixItVGWF7/7C8zJDsnCek4DjgM5l/IYDdquUoQqT4L03IpfxjJICxQpSFVlGbL+81ZLbo9n+L9bj8+6AVN79TJLFMMksvLZZ/iQ2ql0cH999ACLo34Hx4mHQ9Iq4++P3sNioMNFTnSZAkwTuCY2Cb1xlh1XWH45MDQlNlwf6FQNfto/Ua4KjFNW0fpP3zPyj/mkDd83jzT9jz36n3t0EaH3mWPEdIqQ6PixDZ/HyYJkRNr5E7r3qzY3reA2t7nNbW5zm9uGmhs5ONW8Xp+kUxnJFxE+LOaAAI5YjjcRw8p3bpaGS7MIzycjQPeJybhUjoGS6gxrN9tAI9Km/S/DnAOWPLa4tA9HVdQHm3cGQDOJMaBcqwOkFCE61fKoKGNet25BeMfrN8RrIB2iNqYzEyjfuk7DoQ+4bdeiGBBNah4+BOnv/AWQ/hg1FUbuxPACGRyXMD69PtBYqYxxqjMisTB7xZGRPiZCqTPMG4mkOWYguTUrCEmH40At8RRQmV9YDkczlwTlcZsUDerSYMikZKs/QMEmRhwmJ4E0IqEJWb+L8xpQ1OeQpC0lx63MZdkX9LXfRRSjz2jE/DzO5dYdoJouZaUHJq6dj4jbzxBugqjm4BDjtLq8LH4ieo/awTrxQiCAY5YDNhlxov6SY+oST3G8mpg301OzHE+WmdY5HtxtsYhr62XfFhZW5LErQLDvMQTdZZmfz4cI0kBVbjgJB0TE6RSIqkpI1HPI5dXECOdwVMT1b9PCuc0yvDpllEUsCTL6oCH8OEmtHVoWdymwtLp6geeJa1EoYn5EmZYzaflscswtEg37LL9cJEk0EMT3AwN96g9OzH8MIuF2B3PNz9RUMokx7VKaeZ1CTeMsZda0yVGZqJWIL8hUx0WWypaZWhyn4FebYXuTmKzWqEl5D1EJdRz2Evb1NbrD/lpUJgozandUQJ+2NiA8FGIZqqaC2iSwLZ/HvXzxMUg+HzFqsXOAe+DM+XNSKGHu7fKz+QVEAMt6fgzZ9ymJnqMYVJuh+wbTL22WD5uMONZYrj2RIXG1jnMt5pCGibAM8cF2UXbW8YxdmMF1e/E3YRInTIsFUrjevij6snOEaF/lHua5FuAajnUz0b9aM5vD77WZI2EBpA7UzA2febiNykZbI/LHhjUcAXAiBiPEQxnZTs3jHDOpEU0lfGQPfeYZyZMoEdHZ1+dmu+RGDtzmNre5zW1uc9tIcyMHp9qg15XCzkPxsgwvRjvQGtHdwTHKq44aWAF3PFgZLy1hVd7tiCSzQKMR2uEOiAAGJVrLNoEeNE+rcp9NRhZ6RD7tNklgzPcuLAGVbNNGOk7r1l4L+8vvYQXxoP6xAAAgAElEQVTdGRQlHKGBUpjI0IttJygC9MQzz4iIyOYWEHXxmOdDQZ1yCUhPbZU7bfS9NWBpEsl1Pea71SypxpK4WrwgXRLm1LZ4dgYEKkWVUSLIMaK0MEu3akTvlSOg7gATf5alfSOxk6jWx0iM5j+np3GOqTjQrt+blOlpIKGjQ6Ct42NaUpMJtLSMksMm1+EtNeLxA3VOTGCfMUY9KiyPi9AsqdVDn/xhD/sU4ngAYRULBZklybVLCVWVbq4yjx2mFPFjlyAT6yMHZYXGQz4LaDTPiEDxCGPfJ8fCH+Qxy0CBR8z/x6IY5/hgTJ566qaIiBRoAjVg5GdsDDnnZpPnTXJfhLn4sTFcuwDHY40Ezju3IdmbHlejLvTlzi0I8ChwUoMmr9cjXaJPn1fvD0V0jASwpFOjFf0eZX7JVeiZKhbE6AYjCAMakM0tgbiWpEW4Y3HOEs/cHvhE7VZbpkh2rHDMDC/HkhN6fQ3otHSMsZzLAsXmcxopw7XQe3g/h8jijZsgE199An2s8z5JpinMRNJh1OeXPBGwNhWxUjdfLfUMhdC3SkUNyfC7Fjkq3S760OL4phlZevzJayIiUqPM9BGFh/osW93d35EOiYZ9RbQUbxrPcl6wvLjG6E2fCsytFvbR4b6afKZ1+LysVUkaJP3KZ2K8Ly5DNGmfImOHWwV57LFviIjIl78MATHlpDQDJHeyTFSfvYeVLexbaFDlHRYJMvRfmyOG9FkORrq57SBmReMOWB/lEqiIEQmcNp9J+t6JBDgW1fzYGo4GnJQ8Dr39xPapEQItafxLKjH/us2NHLjNbW5zm9vc5rah9oVFDgzD2BKRxU/5Om/b9vQn/OaGiPxXIvKsiIREZE1E/i8R+Z9s+zPNLT+z2VZfzOa+hD1AcVFKjYanlkRE5Li7JSIiR+QTfHz75yIiEiGTenLqjPQYAfA4gjFkozNXGk/SxrVDi1kiyP5A7Y8pZcpVfFvFbWj+M0+Z1Nw2Vum9NrZLxYCY1rfzUqsCHYXDlMslEkxOjvEVkYVlP2RcPTQ5UTnYWg19mZ9jPldLd7gArtJEqV4nHyAMlJaOUZglkZJ9B50ijxlB8EJStGzWle+gx0oQGk1FKGLz5us/EBGRZhUo3+9BX2wLx2g0cG6Xv4Tf1VtV9hnvrT7G67hQl/Q48/MJnPcRLarFoMmNF++7lMueXUC+u8q8+OwUpVxnwD346M5PRUQkEEFf2h0gq2hUETdLXi2Mz/bOjmRoWuTTMAtNaM6SjT05CVTVJy9CDaeabaDOgWMLi98rez9XwFxUYZ14Ep/fv49ctIpwpTLPip+GUc+zxPXN1yG01eR1nGRZaS6HyEiSwlRZykR32uhbvaaGZOjzNMWz/JRT9njQxwOaafV4jQ2PT5oU1un2FAmrQBLGLptFtErNragJ5qCtPu+HxVVEe+ZXcE2SY5hg4TAtwC0y5fmI81DAy+fXEsqeU+6WmUD/2+QHxWOIEL1/gDEcSwFBhxjNUYtnlREPRXCMvX1EFEqMGCXTlB2mJXYxx0ocRt6mpjOyu69lfRgjD0s6TUZM1GAsO4uoRbtJ6+k97FMs9FWNmTKTGL9nb+Aax9j3ffIJ4kmWVZIf0R+Y4mdliGJmNX2yWF6htutBnn+QZKRwCK8BVoxEKRoWDPL8xjBvohbOcfwcx5ECTC1Gqr7ySsWJZOQrtJ7mw6ZYhjjU5h6inCaFyMSH+8LnVxEkLV3UqgNW3oyg9k9rWq3g9XrFVMEhp9RwGOl7Hc9p5QywQsYzEgEYDiA8EhLQ6oQRd2nKMjt1FkNfOdUK+t+OFItfhwHTF51WqIrI//AJnzdGPzAM4zdF5F+KSEdE/rmIlETkuyLy34vITRH5+7++brrNbW5zm9vc9renfdGLg4pt2//oszYyDCMhIv+nYL30km3bf8HP/2sR+bGI/JZhGL9j2/Yf/CqdCQY8sjofl2AAq/G1h0AC8SgQZWoSCCNLHkDhGKu1B+9Dojb59IzEo0BT6s6ptbLb+S2892CFHGKOPUGxE7XRbdawMvYzbx32KjpF/i4YxPbNOlbn3RqQ4kwWkYOFqbzcXX9TRE4kljtcVXoy6P8Tl8FaT/qgg3AmAISzdg98BgYQJJ9jxQVlkQ0yv03apJYLQC+xeZxzhJoMjWpXTObC93bAHSgcAgFcpbTwzAIiIGKoeBGOMTEJlP/ii18XEZFbH8D0yCdqQQzEU2FN+uEB0JhJK+R+n/bZ1AGIBsal00Fu2CKfY2ICkY56AyjliOg1nAECajNvqzoPXXIxZmhUdesuRaWYS1bBpjarGGIxrPajlHguFo/loIBjpROYSxPjQFHKhN64j7Ev5IDw7t7BnMrl0beWiX2trOI6zy8BMXuol6B6D0vL+FyrPH78Y0RgZmcWZZks9FQC82CM0YxwkB69tNBVK+rz51EbHwwQZTIKtrwMXsTyKqIenTYiDQFGfbysqMlO8fteheeWk2oFx4onlROCbWcpCz1OvYsadQmaTZxHgJocTQqOqVV5lBbgXp/mh4HiguRHpFOIfsQ96EN2Btv/4Ac/kh6rEZ599mmeN35bYa5cDYLmJ9En1aCoamQgGeH2uA8s5r97plYloE9lRgdNQslpRlzEY0skAs6MIkI/pYxNIt+xcdybcc6bQp48H0EkIR7BOEbiSyIicvlJiI7FeIzjIuaPDDiXKffQorCZKR5hoEe8jGr1e6wAokhWwou552X0krIvkiLPJRrHM8iw1bwI12xArkLFpCV8DnPcMCmVzedqfCwmPYMcmgjG8v4WtFeax+BWeHwMITESZgTI4bLVblxdjsj7IYdFddk+Uw1JJYw9HudaaDDaUU6wh7dVsbCT4AT+0KiVY6TkSGso6v8UZSPlHpy2jXaqK1TPQDkUaB49lh7yb2G1wm+JyISI/IEuDEREbNvuCNIMIiL/yRfRMbe5zW1uc5vb/m1rX3TkIGgYxu+KyIKINEXkIxF54xP4A6/w9YefsI83RKQlIjcMwwjatnJj//qt22rKgw/ekV6Pq0jWTtfLYMpGFRmyNntxCsi71gJ6O9zZksgZqucREevKdWaGKmRF5Le3toCkVZ1NrWrTtCwtHoFl3SMinMoCUe9uoi99rupN1jenZ9GXqZUXZTePY9RoiNOhNPH6e6hvP5OhiUsaKDNFy+GLjCisrYNtnieCapFBHja40qel8fg4zW78lLIlGqnWyhJPAVUtBdGvHk1oPMxHNppaW47tIswVb++hr5fOQyb2mJLPWw8QgRijeZQuwlWzIEhW/oDKcj6O/3FxWypUj5tegj5FaAFI8O3XYDy1swNkczYA9Gqz5t7LuvcqtRVizMF7RPPC+NxDxNlq4b1WZPQY7Rifyko6rsZSQEa3dzDGfaLuyUnMjwCPWa7gvFrcly8MhDk5AURo0+wqTmnj0hGiXG9vQ3b4pRdeEBGR557G60Gu6OTzp4gqn30BDPF7d9/HeVAz4+WvcF4kEGGxWMe+v4t59ROa4ERoLmZpjlY1OijTHCPaffoZIPPl2aviJaLz0RjI52O0iQZkmp9XVxsv6/p9tppF4dr0mA9vlHB/pKneGdI8uMqWVzAu75EflM9hTudyJZmnrHaLFUSHh4fcN/o/Ts2NNCuDatUi+xzieWJcfLSyjpHT4mO0r1ljrp48AvXS2d7GtU+lIhKLhYf2SfkT8dDmemoCc7bHyNE+JbzDScwXk9GNlVWcyySrYh5uoxJAoyBejmeSvIAI7ZUHA9PhiKi6YJx8BD8FTnqM/AQZpfKQk+BlpKR+gAqCAp9tqmuRy2G8jo/JD6AU+jPPQv21ZSKysFnqyfx5PN/ub9/jeaL/sTTG2KbJl0eNqXjePlaDxak1EyKnosrIU4OVGEI+jD44HmEinM77O1UDitZN/oaRANUqcZQNKd1MjpFGiBT8q7DkcAxAxFAJfacTJ72yR0Md1nDlhFNR4bg14cXrsC5+9fZFLw6mReSfjny2aRjGf2Db9uunPjvP1wejO7Bte2AYxqaIXBaRFRH5+NfSU7e5zW1uc5vb/pa0L3Jx8I9F5CcickdE6oJ/7P+piPxDEfmBYRjP2bb9Ibcl112qn7Iv/Tz1WQc1DOMXn/LVBcu0pFurSa5ABrWyiheAfqPM7ynKsepA5rHUkoigBrvWIHucTOUuUVeUev2pJNY58QTel5nvtpjQihEZJ1mn3GXu3moSrRJBSBinHIgSSYWxko5EJ2RxGRazf/FzrK8CVA8rraEu/f0QjvHK1/4B94EVfYcmMKlJoIq+gZV9OothtRvoQzINhBQj+lhfh1Z6ow2EYXi6kiWXYvUi6/YZXVAzpw4Rfp35WlXTS7OaoVjCyj+aBnobmyKSZChG88MeSoZ1yYsQ1tRrDXq71ZTJWbKkidIaVCN85vlviYjIlSqQjqnsYSrZ2RwP/TxKZBhPoI9tcg4Meiy02YdSGec0tYBzP3v+skiLWhm7WyIi0qrh1SM4dtWPPlVpJNUjUkpN6LXA6YUYefGSD+Ejyh00gHr3qJj3L1mL/+wz38QPPSFpMuHsj2JuSYOaHElETFaWwUnodVghQbW5oJc+Dxt32HfqAgiNdhg58BO9TRORZ2nyk8zg/glGJ6XXoTogOSEDE/1XDXmDKLvWxL3loUKghzX0DUbDhHoAKZodVQsYx5rB6F4Ur6+98a9FRCRHLoci9HRqQu7SzlqrS9pUp1QfC41mNYlCW7y+sRieA6pNMjGJ/H8oSBXLOpFjH30cS2K+7OwDt+SOEQXr9mNy9Qp0CPp17Ovu+/DjOHcBkcTsrNp+k6tBv4ceuTUhcjEiKdxfO9RxOKYZlpeRpRD1RHwRbO+l4mg6Gne0Euo0LbPIKbIIS31RVl4xWlWmd0iXnJ1um8qHxU1+X+Ir9jM3B+2Cr3z7RRERiU7g2dAgMWvg9Uubz8l4BPdqKob7t+LDM8XPezDAao0xVlipFkuafKoO75M9Qd9ajPaY6htiaAWCov5Tjksi8DsY8fuwVPnRsXdWhK+vvN6Gci6Uq6DiA8PHOMH2o6/kMIgttjFcyeBwCeyRCMInFWN8TrSDL2xxYNv2fzPy0W0R+Y8Nw2iIyH8uIv9IRP7eX3F3oxEbt7nNbW5zm9vc9ku2Lzqt8EntfxMsDl449ZlGBpKPbi4iIomR7T612bZ9/ZM+NwzjF+LxXLPDEZldRp7vgIpnx0fYrW1pjoi5N+Ya21QfS46nZX8bq+p0C6vAqRmgNMOj7GAghPll5NRXA9hno0EEydV7KEAnNDK/e6ylt4goO6xEmJsDcvJwXdRq1+XyY6jT39sGUjmiV4SfLPp334cdanwMiOfp577O88NYTI4DIbcHRCVEG0F6BmxtAZUWWWNvOfbKivoqEglj2y5R6N4GrFhVl0Hr9FPsQ6VM1UILqD1CW9c+c+6LdFL0Uzmtz+SsorwuFRKjQexXGeJLq2fETz5Co0nEa2GsbTpaxpOaW8Q1y4zTGZDciibtpgPMW8ZjmG6lY6KYCYxXnYiq08T255bhgGf2fDIgb6NFRcsWVSd17tSI3sQXY99wrfrMracm6Dnh1zw/Nh9w7At0xhTq4JdKQJA/+tEfi4jIK9/8lhgc2wq3PaaV8jitlsXCtVp/iJz4+QuIfPTp83GYx7j5gzh/D30NLp7H/TJNx8AU8/9aYZAIkVdi9yTI+R5lrfwe89UVovMkqwv6Sk7v49g+svgVtUZUaz8IRFyuYS6Oj6FvDzeQu97l/qensJ1WS3T7DelQVbBEfofqNvgc/xOMLW0rpKuDzgqLWBKRggav6eQM5osibotRri4rkXZoyy7kJMxkL8rEOKI1hQw4RsEwuEjZFYxlMETbdCJdrW4wqfPh8WBuHx9hHjWpQRKlSmpyHOdtsMTAQy6O8iA8cuKZoK6casVdJ1fAHyavgzoeQjtxVRDt1HGeFUa9Gn2c3xM3oMh5TZ8vrDTI1XjNGXkrVRsyzSqS5cUJni/mb6dIhU8KxZxfQZTLy8iJPh92txFp2CpQV4W+KZZm5x37T5GhPxx1wlPuhiOeCHovek5pJ55uJ/4M1tB2J5yFEX0Dff/r9Fv+HNrfxGqFAl+jpz67z9dzoxsbUA1aFpGBiGz8ervmNre5zW1uc9u//e1vYuTgOb6e/kf/YxH590TkmyLyz0a2f0FEIoIqh1+6UkFEpDcYyE6xLF9/CcURCeax3nr7DRERqR5jdZ+gbn+Mdc6RGNBds1yWmSVwCiJ00TOJcENUrlMHO2W81unK2O1hNa55yxB9HTTn1OgB5ZZKQHsRchgyzEkHA9jvoNuXNDkBN194SURE/tUf/WMREQkE0M9QBNv+/N3/T0REJqeBSlfPoUa61lKWNdE79e+bLeaBOWsIoCQRiekIioiIZYRkfR3ruYlJBHs8PSD8NvP7m2tY6asG/sVLOPZgAORjsl65yvz2xgaiH4uLSziHkKL74VeNKIxTBXI3tysf3YKbYpkeElYXKDMSxHTxqrsca+izc4jqvPjit0VEJBpD7jxAtHv9CXA6DAPnu3OwxT4DpV2+BDZ2KgaFuIP9Q5kl0k1xXhwXHvA3ZDqrPgN199VFrtHEeM0t43deuk5arKgIqOZ+DYipa+LcPEGMR70BtGr26jJFb40O1QIbNeRjDaor5qmM6Ce6bzGaxSIUMRg5madi6LnziFCtnoH2QqWO+yPEqFEsQRfDJq51obAnW3tgtJeq+Gx6FmMUZh7fZO7ZT8VEk2xzdYy0GIGJU40znmRlCdF+nfPlZ++iMidI7QWtQFB2d76QlynqF5Qq+M10FtwIk1E5VcrjVJSeuvJxJzS1dCJMAcqAthiRsOhu2eGcXFpBhCVCZc1QIC13byMKZwnutegYxiHPCMm5M6gc8fmx7w4Pmkjgnuub9JjgPAowSqPcngqrfXomrqWXlQnhEMbX7/PJgHNPa8SaTVxHNTj0WHgWFfLoU4vXOUZlyFIN41WhJsXNl8BzuXARkbPdEuZko4PXIqu/DvJUP/WGZGICSP+ggPFI85kSm0CkgMUn4mNEtk2VzgYrhPZLVBSlKUUwjmvk5fN2oBU1oxnoUT8D2z6paFB9GM3zO9IDo/4Gyg/wjHyuu1QXx9GDfV51Bb+e9oVEDgzDuGwY9BUe/nxRRP5nvv2/T331hyJyJCK/YxjGk6e2D4nIf8u3/+uvqbtuc5vb3OY2t/2tal9U5ODvi8h/YRjGqyKyKahWWBWR7wg8E74vIv+dbmzbds0wjP9IsEh4zTCMPxDIJ/8dQZnjHwoklX+lZloi5bYtfdZiT0wD1WTIti4XseJtEgmV6BC4tIxhfPbq4xKMYZX9YBd5246pvupwbkxSlU5X9moarit/m+ztgToDah6Li8w5uvRNTtEpj+6Gts3fWZY8WEPQZSINtKkRhJ/+7HsiIhJidUL5CCv3t9/6UxE5UWOLpXG+dVYUcEEsfROorW/RCc2vq3N8nyQqXljKyK1bUDbcWkcONUM0GqIKW4w50Ht3oDZYLADVv/Cy8h9wjMw49tliNOPoGAghyXrmCBnyHo5jnWg3THR26fIFSTLK8uMf4fxzZWwTJwt7jBEgizXUlSM6wB0CxYQW0Idq3+I44Rp+/evfFRGRgzyiOWXyRRZYpVAtISqUiKQkSD2KQX/YC17r9dVbw8OqDm0hIrxpamooylOveYvX3TSBoCyh9gJRyoDIstuuiY/UZuWB+KkqqNoK0Sj5DoRIBaIxDRVd+BKQ77PP3uQx8XWrifP2enC+BweI8my/g9cS9RFq+ZyUWdHiC6Bf3537LRERmZkCOz9f4DxmVQMJ4NLrM2rH+yvIKFi3i/21Gd74+c+hZ1Cvo0/hDK5dqQykqcqlS0uX5OaNl0TkJF+fz5MZrzXx9HdQ1Olh5EirGvqsjPEZ5NqwiilN3kOfkYYUK5ems+QkaLSo55FAnJr+vM/Pn4ffycbOz0RE5M59cCfMPubiAiNnGXIJvEH2kdfZslWzwD/UB+X4qMNqk+Pj83nFSz6H5t3DrIhJMm/fUd0OPpNirOJoUT+EU1q+8s3fEBGRRBLPqJ1DjGeZ0R7lX/WpZlqg2+XK0hkxyUVqHtGtlveL3USUq0B9hzQrpBSNV1uYF489jqqOfXqxlNr4nfFp8FejANanoXpoBmBchr96xD1RKwacn2pFgT388WgXHG7DiPvj35D2RS0OXhX8U39CkEaIikhFRN4U6B78U9sedqmwbfuPDcN4UUT+SxH5d+XEeOk/E5H/cXR7t7nNbW5zm9vc9su1L2RxQIGj1z9zw0d/95aIfPvz7xFaJJqQJ5/9mrRNrMY7VayMhQz4yWnmA+k2d+UiFAVffvlZERGp1o7kT/74j0REJMy8f3YRec16GezbIFGJQcZyIMT6f/IA6sx/6upUqxACVERcXqKRJev8D1i/3eYKOpWMOohmcwcIeH4BOeHjEvL69++AD5CdRh8PdoDuP3wPVQwvfAWIWKsXDDKiQ2RKK0LqqmUe+RGbm5vs45RcuYy8/Z/+KerMGy1EW8bGgJ78dHjLjAOFrLGG3uNH35+7gZporUtPsY5bqznadCtUB7hKBeeva0QH/Rm2XKTWwuoKKiM+eP8nIiLyU0ZMStRUiEeAMmsV5v8ZhfCRk+Bj9GNrewvjuAbewMtf+aqIiJy5gGhOg86B6jkQCnhlbw/b3rt3n58xYsRIgJdRmCCrMUxGBFKcR6kkKyLKVKt0cumMFPhxsfo0xvAynGMSQZbKZYffoIqOPnXZoweEl+/7RDI289PNLsb8whVwDKJpbLexhut97y508A/2MS6bW6iS8fpYm06tDm/fEha+iIfnW69hXpSL4CF7hYjY0OuHcRBWlly6SBXLMMahSdXS27eAsO9/jD6cPYf5N0fl0Fg0w3Hx8/NFMci6z2Z5r2Z1whNBh3iPetCHHrkDtTrz3MyZl0q8znQ39BCJ9xnNCIdYocGqGZvhC2/YKwEvni2K5MP0v4im0IdiDud97zbGepyVMbPzVO/k77SCamBy34zmGQwxdTuUXmTNfTSCvg4GfelSY0S9FLQiok/viTwVV1W3Ia7nwQjK8hIqibSKp1jAMywUpWYBo3ybG9BDWWBFwjPXwaPoN/oiVF1MMXK2ee8WxxAR2OwUqhmOjrS6Bff7EzeYZaaXSI18ooGXioq8Fqp/4sB95RU4egesWrBsp7LB0UJQuoJKISj3xBxxSByePk5EQKOETlPOgmPbqGFAPcyj4gXKc9D/BxroMIxH4w2fVwTib2K1gtvc5ja3uc1tbvsC29/EaoUvsHlEJCGGjyxr5lDzJazOl6bx+cIya/RTeP+Ld4C479z5WEjsl94AiCgSxgp2nFyDZom18lT+298BA9jrJUJOYOXcrbMOns5m/QHet6jeF45i5R+NsI7ZozroPYmzmsIgW/rBQ0QtFubBezg6oFtaCcgnFgcS+PgudPkXVoC0l84iMlKhMlyHDPkwmcQWV+NhRg7aZDm/+cZb8uUXsaKfnwFv4+3XgC61VjzJsVP+QioFtLK18YD7xqr6ymVEO5KZJRERScToSkl9gw4jCDZ1zQdkt+8dIV8eDAVlJouIQZB57mvXkDOfo5Lf7Q8hmnmwTY5BiIqS5Df0+oxSEBlqFOPOXaDVOBnm1+k4aRD1zmR5zetVeecd+IUdHCCas7KIfQwG9A5gpOOkDBtjO0bNANV3MERdCTFfCkX6X3AcNGLQd/Tvyfq3PHJEroVBGnqPiD4Uo7AoP4/QtdGr+vXkbCTGgN7ufgwEqMhidx/z65CRA5+P8yRMBMRr0hn0ZKD6BZw7A/UxocaE1tirb0WCXgD9Hs7z4BDXpFABQrz0+DMiIvL0dUZvllDsND0FhO3nNfcYiFB1ieabzbZ0yL3o9hAJm84C0Wo0ps5oXJCRoyArQGZmcO+eOXuO40jlwCrm5N4+IosaIVDkeLh3wHOrOd8fHeLvMVaSTE0r2sZ9Ew0iGhUNYR7MLyJy0mY0p0+OUphovlVDnzsNVhQ49wueG/Pz2K9GIovFvHT5TBmbxrF8nEMF6mDUGxjzVIycCYvKqbxnDXIIuuSe9Fi1MDXOqEgf+7/3Pu6zVBi8iskxnNNhqSBdjt3OQ0SdwjgdmWWk9M7HdGlsY9836B0yYBTs9seINNgRovGQKnDirVc5XgyHmo7z4ojmgC2PKBnq9XPcGq2R35z+rYhQ3NDZ3hz5/vNsn5RN/7wO40YO3OY2t7nNbW5z21BzIwen2qBvSf6wJhYR1ZlzqDE+yxr87ftY+S6yUuDoGPnA3QdAUoZtSiJB9Thace1vIJ/fot76lavPi4jIOp0SGz3kCiOO4x9+l98F0zvEnGuKufouqcFNOsnFeDzNSVtmT4RVBdkZfNellsLGBvKWs3PgIAyYn+52gTIGzHN/8AEY3yn1sWfa96iCaEiQNeVe8ibqDewnMw5kWa3k5Yf/BgaaL78ClL6wimNu0y3O9mvemx4BmnMP4vz2drBdh+6NK2fRiXnmZNNx1VZA61AhMcXaepN8iNdfe0OWzi6JiMiVx3AdPR6MZSKBz599BpGFn/ZfRf9ZxdEmO7tUAq9jZRL560oN6GV2Hr9bOQOmfZsISWn8BtULfX6PfO2rXxMRke9/D5Giag3XP0AFTPWMMFRf3QKCTlCFb8D3HiI+P6s+jhgh6bSBvGIJchmUgc4a9WarJ7v71DwgsslMYB4rLyEYBMqcYITMYn7aS37ExhbyvT/9CfT/v/oy0Ns3v/53RUTk9/+f/wXHYjXPgMp7HaLcgW2K0I9BiOTaLUVf6pqHsY1Sla/XQZ8PDoAc+4zKaE395ATmXnYGlRSLX8I5ffzxBzxv/D4a57wglIxEIvLhLdzPNu8x0wBKZYDA8ecwK5hLAXIyUmnM8wn6n0zwPsks43mhqeRdRgr2dpCzX7uPCp4bz4G7MTkZk60H4C48u7AAACAASURBVNpMZnD/mo7yHyshqGS4vIJ9qz7EPpUftQKg3cWzKJHEecbT5AWQJxAOYK5mpxD1OGYlSqvZlCAjfyFyLIr0ZaiRD5KZwjXzcT6EI+QesCLI69MKGg4cI4wGI0aGjf186xVEeWhyKRsPgfZ313elU8EcmWKFRIjRp/c+hEaJSRR/9Snso069h1KFipl8/jVtanOwusVQW1w2RfHKJ9DowEnq3haDpWG25vmNYb6CYxms+3J0DDRkwEjDiGujYnHHW0FLKRyvhr8GVh+NSgx/+Vffz1/S3MiB29zmNre5zW1uG2pu5OBU6/X6srtbcJDBwESe8rnnkc/MEH3c42o2y7z5lavIc26t3Zden2xxauVHgli5VovIyz68i9zz1NxlERHx6/qMucMqqxUUKbToQqcM+YlpOur1sDo8osNgJIxVezQWEYqCiZ+oY2kZSKVwALSa20dUIs4cYoooXBXgaszn7m0j6hGgel3AR996spmrZSCCKtFMl+h/bnZB8jmgpbfeRr32E09BVTDP/hZZW56mW5yupj1O3/FHqYrzN9eQ328zP3rpCvKWCUYKag26O3aAGMJEu7GQR95/Dwix0QICfPI6qkuiVLTzMy+/QL+LjQ5W+tEgUVyHbHvqX+jvztCDIx2jPgA7P6BK2yGVE2cmszI1DsT2e//+74mIyA9/8PsiInJApz6TKNv0q5If9hUjvyPg4TGo6qiRqXqdFRX0+RiQUd9pqrIgxqvRNmV6FnNK+RqT1E5Q8GGSfd23tIICEQU/zztMT4XlJexnYx3RnZdfwHg++/SXRUTkz370L9AHDx1DNfFreJ0L7Atin2Uy/3uMiGm+20sPkY1NsNVbdURv6l0qZ7bw6ErS8bDP3+/uYLtEghr95DCoFoOqEx4crsthbl1ERGapHeJj7lzowmfbuIeD1MOYpGKqxaiHoxjYxrgtr4Y5PohA1Oqqp4HnycVzUF71eejyWCvJyio4AElyjeIJ5OE7plZzAOHX6C5YLOMejqfUQ4T+JmS8ryxTrZHhD4tOipkxnGOX0cLSEe5ZMfHMEDlxGdXnx4VziIglxnB+uX0cWzUmTEsjZfhBPEYNgjGMV47R0eULiH4Z5Af8xS+gzLqzBX5RMjwm6QzOv8JI2EcbVMwfw3nMLSFi+HAD3z//CsZynBycW3QjNan7Ylqcu4ygaW5eowCq5WHyXnUCB9aJ5ojBSIntaNBQ+bKnfB40Y4RrYJvDGh3K/XLaiF6Cg9HtR7c5we+jFQwa8RiuTcB5fj71Cm7kwG1uc5vb3OY2tw01N3JwqsXiSXn+pW+K1wsU1mJpcIQKaE8+/Q0REUlSM//j28iDNkp0SLzwpLQbWC1vryOXmOAIR6k3X6P7YIoqhH0uN6NRrK7jXMWnyOSNp9CXMhW/GtTF9/voKRAAgqjSObLf7kuMTPYOnRzHqMP+4vNfERGR/OGWiIjsbACVVdmnaJD12HGsuhtlOkx66CERR9RiYRYIKsda4mpF2d04V683LrMLSyIi8s478KXw3cV5PPYYcoav/hBqhXHu2+vDsT2WKrphvPrM15XrGNfKGtBYbBrj9eXLYIw36euwcQ/XxKbm+ljClmIRy/BbH+G7Mmukn30eOfNxVhsk6TERoY7FBJXghO6DDx+iD3NzQKXnl4FmPD1yLjJAbT95D6qPH32ouflvSYqqiVHWfH/3N+FG/kf/Gv3c3AKKzfhw3skEXieJ+EIGzjeSwLF6Jq5NqQEEaNGYtMKLoLyQJ54Az+Lspa9JIonqjFgUxzScfCXVGxlliCaobE5NAJtRqhn6eEgPr6/9+Z+JiMj+IpDxk08igvDhPURqtvbe53FwLkFPVAYGbio7gGPWO7ieffYlRN2KEiNtx8d4HTCXnDsix2AOlTemgT4HfDinDjUmKuUmz2lYR6JOPsTSakZ6fUTUSs69w3FgPttHHkSAnq9F+ld4vchvd9p4Ltwiv6Fax7lNz2A+ZTKIMJVKiMCVjvH7w319zcnNm7gn/SEcpEW0mqKnQIzPhbu3wQO6/KVrIiKym4MKqqLYOqsTqjy/S/SsqNFSsieYFw1WP7UZ2fRZHjFZwRGNA72PTeCYqs8woN5Hm9GLHKsX0nxGHbGaq9XAeU5T7TIcwvkXDlAFdO8e/C5qJcz1iRTvfcuWnU3qF9TRlxsvgceyx/NZ20K088w5KCFOzyPyurEPvleX3AovOUwhRqYsp2AG80K5PAaRuI8ROOWiiGmIn+67fX6mtgyOdggtfJRj4LM1UkBvBVavmNSc0H+zWuVgPuIQqe2kquHEfkE1EUZwvDEaSeDHn/jpL9fcyIHb3OY2t7nNbW4bam7k4FQLBAOyvLooYgMR+Fjv7vFTW5zs26UzQIETrFo42NkSEZG9rQcyRR+GBS67dnawso1Q0c4XoBcAdQ3C9ClXzkCAddnFI6DXGOuXM2Txbqxh1T25BPQ6liI/ghUWvV7fWSX7yEIusYY4ROZudhGINzsLVFomG19Z1YcFoNIAneDUrbDWRYRhYjrMz4FKJibAhBZHx7/jOJSN04fgPhXPpm+ieuHMuSURESnsA1Uszqt3APbZpzuhohmbanblGhBhm9UafaLaOGvzF5aBLN59CxGLYqUtJqf5DJnasSjGcp/16NEoEFCUHA2T41Rj7jEew/vWADyJvSL6cO48cu8d8hwebiFa9BFRXq0FRPrGW38uiQSuU5J6FClq488tAGWtbWEcBgMywqmcqT4YfYvVDUTAlRpyzbVmm32gh8cyEPVLz6M6YmUZc7XSCEiT2hmJKOagaWIM/RohsPT6CY6pantEWfYA561KgBcuAL3pPEjQIfES/QG2du9wvziu12OLUM+hyXz8IE7dhkiA543vi0TZtTrGvNtTtUleK+p7vPo61C7Pn7suIiJB8iKU96G15j16CkRi5AvkjmV1BQ6qmRTuj9Ix2flE/PUm9vHxXUQGUgnMn+kpIOuHrDTweTAe6tK59hARKoNeFvmDNfYd17ZSpudGbEKy07gXbXJKHm7gum5vI6o3M4XzOcux9oSwjwTv+41b0CZRDsHCLKIhNd4nx3SSzUzQtZKKinVGnCJ+j8R5jyVZ6dLv0T2xiAjBIb0yVG0wwcjS5gbmJEUqZWkZ42k5jqq4Zh/dAh/AstGXZBL3ao3cl9zhnhgenOdXv4vo7Mw8KkCy5BglxhhptVVzgJU09LvwBdVCklwb8iEGDhhX+UK8qDulaakOBj43bctB7Rpl8PjJxeGN4SMXR6vALPXecNwcyVHQKgbts1Pd4Egoyic1w/Cc4hJ8EqdAxDNiGmHZnxxJ+FWaGzlwm9vc5ja3uc1tQ82NHJxqpjmQUuXIyef7B6yF9dKFkCz9ID3Tk2QEqyf98rlzDsM/Qic2gyj1mGg8yDxcl4jX71GNbzKAmb8OaL6vTx+DJlbh6RgiDvduIZ8bZcXB+YtAFtm5OWmSkaxOjw0DKKJJZ0OLudGIuq9lkIuOxIGM2gNUYzQa+H06g3OoMje5vo7oRSyG39drQMgR5k3DoZjE4syRh4GI1I3xvV8AVT//HNQES0XmGlkhMU49hyb13vtU/vMz0qK5wcMDRDHEQD673SMqHse1OHMZCo2p8Wk5T/Q8lka0JZygUx+Z8rzMEmAfL19DZUWnrr72WL2bzI/X6qi4UJN5ihfKrdtAcVV+H4uxqqNZlh/8GBoKv/07sAZpMSqhiCgaQ98SKUSjVpdxPVWNsk+uiYdcjALVGwfMb964gYqaF16Aq2U4gHPc28d2oVBSYuSz9KhroREPRTohztV6gTwAsvLD5KJUK6jbP9wDEtaIwqCLcUiQaR8N4xp2Whg3vfbmYCBe6jowQOJwbJIJjFWLkYJKGcfqkQfByytRbre+iUjL1AwiRVppUSpjHk1mMJ4KA+/cRlWI4cP9tHdwT+ZngE6ffgrRrDq5KKqyee8u0Ls3Qk0FepHsMlK4TZ7I8zfAXTEEczbox/2Vy6OPbSJkCWGiaKXOlUuPS4baGXt7+GxuDlyDfh/bViqIbu0eYE5Fk+SizGC71C7GaWaGlQWs3rhH7ZXMOHhCtSrOW3Ux/PTiCIVsCYfR324Xx1pbx3mXKogMRBKIjPhtzI87d3DevS7uyceuIGozO7OEY1GlsUzO0tIy+mYLrsnWFiIrmzu4h+fnz8uFy7znqJ2yU8Y+xqnKeeY8uDP5I1aIMFKWSOF8g6xS6GiEgFEbFfXQSgkZUB2UOhIDVr946WbZbrSlT6dUD+9vBmDFZrRCI2p9rWJw9Av0PZtTxTAaMdBmDG/4l7RP8lA4vU+NJFif4MvwyzZ3cTDUbBG7J15OpAGFdPwsi9MwmFrThkN4UHUpXBJLT8ozlDfVB+8KhVQqRUzq+5SeLR7jARxUIxqGdltNEmqieNVSp6CBG2uT5YPpJG7Y23cRrt+nvfD88hl55jkILflpOdvng9MakGhIeViTk7pKEleU53P2IkhPtz+k7XSHpEmW7PW5YFFJ2gAXU/UaQ8ThoPPP3EPRGi1R03FZpwnLhYsIRT7gg1gneziAvveYPmj0MfZxWs9WypSALqMvA5MmQZR6npnHguCJ68+o7I5DNCPvTJJcwAx406upUzSFfwIxChD1GaIODygzbE7xXLCjCh/21Sr+Oahd7jGJmpFoRtb2kbJ59W2Qsl56CcTM6SzCyr/7u/9QREQmmaLptUjYI8HQ69fQNZ5UdS7cbjyPxcC3voVFx1GxzN/hwRtJ4Do0a0eyRivvfI5hYoOCQ/wHTcVlWVrBwmSWhl0HJGi2KEh1+zbC6YVDLOwu0Y58IpPlfjEfnryOf5q3aOhl+Qbi1XAw597UFOa1lq7mcpjHxyX80+uooRjLiys1zlXaAl+5dFVERNpdDTfT4pxPNq8X82mHIkqlY1yHZDogRyWc//0HGNsrF3Eer70KouXuDv4JPvYUxmFnG+N2sMOQPBfwWZJju7QwbtOWusxj9SgClaOJUog24/VmRX7+Fz8VEZGzZ3Ee4xzDXo/7nsW+13i/HJMUaPsxLlefQBl1pYTFw3ERx05QaUhL+fZI6OvqeEax/9lsTMrHuxwHAA6VC09nsNjTf/LbO5g/c9NIG125BAKqPgcadYxnhNbfKVpXG3xeBoL4/vEnMM4Padwl3rjEx7FI2qcAmd7nnT7uJUdoahLP16MatgtHcZ5etdfms4q3iWM0pYsCoSiYYZIkSJBmMM0wPzMvSwt45u7sA+itrd/meWJfFgGKE9ofUUe2VTOJtYqezzAMNrgf25F0Nk9959e9fspvlbD4+Wszu2kFt7nNbW5zm9vcNtTcyMGpZlum9Ds1R3BFQ1UmZVNVtSLgxyrVosCKSnQOzL5jjOQjEgqTKDfJla8i2ocPsGp+eA/oRAU2em3ss8fQ1sMHNEyhKUqSaNasAoW89BJCoh/dQdi0mN+T73/vj0VE5JkbN0REJM1QdcirCBmr6wrlUdWitUsSYTKFPi+fBaqvVBHl8HM8VKCnQxvYFMlRXdoyV8tNCYcxtSwKgAQozathr/UNlKhln0d6ITu3JCIixyRBpYl8wiwj9ITxfi9Po5oY+tpg6VOKyMMy8X2dKYFWc1caBQroMOqSIArt9NCXNiM/84sgGA4oUawRJBXYURvhOAl9QrnkuWmETb/9NZQnrtO6+h7Jo7nisfhIJFPnWB+JqPE4S9hqQHy338d1bJBEeu48hJkSEYSHj4+BEM8uwxRLjXryNCTyeBnaNHD+tz+GZO/hzr6DysVCBCAzjj70TFz/7V2WR1La2RfEfG80KOWcUOMp/q4NIluA86LFdJYvgP3deBZCNQl+/8ZrP5SkH/eSIls1llLZ8EIB0Yg2S3e1pNUiSThMguaNmy/h2ESY9RbnxTjCzOEYfufxqPQxU0Q+bOfxhRwBrc1NEOayU9T1NXAe8RRQ28Eu5k9XUakd5vYkuJJMadCQaHMNKL9eY8RF01C89jFG4AqlA7m/gTmytglk/+IL3xQRkcVFCGzFaAJ3jhbUv/gQZbJtRvuCAbw2GLVS4R6D0cI2BcpsppLiIXw+lsS5He4/kIf3kUYcsBw4mcacvMdnU5URgWtXXxQRkaUFRBY9BraLhPFMCpAU2DfRl2IO6H53FwjcS5GpV772koiIvPDyd0RE5MFGXtZ3MVY5lkUWSFh9bIWy8W2MfbfP6+mjpDNL+tJxRFwO8ohuJNKaCsF4dKnX1O+gjyE/5t3KDJ4bszP4/eJCVmySGR/eR8RAc2BqA992BLs0RGCdfnFMnUakj2QU/dsOiXB4SzVG+6KbGzlwm9vc5ja3uc1tQ82NHJxqltWXVr0gyaRKs1JgqKRcA6CyYBAr5RaFREJEL81eVyJEBcJcUZUkp3IJSMjHZOjyCnLNeZrhdFstHhNozGLJW5s5570+0Ms4iY6NQ7xXbYwnrz8uIiL31x5KiQj57dd/JCIizzxFsZ8kVskhtQcmag0yctBnJKSksq9jKrxDFRiufBWdKoGv3VTjFUpHewZimi3uk+VcLKmKRYHoOlyd37m/JSIij11AlKLBcrvBAH2MMn85OYG+GwFciwXmxQ0K1RTzyPf2CBFsE9t1O1XpVPGdCuzkmSu/ew8Iz+ePcHwwtjFeA41KmJS29hJZ9asYh4iPfeQ1OcfSuDPnkFO9+TKQUr50JPsF5J9XlpZE5IS/0mngAu5vI5JSJTclSOKevvckgU4TFMWZpByz2g0HaX7zcB0o+NU3vi8iIs0mzn12Oiv+AMam0waStWlF3GeOOcCS3WJxC/vuYrvVVaBWlXC1RU2gSEgkiTZInkiO0Z933wPy/M43MP+8A1PefudNERHxs78hijUp0bTB+8XWMWcUp0dr5+duQqJ5fBxIr1hSAR8gbCWHKorVXCy75tgLh8IeabLUtMnIyP17kOg+dw4cg8o7NCei7LZBLkmP9+qFZ85zWLDPGqW+C3lcy06HBlQc3wSjJGoz3ht4JUS+x2ER9/PP33mb54+xzbI0cYpclLOriDz+5M3XcWxGHCOMZjZojhaL4Z6t0ZY9HsA1It1BNtfAL9javiepNEnSXYzZz97FOGRoI/3yC4gYjKWzHFNEf8bGwM3xejHoO7TsZkWw1GnhfpBHH0oVvIYoFf3dSUTcvJ649HsYux6jM3FGiEI8L1NNnFh6KCTi9ukKd2Yez78uDch2DkhA5fMh6MMxz1NKfj6LyEyEZbkBzuV0OCBr64ikHOcoVc2y4gHvNT/5CQ4hV43WGBjwKTdB+S9q/SzayHNwyhE/iS8wSkD8ZLlk/e2nlTj+Ks2NHLjNbW5zm9vc5rah5kYOTrVIJCxPP3lFohGs+DoUQfH2sVorFpAX7HnxvUmmayiC1Wd3YEmDOT5psIyL5UtxlugplbWj4h5cRdfLQOsqyakWvpF4mvvBar3dxSp19SzQzWuMDowdYfX/xPXr8vA+EHGMaGqCueIIc+jUKJEWWfgNmvSoEsiAZXY9fq+1flZfS3XwfYxCNL0OftdmpYBheMRiXu6p6yhReuwa2NhbW8gJ3n+AfN72AdBZNgsWsjLlS4yojBHNV8lv+Pa3kaesEHHrcWzmWhXVCSMXxqAjk5MYw/19RAx+/CoEkuIR7PvCRbCTu0Tzyk0QVlj4WMpqWOAF2LwGPZaarN8FWq/TNnr+LNBJeAx8gEAkLOcvACVVSrjO+8wxB7k+D/B1Ig2+h937/9l7syDJzvNK7Lu575mVWfteXV3d1Vs1uhuNHc0GCIACJWqhKM5oLNnjCNvz6HDYT46wYxx+mkeHxzFeRqMZj0ZjyUNRpEiKFLHvIBpA71291L5X7vty897rh3O+RFcTpDgkaCKk+0cgCpWVmfff7u3/O9/5zsH+yO2CtR9lyWtmAt/jpxhSOkHbZUq61mjUdWwWJX43bqK8sl6pSpjUGZXs7lJoyqCxEoN0qVXwusr8njmLyD+XR19Mh6o3RFICIXyw2aIkLyPJRe7DQSIxz154QZbJ+FehrtFRzP0u89M7uzROijFaY5nlMZamTlLAK1tAH1Si1+HebnWwRnVKh8fJTYmGEUl7yV0IeCJi0i66WkZfVtq49uw0EIEgRcCqTaI3DA01iu/PUEaZUt27m9hfWn5rONiz/eS4KLel0cL12k6gx8GZoPXyDK+9toK53t3GOI8eJ5JAm+1pljzmiQwE4oAEBlKsqDEp4Mb7IEbDrsVbV/g59HVkqE9ytEseHse1R6bAKehLYW0SAaB2ftb0KSrRpsmXmqN1uqxiInRQp+V5LI21nJoD72qPZd03bsB4SYykxCPo92PnMQ+BGJ+DfDYF1IKcEFCNqK1HiHq28PdHFyBHbbf51UQajs+j3DJMrkGtRIMz7v0Iy3W315ZkkaJNXqJZFp9/HZbzhMLKOdP7QJGBg1LMvSheHZr1fQ/UOjqfKmDE8sgHgIIfN1r68dcN13jJbW5zm9vc5ja3/TKaixzc16yuKaX9XdltI9cUpaiP2aCMboT5KyIHwhrqHMVOIrGUDI7g5OthXv/OHZyO766CwT4yjFP4MKPK8Qm8/3ZFBWnw3ZrXCtCIJ8J6XouRVImM8hMnkN9uUz+g1ajJNKWIR8nArVAwp9ZG1JocwLWHBxH51IgUqPAQ6Q4SIVrRYjRuaPE4+/aJKQjnz7ov/2UclDUeTaP/07Q5fuICa+CvIve5fAcWreko+haLo2+qHXD6SSAQFWoRbO0gOjv1ECLpKlGLADvvJx/AFm8v4uvvx3emUohkdimk9HQaOVWfDlyrFCh2UmAdeDSIeQgzMmo1MZ9lRuuvvYXKgH6y1S+++BsYe2y0Z8U9zkh5YgDR5FuvAMVQyebpEaxZnQhUkAjB0Bj2Yq0GVneRkfPw0ATH1MfvR0SZIV/kyGGgGK+/+TdSKID30NfH6FKATjRUghlTKoaNaGx7k1U7NLNR22Nb879eNeoCMmUx995k1B6gZPjHH2GNn370YVk4hSqLjU3MaTymxkI3OV7MrXJNMrxPDnMcHWpVBIKIlENRXPvaLRqdxYkMkF8SIgkhFsHaexgpdloiDd7XfiIENnkupSLloOO49lYW+6RLZOTxhxFhx6LYR7cofLa7jzHZDqJS1RhQSWzbPsjRsf1+mZ0Dn2OBIkAqQa6aPXUaKl3+GHtrmPe0w+fAPrlHI2nMT5TaCxVyD7xElG5cgXW6Sjr3ZzDm9dVNsf2Y65lZ6BfMzGGNblznfiGCEKWU+34O11Q9BLWpt221E8c4wxHM9fFpoIED3JO7rKypsiLH4/PJQD8QEYfGXB3utbh+V5CIAYXcwqwgs4hivv8W9tjJBSBLX3gMVR/FHLk9VaJE5JkMU+beQ3Tn7dfA4bi79L50LTxbM4OYoxA5WTVq1uQLuxynVjFhzRQFUl2UAKWdFSiwfwaxo5/UFBnweA6iAvrM/WU0Fzlwm9vc5ja3uc1tB5qLHNzXHMuRVrklV66AMRyhUUqSNdkB5r/bLZxmI7T0TfGE3Khty84KoskJmpBMjECaOLizKiIipQ3k3EvbyPmlybqWEKWIybbvMi8cCOoSoS8BtXamfkA6gc8HyMLOZVelrOp4HuRfC0VErfdWEeF2bfT30DyilVAUUZWp1qSsytghIhLWWnNTKd9UDOT4Wy2yb5XT0DHEFpr7dBFd+ZgDrLUpTUpU5qHTkP09OgdNhgIrCQotRC1HDjG/ywj5b15DBDQxCcQk0w9kom0BmdnbQU47wT77rYAUtxEJHDqCnOfCAqIsx0Ob5AmskZDZnAhg7gsl/H3tEvgRmTAip8Fp5ikpZdtkDb1wnxw5Ae2GyWmgJFtbt+X6h2DpawQ8f5TR1CD2lE1dC1VV65m2EEkKMLe6ncM4cwVEX+998BL6lgEScfoM1jRAA6LBEVzv8af98tab3xcRkVKD6xrmtYggWIyENBqrVMC6L+3hmn7mmNuse/fYpL4zcjJpq2zofHD/tWxElrdXbsihaUSnqRhz5jvYm9Ui1mhsFBGkyt4OZ8DOT4WmRURkt0wGeRr3y/ouWOkfffyyiIg8+9RFEREJtbn/WOUQ9GOfdDpYw91iQ+o0zvFxv3sFm3R1D3tohHLJ+5cwrtlxRNSHD0GBtF5HBJktog/1Nn76afkejyKKXSNqVOP1RsiUf+ihJ2RyDOPrkgiUy+G9Aea14wn0f2cXa9FY4d89Ac4P9o8+q+pUDmyyIqWUxR5O0+irQuXN5RX0fezQYzJ/CnyOJhVU93JABOaO0Q6dlVaqpNqmAmSN+ic1ci7C5Il4WKmVol5KIo692yR/IEl0METVz1Aw3tO5EJvVAwa/y4/PtLqKGFE3hRycIp9tMwNYq8oaTaNM3MseIUpG/e2RDCXN97FW77wLNUw/Ja/PnZyRdApSzaPT+M4oK4U2NrAGf/ntb4nIJ7wZ8fT8lUVExEtdD63UMnp2y59upvTTdA2MnmYCqxXUP4oIQo/HoPLJn6FSooscuM1tbnOb29zmtgPNRQ7ua8FQUI4ePyKOgajsjddeERGRnT3krQZHcbqss36328Hvx+cRDR07viBt1t+WGQn5qYEwPsFcch0n2Tq14CPUGsiwiqFQINuaCn/RKN4XJpvX8fIUzvzeGmuLh/upRd7qygeXLomIyD01aRli/T6NkvayOG2vrSAiHmb0ojbSAdLWbZ5815cRSWWo+9Bgrt1LPwhVG/Myt+oRby/vapPnYDlUwiOHwtZzKU/C9CaRJI1UxskPGEnjc5doTatVCQNkbXfJDI6yYuSjDz8UEZH+OPr62JkneozkWg3r2p/Ge7/84kWMqy/E8TIqoSnND34ABCmfR8RQx9RLjaqNwSJ+rm8iMtYa/CefgOZ8iXXdb7z6kly7jH7t7yPKmiQzfGoKnIkO+R4+5pKjZIbfuY0IJ0fNec17GtQaaNbx+8uXkZNeW0Ok+Nzz4DsEaBHenxmUCxfA5H7zYUX+LAAAIABJREFU7W+zf6v4Lo/qF6B5aCDTauK7v/nNf83X0ZoN5JxPnkIFytGj0FzI5RG1WRa9O2yaRTGaWVlZlfPnoJo4Mox1vErFv/EJaubvY6495H/MzCLKrjM6jbO6Z2MXke9f//UP+H5ydFhBU2dFibLch4awx8+eI5M80JUAvUQ8RLna5CBEaBs9PUVtgSPo0wIrJrxkzK+uYz8VyFEIhbB3Q+Qw5LPgKLS6eP+TTwMle2gByJLfG5c8c+IV2hur5kaLFQ3ZLdx7Bea5j8wCcYpwXcdGMPcNWjBrJUSTKIVDz4E8OQhF+n088jit0+cXpE5tgY5W/LDaok3U0k/Yb5c8kUZV9Uww54ePYm4jrI5a20alRZIGZ7EE7sUmrb1tVnnFYri3fb5QT63U8CiaRavtCvkZDsbD9L90vPjda2D+Zg8DpYhFFLHEPLDoR0olalncwf1ULGMsh4+Ae3Du4WO8bktyVFRtUHVzZQP33t27d/keND/5MV1qcnwCCKgmgVYc/PzVA4op6Fc8KGPgeiu4zW1uc5vb3Oa2/9+aixzc1zqdjiytrcqheaht+UM42f7wb8Aov0E3uukpVBioMtr7778pIiKrK0syOQP9gQTtgbuMogo8XHZtnMeqTbywzFpyEZxCPcw/zbBWPko+Q5ufDzHvnWce0GJuVvW8Q5GgjE0it76/h7x9aRmKZ3F+Nk6lsypPz0Wy0cfHEaWZzNP20bWwXcXpfG8HLPy+FNCOZh19UAe0aBjRfrPREZtM5g/fBzpxbwuRT5os/dGZaRERGRgCAtCXpAojmfB+6jvYjE6KJZzi+9P97AOiNHUK1BN1gjX1S/dQJXJ0ek4SCUQNG2SVdxidR+j0aDNvOzqMPr3/HvgBFln3XS/Gkm0D1almgTyYW+jbkVlEgo+cx88O0ZI3Xv0rERFZX12UoQy++8UXoNOgteL7rO+PM8fsVzdBnts9fmrkN6v8yXxvQ30xsP4MzmRlGTXa3/sr9OGLXwRrOxAekXgU41w4iX6+/hYiX4vzYGlxOPULVEth+R5QCd3vh48CKXvmInKz/oDm99G3/T2y2anO2NeHNbYdS2o19Gt9DeO2GWWl+rB3NuleGaVCnlbIeHzU0iAnZ4/z9tTTqDSZVASmqUqLiFItsv/jMdyzC6dwnXDCJyGiDGab16Bjn4+8D68X++Z3/wFdBuOIMrsNfOfwOLw4drPgFpRLjBS7+J6JaUT1v/0sHDNTZOSrL0K7bff6EGUU3WrRI4HIydY27t2hQTxPBjW3TkvjOrU5yiXMPSkq4tAHpEaOQa2Dvfrksy/i++gLkc+XxEckZIKVVBVqCBT4/BhIY329Hrw+NYXPjk1g/GozvroJtLTRwTXnqF0SpA6G0PfEH1b1SiIVpiU+VhfVWRGidsgJ+nSoj0EppxUh2P+hMN43SO5OgJ42FTrEdsg98NIRMkSazFgC85jO4O/5EtAhs1uTAlHf/btAWLdZXVEsYD8bvC+8qr3gUctmtE+0apQX8PPH4AZ5YIbn09GHHvdA+WLGj2sj/LzNRQ7c5ja3uc1tbnPbgeYiB/e1Zqstt+7elZ0cToonjiMy+u2vIyr5zl/8byIisriImvyZabDc+xl53rx5VTaYIzz1EBS5JqamRUQkEMR76mVEPmNjiO4jVfy+vYuT8ABP7z4ecXezOK1GwmTrEkLwBRDdtLp0IWwx6nOqMjBC7wcTJ+ANqvE1eZouMv+oToblAvNWXfx9mozyJuvfDxENuUp29k3W8WttsvGA7oPpiHhYLaDKkBPU0DcYGpfLiHQazCWXGPoOZxAhaSTRIe/BYyj7GFFHjvr9HubmE334mU7he/YoxfDx5R/J+YcR4dxZRFQdCGuuEO/pUMnt6kfv4zMfo2b6xAmsu6eACOLmOuaxUsJajAwA3TlzBpUWQh/2D4gkLd0GT8LjdGThFN47exh7pkxOSbONtWjRjdOh02M6DsQoFMfa5HKY+zrRmmoN+6JURn7XYO6VAIRsbyHifOsNfO9jT3y9FyEODSGimz+KHPq1Gxi341Apk8iBzb0VCXENiOL0JVg5sbEqIiJ36I8xPjmNsdSZD+bjxcef/QOZnnNjkOqSQeb3q9wHmvf2kbuzX8R4I3Tl1IjyyadRMdBm9NlsUf+jiIqcFvkvXaZiTbqYdoVcHjMo3gr74sP94tdQicx45U6E+7HnVGMkRH2D8RjVKgPPi4jIj94DR+nQJBC4x84D1SizEqFALZMYeUb9AyEJM4keI0JoU1tjk2qehkAHIcX7o0iFzVoN46mwEiJGpMXmfDhUBoylcI8f5x4NK/JIjYF4X1wseqqsreK5VqG/hcH9MDeFPnjGcW86rEYolDDXeXIQciU8P5R7UOXzo9mkCqgX+8+k0qDHVm+PTm9fdHkPWczst/J4hnVNjLuvH+Ps71elRDxHPvoQPKtcFuPSZ1b/AOZ6gJoutmDeTG6MbB4o1x79RPK5bSkWcE2Kr0qQyFgojGtrdt9iX38cGThIEPhFIvmfhBh8yjt/wv///M1FDtzmNre5zW1uc9uB5iIHB5ohlgTEH6JmuoUTsuPDWfH5L31FRESufoS8+ccfIhcbYk5tYnJMSoxQ3nnnVRERmc3hBHvh4m+JiEhwhKqEDZzOh4aQ/x9h/lIZvDdvIPIr8YRvUEGv3sJJ2Uddg3oLEaSZw2k8GOhIo4HXAjFECZlhnPjLO3RHY3RVYp1yXxrRhVZKsCRYxkap876JqHWC+uSrOfT9vWtAEJ5+ChFULInrZAYikmb1hI91yg5P2YoIBBnBaF4u4KNGApERg1yKLtnXh2eR122ZrOdlhNVhxO3vuc7h+1MpRGK53XXZ2cY6xpMpjgfcAx+vfesmPtug1n6LFOe1DUaKjBw99FrocF88tICqhEgYY81SF+LGNUTiXXIPAl6fTE1jz9gClMJ2yOg3lDNBZIhRerHBen760tcIDFWIONTIPXDoc2CQUW7SsyNFTsb2DnQ13n//dXn8SUSyDqsy5uehob/BKHVzAyqF0bAq+vE7GUGp3ofmzFfukbNC19J4XP0g0EevoO9+qhT29SUkEsNrIyNUtmTkV61jT2YGsRfDdMJLUCExzMqCgSiiuHyVGgpddQqlex/hINWJ0Fp0v7fDeQnye8O9ihndezb9CLrCvYSuCm89abKvFXJRyvRDuXkDLn5zc0BiFh5CFcc+qxgs6vYnU/hCH58nQ8MxadFF8OPL2DM5qjH6ibClyfivsZphcxPoVVhz8VQx1eqOPJEFdSCdmMZzJUoFzSL9MYTKicWNPSnlcU2L4x/ox149NAWEKbuPv5vkS9ncqw6rXJr8XLGC9S/zZ7GEZ+HszDQ+T96AEKmwiZJ1O82eymKni9faXDenBe5QmHNYKmBcq6u4f9Y3cJ+Uinj/xWfAqZicwLOrwsoyH1GQPlY/La/QZ+Vl8MlULTQY8vaqThL0xVHEyOSDUZUQ5QGvBIevq26Bag5oBP6guuGDBQb3Vxzo//+sPgke72cf57vIgdvc5ja3uc1tbjvQXOTgvhYIhmRq+oRM0PlNWasafXUriMgnqBU+TB37HxElWN/ckiQdyFLUEV9aRXS992f/TkREvvyVr4mISDKFiKhaRs7QYkS5xSg9yPzw3GGcgGt1RC2KINhUnSuU0KelpWsiIhKNGDI+AS5AIkk3xhjYxUYfow0/8txV1kbvU30t2Uddg3VyCoamRUQk3kduAp0mz5y/KCIih48iSpmaRJ1zLEK1wnanF311qTMe9rJ+P4yTfzSKc6nDvOPOJpjR1y5f5rzQKW4YyEqUkaNtY168VEoT6pc3iCD4fPiZoKZDM2jKFer2nzwNFMfrgeJfq4nIpkmNgUgMqA5l26VMBMasUse9jT7MzyAynJkAj8Akw1p1I6olRCWpGPOidVOuM7o8egx9SKUQhW+ydnx7G2ugWhIWveNbTczPxhb6WigjYjLpCGeTphxgZNXk+1smvef96Pv62nVJMHI9fpo6/tS1OHMGNe8V7iWjmzvQhxBzrj4fUYwq5niXapZicF/5tEafbp5C5E2UF9CUUgXjiCewJz3qfZBERHeIbpKmGoUyQt6kh0CZ1Q6Dw9jjSUbEtRoiv7DKZxA56JjKWsd+2l/C91Rv5KROVMrqaE4c89HH+2ZuFqqc/WmsSTqDPgdYrROmd0Q0jHz+APdqmRUCFpGmeJSVKOTB+IkcXPrgDXnjNSg7FnN41pyje2mEXJ0KUb4PL2H/JMhXmDyJiiqDHJwuuTl9afqHKOLA6of1Teyv7S3oYDg2ImqrXZE00akMPUcC5DOtba6KiMgG6/z7yDHyESkrVjG3Q8NT7AtakBUDA/RvCAeZ36fDaIxIq93GXm40ilKuYpy6r03yn1oN3FPqwthpo6+5HP1SBoBAvUi31vGJaRER2cvh2fbm23CtrTcxv3OH8ffj5BM996UXRETk+lXokNi21eNE1FilpRVnPZdFn1YnEEHQagUG/h7jILIgP8FTQbkIDzorOo7zmTkr/iLNRQ7c5ja3uc1tbnPbgfYrQQ4Mw/jHIvLHf8vbbMeBgYBhGNMisvJT3vtnjuP8w1+0X4FAWCanjkuep859MmUDIUQC8SAiiQZri60OTsBnH4UyXrm0K7dvI4IvMcJJZRBNl/fxnX/2J/9KRESeegb15xMzQCG6NqsQWNetLGRVSvRSSz1MVnKMuduTVG3LMGJYWb0rd+7gpB+OoJ9pagYYLZz4te5YFbxqPvS1zbyf48Mp3aIK3/Qs8pa1OhXTgtRWsHC6bzao1scx+3xe8TDHG4sjXGK5vuT2gRC8dw/R/D0qAOb3MddFzr1GvBPjdDEkJ2NgEFGK7VUnOHyv+Jhbpi9CPIXrGt2E3LyN797axlz205FtY6PMz2iOkOEqQYmuge/c38c4/SZ1AuYfx3cz4my2sVZL94B6WF18r2Ph/eFIXK58DCZ4JPKaiIg88SRcKbe2gAi9+zb2zeFD0xjvCPK+ZpsukxGs4bFT+M5cAbyJ1VV83hT1RSCDmoiNjzBINNaVzS30IZrCXpmaRfQ5OAik7De/8vsiIvLNP/8X+CyVJcWj1R1Urese1LvPpClbR4+COnPyXkaQIUbOhtfTq8tvkRthkiOgevQ0W5Tlm4hwa9SxqDUwx2MjWLsAuSsWI+Pb1xBZ+6kIGKNGh8UctkbtG8tAAVe2bwpT6OIn8qHRdtQPBCAZR0VRglU4nRKZ8+S3hLyIjGvcMM023ucjOuYj/0XdPiusk//rv4Y2/80bH0sogL8tHAcKlYrgO3dWEWXfuo15UERggo6r1SoRGNUi6WCP2vRc8fiwdgPqLJjAvHRN3F8ba0BQDG9bOlq1Y7FypID3XL+KuTp+/CmOD+u5sb4qIiJDY7g3FR3UXPvcDF63CP+UC0AtAnwm2FSWXb6DNfN629KgGme+BOTU5Lr5/HzWdjEevw/3wRefRcR/5uwz6DP3k0FVx/VdzNvVxbdFRCSZQt9q1/D8aZnoUyyGDVenjki1WpVYBM/JIWqweIn0dLnfswWgHE6Pe3BQYVSfq9JDBOyDr7MpL+bTEIQe1uD89PhdaQy/DG/GX1Va4bKI/E8/4W9Pi8izIvLXn/K3KyLyl5/y+vXPqF9uc5vb3OY2t/29b7+Sw4HjOJcFB4Qfa4ZhvMv//T8/5c+XHcf5p7+sftm2I82GLVubdC8kozyVJtPeg2g9QV5B0IfTfINOaB2zKU88fVFERDboeXDnHqoOMmnkCutk8q4uIfIbGScLX/UL/PhuPyMjPU6ajErqjKT2dtE39Rqfn4fq3dzcaekwilihvsHuBqKQRBKn0FOnEYV/+AHycS0iBkLFrwoRgFWOYf4kdf9NjL/LfLZDF7uAnm7JmPUalrTJ1H/nQyznyjJ4DLksIoNKCToFDiOERJR5T6qx1ViDvr2NMXQ4P9E45jwRprqdrVELTuF71Obv0HPA57clyjzt2iauefYMcsejjHw072/reIjK2NRW6JTQx/E01qo/ztwzpSGLjOJ2dzBfgRDmoUUugmUFentlg86YV2OIbGIxRCe/81v/qYh84lsfIpciReXIIJUfg2HMw5tv45q3buN3L9ntQeVmdJWbwmg20O5VStxahNJn/zD4D8EA93UcKNfYyLSIiGxtQBdCCCC0bMxDgN4SrQ6iukiUEST171smorBQmFoNGkH7fNKgpkSH0WOI626RPe+nu2CC1RZJKmLGEtAO6LaZiyZisEztiffefF1ERM6fw30Q57W9DhEUrlWISErIHxQ/NRZ89CsJE0EaHEC0rXu0kMda5YtAaaJJoDrx9CznBe/3hBilU8PB5n1180OgY6/+EA6AeVYMpJNhCfM+z+5hv27TLbGQxe9pVhodPoy9F+X9rnX6Og89uIvR+/Y2nkmZQSALk3Q3tSx8z927qLTyGE3xJIB0bO0iqt5YxT00wHz+9CGgm1t7eD0YxjWTfWn+jj4lWN7hEFGsEf00/KxmoD9IhdoCJtECx65JoQj+SoRcpACrnLx+7H+fB/Nw+iQQ16Pz8AmptahBQSdRD5HDuolrDY7gfhrox5potc/1W/D0UN7AoUPYX0cPPyX9aayvn8qxQXJLNrcw/pdeBU9E597jezC6VwiAyIB8ensQSeghEM59n7HlpzfyWh7wefxbPvSztc8V58AwjJMi8piIbInId3/F3XGb29zmNre57e9l+7xVK/wT/vwjRwvjD7ZRwzD+iYhkRCQvIu86jnP1s7q4IZZ4JC/pBE66+Ry60MxSC7wfr2u9aogVBZlh5CY9QZ+sraMuN0Fm71HmW7fv4mScJEv92BHkGO0qEIBN1ozHEjghe4OM0ql4Fowg8tQIKEhHsBZV11appOj1+yRK57p58hEWFog6FHANky5igSTz96xCaDRx4j92HJHCxWdwOo+y9t4IUVOA+cxGHa9X8/i+Fovxa5WcZPOYhw/eQnao1kG+Nsx8bFK/09G6dHy2beK7w1Q2q7CSYJVOgMMOdR58iCiVaR6xEb2s0+/erOOUP9xvSCRB9bwGPSIonzgzCWZ8do/Rl42oNsYTva+FOW7S4W9qGvneYAx9b3Tx/l2y91sC/f5qHdfpoyvm7OHjMj2PioB4FONSpUefTQ38CvUPmIBMJDG+MKPQ5TVEOm+9i8qYLLkbzRbWNp5ALjbE6K1EZUF+vYT8cfHSbbNawV5cW4Sq3LmHkLf1tPDmR86iVvy7O4jsuuRihImcdUyMy8eoZXIae3mXVS+qDBehSmY2h715b31VQn4gSqaDvy3QobBM971WB/eDj7njnnfAMqLtgQG6ntIX5M234MqYo9tgyzqFLrDOv8U690iEESZr9NvttvgD5E5QpbIvinvMsNHHe7eBSnTJoTAt7LFDwxivBPF7KKDKoFSrbAJZKRa0GgZ79tnnwE2KxtQvpdnjueTyOf7EfTLJiqO+IaB8ZQ/RmjLvQRM/Y4xqvaTKb66zsoo8h0SCKOFbQFYufwjVTmHUmxkckO1l9HOP+iXDU6iYOHHmUcxZCHsy3A8UIq05eDooxtMHtRg6DTooUidgew3ISZnOksofUW0PEUs8YTz3cmVVesX6j9HvJdGH++a19xG1v3oJ1QVffvEP8HfyaJQ3NX8SSqTLW7iPCnXsj6E05nX8GCqspseAEiSon+H3B2WP6ObKOt1Yqd5YpOtoi8iql3wRD5ECRTFVOVEdQT3qd+EchAF+DDnQPztOTyPB5odVhNZw1K8BjXQYsXvcg88u3v/cHA4MwwiLyB8Ipuhf/oS3Pc//7v/cayLynzmOs/4zXufDn/Cn+Z+tp25zm9vc5ja3/d1un5vDgYh8XURSIvJdx3E2HvhbQ0T+ZwEZcZmvLYjIPxWRZ0TkZcMwHnIckgR+zmZZltSqZRkbQ045zTxvdp+Kgk0q3pFZLVW6q/GEmEqOizOBqOCDjxCVtanx3tePXF8lj1PzqrrSWYgU+tPICX5SOktteLo31uhrYJCNrYphynYOsIqh69hSoXdCg/nZIPPRPrLNtYb8/MPPiojIieOIWqvMxx2eRS7asBGV5PYx7lZbfc7pNJlFRFQv46Q8Sl2EVDIhu3kyvJnzDrBCwmSeWgfqUZY9FRG9YXVqQ58CRBo67LNtUBmRddBdOkjadMIzW4zE9pEvDnoCElCfghD+trQM1n6c+dtj84hObt1EHtamAmKCuVRjCFHJ+MQ4e05Qi9FZNk+nxCbG+tAClCSfvfgo3xeUloUIxmzTdY5ciwbVGJNJXCuTwlrt7qF64ebryPvfWkXE12IUG6WOg+boG4yQVRGQW1J8vTu822PN+3zo/xZr3k8cAcLkJ99lchrzMX8KCorXbgC1OHYc0dboKDgGXvVaoNbA9RvglfjpVdBR3gPz482GJcNTiBBj9CdYW8Ot3jHRp7byWbjOBqt4MhlEdsurONu/8/b38H6ut5cKiQ2yzo1eCl73IebZ4dr5Q17pUqEvSk5ElCjf/h4QAJN6DQWie0lGp8Ojs5xRKugZeF+cuhbxKNjuIxlEpamzZ/B+qnp+UllgS5sIgJ9ISZvcGosVAA1TXTnx+946YqAqkcIgvUXy5EdcvwlutoeVIjvb2EdeKnHaLE1I0BV05d6mlPgcO30Oeg1HTqC/NSJmUeqXzB4GKtNkHytEddbZpza1CObpKBvgM2x/AygiaSZi0jfDQ80W0xIZGsS9deoh7LGH2ZfFu9j/f/6NP+E8YY6Hh7EWyyvYw6NjmKe+AfqH9AEVvfAkqhry+0SeqJxqUWm21SRXaRtjyOYKPc2MKvdSuYLnqU1fjwAREY3fFVnT8fi0dMA58OM+SUTqGcinVzEcbD+pDuEggvDLaJ+nw8F/xZ//x4N/cBxnX0T+xwdefsMwjBdE5C0ReVRE/gsR+V/+tos4jnPu014nonD2P6bDbnOb29zmNrf9XWyfi8OBYRjHReQJEdkUke/9rJ9zHKdrGMa/FBwOLsjPcDj4ac2ybalUm72cut+LyCgzgJOzFka3Ge1FyZiP+Mlu74gkyNx++nH83N4BMpAvIX85FidCYOHMZxIZKNGdMUY/hJg/yDHydMoIqtXCaVZ66TqcVtWjoGW2e3rryr5uNfDZTgfLHY4gCquW6B1Ax7uRIUQ6tQpOtNks+n75MqLW/SwqLOaPITI4chQ5+xBzkv4oruuLRWVgEif35AjGu0f2tObOSMaXDqM3bSbRGYP5ubDm0lkJEWBO3mB+T5NtPjKGoxxbTv3sax0xLLLsOS8jI2BZb1IBrr8f0crQENa5VERUloxrdQrGEGH9s8dQhjCuWa8iYrp4ARyNLzyNqKfVQC63XG5Ih9GFn/2M09nQw5zi1hZ0H95+D0U8m4zqu0QaQsyJer1Yf8dWbwrm6luKyKhfAH3sGdWKVZcuteED3NdFRpvrrEo5dgwIQpER4dlHoOcwNoPxT4zTSZT7pcKKkgZdGPMFjNF2cF9Mz2CfzM0BNZucnJZ6De9pUEWwW6c2BoUIwlyjLte3QQ+SH776fRERWVlFJOlTTwpRzQ6ttEFEKEQeVNNDhTYaJtXupCs+H/kdRJC6rKQoMbr20n2wQe7J2cPIxRusbugSzjJ8WMNyAfNpcc08vDfz++QJ0WnV6+nBGlIjpyYYIseIKIuXapMBP/oSTuH34X74eXTa9DcgwrC1jnvTT/0QP3U/ImHMS7elfcWll5fVzTMoz33xyyIiMkal0yVqLIyykmo4gXu5VSRaRyJLzI/7ZX6K+X6OJcz5iUfomBrDc+V2GaCvPwjUYob6KadOPyTzx+CAG2LFx4cfgkp2bwNo1PHT4EHV6hjv5Cg+6yP3ankJMjhDdT7LxvHzKB0l3+NzeGcDa5RO4nNV8pAWb+PzjUZLAkHc55UK9kqEqKzG6YrO9aoULHVfVA4CmmMrr4q/Ow/UFPT0DR7kIhg9hUStplBwweDzznB+mZgB2uelWuFvIyL+tJblz+hn2B+3uc1tbnOb2/7etl85cmAYRkhE/lCQhP6jn+MrHuPP5Z/6rp+lOY50TUt2dtRDnKp7jMLMOE/1ZGm3mbw3yUb2e3wS9JHBzNzYceazu95pfKZDzQBqAziqFnYXJ+Q6WbXqsR4k69rwqBcBc8qEDrzMSeUY5XctW0r0UY+wamFijDlS5v/1hOulrn29p1vO7/ayJpxM+bk5cBDCQbyvzSi1Sme8dBooic3T7n6lLBHWQD//FbhRvvpdIgJk+P/j/wQeE0t3kBN9/c3XRERkj/l75VLYrKyIBhAJRMjOVi94h5yOLtfCokJciEpzltGQLvUGdLfH4piXKh0t93YR4R+mrv+dRWhTWCbdHAcQGTk8tfuJ6hQrmAf1vzh58hTnE2vYZhFEKBCTeBTfZRIpWd8A72FxETyH9bUb7D8i5UwG0YttExFwNBIkQtRCny3OQ5Br6WcFTYuqlQ6jY7PTlg6d5xyHwgWMutc3kG89chwZN4PrnyQ7va+fteYkMjQbnOsuxlQqaZ+xD774RbiXjhFpMLlf8vslaTRUyRL3iaIxihzUiCR8EmUhVljfvMXfMLdeD6JYx2L+l2vbpMuh0HNCy/8dz8E8r2WZ0hcP8hLU0icrPUVn1Cy1BpIj2Bej09P4aj/2ZoGs9uUVoBmbXNMm/SNUrTEUJfpFV0svK448vrDMH8GemZziPUY3ykgU7221wXdSjo0RRgzkCSU4Txjn/AJ4AodmwOl45/Vvi4jI6j30KUwkYp+uj8qbeOLxC2KzcmR/F3OfiNKVMIz1r9Nd0VKXQT7bfIT/FJELUkkzu4s+l1ntFUugQiDTDwTi3KPYZ4cOow/BcFT26Cp7/fo7IiKysYV+jo7j3gqHVQ+CLousnDH5/PTSpTZLboHXj7UcHUHVwpEZoCBra5iPbA7vu3YNqGiX91E8nlRQtzeuFhER5YV0O9hDQR+VMOm0BmAQAAAgAElEQVQ2qZySHuXgQe5BTwFRX//JsXlPVfFBbgH3scf+lA99xu1XfjgQkd8TkT4R+c6nEBFFRMQwjEdF5GPH4RPyk9efFZH/hr/+yS/akW7Xknyh2IODAnzQUuFVKjTkiJJ41BXcNEEvXp8Y6Re/Dw+nUhEP3I7JUsQkSVyUBe5QzMgmISnDB7HPrw8xBVAon8vXIxH+4yhaLoYbcmMD111aXZMkiVCjJNA1Sazxk0BWpNmTaeOBMUroXzev3nAqAjLoi/OaKNXL06Anm9vl+/Cg0roaXygoOUqwxpK4xsUvoDyuSyKQmtg0R/H7PFMUjas4LFR5wNFyoUYDD64G5y0eVWlTXFpLAE3+A56rqMStLYZf/zFkaSLhQq+BcV27hgdFfwbjO3QI8Hp2F+P0+fCgzmbx0IunAKfO0A53coqys4Tj6fAqYT7Aq9Ws3FmDJe+tW4BL97NIM1ldPux8TDswFaSwsYcQbcvC+D18cnl8tCju6O94WIaCGJMeIuuE/A2nIyblXy1LhXMwL2sbuO0qNJoZm8S+UeOxIBlW/X34h3z5Hv6h9vuxtvEY9u7FL4DgGokcLOXr8CATDnlkeAj/UDpcr00SwSo8aA0O0SSMkP7UFPpy8jT+EX3//VdwbZZlBlhOaJHkVmJpb5dQ7SBTZSrYFOIhxCciMf4jp6kbP9NFdRLS2h2M+/wC4HZWF8ulS2+JiMi9u4Dw80VA0n6v2objGiHeD9U27pNiTe2SefgOJeXCU0hBHZ7FOFssTf3oI5YcGi2OI8Nxos+BKOavv3+AY8A9HY9jr/76b+CA9q1v4F5+500QpA/NIlh56CxKSIcn5mR5Cesf1cML/5G/egV9MJu4X+aOHeM80HqaaZIYRcZs7s12B3u1VESf+njQfeHLX8V14vi9rPdhsykt/oMbokz48RN4Jvm8KiSGm2qgHz8bNaxz3cTzwxtQYi/m57XXIJOzsoR5e+ppmI298cZrIiKyz7LuBC28IyQfi7fbM2+LBPjcoxmaCndpUNVioKf/cvesmi1NS/HhxH/oPQ8cErR9IqOsuYNPUpbGAypIekj4JFjkd/QUm235rMSUPw+HAyUifpoiorZ/JiInWLbIYmpZEMgsi4j8D47jvPPL6Z7b3OY2t7nNbX+/2q/0cGAYxjEReUr+diLivxWR3xGR8yLyosALdk9E/lxE/rnjOG9+Fv2xHVuaraYYjtqg0nqUUX2cp7VuG6fWIKU+Y2rxW1wSq4tTc5PEQS8ZeD4LJ+BgEFFngKdEhQsVPg0Gcc06hUTUSKcH3YUZ/VKIw+YSTh1CFLu5v9eDzQNhnOzbFDwJ+HHyXbyJ6HV1DaS3GZr9HGZUMT0NCC5JwyaFaNWIxKYhU1XhNkb3fqYhOl1HhHNYKWHcSR9NiOLo0ze+AXGkkI+ErABO5+MjgB5vkzBlmTTYITzco8kYKpuK1mDkYRE+nZxBpDl/ZFr6BzCOaLSfw2E5EyPDfJZ2tttI7QRCNF4ZxXjVDlqdWDfX0bdjC4hKlfyX8DBqpxDRjWtIT7z+2vdkMwfkIJNGX8IhCsmo+4+qFWkkwD46jAIcQpedrsKMJBxSHMdkRFmp4vUASV+mBQTHMCISIUEsSWniaARR+sDAEfYNUWibYlg2bYATfYi+ChTJaTQolsWUWYXiNzblkwsspY1yrVO0ira7DVleBeHy7l0Q6NZo1W1xXC986TdEROTIYRDQGhSUOnoEJlFXLn8sIiIeCuh0Oe4uS1mPHsW6j41hH+l2CTTwP2E/jcuCkZ6IWUvTh0RCNncRjZ48Cfh7/hjuhx99gPjj0geIqC2mafxBIoqEvj2K0JBcGFAYnuXHrTrmL5EMysws0CovSY0vvQRRp8sfI830ay+C5JpkdK4lqytLuHeLCezV+Xnc/0qe01ToM89hPg0v1jxOa+w2y5TLLUuiNHW68hHmtpjH+g0P4TOT0/hpWpiXZhk/nQbmvNEG4hBkqsgyML44LeITRDeCFABrMQI3iFC0mqbUG3hOpDVKZ5qwXse+qFV5vxA77po0mOJ9keC1anWgFYeOImWR28a9+q/++N/j/bQfn2aqtNnE+6VHgC1LtYw5jhPF0HRiglLmAxmiNUxFFDkfdZIbPR61KidiwGeV3sufpBUUFXggveDIz1yjqNbkvefG3xURJMdxbsnPMA2O4/yR/Hx8BLe5zW1uc5vb3PYf2T4PaYXPTXMcR8xuRxxLBUkQGfT343Q/OoIT9i6tfzcYeQc9zK0296SYpzkJc8cjNE6xg4iQWyr3y1P2yAAIM5EITqUqcWtRPnSXYiddHOYlngSK4aexTJPlaWFGq/PHT0qSEWCZEZ5+Z6vDMkiSGYeHEUnv7iH/tngbAiohlmaeWkB50cQ4+jjECGB0DPnArR0aqDD3pmS5QCgsISIHJklrNoVf6iQ92haiqc2dTY6fKAwlbDMELYolfHeX5UJ1RrX1Fr+Hdrt9A4iCv/r1P8Q8RWlxHfRIg9GEYxN+INdCy0HTA4iMBscwPpVD3d2mNStLzzyOireotC/mM5Wh7C6RpTLL78Yn0adf+7UX5Ecf4Gi/vApCVCjKnDlJax2bFtQUg7JYeudhCactLINTrgEj5lpDIwXMw9gw1mp2FkSugQGgH+lkWvrIGUjROEwJhVYXn81luY9Jmsz0URa3iNzw2jKi/DStjT0kw3loWJVKankm+lanLPGtReyrxcXrsrNDpIBy2T2jKDIHf3QJnIIU+zo4iHtvaBDjmadg06VLsOJNMf/94pdAfH30sYsiIhKiedbmFq9HIqSW2Q1lBsVuY7xaBlmi2NHoBJCCs49D7vjKx4iof/Qu0B8PBZd6pYkkfVok2+rzgy7C0qYAk0mhp3qNfQkPSZuo1PIeOCgxPgd+72twoNeIuJBDUVaLeXw/+S27JEHe/gDyyOMsD3zkafT90ByIip4A9vhHV7AWmUHszdTQsKyvrYqIyA6lm2fIORkjz8FLREjLqT1ECE2uf5WcBPMBrlaKKIWXMtol3i89u20iNu1mUwwSj1vknjSJdjrknniF0TifK00SwVosU25Z6EOQZakDI+B4zZE/VMhBMvzmPaA+O/uYtyCRBHGIrnr9MjWMfpMOJntEUpoNzE+Oz+RAiFLwlI9Osuy6RCRBievK/9H2IFFRnxufNPs+/2f5lbXPSymj29zmNre5zW1u+5w0Fzm4rxmGIYFAUNqUwW23aAbEfHYyjmg0MIYTtbRw6izsqk1wVRoFnHwL/GxxB78H0ogMgpRobXgRIRR3caJ1HEQ6/gBOoV6KgfiYI62TvV/fx+l1egonY4OlLVp+E4rGxMeTvZ+RskXRJhVxarY0csE16xR/SSYxrvmjEA45dRLIwcgwDIdsSv6qeE6KJlI2c3LVIhn1nq4EmX8Nk03eYU6YVXISiyFK31xCXr7H8yBak46TZc7qhl2OW3P0E9PIKcaSQDHCkRTnEd+vaEaja4vJkgY1nGoxj22b5INQTjhNEaQWqzuCZaxVm/MTYMSoDHnNk27vgY0+PYM8t5Yh1ev53vz91pf/cxERef8DRMY/+vgl9JcleQYrXtQ22uvXKhVyCWr2gb6MMTJaWEAufvYQ1mpyDDwArZTwcOxO15AWBabyeVavEJUos/rEJjqj5mDtBl5fW97k72Rxhyhg1Ea0FifqUy0jv3v7Hkr7btxCxF0ooizNYzgSSVDmWvPOWrLlIApbp9Tuyy+Dk/L8C7+LOWTp3YWnYNmb20c0d/oERE2feBzmUbE49tUeBYlUCjdFNGNsEHs52y1Jm6G9bR+sDHrkiadERGRjF+v6wTtg+vsNfIfXr4JFlMAmKtFgzlmIDga9tHCmEFM6BcTm9Ems0fDQtGytoZ+KsA0NYg+ZNMG6e4+IAqW/uxWgWQGWbCZZwFXI43vWiDz5yK+ZnMPf0xn05dA8Kw5YQtpstyVFhODYaXBPElE11iJ61VYJcxUe4zVof20xp14lUukhJOensJNf5duJwPV4Vszzb22uSIwy6X6PcguICNBy27Epyd3Bd3o9KvLFclR+rmPi3ixtY00rAYx/cgKCXE+PAlm7u4w1VVGxFJG8wtaGLF1HNY5Q5OjoPD47O8PqpGncezdughdy7SYqrFTKWoWZtMzUIOrxSVPI4OCvn/yPt8dPeLBmsUdT4E+fIos9hMErnxXc4CIHbnOb29zmNre57UBzkYP7mtewJOGvSEkJoBFGc0kyWSmB61BeMzmGCHuXNqqRxJRkgjjBNyvIDVYK+FnbY+7TwN9DPFUnmb+1yVbvMIIIEDkIUUMgQKMUq2fawZw7c7UBRjOpVKRn7GIy951MqJ0xIkG1wa2U8R3j5BC8+CVEZek+RB0ba4gYr9AedWsfEaCa/ageRD/z2uNjFPrpNGVzU+1qydvoAxIwOIh+jo5Ni4jIzg5qxLNFRJ2ZGOa23sZ3N1kz/OjjqFN+mtLE4yOIAC0Tp/R2UzUGWNdPfsWdpeuyvQ50orCX5fhp3lTHd6f6Md7xSUQV46zemDmBiKHbxPvG0hjDx5chXFTaB6rRpYjOjcuI6qamEYH5wliznXxFIoyaHn4EEW4/bb5feR2ywOU65tYxKHVNNnab5jcxP95/4VFEtQunYAHdl8LrBiOoYgEIS72JvnTVyMgb6kmuhoK0/6UUrZoXJch0t1tABCo57F0q90pkEFG5SUOleAL7ZnMH0e13/upvREQkm0XkFQ5hLEm1KO62pEXhrKBaKHO9GCBKlGjW5gaism/9B/Tl4rO/IyIiZ88hh/613/svRUTEQ0GhDjk6WzuI9re3gcjFIweNylQsyuMNSTBMuewq9sXZs1gbr4F8/Buv/hDzRNQrFkPkb9IMKRmlrHY/UI0Ehbf6qTPSl8R8RRKYwDD5EWqqVi5XeroM2trUY4jzPuhL4J7a3lA7aPw9pZUPNIc6eg5VGsE+XHO/irXb2MKatrvYJ/E4peBJme90TAmTr7Jw9GHOESWpPSoYRW4AZaU9RDNVRlpRv7bKtDd5D7Yp2MWUe4z7oENUIEHzrUwyI9tb4AA4FP3KZjHeIMfvo8hEqYJnWzgODkVmAGvQblFUy4e1GxrFeP0UFfNb+FxfDJ87fAHmvl4vBboKeD5veQ0ZGcIcjvG5OHsISI+fyEBX0Rn+83mZnJQ6q7eUi6DVOsJ/N2oUm4vSmKtKXZFAhByOttrWt8WjUsxazKY28hSe6rKCTA3rVJirY5mfoA6/YHORA7e5zW1uc5vb3HagGc6Dck1/T5thGB/2942f/d0X/jtpsVZ+u0oWNnPuc1OIJC2yjpVlensRkVKjWpI4T/TDfTjpdhi9370Dlqza5KolcZcs2X6VqmUNelVPmcwNdsjK94Xw93QSJ+TJcfSpVKaioNcvmpBS+1u17VWp0I11KE2fYmT8m1+B8coSJZw/vIR8XHaHMqhkcXupIhYjE3yCCowW6+EblJ+NRZM9Q5wieQiREJi886yNzwwgasjlUfHw3ntQnVOWcqIP7184DbObhx8FYhDomVwxf8k8eJuM6UuXXhMRkR9dehnzUtoUp4toNUC50yAVH72Cnw3mVP1RrMF//d/+9yIiEh+m5S4V/0rbRFI+AnLQNckDIYehThOtNtnq00dOiohIOByTThVIijK5YwmgCiqn/f0ffEdERBbvIX+ZoNLb8ZNAp86dBvt8jFLYJk206jQw0vtYZWQpiyEeD+an2LB61RpaIVHOUfabUWSYFRLFPKJuH5URBweRkx4h2tNmJN1kZKj2wIu33hMRke/+1b/mtRG9GjSHajQb4g9irzhC5TvWims6W8i9EYNoQ4v6HiHkeb/yld8WEZEjx7AvSmWse4LKgNcvQ8ODBQTyCO2Sd1Zxj+azGJvVrfai01iS9fwz0FZ453281/bg2lPHMP5+GrCFGcWGqYcRoGS62cLYtCrBZGVOldoEXUbgDjkOVrclDEYlwDn0+1QeG3vqzh1WP5F7MpTGvtlbX0WfJzEvA8OIcmtk8QepWplgpVWni/0Spzlai9yVRqXSq87RhLaPHAJVHzWpKSFEaWxHJd3JweFPTY8b7IPBPenQ4l4tjbsdXNtL9DMUNKVWxVpsbEB10sd9PMAKsZFxjEMrSt77APfJ3FFoUcTCRBBq1FfJ89mdxu/0LROvF9c0LezNUhnz6yM3IRrzytg4nq0WIY+lRTwXVV777l08wzX975BjobbZbY7v+AkgiPUa7n1VAQ0EVA9GVR+xrxrkMHW6HfFyDWp5PD/VIMpL+XiVR+kSvVWZ8HbXkp3VZTHbrY9+kgPxz9pc5MBtbnOb29zmNrcdaC7n4L7WbrXl3p1lSQ0h9xxjZJDhzxiP0hbzPwbrWE+RAew4pviZC9qiBoLBE//wCFjV0RiUuRxRq1BE6TvUDGhTUz+TZnQSZjRaRp4uu89cfhQ/x/qBamRYU9xsd6XNyCXB17a2gBTcXkRUdfEi8tbPfRHR6Le//f+IiMjlq0AWYkQI+vh5H/PDXdamq6751ib6NMraej/VIAuFdYnG8B3hGF5Tr4Srt3ESXvAjohscQiQ8NAyU4vZt8AOefZZKebT7NeiD0KzwlM667yJ/BmhRu7KMiCK3D9Z7KumVrkdRFbLTqb6mrGIvI+dDvNbEFBjjRebkVUlvndFnoYi1UjOYTlcjA0TiW3vgduwXEJWceegRGRkAyrK/j/42mNdPJBDxvvACvCeGx7Gehw4hIjx+DPX9GjkqEznQhzVpkNORy6mWA961voLrZPcxr1UzIEfpX1Fpop/qOBuNI5LZpXXzzhYipYEBmlftc77C2A8R5m01arGJmDx0DhUT0QRq9P/yW/+3iIjssZqnL5mUFrUPAiFWUZCvoV4iBqs1dCBBRukecioIUvVU6YQqe6rKeJR24iFGWFUamTVqrAJhuUytakqGXJmkKkCWsW7nHkH+fnBkWkRE6kRQTGqKaJVKuYC93G7vcyxa/UImPZ8XsTBep5iflGlUZdsdsVgJlS8SXSCEcvc29trAIO6tc2cfFRGRMBctxooZL9EwWmiIj+hXIIZotNpU/QysYSRMtUOiioGQIZGQ5rypZ0D9AUvVOcmHarM6Q7kIyh3Q/LgiBlpxpN+nhl9JGsENsHIiQETJMisSpjfCxAiQkRCVYsP0jomRp2ETpWnnqL1h4nlx6BD6FKFuQd3G/i8X6G9RJSLTxD7x+rEfQqy8qZKjUch25OY1qHjarKjZ2QLaVGc1RoSaMlq9EWAfHSpjhggHJcgx6SOnQOgb4iHinOS9r5wtrerw+ny9vdbkwu5nMZ4bRKl39tWMWBs5NX6/eAy3WsFtbnOb29zmNrf9EpqLHNzXgsGgzM7MSiQFtmq8Dyc9h9GJl6dvTTapZnaXJ7VW2xKDJ/sMld0KdC6cmkXueIh11n6elI+fRJ36++9DU31tBdF9kJ4DXiIRg2Q+J2kb2mR+8y5rbM8/epF9CvaUHbUeeX11VURE5mYRjZ47i9zqX3zj34mIyJXrH4iISH8/TrKqN55ldJYgc9rHs2SaTosl5tjuMWIeIMvXa7SlXMRpW1i/b3rw3bs7zDGzb+cfhnfWkWNIj50597iIiMwfRcTkYY7w2hWM8/pVRAozjO6DDMcaTUTvDVaJxOgo6bOsnpIbjfvEz5M+pe+lRL7C7FGgOm1GBDYtrrsmIoYmrbnb9NYIMyLYz69ybKg4CIYxX5UCKjFefWVHzp/7goiITEyg32XyWfKsZglHEFVdeAIs6gA9NArUJHBMzLVNj469PaBB6jEwNgZkYnML3/e977yGPjcxP08997vSbmh9OX7GqGiYzaOfG1uoEKiVWUsfZtUCUY4a3RwPzyKyDoWph0CVv1wWfZubw1p+9bcxP3/xTeyzUnFLQmGMs2tjLjU6tRy1IKfzHdeqwbU5dx73yeQU0J2WeTCa9zGC9nLd1dpWo7pUCqjH+kaBY4tLIo11iiZpk2xopRB+r9WojEdVSo2Qo/QscYLosx3lXqMuQIf3X56ulrtbqObIER2sqlKg3ydJ6vXrPaoIyuOPwDUxwWfQxhrWKE0r9DMP4z5psoIgSzTC9BJJIIdDOR2pGF5XtcrdHdyfoYBH4lQVjLFaJcZ97WdVQpvW5dJT60TTAFWREn8A4/fTw0O9JWzyBzwGEZcic/N0Wi0VdiUaYiVNgEgjNRA6fOTm8tDOmJ0DAqsOqm+8CZ7LvUUghV/4AhCWUyenRURkcQnztr4FFViTVUytFj1HWA4QZAVWpVySRkNtwakhwz2W4dxHWbVSpTV7mc+/Qh73zTBVcWsljG+GVQ9hzm8kjP2USafZB1Z/qbSB4ZFmR+2xMeez07i/j8xBa+HuyqqIiFy/jXFv7eLZY9ufnSujixy4zW1uc5vb3Oa2A81FDu5roXBYjp88KTmqHG6v4cTfpfzgIGtnA8zJU2BPaqxP3c/tS6VMV7AZRL75Ak6o95Zwsptm5JNM4HQ+ShfCf/T7qNu+fg367e+9+6qIiOxs4jTaTuJ0epTOieJB1NPqaL6Yed2B0V4OsUGVRoOR8/PPI0p//z3o0r9/6V0REenvRyRUreFalqNa4Dz5Uxch5FUfeuQ1R8bA5i/T/6BAXwmP3xIxiHxQfbBkYl5sIghrO3Dly72M9339d/9AREROn0COvVoBe/mNl2HWef0KGeSMJI7O4toJetBXKz7+nbr2HVZ3iFcszTPXqQ1ha607a4eDiConpoEcGHzd62fulTXS23R4WyafJFXFPJeoWtfoYK1NRvcRVppUa3W5xWoVi9UpmksOkc9Sq+H1DdazR1kDvryMeXr3rb8SEZFmC1FXjFyU06exH8ZH8P6+ONCsIVa/DAxhTLNTh6RADYRMv1YCoL9XLmM/lEu7B8brIYM7nMJ4NlcQhd1ZAsLw8FmgIbPTqMpo1OlSl8f8TY6D0/L1r2GN/vTP/lcpVRA9h6hn4PBaQn8D9TnQfO7wCCLnR88jIvQyX9tUXQsGSYeoTaEMeQ85CxZZ+Zofb1Mwv9ZqSIwGHmFyKHxk1SeS6K+XipgtRnEVImmqzVAuYT739hGV5nJYO/WPKJfIAyEHSJGHMKtfWi1H9vfxjAmT13KS1SnRKKL1ZgOImGVTx6KE36/dQMR4aA4oIMFNKar3AvPiAY6pmMfrt27e5PcQiTI7UqKaZJSaEJk+qrfmca3paXBJnrp4AXPHyLptHlQx9BCRqhO9U80R8eD9eao4qvphlH0LeT0ivG9tIj0rS6wQsDCOE6ew/qlB3qM7WJOZeVStnF7AfbDwEJ6v25tAGO+Sg7S7i7Ux29SJoGdFNIbrZZnTN9udnidCnq8FiNa2uHcSrEJJs8qgTO2OMLVrmnzubq7jeThCZUyfqj+yuqFJp0lDn7MWK47EJyb5G17qGtjKQeDtMkU0YpA8hvc+xPPl9p2lzwo4cJEDt7nNbW5zm9vcdrC5yMF9rVqtycuvvy6bW4jy0ymwSIeHkavvUHkwoOxenuZCzHOOjQ7JQD9OiRoRhZl/u7eCCHBzByf+yTHkzLY2EeHFmY8aH8XJ92tfw89r15hr/xiua4u38T1TjNZCVGXrqv95tSrpQfS7sIq8tOYvs3uI2q5eucrxqfsY8nCW0yNTYAyMwhSBED/Z6YJcmsWwLUVVNpOqfru7m+L3q4e5OiGSyRvG79kSTtuZDOZ2aoa1xXRXW6d74ZVLyClG6UIZZ1S3uoII6NA0GPhRzsMYVSvDEZysM31JaTE3ahMR4KFcalRy89OLIp7CZ1pcVz+dNVvU4F9ZR2SdKyP6aAud45gvtw16chA5ECowBv1haXXAhH/jDSgijk0gAnricXAMEvSxL5ZYz8wc+okTiAwdC1HMG699F/NIRrRqFLz75hsYUwufS2cwlrkj5FE0q6Lp+Ci9EC5dgrLbGv0MohE/34tx7WK7SGMH+8ignn2X19hcQTT2m78O1OfEceyzfB6fpwCnTE2DL/DVr/2h/PmfoYKh1kDOO+BHlNqh74OXeX8f9ejPn3kMfWOetk7EoNvGHIeJsCRjiMbtLi/KNbl8DYhTlf4XE/Qk8YWC0qWvg0OEQPfDXg7j3dwAItAq4/5oUrNkYwsISrOGCLnTpaeC+mL4uNeZL7b82F8ePm47mkgXR1J92LfjI0AlI/Q1KJeB6rR5T/kDeJ8iA5eyiKyf8WD8Qc6DQZF9gzn7OvVPfOQiHDmC+yWVguJoLBzoqWrevI68/r27iLoH+vAcefg0OCZdeo40iI6Gwsp/Ql/Xlm9xnvB34TNQuRvBIMY2PQ20VJGUarkmK6v4zP4+fs4QYX2SyphjU0QUif7NnkS10+TRec4PxvvyW++IiMjHH0M3Rag4qXs7TNXCNjUnytRyKfF5FA2HlKrVq4BRV9tEAgiTY+AZVaTmgrYYq7t2qSTbIOK6toz9NDXDNQ5yLYnMmPx3xce9H/JHeiqKQT5HPXweVFgZpDoVPqqdnjqOfw/q9bbs7qx9wjv7BZqLHLjNbW5zm9vc5rYDzUUO7mvBUFAOHZuXRAZRbIss7L0cToJV5prGyZT3MnpzWA/bNpuSJAPc4PEzyjzUwklEcIpKjI4iZ75Hvf+PPkLFQIg5t7FRRONT5C588cVfFxGR26zBbbA+OpLAadxixFDIF6RLPwLVCB8aAjrx6itADProvmg5OH1WyWj3Mh+u9cxq7uWhfoFFbX6TubEW2fsNKgUGeYpN9A1IjWz8bkuZ3IgQ63miDUnk6557DpFzk1HJd76ByHiUSnBPnIWHwJUryKkFmCMMU9c9l8XpPnkYVSCnzoLF7fDcGwiFRJinjiVZA858rMPcouahUxkiIIxKAwy1q9UOvwvz1rURhRapeMaScxGNEInAqGaF2a2Lh1UbfQMY1x0qITbIV3mOug5RsspbbWon0AfizMPQve/w9RsfgydQKmikjB+7Wfz99MOIJFRRrRvuVxcAACAASURBVFYsSCZDZvwaUJnbtxEpWswV72epmCh0H+QcevwpzgNVDenF4KNWx1/8v3+K8X4ZY3zo7BP8XsxfNovI9MiRM/I7X8Vn/+2f/At8pkUFzUD/gWucPoFc8qnjYKfnGN36GX0Ws+RH0OEvSkTK78FivPxDVP+8//abIiJyjJyEMCPzeN+AtCiakEwj4vvwQ2iO/Omf/hsR+QTd+yoVRAt53LtXr0IhM8IqhRCjOkcNIrTMvIdM4HWLv4dY/eD3BSUWR3+DEVWdxL1Uo+6+emxo9F2g8t/CAu6LVAp7skKVTr+Gey16NvBetak8mU4DUerQUdP0GjIxDq0RfVbVqc56/Aii9RgRkHIVfYiS32Db+I69TSBPtQrQoCA1R9TXYyCNSFn4/FhfBc9iZxdRe7Npy8gI+jA8gefdwsMY38gokMAclQI71MUoEr2oKt+nBmTu9q2r7AsVD+lz8MwXX0Bf99HHcglrGY+D/V+pYGwba+uiMXM8w+ekakRQlyDPvnj4/IjQ9yaewPubnPN2FX3b2AT3IM17PxZTxATPftW/6KNfhOH4RWzyndTPwqFSKKvhDKpNNolyRsmDe/rJp2Rx8YrUaujjL9Jc5MBtbnOb29zmNrcdaC5ycF9zDEMcr0f6R5Bra9JlzEMnN0foAEikQN3LbFE2siU+6hLEqTqX3UfEE2Jec2p0hu/FcTGZUNU55JiUzZ6r4mR7921EdynqcR+bOc6+4vcmEQTNQXu9thRYOz8zi1N4qYBTdV8K0ZmPp89tsqy9rFOuMYozLdaMc3zKPVAWu3oK+P1k3VIHPkjVu3hyRHZ3MO4uWcixgNbE47PpNOa4mEf0sbmCXGG1qDX1+NxR5oitGfSlxHy/z8EpvFLEWmxs4RSe4Gm/Tka0aTYlwn5JS9nAWFcv67hVda9S09wfc8Um5jjgxxq9+Ou/JyIix3fB3r63DhRnZQW14/US+q43lY9udZaY0mFeNhVHvwcHE/wsovhXXsWnnqZbnEa4FUYfDnXtH3nscX435n7tHvkCzFFq1Nph9KLRajQS6HFLPriEfGyJ0VNmABHL+DHwGw6TzzJFXkQohgg6y3zw7ZvYk5c/QARdrGJ//fl/+L/wvhwiw6eeuSgiImOT07herSonF5Dr/oe/j7n61jehzlljrXg6hT372PkviYhIo0qCCPe5zfvm9i1UTMzOoY/KfN+nGuP7bwExSPA+DBFxWrwHrsrcsYckTpdNi3olJxaAVvwOFRDPLJziNbFf7q6DaxAiV0fdHB0qcMaY1w6qe5/6RpC172MtvRFQRMYrNXIoTLpI+lhZU1fJQypDFvYxX5PTWKOF08i5F/OYN5PoVyxGz5FOmX3nHg5hrBOsMLp1C8jVGy+91KuMePgsuCFf+AL2YJdoRIkqpOr8ZxgY1/IS9n2FiEE8SMVAqg+2Heo97GI+K0RDLN4hc0cwv4ePnpV0P9bR68PcWqwounUDc942iaTY1CnoYC+OjmLvBsmTCvH5mxkk52gUzwOtSBkj8hSNAyUpl/X+whx0HZEmtTUi1B6pt9B/VSX0EiE8dhzzNTWDZ3qEvLE33sb9ZRGBVH2UBv0RyhX0scyKEVVWjJLLFo8ketoq+u9Ek6qVQoVIi88W08Sa+Ok5g+YqJLrNbW5zm9vc5rZfQnORg/ua44g0TZFQkE5eCURjYxOInIr0N9A6VlvrVXkiTCWjsspacKeL02e6D9/RpiiCx4O8fK2OU6VJ1qw3QMY7me4GddmTZLEv3QUzfPE2TpsnTyF6HVbXtToiBbGdnjdCgnr8eervax4+Sge7YY+6iVEJjOp0wnpcPYBqVYaXL6jQnuXBadtDF8scdcy7tldOHEdN9OQInMkiMUQE8SQ9IyJEGRLoayiojon4nEbhJbo6Dk+iz5491pazZrpOVm6caEYihe/zm+irL+iTMPPuqrcfYNK0TcSga5HHQHTGUVc5/FmqZKUHqOJ2jgz6E6cQOXx0GVHqqy9/C30uIB+eCPGUbxk97YNsDv2PMk+ZyeDaSysf4r02xvP88+CYJJNaE48+tVtYw6OHsf7FHSASKq8WYh406GXEyDUyfO2eZkJpn/4GrBSYHMcafenXwHvI9GFP2eSx1Brow9QcVdrmce2z5+HR8fIPoUVxk4jCq6zIuLMEZOX8eeSPTy88KgFyT1586rdERCRFh8x//r//MxERefI8vvvZC4ji1zYwlzvkQ6yuMpJsYAwOa+3rjABv38Q1my38PjEOJKJB7Xyzjflb/PiGPP0suENtohNpok5PPgl9hlyBXCOiXSfOoBpjfHpaRESW7gC1uXeP80rdgy65GCHus54rhq0IHO6zlmlJl8+FQoeqlD0PDeX1YD1jUazJhScv4hq8JyvMucfJdcpTi0G5HPMngTSFEhir2cU+fPg8Xt/e2pLsHhDEOt0jfeRtqDqrQeRkfw/zYdqKHKKPYSpGdtpUa6Tbp1YFGT5E7VOslDh2AvdNnEq0Pl9cSny21upAIQiESIjPqBgrI2yit8kRVDPY5HnE0ujDYAZ9LBNhjLGKY28X35slWrq+usj52+f3Yh1aLbPnoaD6Bh1G9i0+9+fnMJfJPnz31auo+ikSsa0ScXG6nE/yB4rkcoT47NMxNvlvgfJMYrGWGHxWt/geSmWI7aGfBT0kbN7ntmqTOCJGT8PyF2sucuA2t7nNbW5zm9sONBc5uK/5fAHpH5wQh7XSGTLmCzmNVvEzSHp6nAp4HTJHA76AdHnEW7yFqMLLKLx/FGz6gUFqJnRVMwCn0jirDvwhnLJLRURGnSY+/9AZRDOH6DmvugjqHNaizrfZaEo/c6JBsqJDfpwyNVptNA7W746MIA8ZieKsuLOL03WTOTM/Xdi61LP3EynokEFbKeHvw6NgNz/7zG/LqVlEgLEgrml6MS/hMFGKLiKbbgc/bao4lirIX3eYa21SOa5LBUEvo7FuAfOmDOC+PvaFng7Kbl/f2pAq2cU9LfgYteCDOPkfnkce/JGHnxEREcemFwNrxaO4hDjM79mcB4echAuPw1HR4L559ZVvi4hIi5FY0B8US6hKSHa9VaNCHQ/5sQT6tLaGXPrrr+Bazz//FRERicdQMdDhmniIawSJhii6Y3UxTynW/Stbu1TJy8oS6q0bTeovkJ1+9RoU/Rbv/THnhd4BNI2v4it7ngP91Jg/exrR/VPPgR8weXhaRETefeclERFZ2kB+f506CpffeVuOzSP6PnYUvAYfUZujE8jbjg6iT9ldzEOEHhO2keX8ABloUzdicx157+9/D31dYq29RS2OSh2RZJe59yI5KvdWijIzBf7OsQV4QZRZ654lCnGdefkQ+RzH5hGt9vfjfgl7MR9z08j/q/7BrbtQOd3OgU8SogdDkDobrSr6FvD7xKaTY0Sjb3JlfMzv+4hmPfss5jgSUY8S1RrAPvD4cP9fp8vr/i72/wArEQ4PIdotlVS5FJv6S7/2gtxbBOJTpdtok1UJfj672sy5+4mojg3hGba2ifHu7GIt2uSFJIhSDA+i6itJn5n+ASAF+ozc3m/w+8sS5DgDvN/DXHeNurc2oEq6RK+EWVZSzM0B9SpVca8lqO/x8tvfERGRkQncNykicDvrqyIiskcHUjEUDaaCpiXiZV4/VwQaS4kI8RHN3djGft7dR19KBewbQ1QPAWuka6nQUZUoZ6iM9xn8NyDThz6HyHFwPEYPrSCwLB3ukw4ryYIxrHuXarYOnzUeX7DnwPmLNhc5cJvb3OY2t7nNbQeaixzc1xzHka5pSYpOaU1G45epW13lyThAturxeUQeIeaWmy1TpqZwUtcoZJ06/D4DJ9cu5fpMlZRnDX4uSz93utWFQjhunn8Y+e0jR1DvrXoBVep51yr4XIjR3uiJYWk3EB2YVNeyGLGYVGaLEUEwLarNsc49zLx/gipiWmtbZz7fq2psjMJazH8fOwGU4IXnEOUOpgZ61RM+VjQIVcUqnJdiARyKYpFVGXeh+Fap4Zr9g4g+QmGgIINx5IOTVEh8YhK19B0T37tCRcUdrcCgQ163VRLLwhzlClRDWyFqwa5l6Xx4jo6QSjbQGuIqXeTeeuUVERE5exYIw9AIIih12btwAXyJUhGR+Nuvv4yvCwdFLM0DMnnIi6hXgLCeOU4lyJV7iIA/IGzx5LOotfdTe8HoMLIMKQJFNIDoTyBMh0AiNNu5kqSHkX+fIys/kcJ3awWAkLHtYd7bYIVEjez9JnPv5SLW8OYtRpwVRIgnjkHffnLqH4mIyKUPoMWwtQk05+JTz8nLL4HJ/c3XENlNZbCepxbQtyKrFr7/g78REZE6tUW6rCDZ2ELU5qGZQI7Odz94FTnkOFXq1J3xHiPFFn1DRIh+jMyJTVW9LD0ltrYQObN4QVrUmHjp1W+IiEghD4Rh4Thy5/UKWfkNzPWwMuQHwPZf3UDEfOUaNSlqiESTnPdupyEqIFqlOmMwgP61GljP46dwzaHJGc4lGe7sZII6CTcWoSS6s4X7yCHq9cPv/3uMN4PvHaV7Z7mMqo7B/n7JU/v/3g2sZ38KSInJAnzN3588eZTXxrzcvYOqlCj5RMcmcc8OUKE1QDSg0UFfKzmMP0xOVIzIVdBr9tQTW0yyL94A6nRzEXOXzyufA3N9YwWozgsOULuZGaA6UXrWHD+G6gcfUc5uF9+/p89ZVkOpumuzjT0gYvYcQrUay0duhcHX67wPVI0yENTqLuzRNrVIWAQmYf77oFQAk2hvgm6YQd7zDvd4o9HqVcSpKmmL94FNrQhPh9VpAVWOVYdHb88b4hdtLnLgNre5zW1uc5vbDjQXObivGR6PhEJhCTFyeu89uBZuriES9JL52iITuj+NaHZ4CBFCo16XeBSvTU4hF+Zl3j/VhzylKncFAjg1V1nHvk+1sEAIp9MvXEB0Oj6K0/gH7wO9yOZw8h0Zxul89jCitWQC0cjm3r6U6dx2nqp6m2QZF6km2CXb2OzyhBukXjdV1To8GQfpLeAnq73eUJdBzNf0OHTNn7vwmyIiMpjCPCQifmkyUruziIj+1iLY+Eus66+zNr7dQuTv8asHPNm3XjDAf/O3/oGIiMzMInJSVn4yhfe98TqU8Pb3sUYOvRkMRtKJsC0WWcaxME7jISIjxarJ+SAnwYv3meQURFgbv7mG/O4rryGa9XiQxzyjSoKMMLY2ECHfuY0o1s9Iwul2hOlKcchY1zpm1VQweCsadABNkCeyehfzlaHnxqPnEPV7mMdMM4+7T++AIN37gkSelJswNj0r8wvodziqkQodDKnw56PuQ4sohm1pJETtiRqi+qHBQY4L74uR/+LjfRPk3n7mWVRcVFlJEwpF5XGiK9538N0DadXSwFpc/hjM7yCjMaHHQqMXSSH8CoapQslqBY3OumRt75JnEqJvxiTdC+ePUpN//LhYjGiXlrDXtK59cAjjG+Y9tlME+vfmW0CCijmgU49SvTNKxc2dbez5ZAbzfHgG91+mH99z5Rqi+62tuxyjiEGEKxBA/2tl7KXpSTw/zj8OJ9UyVSlpENlTUK1W0ZelZUT9YuMe7+9DH4ZGsCaLN8ADScbBXRoZBILQ7VRlegKIx504xl9RvQ4ijuPkg8QTuOblq3gWzR1B1cH0DP0qiBZ2WJNfJQvftrGGkQgRWT5f2nRIdBxHPETQQkQQhkegyWL7jnDOcD/UaUvocG8uraxivIPgdGX6gWKNTGCv+sgfaDWwf1RRVJUlp1iJVqvTOTK7IUHeBz5yLCwqQeo1Pcox437389nV5X3jM7TCBN/Tl8L+sIgeqgLlzCQ1OsivMMnF+P/Ye89gy67zSmydm3N49+Xc4XVOABpAAyACQVAkGIZiGEnUiJZm7PF4yvNjZHv8w9aP+eFy1VTZZdfox0zVeKw8o0AxiFFiAEiCIFJHdDc698v53Xdzvvf4x1rfRTdNiaIaLqrKZ1ehLvq9e8/dZ5+999vf+ta3VqNaR0Pz3TxWmlJSNZXJoDgqQa3hlsbS5w/Cdb1qBa95zWte85rXvPb/QfOQg3uaz3EQCgbQkF+55eBPHiW3oCSP+ZKY86USI6IxIQeBQAg1uWbFYmLJZnTiU37KL7/6sHgLa6KCT00w5/r4k3LXqjHy+fM/+zzfJ4U0Uw6bnuH7hxXdBJTg+uKX/wKZDPO4+yo8dUfEMTg+zhP+/CKj0dd+REZ4U2pjgaB82VVZEIsqolRE0FbUbqfZp55gjn5uzyyvI8bvaz96CVcus/Z/V2p5DTGem+IvGA3XVYTvVwRdl8PdI6d47TNPkHNR2ObPU1KSvDs/DwC4dZcM/ERMapWi/29tM5J20EFDKnRQzbSdiB2H9xsMmQul+qRrBAOmVsdozCe1QdM/CCjvbZUCLQknlITcNPrKkT70HFPRtFp3q4jgqylousox9jp6n3KwWxtSl5N6ZVdzMZFklOuoNr1U5DhXpcJmkYYTDqKhz1Ty5h1hHAO+tlqMtnyCJRryhmhq/ASEoKP8Z1BzziKmakVIjMYzqqqeYFg5W7+DQ4eZrz96gEjIrZtUWXz55S8AAPy6/2rDtCZUtdKURoVY9hUx/tvKA4elQWHqdaeOkaMzd4CIwfAQI8patam++tFSNJYbZBSZUZWP0UDiqvh46gnyWzZWiCC8c0X+JuJHHDvAuTolJG0rr+cvb5ZwglHw42fIRbh5jXvD5WtvIKI5BleVRaaR/zSrE/oaIlIcHVBueXiYfT1/nhoTba3h0VG+f0jR6tgwr9fqCaFcE6olv5RYbAjZLPt3SByq+dvz/OwoxywpDsLKGhHIqWmilaYDkC8SBaxJe6Tr2npQkb57P3u+pv3VxpnIAf+/q4qfeIL9Py2PhQ99iH00v5J8nihnQS6mu3leM6J5MD7BZ9ESQtmVvsORw+RwOODnHfFthoSkBBNxuFqrxZK0McwfRpU/WsKIC0kOq5yhEzItEs6rmtZDJFy1m+P7pc44NMS92xCGkvhjpXIVrrgV5vxYlcNjWpUQVSEdbdsHenxGoXD4PUMOvMPBPc11e3B7ddy6wQVUlrlHMmZGKXz4GQmOdLWBl8vcDMKRRN8AyQhTJn/aFfwZ0obaUlnLsSOcxLlhHgreucHN8q03X9d3crMLBjkRU0luCnMHSXw0gppBefndLRS0WDfXeTgws5qOBEQOH+MCSQ/yWj/8AeHy+bu876gER6olWRqzC9go8j4/8XHKCJ88wY2+rT8q3/0OSWY/eOWrGBvlNXwRGetoE0wLLm/UBQurVMdKifwSxXn4UZa8mXiU0HhEReJ58xzh5/kFQvm5rERBJD9dE5msUilCFZt9G2mE9YdEWH9PcF5PqiR2ePCZIdGaUhauSZqyT23ZZNuBMJli3+Nx3aNIZd1Ooy9LElRn3iUNyUZaZYMdEQ1dHQI+/CGKBZ08TeJVIKA51+BG3Gibba5kVMP8w1Ov8R4zIr+FklEElCYy4mEw6GjM2M+2rt3RRuro4BLSodBSFLGQ/UHjz8OagwbhO4JVAzrw+PqnsTYa2uQ6Eum5dpnEsrb+kPgTvIaVzboQnFyTxKw21oTkcIdH+Udjbo5zMZ0mRB7SeqlUOPLri5xfMT2bUrmI69dJ+jz1EFM1YcHIAbsfweGH5ki4feRhkiF/+ArNwdZXWcpW1B+mh0/yHsaUAjLZ9aLSKj79rTxx/CkNiB9XL/OgIc0uvP/ZZwEAKZWubsn+Ny5DtorEnKo1pVEkkzygNNuQ1kFMB7SQ7VkJjkezzrW6ujyvcZjHwYO8//EpC3JkbpXnofjGLR7Abc5ui5C6o3JhK6czg7ZQ1FJFOvjrIGyy0ik9Y2sdiUKxfxzLsoyQllf5DEaGFTQ8wn0hIvv4oRzniVk937nDtZqULH06znmyscLrDQ8xQLLUsM/PeTE7w304ng5jp7SlPkjaWnPPeLtm4W4r2MSjIio/Hc4pldHkz3cL8/wuvf/QGd5DKGzvk8y2Non1zW00tSdFleoxAbaevjUcMdK4zN10IIlFIu+ReLKXVvCa17zmNa95zWs/1jzk4L7WhdupYHSEp86MoOpSQbCyonMrOTHi1voGy4LGx2ZQlQjNQJZQ5fAII5m1ZZYYGbw+JJjTLJ5v3abV6MULtG4em+CJ1y/52xt32YdEjlBUTKfvVktRnqK4VDyCW7f4XWbvfPI0ZW4LFckfy9xoZJzow6d/6R8DAP7qL78CAHjnCoVlLFKsVHifL3yA8rpnzjwHANjcZOnXzetMT5x969v63G4/krVSxqYIeDVBrV1BXwFB2BGRuiIJwnvj04y+mh1JWcuwqKTIs6po/ahKveIy2OlIZGhX6MnO9iaqioB2JW9roiQmdlIRMbGoUqtsmqf1tmRQN9dI+nLBse4b6+h0b+iOT/LTZvGK3rskOp/B+zr5+zSH/Ioe2i1B+V3+/tOf+nUAwPPvZwljnV+Nosoqg+pDdpCRs6uwRl+JmAS6fIri85tLfTJos6WyUon9lGUMExSSUqubUI7KIn0m0ap0S1CIi+ZcS+vAr9RGT2ViPiFVR44R2j925CiyUT7H6yL5ri1w7WS1XupK6TiKXnM5Rnr7D5MMNzExpvczsvbrvg3KzW/u6L55j1a2G/FzvrxzmcTYC5cvoqK1OLuXqZkBWVr3GhyzSETCUxK/OvPYcwCA2zd4jfwO76EhFOcNzf+5ORL19uwj/B6LEAru6tkWdzi+xw88ibX5kvrJsZvbw3LBwg7vI6Ro1MTSCgU+s06dkWM0JNls8Tf9hlHppS4Dp7ZVFCu6LwiB2Cl0MDVL1GVSQm2vv0lUztJjR44QgUxqDS6t8JmFhGbcXeB+Y3tRTPPIEcLmU/qmXDJzKK71ptCiZqOJjuaWo3VhJM9MlvvklmTCL57j3nRSxlN9/E3IYn+vNuKeK8hfRmQtzZMZkSwh5OCWTKRCsSi6mr9DA0RSnJRSniJPV5y8vouvQ0pL9YSAVJXycsHvaqhMNac5a4TEGzdITM2oPNtI2Y1WF0tKI80d4N+BoSGu84sX+WwMtTbiqZUyd5vtd2HWB2wecuA1r3nNa17zmtfuax5ycE9rt1pYXbyLEYl4RLM80aVTPMVWXSOMyII0pJIdRdaNVh0hSfIuLDPazA6oJEf56pFRohIRnboXF3l6vHWH0XdRVs0dKE+pE3BbIh5B5fP8ihiaim6DKq8J+oHRAZ4mF1UGNyRBocF9lAnuSKRjS/KgSdkDf/wTnwMATE+xVOm732bp1mOPPw4A+NCLLCu8foWn15ZIUNeuMm/cEHEvM5BAucT7sNS6X6fipuQ/m31SG++jLjLfEydk1JTiuG1uW7ShkjbxIJ56SqWe04wsmy0J0qi8rqPoveP20Nhhv+7e4hjfXiC3YmWNQkwWyS3e5TObPkM0YmOVBLT1hXkA95Qw9Yl4RoYTmVCneeMwtESuSkRC6HR0Drfx0LUqVZW2Kkr99Gf/Ee/vSQpKlRvmfsVopNnm3NvZZd+tLPXQESItEZURhhTF37jGfPHZS68A4NitbvB+dncl/CJRG0fIh5GhoGjVbxpJKm3rUwj076bq61zl6AMOUYugzGHQJnk21HawtcOoc1WktwHl1utNlR4m+e8nHvswACAthK2quWYiYts7ZrgkaV+Na0oRp1/k05vvsBz51u3vA3iXLIhACClJEQdlMRwXMWx5hWvKpL4VMCIoAt7kFOfc+hrnfTphJDH28dJlCvdM72VEmUwQ9WjVxUfSHtFt+/D+p8gpSZiktwiZyYTJCHNM37nCtWxGWjXZ/a5KZM1VOW54kNdOqNStsM2f11XimC+KIC3p532HHsLNO+ROrG+J5GmmT+IKFIscACvJnJ7ifhKIEBk5/QTJn9duEKn80ZvfAwCURehLiH/VEFKwsSk+hEoGXdcHWxjZAe6PRrD2CWEcH+F+UJSQ2fxtjsdAjmN7R2vbuBfj47zOhYsSsJMh1Z4ZogHDkrG3EuhQiKiIzxeDX2hCUaZvIW1iCxrrZIz34xMquixhrprIj2bRHRd6ZyRbI4obd6Oj/aGlPUsgEdLZHDZVTnrxbd7ncI4IwvoGx7TZEM/phNZaxIzrQn2S5YO29wQ5cBznM47j/LbjOD9wHKfkOI7rOM4f/pTPPOk4ztcdx8k7jlNzHOeS4zj/0jE200/+zMccx3nZcZyi4zgVx3Fedxzn19+Le/Ca17zmNa95zWts7xVy8FsATgKoAFgGcOhverPjOJ8A8OdgKPMnAPIAPg7g/wDwFIB/+BM+8y8A/DaAHQB/CKAF4DMAftdxnOOu6/4PD3oTrWYN87cvYOEOz0y5LE+fQxKaSSknmR3nCbo7wuG7M8/80ObmJjJZidiIHWzyxrkBXsNYxzs7ioSUIzcugpm61PXvlkpVTHTXbHT77HYhCzHl7lulGiqKjkxc47vf+RYA4GSHJ/WjBw+oL2KCS4q55PLEe+okEYZ9s3yMWQk4vfEqTV3KxQ11hvdWlIRtUHnifH4XgYhVSIhNq0oAk+S1UqWOK/vSKt83Pk7OgeXpzOzEKgRa4nS0ZW28ub2i6/HZJBOWa+fnisUKgorsTpykKM2+g7yvzS1GIW+8zhxypcRrxxR9FguMBIydnZKEc1QiSlWJRiGoagdHIkpmsBJQzrVbB5R/h0SKKvJkicSYQ//sr/4zAMDp088BANbW+Z1rq4zuz71Ghny9xajWrGoHxTk4+dBxjqfEciwXWa1yXDZ2M3jiSSJA3/g6raVff4sRYygkC17lo40P4hc5o2uzT8f2XteQBc7BqCoA3I4QFbO89mlcxKguFIsoywbZDGSC4n20haycPMI+plUmVthWVYaed1cS5vEwn9HwEJ93p81ncVPVPjduksNTLq2oD+THRCKaH4EISjVjeItlPsg1urXB/paLZr3L+yhL/nh2mjn6C+eJEBRVVhZRJAwf16RxVaQdhU6Lo0fxvwAAIABJREFU0d2xw6wO6Pl9SMjEKhZjHyoVPm+fa+ZELAVel9nPvn1cu8Ui32fy27Ek96SVNY5DpWgiY+IkSIBocoa59rEZIk1uII68jIMqKvN0tee8ffVV3uellwEAn/7kLwEA9uyleE9RpdxpoRAPP8KSz6zy49/8JjlMeXGThgd5r1b6lxKHIeALoqf9rKn52xZPodiRXboqSEYneO1yjT/fFBIVlLnV8DC/Y3IqpT4StbpxTcJDe4gc3JmnPPPqGteAmc69c/VtbIjX0e1bNJObFVflwMYWv7OltTg8ktYrf9/qGDdJnCaZXR07Ri6KcZqsyq0iHlU9z320Uqsho7ERMIyITM/m9nHuzd/mfNjalDDZET6TfKHU5288aHuvOAe/CeAAgBSAf/43vdFxnBSA/wD+vXvOdd3/0nXdfwXgFIAfAfiM4zi/8mOfmQXwv4GHiNOu6/63ruv+JoATAG4D+O8dx3niPboXr3nNa17zmtf+f93eE+TAdd2X7P//FvmOzwAYAvD7ruu+dc81Go7j/BaA74AHjD++5zP/BOSY/xvXdefv+cyu4zj/K4D/COC/AQ8Xf+fmc1ykIq3+iW5HQjprq5QmjUeIJOQGeErPDpLdu1fRbjoaRVnCF34JaVjteyLFiCW/xcgprHr3G2L+ZiS7jABPvtUoI6XdCk/IwTZP29WyKg4UhfiUg4yEeP1kIIOVKiOWriRlh8YZRW7I3rZb4Ql1akyyqKp8cIRibG0y2pqe0O91ivU7PMYOqMKiWlbdvxCJnss+BMJ+NDo80bZcq5Xneyxr1BADvKFIIRJj1DY1wYimpdO0o3r/jhjyX/7KnwAALl/l1LEof3iYEcXUKJ/FAclX75+ZQ1TGMrslnqh3txnpZVPMO77//XyOfr9EfET1Xtvi2FeaHPPZSeZa/TGx+hvM48bEFK+r5rzV4fXDYsi77RpciffUGxyHuPK1n/3svwQAPPwIa9/n75L5XW8y8nvzjW8AAC6eJ/ozNcv7q6haw6xc23oGEeWau8obpwdV19/cxNL6on53fz0//Ix0unoNgM/RbUkuXFoTDSEAjhjgfsdkk/maSRAFsejGJGpzOUZvxVYDOzVVE8h6O+LXc8vJ1jfJa3QbHPushJpcl+8LptmHrW3ZTC8w739nkTnn7Z15vl8CV9Ekv8etSvIZHLdmp9Ovrgj6NWbS3JiQhXlezPdKk2vW2PWxKJ/B1CRRjpUVs3bm51MyIiqVzJKY9zIzzQh0Z4dowFBuCF0Zh22ucO7EwtIzUDS/rsg4O8SL50bY17feYi59W2hXa0dCXuJ9DA1yHdl82SN2fjxLNGhL0fHq0hqqQu3OnCGyBhjayTl04y55US+98kX2Mf0rGichCAVVRIijMDFGDsInP8H19aNznLvFHe6nAyneY1ClNbGQDz7pwVQlyFUWFyfgM8txjk9baJQJErWl4xCRFs3VG9yr1zfnAQCH5ljVMDnO+bOxTm2Lq9fJi6hWOQ4Vic65TghDo1znyUnuxWlVI+SCnKNjM/x9JsNn0RaCsLbG55qUxoRpEIyNcH89IJGpxSW+T/IGCMtczfHLbj2XQSEv3osk3bckzT08xLl5+BDvKxzmPnpngehMbjCF96ZW4edTrfC8Xr/5E373fQA1AE86jmbLT//MN37sPV7zmte85jWvee0B2s+jWuGgXm/8+C9c1+04jnMXwFEAewG887f4zJrjOFUAk47jxFzXrf1NX+44ztm/5leHarUG3jx/BQnVzA+K9Z9VXtBMXVa2maeaVyQ2OMjIKJEcRjTGE2pbeae4kIOSpFaN2b6yzIigWOSJ1eQ9G3r1iy9gKnNm8hH2S9/ApEkVOXYj/Hl6MIlAyAx1WnqL+AtS39vJ83VLuUCfUI6I7H9nZxRt7OF9LUsJbnKUUV1blQZxRYz791Pd8fI7ijC71f6YROM84eelMmjyXXGx1IO6xugoI5t0it9h2gp9O2yx0iEp05EMr1+R4tvyPK+/eIOR9xs+yjdPjU7g2ClGRIeOMqIZHSNKUdiVHbCqDCKyP90VE76QVzWCj5H0lMxdQuIz1KV6GdczXVxjfrwlensoYHbKvr6hVFd5+RdfpGbEo6fJ71jfZGSwK77I5jafzcoio9ZEmN9dLUh+Wzn54RzHLZ/nfBgfZhRSUz49npjVuO5BpSLdDuUxqzXOsViM87telwaDuAZNjUsqwohpROjMgDgo47KsHhnhq9Xzh1Wl0GhYNQ9fC8Vd9IQ6tM3uVmMHRVt1Mb1TkuytSklxc5Os7bsLfF2QBPhOgVUbVlMeUUUBVA1iWhRmnwsxx9ELAD2paqoSqF6TKY/4GvNLNzWWnHtWrdIVB2HPLMd+fZ3VL3Gpd87OMmofkkZDwC8kxpXJligcrXYDO2LE+xXv+cRXqInJHgjy2UxM8PlvbRiqyfs1Zb+0ZJVHNEcjgjFa4u40arJGv8R1sqL5trFZRSbL9d7tmZ6xOAEJIqS5jHLjRfbp7UvM1+eyXIMxVXm0hDB1JKqQTHI+nDpFjsWlc2+oT7znATHwQz5fn4sUUCSczsiq2JRUdU2TaDfJ71SaUX1LlUMqJOtzcuqq7mk0eA/v3GTfG5I8T2U4pw/Kdn5mzyH4Axy7hgzHskIIoqZSKTS322Wkv7JCNMyMqnomja598sjDrH6qi4tkeiGZDOdZQQjV8grn8mBuAD3xfnyyi16WXHwwJJ6P+Ax79koHZN8sAGBraw14jzQSfx7IQVqvxb/m9/bzzN/hM+m/5vde85rXvOY1r3ntb9n+Puoc2LHnZ0md/K0/47ruIz/xAo5zNhyNPDx3+BgW5lnPevP2wn0XHxxVlDvG03k6x9xiV8nKdq8Bn3KIfkULjkyMejIfcXQ6j8d5Op3bz7ydmfRsKGKstKQHIGXBQUVrj54m77JSNGZ9xG4AAJBIxVCVjoFf19hZZtTgSHe/KzU+41CY90utzMh3J8/oYmOL3IPVJf58Iseo3nTfbfoMi3tx6pTYvLs7mJlj9JTKStNdugemBmZRVFPqetkMo5R6TZyEmjHmeV/lbVaE7NHYHzk4q76rmkPoyK3bzD1fl/bC6vJZrKwT+TgnHfszZ6iRkJbFdF3Jv4Byz29fImCVy/G7HjrC6H5U6pRt5fsDmhh+2QhvrHG8TK3SzJXg8/c5FofmiLI88wxNeMolPl+zRx4Y4HPeFu+jUuQzzEaIdjz/Avs+Os2+RcVSj0VlLCQdgI6+Lyg/hYdPvdDXhL+V4POMxUwjgpFPLism+/gsAGBylDnysRHO0YyiU1NnNGZ5ocActSTmURLCZrGH3XvH9feNkWJpzqGUKkkiUopsKuL71veI/CwtEyysVmWgI2TBJ35IIGj/Ni8GNhOpDAgpcMUjMVOpsC+FsI9RI3riTCgKrTaIRt28Tj2PsSnpNGhNN/T8IyF5achkLamqjapKUVaWmP82O+C9sxzPwwdkrlYuoq41avoGa6qgEYCAZIZrbmSEHJVgiM/uwy+yT+GIqnIK7HNeaqDXr3PcNtbn+fsy51NZ9HdHkWenl8awdF3MktgQhFSGczEppcSwKkTu3uX+MJDlGnvsMfJluuIXGWIUEZppSNPE5CwA4OVvMxN85xbXZTwU6Ct5OqrqMSTEp74Eda3xWV4joEqrvKACR34hpx97Rt8pXYRd8q/uzMugLU1kLSo0LBzl9WtCWM6eewulmimc6j7kQWK260HNtX37pnQtjqU/Z5o2QvFkimcGS8sr7EtPe3VXaqDxOOfV+IQ0GIYG8fYljm0wzDGdnOb63tgiuhAUF2NzS1wDoTBHjpxE9Dv0ynnQ9vNADn5alJ/6sff9LJ8pPUC/vOY1r3nNa17zGn4+yMF1AKfB0sf78v+O4wQA7AGl2e782GcG9Zkf/dhnxgDEASz/NL7BT2vp9AA++vFfRkFuY+UyT+Hrqii4vcyIcmmVp/REgmerwUHm7DqlNkJBRvSHj5CxXa0zijJHwIo4Bla3O9BXBONrdognwLUtRfFF9uH4IebERnVCzIvNn5WKY105tGwui8wAT6JtKTr6AzwJW3QdUqVEXWx7vxzwQqr13S2QVbwklceIbGPrO4w+ItLHTyUYEcTkfPbomad5TxOTKKlGeFOKZo1djkt+W3lJRdUtcx9TrtisiNvmxhhh32plPpNIUCx9aQxsyyZ2O8++rq9z2rhgXjCa6KEh9bhylfd16QqnkD/IiM8c/KJh1esrvzk1yej84CFSXsylsKvIKCatBgtTNzdUoy59+IBfde9w0HMZ+UxMMno0V8HdgvKTHdlJS7fiwH5+Z/RTrC1/82XW1L99kfX762J+h+K8h6kZ6hwMDc7yOhZ6quQ5Eh5Ep8Nx+MhHPgUAeOQ03eHMmtb8ChxtC67LeWKqlFtbsrlVbb0rDfe+bpl+7reQQ/di1sY+n9O3+x6emNJY8bMDWemAqLrglqyFC1eJGETDWkcRjlOrw764HXPz5HXN18Evrk5AvheOnlEwJKdIRIEen19U2gdJOT6ev0Qm+7nzVFV8buCjvEZcmhyyk47HufYMOVgSC93UT4NaN2NS9zswt0d95fCMjo9icZ5ram2d8zih6puxMUaKA8NcYyub/H2hQASuJJRveYXzvaoKpLLy142W7KK19kMR7Q+qdoAjpn0ngalp7l89xYohVT71VCnUVrXOgOrz/arCuS5PlUHpwOyXM2ajYTwPrWmX4zE4SBRkVNUA71whsuIfyCDi53sy4imUtb+JtoN9ExyPou6v1hbaNcpoO5fj783Nc13jWdzR3INQHnlYXF3guK2tkaOUkLKiG3hX+TOufaGpvyptaazEhNZks+bOq2oN2dGn0lItlCrs0jKfsa0X41HZXtcUemQIwuLSMhpCjAdyGY0Z0YdKme9tNTnGCakwvvEG/5Rev34dheJfl33/2drPAzn4rl4//BN+9wyAGIBXXfPH/emfefHH3uM1r3nNa17zmtceoP08kIPPA/g3AH7FcZzfNq0Dx3EiAP4Xveff/dhnfgfA/wjgXziO8zumdeA4ThbA/6T3/PsH7VilUsP3fngOfqn6hXSCtAgzm2XuNRpVFYDy5ptbqqkOd7BvP0/H4UhK1+TJtV5XnW5XDNi0KbtZLpR9aMj50er3J5RjO7qPkeTZs4wc26pmmNkrRUEhB9FEHJEYo4KQcuEBx06o8mVQfq6lnLFfSEKlwr41dVSOCxEw5Tefy+hka5tR+u4uT/FJ8QWcc5xOT2U+gJl95ByMTjKPW5T+QFmKkevrUspT1YUpHO7uMopNKiqvVhghzC/xvtdWyCDfknphsW565jy1wzFlRd57rdNAU+p7lRbzczX5MCSSjHjMfS+kaNOnXGBNDO+pEfY9JhZzPMsoI6yadEMvjDEdS/CeXY1vMBBBTy6VBZUK+DS3SnLHm787z74IUUol+Ywy0sc49TAZ3z86+zIA4NL3GCl0FXk/8hj78MLz1Orvds31ksOCpgtXdddNWE5YPgR+vrYVdVn+uqP3a6ohlgred21Dd+o1zptymfcW0/xrG8NcvvbdXgP5Mp9BOMEc+rTq74NhU2Nk+9jHfpGfVf7/0vnvanxUMdAzHwipUqqCwO0KMVBVj9tl1BtWztpQjma9jnCAc2VoWF4HQlbevkxWfbPN767VOc/T4iR0nPsRE3OfNHZSShH2+JiiWuXPi1La7HQ5Hs88fRzprHgs5zm/c8pbp8Vk76quf01KoG+dpWphXvoHPqel+2MP/OI4pTVHA1IjNO5FUJUFde0F0UQSGaGRpqvX6ls4yuchRVRzS2qVrR7H3J77175OdPCTn6L+wYw0RipCM6Jp9UXr55gUWLfkeeJHr8/LmJjgPjCqyqie9rUb11mdEpHy7LFHHlGfeR87GxwfU2vtew9oD4umbV5w7Oe0n8bi4oIFVSUW6qItpVNHXJlAl2uw2+FzTkghFeIWFRWpd8W12d7gHD/7JrVYMlLaPSwEcsAcRbUH2Ny/Izfd+Tt3sWf/LAAgJyTZkZJsRu6lG2scc7/m4GNnHtU4XXvPvBXek8OB4zi/COAX9c9RvT7hOM7v6v+3Td7Ydd2S4zj/FDwkvOw4zh+Dyof/ACxZ/DwoqdxvruvedRznXwH4twDechznT/CufPIkgP/ddd0HEkDymte85jWvec1rbO8VcnAKwI8bIO3VfwCwAKDvfeC67pccx3kWwP8M4NMAIgBuAfjvAPxb13X/X1UHruv+tuM487rOfwGmRK4C+C3XdX/vvbgJ13XQ7YT6XvJ3Fnka3VpjfrfaZHTqKkKYUZ3zQw+bWlUMOTFzQ2J0t4UENBQ9RaIWyrX1bynAmY+9jMn9ssKzSMKV+972pnLqKXnEu1LhU5QXiadQqyqqEqO757dryu9AEgkHD5I1feLEUQDAipjNBeWIuz3ew/Ii2ckd5XOTaZ6ETUs/2I+CGcVvri/ACbE/o/KIH5a2gF9Kh/EkT+OVspwu+7lSfndOeb2lZSIFV2+d130y2qsov2fEYldqfY6re1QOPxJJIZvheTUV57PJyl3OHBEXlhXNBqy+m32rbwvtkeb87ASRo7Tq/S0aLdYZ/Vv+s6366IAY+LuFfJ9zUqubq6L8KRTphaN8Rt/9FpncM9McrxPH+GwyqhR57Ckyw0uvaKw3eR2fnAUnp7LqA++/p3G4ffUWLlx4HQCwZz/7OTQkNUJpMPQ6un/NrZqqXra3OecKu4xWigUiBDt6ZgVpM+zdw+W+dy9RgaJQIj1K5HfuYn2LqJPlwMeniMpkNR+qJsKgPPWHXiASsiMHzVsLrDix2nrz2LAto79ziC/hyBGwq18E5NHhD7cQCbMP/hCjzUuXWSFx947cFoXe7OxyH5gU2/7dMnJeM2F9bzAyHsjKM0A16rUq+xgTmtjt8AI3btzBBz74EQCAL8jPbu2IoyN+y/AwI8VnJ1ilcugYOStf/crnAQCL8ggIGETkGodFco9dIS3KIFfbHN9CmZvA4SOH4RM3oNHgmkrIdTAiyGhsRLwHoXPmjxGRH0S9QT7Qy9+j/8cnPpHUeLGvJd2/PYtkhnN7eg8j6dXleRw5xrU1OsBIeY94ELUyn83dBfI5Wi2te/HBbt7i/mAVA8NywU1oXQW0LkwNtCp0KypdjeEBzvVSTbn8bhPtLteoJbbDQtiqDaO0yb8kx/t0NCHW17iPdMQhMGfYFVUJrYuTlJFHw4nj3H+t0qBY4Xpptlu4e5uVHI5ca636wnRtTCOiUuJeYw6wTz/7NM7ffBvFyoNz898r+eR/DeBf/4yf+SGAj/yMn/kKgK/8LJ/xmte85jWvec1rP1v7+6hz8HNroVAYM9MH+pHToYPMa11XviuvWn2rRBgfY+RlgcT29ib8IZ5YB6Rpv7ou/4EAT+rGJF1S1OUXq9yYvRWdMtviM/iUP7qrCKHR5Cl9d4OfL1X4OjnIaLBWryMt1a/8rpzs5KJXl9PZ8aNEOp5+5kP6bkYX01J2m5wmk7xU4mn08iV6MmwskUG+sc7opi7mbL0qlm7GNPcdrC7O834L7O/0Xn6nL6h8tU7hAY2XSLeoSUWs1WZ+852bzLE6qjUOync9DEYKUSnpZZS7HR4hUjE1wchjIJtCWsp9MOc3oSzlKvsQOcf8/ZLy/kHlRmPSyG9IU2JtQxr7ikqGxaCe2csIaUbKkl/5Ak/za/M8/UciOfiFDNSkZzG/wIjHH2D/o1HeX7XOsf3Ra4xe987yuUZjnHMxH8fn6HGO5+a3vw4A2FVVSE95T0NBglJ9HEiHcPE8WfhLy/xO83PYM8N5vi3VPPMlCMf5/BfF87ik2utw6H5FwVyOkeXe/QIKFb2HlAgP+c0p8C7Q4/1fu8YxDyoq+8iLZLBn07xWQ6IJ46rvf/GDvwoA+L3/xHlRbxLN8un+TOXTUf13QIp7fr95kKhrflNSBAoVXuMLX/6PAIByQShfw9RMxRORA2JTUXeny2s7DvseVs64Ua/q/VxPFlnHQ1yPlbJxf7gGgqECbt2ZBwAsrhIZSav6aEt56ze+ScRsRvPgwH6uzV/73D8BAHzpi/8JAHDzmvwdxLAPSEnPJ+0Cv/aXgCLR6QzX0b59c2grry/aBooV0wzhvjeo6Hpyms/GifDZRHV/Ufl5mELim2eJwNjGODVDN0JHFQk3b3EfOXaSiqUHDx7EmDRjoD1qXZoA61INNNXJqtbP2xeYz69q/4up2qlT5OesOsWXUAWSCmrWl+cBAD0p0ZZLRODaQnITqQQcOYW2OuLUFNmHqjQiMtpztjbl+6I+Q/us6YkIDEZPKLDxaVZqnE8FVa4l1cew7qHRbKMiVc7ieVZ0jI7wb82UODrjw+QtZKY5biEhsrvF7T5i8aDt51Gt4DWvec1rXvOa1/4eNw85uKfVajW8+cZbcHTKnpYy2tAwI8TpfTy9BZQ/3t6W73fXlOLyGJWjm3kKbG7y1JmXRkBTrNxgUFGsdBB6yolafq6rGvGWmPV371DxbG11nj9X/vKN11iLPf7iZwAAsXgSI6OMLrbyPKE2dI3jx8hoffrp5/Wd/A6LFOLyurp4gfXL+bxyb4o+sqqhh6P67hlRpKUDvrjIvODy4jLGpxnJz9+i2uSFy2Tivv+5F/QR0zlQ3le8hckpjvGli+SXWoQdC5qnApGBuaPUlE9lGVFZ5YGx1E1xrut2sZMX+1heAT1p5EdjfFYzE8x9BuUpUK8S3bF8vSnnGTN4QzXnMak/hpTvHBB68Wu//l8BAD7/BzQWvXbjAhIZRk3FIvkJL33vOwCA9z3F8Qgp0jent8VlIi4//CFZ+u9/gflJn9/0+4kkjEwyCtuWg2RDSm9JeRa0G9JxT4WRyrD/C8tEofJ53sepE4yIjh57EgCwKzfBnR324eAcx7qqny+vci6PiVH+vvdRlQ5CuzY2uC7GJmYBAHeucT7t7C7DtWoDhVEXzpMHMT3B73jmqV8AANQUpW1vcb0cPUpNhueeYTXzV7/5OwAAx8/r9Yz5rTnsmsaC+CKRFMfN7Sp67zRg8gzXbjIK9Xc59rGY6tvlkeFr8eeGToTD+iCs2off5TMtkxoj68VFjldPueRohHlic+cbHZvo1+Pncpy/Q2NSChUxaOuHrJyoyFtElCQ8dIrj9clP/RoA4E//8+8DANZXiYZkklIx1Zw3jkZZlUgzYusnkhmUxfOwvPbCXa7jsrhHcTkgZpXnnp6wiqyerk0EJSjUIhbjfrkjVVOfn/NlfJJr1fQh6tIqabV6uCj9DqfF/pk2Rq1iXC1pJeT42VSSY765zj60miWNE/dbR9yLgNZ6UNaplYq0W4T2jI1yD+j19Ez9IbRV4aIpg6T0DNIpc1bleBlStHcPn6chh7dvc88qlNQnva+vOWJrU/tyQdVBESFtHbfbh7qiqlprS0m2JZSnVOZnVld5P8ZpSqXi6Bip7AGbhxx4zWte85rXvOa1+5qHHNzTet0u6tUiMoM8raUy5pnA0/jZH/BEuLzE3HM4YhEGT+ejIxN45BSj8rVlnoDPn5sHAMTDqvXuiI2tY5lpo4ejOp0qcnT1aLpNRVCbPIV32mY7xuu9/QpP5QcnGHk8eebDGJkl8/fl15ivP3GK+emHnmHfNmvM00X0neN7xAwWgvDNL/8FACAghbTTp5kb7Er9cWiKJ+iBDPNdVy8z37mcZ47dDTaQE5N3epjRwtvfodv216T9/gsfYOVr2GUkYG6ESdXSJ6PMQbsdqT2CPx+bYATt+Pm5Sk0IjPQjAgGOVyLKk3Q86kfQar5dqWw3ec3VRdaK+1XXvUc11tW6VNY2eU2nx8+3xZSOK0e4Z88sgHcrU0zDIJdiBPYrv/7PAAB/9If/AXcXz3EMpeNfLUkDQVUWrtjGYUnCRVVp8va1lwAAo9N8pseO0mGyXOY9nNx/BgDw6uvkExTFPUiOM8prq+4/FAohpsqYgF+VDD4+i9fPfhUAUJMv/eFDRJiaVdV1OxyXg5PUWhhMcL7sP0BkzRdmpLW2zqhteEyRYZt9uSXOQr1dQ0L6/Enl83d3uba++5csOJoYkyLcOJGRQoHPYEUM+ac/QOTg1iIRk+vXz2q8uF58PYveeY9Hj1BZdO44894vfYeM+lpjE7GwXDfFaA+peqGnyqKA5ly3Io6A3ApNPCIYFpenXwEg9dM6+xIK8V6nxIM5fYrox/gYx83t+vp5+gGpjVZ22JeRAeaWP/IsNd7eeI0Kme9cJAJXVsXI08/wmo8++iwA4IufJwdhZ4vPNiU+wG6F8ykmFGxkgFyObsuPmNZKT3uL5fst0u3WVfnjcs4tSNUx6Jc2QFAsfSGMQT//DYfPMjcphKDGZxDQM3LlA1Iv1LC1ys8k9Uxc7ZORMOeQgFasLRD1coRWRlWFENGzCMdVeWNhr/Qw2kJMDhzgvjI6SnQjInVM4xl1WoF+1U5TqKYZefrUiZrmRy8rD4Up457x31lpVKxIYTYvfpmRcVpSVKyposB4MsUir9uoun1filCMa6+nzxZ3N/VKVLhS4r4Zj6d07dF+pdaDNg858JrXvOY1r3nNa/c1Dzm4p8UTCTz55PswOsnI751rzIPNLzIiNleymVnVce9alMphPHxoDm+/TXaxuWUlpcyVkS774gJzjBXl0oJCDoI6AXfEPQhLE35wRI5pyqH57VURZlUn4q994wsAgIOHTmF0nCfZo8cYZZ44yYhvc5WnzlBUznjqd08s27feZBS2OM9o7pMfZ3Q/PExUYrvMSHtqklHOlSusOf/hj/6SA6g8rx9t7JnhCT0UYuRyQE503/4rRsIBMb0ff5x+DJDS27JY25PS3n/2aeagz77xGq+t6o24olVXXgu5wZTGhZeL6+TdazVRVTWFI637SkHPQLoMaeXir6tmGtKFOHCYiIsrbfmIeA8+Rb0dOQSGNY5x8QF2jYUsF8yPfvzT+IM/YLTyrbc/AAAgAElEQVR1d5En/olxzoumFCKjit5iUl/zSd0yrPu9cO4VAMDhA9KvFzdlSFUqs0IWtrYYSYwxuEdNLqEhXw8+6S50zcEzI0fEIFGGmzcZjQ8P88OZASFjinDSKT6zoRFGn3XNvS1VcaQH+AxCYY7PW4p2y2XVxfs7cDVmDTG8Y0Kv8nmul6999UsAgM9+lnMsrOi7LKTFOCof+eg/BADsSFFzV/wJKHqdUo395z73TwEABelLfOfbRLDcjh9NcQZM4bAHzpmIOAc+cVDaDhEynxCUYFA6BiIt1Ip8VoMZjttDQur2TLMPuTTnckvaEzVxWtZX17CyxjV52nkf71eKfjVVGuWkbzE1yfU0rxzz0hLH6+WXWRlw4hhVCZ97juvl0jlyOQrbHB9T2BubUuWE+CP58hZyA1zfC6rD3xTqENHeNCgeRFflByvSfWk0pNInr4WgkFQtPeyXemsuyfEzd1hfMKj3yR02N4j6Dse0WeF77A+T0/dcURWOPtNQtVNL+fVQ8H4lSJ/US1NxfYfteTHOt6T4A7Eo+5xO5fTvAXTaqoyS9kR+l3v1letESKt186vgXFtb39F3sA/b0kepSyE1JH5DWXu+VawFxVVx+1o4xjfroCNkZFu8jWiY166Xuf8n5cY7JZ2QtFQYM5kcgueFcD1g85ADr3nNa17zmte8dl/zkIN7mt/vRzKdwde//m0AwMY6oz07dWZU75sUgzQe5qnTdMDTqRi25egYVg4skVD96S4jm66KiU2xy1X1a7nG6Nb0DkxJr61IKyG2cauiiNPHU6iMvFCp8sT9+S/+MU4//EEAwKmHyD7P7/Bk6wuIba1ofk1Igk/KZW+9wbz48eN0+JuZYcRjNfTmLlcu8XPfe+nL7FNLznnK323v1Pv552iEJ9qRIZ5wDx8lgvD22/yu2b2mRyA/Aun+3749DwA4MEfUQz9Gq6Zac41vQ8zwtVUiNqatXlClRaVQxews886njjA/v7utOvYQr7G9zSjsslzmTp7i/Q+PM6LqiPE/NzMLADj79psAgM9/nlHugSOM2p5/nroRMSEGW3mxveNZvPCBfwAA+L0/ojJ4qWQqauyDebuPTzBKa5legZQmd3aYa758iez1k8eomLe0xshw3z722RHi1BXC1JQTZzieQjzLPGtP6oPmOREOKZITutUUzyWdUR2/5nBJUfrmAn/fFas7kuB3Li1JUbRAtnuhzH9nsor+qi4aDYtkTcpQXAv5O9y5LjTq+0SjzjzFMXVUhbKrqGtIKpXPPf9pAMDnP/+nHL9x3uNv/AYrRqZm+WwufZ3aaX4hVrnMOJot5WujXFNh5Z2zKT4DiyC74L/94seko5wXzRZRmVNHqBMxNsHnHpW3REvuhNubjMQT2kduXONc/eFrL8HtqapC2gof/DD9Cdy2UAypLU4LrVzb4lpMyWOgWubzvXmdY/7QycfZlyEiSufe4FzdWuMaLZflC6N/D4+Po1rh3nNbqnzxOK99+DC/M5nm3rOh/aInz4W09C2SaXFTxLUZGiaKlU2TWxEUMuNTVL8pX5WYot/h4SSC0gLYKllULS0S7ZtVRd0dsfWDQvF6qnqqqIKgK92YkBAGvxQxw6qSiauyIpXkuParRAbNk2Wn70cRCpnnBPuZypI74o9adYaqn+TW6HfkrRLjnmcVOWtSnl1f5z7TkNKu49ga0DyTroLP8aEtlcW69Biada7VhBw/c+Km2TVML8cUdt+L5iEHXvOa17zmNa957b7mIQf3tEajgavvXEW1LMW/OKPZrPI5fkVlFhGEVf8bFgpQa5T77mjLK+bTzgi6o5pp6IRszlnGiA3o5x1FfK7YqdvSWo8LrViSlnY3Jn0EqdlZvffNG9exf+/j6qdY9OJGzO1jVHXjNrUHwrpmRFwK8wp47HEyoGt16ZDHeZ2A8uAvv0T9/61dau6HFN1WGvIRbyVx+Qqjo+lJRm6u6vgPHmB9tSm1meNdS4zvdGrovj5vbjCimtvLuu7vf5+KgK+8ygi6A/7eOBjmlKkUJQ7sfxyPnWRkl99h1NrtEl2IK+K9fZWIgSsHvBMPMWccUf7fH+ez6YkXcefuOwCAYpm51x+9yjzwmljen/rU5wAAiSjHe2FxFUNDRGFOn2Ju+dZtRnpmgNds8Tmm0ow+BwY455pN9jmg3OqtG+zroQNUNwyLR9FSmLKT5721pALZVTTTcbOYmj2l/+d3umJyd+u8v3FxS6JSlKxLI6Cr57ogLkqpopysX5Ukchss1zke5lWgtC+qUjsM+3tw2uYUyt91FBkFVfHRka79pQvkWOQGicpN7+UzDAudWtvgOhibYI35Rz76jwAAkxOM7iZnOF92i7yH/I6Y4HUhd9EwEklee2JsVP0zjwmpCfpUCz9JVGZQPicJ9aFUYF9nxxlBR2TWt6No13LW5lVwQQqVt25z7g4OtVGTSufCMvk+21tcezPT5Au1VcUyMcPqhcR1zr31Nc6fvVJMtJz7pjgnjp7NQ49Qg6KhfaOpedSUNsvm1hYqWufHjtPHI5fjHKxZpZQ4On7V0g/LLyUtxCAc588bcvWsa4KF9KxNfbAt7YqS6v6DQqpa6CAkPosjNKHrY/9mxon6GdeoVNAeI6StLd0Kc6ItCVnczMvdNW5cBH7elAe3tzkfrl3n+yKRZV3W6buKjo5RlTEl1U5TDl3d4DqoVLl3zU4RWRodkrtrSOuiLbRG39kWMtDraQFKN6PXtT2fe1fP78Dt3o8ANJqcB3EpX1Y1b3ZNI0HcnVgicY/ByIM1Dznwmte85jWvec1r9zUPObinua6LTqeDI4eZF+9IA73ekGd8W7XCyv/7/Px9MsF/37h5GxcuUm2tZ5ZeKhZ2TPtdQlzGRu+f8fSLjjgJDaETa2s8tR+b2ac+8DznKLppuDxhN3VKf+r5pxAM8ES/tcuT7ZBUxQqqjb14nn08doL6BeUYT+NHDpMJH1W+bmeLucFMiifplSXmJO/eZq2xVWnAJxRDddG+SBelKvOTN++w4mO/aucDqhV++GFGsefOMSc6P8+o+6knn2MfwuxzXhFAqMc+HJOvxdaOVMhUWy4htH59++GD/L5nn/0Qdrf4nrycEEdGea3lFbKP55fJ0s8NGXdEOcO2KeJxPPM7/PziwnX9nuOWSur5X+e4fuHPGaV85EVGs+FIECW5we2fYz7WFBB3C4xghuTFEQrqPu3ZSPHtxju836KU49bWxIdJyPe+d39UYkpqAeVmHTeBYdW293RfITnTBeRk2azxGo06kTOL0qrqQ1cRTiIqvQipEdaUJz5wgNH64AgfxvnLjJQra8yf+qP+PuO9Ky6N3/QJfOIeCIUrVzhXX/0huQdB8TiG5HzZavE+8wVe56FHGSFH+u6XXKtVqdRl04z6z5wmcnPh4psIq+qg0w7rs8y1HzhEdCuTZs55aJiRcr3Eeb6zyag9LC0Kn1vXz/lMS1JBbbZUx19RVYsQlWee4RzO5kJoaE+5c4fPtV5jBBvwcyxdv1j1iqyn5bFw/SY19zfXGRnnBtnXcpmRd1SeFSK9oywH0m6Pr+bxkUnF+j4w0BpalArrrnxRMln+vtuwzYsvbc05n1wmje/iaP9p6csrLaFZ2kcLdc6X8TQRm7rbRl258o44AT3XHDMZtcfkdzAyLMdURc62X+7VutoSL+a8tFf2znB9lEvcC9dWuYaHdc8WZDvaQPx+Hxztyh3tydfn+bzX14UYqP9Tqmrza38o67lvqeqjULCqBfOuMH6R+YDo3zBHUZEUeo4VfsFRHwRSo9Mx/wbtuWaIAee+978XzTsc3NNcF+h0u5hRGd7qMh9yfocPOSTils2odpsPqCRJ3GazgliMQxoTU7AtuLgHmXHoj7mrheOzzVukwKCULyOC3esiotQafN0zR5jt1tJ19ZqL6dgR/jGZGj2I7U32N2yHlxgnzhXB5xB02xWRxsg6A1mSA7ckC21kF1d9Pv8GRZU6siT2Bc1ySiIqmuSOv4MO2IcLV1hqNTo1CwCICnstCJKdnuYfrCWVeF5+m3+oDx8ixGklnlVJrdpBZ0JCMmbsZPKhj5zk5x4/80HdSx3bEiFJDEjCuMaDyNVbLPdqd7XYJ3igiEuael1EzuQo4fb1DW7cxR3Oi7DDe2hU+PzNdvj2DaZUXolxw37f0x9Etc4NMhDiJjchqVUrZQxo87Myt5Qg74sXL6qPnHtmD9sRnNqSWExAqZ3tLY7Hzib/iGRlYesH0Fb54+6WETK1ITqSnPZLPjjK+2joD4hJUsdjKiNrGuDI5z03R/h13yFC3HvnCLPuP8gD7Te+8WcAgGtvv9ZPj7Uk1OIaa8ux9JoMkwRFr6xRNvzVHzCd9PyHSOxMJHhfXVfjVpFgmYlIqQTy1R/+QN/NPxa/+El+PpfL9Y2FrIztgMpErbwtmZTQlp7JnVskhaZM5rYt8us2/+CUZV1s5OJGi+NkgjZDgxzXkUGJj01mkZN9+JlH+V1LyzYuvLYrclxNf2APHGJ64c5tPl9LDW2rdDqoPSqj5+6otHP7Ku/V9qem5uNuqYQOFPxonScHeBAbliBVQHB621HKTn0Kijxtdtlm4FQB94d6WwGMDpvDg+xTPMH1VCzp4B8O9IObngyzqir7XF7lXHWVXrMSXiv7mxFJOBTj/ZQb7Gs8pkOzaxB/Q+MzqFf7uQ5NWk/1Rq0vi9xT7iuiw/+ZAzxYDo8yeDDhpa6kmzeWmWZtan9tKrfZkvRxU6mBjsbZ79h+qZJGrSed53hfSm1FQvcTEi1VZRL47baRGQOA4+C9aF5awWte85rXvOY1r93XPOTgnhYMBTE2Po6M5C9bErvY3uCpta4TpYkftWQ/OzrKKCUQcCDeSz8iMoGhriIh+C3NoFO3jokGPXUVIbq9+6HO7R2efPftZWScHp9lX0pm/sFUSGmnB/uqUclAb24y+trNM/LN5mQwJDLg4KDuV6dPM/EZFUFtVSWdZoKUkL+ynfa7iigCgoY7vTbkpItqld9pQkm/8AIjt1DIolX25YUPfBwAcPsOyZJrKvuZmmYEEJUsakfn6oceZlni5AQRBLONnZwhErG4yqg/v9tAdojRQrvHa567QHGeSoP/jgjKz8qqu65yLxM/6krMZGWB8GKlwggxHZcAi09RvIR94mFGohfPM2pNJuM4eIhR6Xae/UoJJm61eO2GJLhV5YTRIUbjA2miWHeL/O5chtc2mdhGi5FVSJbP83cZIeYU/WUfUjlmbwdo873jQyZWw7nWU1rB0IuOyijb2h4iAUK7LUH1fsFbVi42u3dC98nrrq8x0h4d47P42Md+TffYwvwdoldRlQH7FZVa5AZXUL2MZ8w2eXmR6amzb/AZnThNw6qoSKNtEe2sdC2v8lRLgS0ucw7vSL57dnZPP/USVGRfUkmfX0TCnAy1bl0lmtXU842m2YeF+WVdk+urJgJaQ2kbv+4xoLW+tc4+bqywz/N3Ev0xH5Xx1Haez3Egy/kwPEf0qdJgv9MyEBodI7qVF2HZ7LEtbVBXpDwmESUzhKtU+X4ILchlo6grtbGu0tt17Xd+GUxFFJ02RVw1caioSHCdPulVyIKeacAvSXPNp4aMvOoV7pszEvAZHx9DJML5Ghvh2G8pnZjRs1lfZmorJHJ0V9F3SSWODaG4ZjK3W1ZKrMFnEpQxVyQukTERpEMBs7TmPcEJ90sY/ULKdsqSS1Yq2C8BtlqT39GoyPa5y/ljJY4+vyWNzdSJr07HoH8REV2TO1Zf/A4sTeA3RDnIviQSHJ9M0sjk/H0ywfHrdpx7ctUP1jzkwGte85rXvOY1r93XPOTgnuY4LNdJKBrpNHmCDCiP1yryNK5AAG0RjZqtev/zZspjyEBbFqQKrlFv8L1Niy4cOxEyIjyssruxEUaOJqjhqgymVuXpftBvBEZ1RoS9YqWITEJEqyajhJsSlnECpiTEU6nlKZsKV03u006elku8InIPdMLt9sSrUG6+q8gZKgWstet9wlksLhOjdUa+33+F8smnH6KIT7OqU7aVjY0ymiiWmNdf0+eqOiknhBD4XVmUJo1EyGe1uiyb1Cr7Mjo2g0qLOeHzEi8qqAQxYDlDkfhiEjepyNSmJb5IXUIzS0vkKhhhCV1De2TQJKOenk+cDuV7L1x4HXEJyUQjRDF6ihraikZrNY4XJBhjRMxHHqa8tE/lhW7XxLNEHmzJDlh5Udflde4qP37mNMcZzTzefP0vNTaKpiTrGokx6mgrooknGa2dPsMSvkyAxLFinvPEJz5MR1H+isp1w4pqx8aJ5pQKnC/ROKPWZ597ERsSwGkrP9/zGe/FUAx2tyYToIgIrHFZ9s7Pizw6SlRiZh/XR68rsRsRHG3emPhYRlLR21v898jwMOKyNb5+nZH/I6fJOZlWHttktyNhzvNVEVJ7ZV47KjnqrMpPU9pOez4r0eM9tYW4FAsc9+V5vq4HiujKhOh7LxGViyZJfnzxw+yDX/ffa7MvXZWo+hWd3rh5RePHuTswxM8PjhPNqapMcXGZfa7V+d1+cHzvLK3AHxYJuse5U1DZtV+58JgMp9yu4ECZeVmOvCu0JijxJH9ERFcR7gZ1nUaF192Q5ffRaaJimWAULT34/XtJLLxQu8xryAwrEOHvlxc41yIhi/RlLFXiXmf8IuM/JWzfENLm95ult+awUBNDqHrwoS5juqq4I1XxG8qyQ2/3xNcQEhsQChNW+WWnJzJ6n1MgRAB9liFf/cYNsD/Der8P8BmPS+vBL56H2cdPjBERjKvsclhGUvFEGiEbmwdsHnLgNa95zWte85rX7msecnBPazVaWLy2gOMHWRGgIA6Dk4xOojGewt2uRUw8QSaUgxwYHUFXZTxtnfDduCyWJduaUNWCpVj3TpMrcGAfqw3SGZ4ATQymWJMdqvgOHdmF1mULWy076jvPeQMD2X5Z38aGIh8JC3VDjJp8DfZ3z/Bh3bhshPNWusRrL0uYZWmZoi3+gEk682OdH8ttdYx53uv10Qdj12cS5CkEFPHvSoTEL9OfYpEn/1qV91utz7PP4Cm+UmZUErLyM5VVBXy8l5kpsrizMv8ZHdZz6K7i9uW/4jVXGSFGeoqEWjphd/leV7nThsa+Ks6BOaCa/G3Yx9N6QxKnXUXx/qDe6CjXKtRkp/QOLl1kPx977GP8rJV1lXl/PpXkjQ5zrhUKsn+N8dkdnuKzypuRjhkvqcQv2NE9VPns8ho3J8rv2dy4heUN3n9B1RWO5TjFEDfTr4gEdHpCvZ5+5hMAgIzcnMz0JpPgM7h0i1LYP/hzVhQ89wwrRY4df4LjI7OY8dg0ZkdYwXBnmf3rKtJvCYVAT3NW0ZWKD+BX/t9KvHoGcmnO1cXmN/SmUOG9xCXhu67qHiv1DIYSqFV9uh9VD0wQKWmIZS/CPIam2Oe7y5ybNS3euBCDmf3kC+SGOJeDyv8HwzL60jh+6684Dy++RROxSKiMYFhIlxCgrrgnNZVNbt+pqQ8SahKaNZWjuJi/STRMwAlqRe5RfvuBRJSyGStn5rPPDbKyJNkMoVjm2nNdfvbgGH9n1UyFDUb6PZVs+gMmK83xa3U5D04cIB9qVoJl5bLEjqLsy8U3WcXj35ZpnEoC290Weqp8iGT4LDITHMvrN4gUDUkWe0t9qRbY55zQn5aMpBoS3IoP8BnU67zfSoF9D4lHERZvoCXUt9OxcvUOHPHESkJSGlrfmRS/qyMuWrsmnotKgtsmcKfnH05ybqYr3PtrZaK+hhd0ulZubD8Rmux7t9zRuDhW4VAUp2JAolfJtGzmxbkJu50+ovOgzUMOvOY1r3nNa17z2n3NQw7uaw4cx4+iLHctJ5TNMc+DOk9+pm8wpRp9R7XWsdgARobJFZCfCgYlUtHuMFJqiHVckijHxjbz3xsb3wEAVCq8dlA5tkaH0X5bDN+obGN9DiPpXls5eNWoB0NN+IPsTzzJx3tsnFHneoE/L+/w9Dwxzgiho2jEojAzf1qep+iRaTOI5vCu4E7LWLYm6KQ6XbfXF/ToKoIJCDHxOXy9dYs8iErdasElxKJcaEAmUY7VVqtWuKGa8wHZ45rEb36XudS5g4wUzYjq6tXzKBU5hlFJszaaqr9uWAVJWHchAR3VIycl0tIUdHBUplHbO+QezC9J2li5e/Rz8SZ6onsPJbC2Mg8AWF3mmCZS7GexzD5cvcLIdmyYssi5LKOUiuxiHV0ro2jV9DOCYjP3ZIJ09BhRr4hMk4q7HK9eKI0Pf/Jzeq89N9Wnm/BWjf3OC9XJS5q1oDGe3kN+x/IKc61mYjO3j1HsG6+/DAD4+jf+QtfhnP3AUx/U94YxM8v1cX2eaINP+diOIvqAFk7A8veK4kz2NpPhWI8MUx9gV2x9Y9Y3JR62Kb2HbJYR6MoSf5+QsFGr46Kr73r4UcqNJ6RrUChKB0JohenKpLP8vckA+5TbdYJijGd4bbPb7SoSjMa4f3z2s/81AGDfNNfjF7/yf6OuSD8UFuogbklASNvaJnPsrnQsZiaJJB04wL3nxEmiHRcvs5rD5oVf8KELu0fyKbKD/LyZsY2NjWFjbR4AcP0G1+T2Gsc0KNjGD7sW9CpUQjbQBvqMyOypXpZpkObNjoSoCkUiCUnlzU3qPDc0Ar+4RBV9JpbgOFTFg0oKxjl6jOhEcVMVFdp7q+IzdK1qRdocVYmGXbnC8UHPuD0SWTJoyqJ2p88MQMss6FVRkthPPkRGFtTzqogKZLkXDwyLF6Tv6IgnYhUGSZk9lYQWRoLGE+I9u5rzjuNCxTp9C+qGOEk3b5JLtCuNiIR0QwzeDLjArsTvHrR5yIHXvOY1r3nNa167r3nIwT2t3elgc2sbKyvMLWYHeUK03GwgyNP89ZuU0TTWqc/H01unV4WoAShXZBksdTAocg5J6SqivJRZtXalmRCI2DV5Tg8HxQSWIlZapi9+5b13pX8QCKiG1l9Fuc7Ir6U8Zlyypm3l6Sti31v+OhoR01vR19oyI8N5Ge2YtGhHugam7tgX4urbhAph6Llw9f8mEep2eJ/bW4yQgyFTGWMkDJcD15JiIIReBAPypFZ0n5AKYV1Rbl1M8Pgk37+0xLy6IRNb2wtoupJaVfTdNVKGvqMjNrYvLAU75VyjUnLbWOBpfWKE0f7UNPkNC8tULzTSsSuJbHQNQeEYhHwRNMSA3lwnKz2tXKlfedzdTSEdl8g+PzjHCClgNdNCUGriGihdiU6PP4/qnvbvp/RvUJUDjZpyqb4MYln2uytVPTP18QkJcqLs/3CC35kRuWRL6EVedskJRU4WoeyZIXKwdw+/+84dKsWdf4tclelhstL37Z1FRLK+YelcmJmNIUQ+Md87fVBKyIKmWFLISTzGqKsg6+GIqn4aqnKI6f67bY7LoFj8MdWDr2/lMSD0YW6O/e4qBI4meK2W1POaMvMJSsQkPcjId0gW7ufOUmnz0hVydE4+cgIAMD5J5CkW5jwqiVdy5rHn+PvhCfzxn/1fHLNV6ntMzuoZRcw+m2O+IqXAUJB9OXmcfX7oYc6Tl37wXQDAiCooErJ03tjg+GCIFSOHFHmfe5NchY2tNYyNj+i9HJsdaUT4YlLQVH47omjcleV3S9Uto6O8tk96GWb+1FMMvl3g2o5GOW4ZKVA2FMQvLm0ias9ViJlJmcelZLiyRIR1SqqNba1lq7RqqpqrJR5QWEhMfISvt+8Yf0iIrD5n+5S2AnThottfXEIz1P/GAPvvk1V1XRVFrlRu/dqbbA/rVlStI4O3bNaqgmzPtg2U42YGZT2319eB8Wn+GgplBlLr+htllVNhIXBuq4NWXzfhwZqHHHjNa17zmte85rX7mocc3Ntc2iY0dKSt1VWvrvx5Is2TZEKRxZJOb9V3eLKsNdsI6sTXkOJhQ568EeUMgzr5t1zmwZtiCPsdRXpSIXPEADYrZ8c0tFPSnncscla0N8R81uT0OJSmwuVLZAfPLzJHbl4BIaEO4yNSAuxKjSwjFr6sWkdHGPGYvrlFdaZe11f26lk9r4bR30HPPJPVggGOaUu+DO0OT8lQ3XVLbPtDh6jzMDvBaLQiy91Sg3lLMzBqiy/w6GO0V45G2adzZ78PAKg1GIk3OztoitqeSvN+qnUxwsVjSGYYOY1PM6eYzvHfO3lFDKZJEWDUm85QqyAcNkVBwUWGnOiZ+aVz0O3UEfbx+W4JORhV7tcnlCGpSoi7stMeUG58MMf3VaTet7nF8aqLKZ1RX4J1Rbm616FR0+gQozwQhavnZjwQSyJ3dH+mGGg67aa+CantWf57JMfcckWohFlfP3b6SQDA0l3Ot6rq5V9/nQhCOjuAtO5rbq+qL8pEqVp6vlXxfToau4CU7MxGeWqSkXWzzu/uSCcimOT8ub3A8TPzsXFVWGQynFddraN8fheH5N9hRmo9ISphoXRX3+L6efssPUU++AJVGevSP7CqhD37Wc3wu39IFODNSz8CABw7wfn06MkPAwAO7KXZmJlhzR08jl//x78JAPiTL/5nAEBU3iFVh+uj6XI8UkICvvQXfwwAWJhn3wcVzbZViz8gjoUZ8hhXIxc0jwaO154D5H68+darqKkSaEa6AzH5mWjo+4YvcelhdMwzQXopw0NE1EyDwypJmtoDnR7HKS3NAVfaAlX9vt5sYzBhXCpDvMxQSDwgaQ4US/x3XmqOQUXdrs/0P9gc19A7zWntO7tl7ruhkHg2ZgDWeRftM0M9n9azxeELq9d13+I7+LXH+XiN/K50Y9TXphQTu2HeU1SKi0NSbDVuS1fIXTRmZlmdPrIcUcncdoHfaaVicUPeVNVgmovhWATNehm9no3f3715yIHXvOY1r3nNa167r3nIwT0tEgnjwIE5hHRy3txknisilrsvzjPkvgOMnHarPIVub5MZ3XWBkNjGQ9KvT8r+d0e59o0tKpU1VHptDRAAACAASURBVIfu6pTabUl9rMf3P3qCrPVMgv8uFqXaJQ7D7k5B38Nc6uEjZNIvLK3hwEEymR9/gpHOSy8zH+nfYhQxoPxjwCS/hUIYE3ZlhTnjhx5hdDcoe9O781RKLFcYzfT6UorKh5lWePfdU2uf2aw8m185M1ffWVK9//gYa6Ofe/Y5jluU+dpVVQSU5XxWV4390AAjpEce5n2ffYuIwY6ploWkNeDUEJA+e0NIUF215G0xnQ8fPw0AiCcH1GeemTfW+fyjcgqMKnLKDTIf6kjVsU/+1237/e/avwJEffzijrQaW3pzUeOi87lVNuiaExN8rlY7f1u2yCnlLTvSUthWpN2Srn9vmfPj2QFqDMwoh92Dg56ek+VdLfdpvI16SAiQordqlK87RY7bxoYqLcQsD4jnsDhPRGFcfh/79x/W+Em7QkzzYqWGoCLYfJ4IUCTGdRITczuoKpym7NKtSiXQdzbk2mvWzS5Z9eqKkFcW5vmdeta5HKO0rCLsDTkoDmRzSAspC0spM5Vi9PoDqXh+42t/yu82W3Q5gyZU715TZcC0VP1OnCKK9cbr3wIAvPIKa/LPv/UOAODIAVaSnJYvyLGjpzGzh9H6L/3KrwIAbsk+fLPAfSKoOdVo8D4LRT7nP/8inS7NGdGW3JknWXlh3iSmsGcaJC2LkC3XHnqXgzI+wTUHKfxZdZIvbGVKUopVHtys3RNx7lFlVSO0hQiYe+2QnCeD8jEo5DkvGtIV8Uf96Or/u11D3dhfn2MW31KI1X6RlndIQyhgWXM0kVbev2WaAbzuEXEteqpS8AV4z6WqHHUV5bu9Llpa0P2KD91HUAOSiPK+pw4Q1QuKL7MrDlc+L9RS3IOYVBzNB8GqF6zKa0uVNT7zXvAH+ms0rvsx9HqrYFoqehEnx7R3QpEIHCvIeMDmIQde85rXvOY1r3ntvuYhB/e0UDiEPXum8J3vM3IwJ8VTDzNXuKUTYVqs1AMHZwEA+SJPfgGfg62teQDAxAQ/s2cvT5eL87ymP8ATajTEU6RSxQgEeRJ+/1OfBADMjDLnXtwkQpBNMne6U+TpdGKM57r9+5k7rFZ5cr5y5WVMKIILi0195jHq67s6+e/sMCJOpxmNLYjhP79AB7tGg1HqG28ySnn0EUZER44cAQCcO0dWdluUcsfIBmrOvQpdxksQYiACeH/mBZXHf1qqetkBRhlbG+JiKDrxS8Vw3xwj6qTyd47qlMtym2u3GUl3xeVwe1W028Zo5mutzc+mc7zWvn1kfvdU9762yqgrryjz8F7mlJWSRyrFKDQSEeu6xb6Fgoo0DAWQHjocP3zSbegqcsnvqhKky2sVVQnw/AeooPjw44wACyXOralpVlDcvsN8fk/VHT3pt7d13a6qHy69TRW+Gzf4Wi1uotmUz7zp9IsX0lFtuJWfBMyhTlF5RyqGvR6fVVnOkofFD1HKFNvSR3jmuQ8BAOKqDHjjNebub99dxLGjzE8nDaXpinsi2KWnKC0mzfiW0IzhEc7/cEjVBstcFwNS/itWiMiUpM3gKAqriqPiC/D35pw5mJvBzDTH3i/3vK99jfn8r37tC7xvqeeFVSkzP09k7dRDRGXqupYvxL4+fJo/v3qN99vp8rsdh+87e5F7wIXL3wMAzE4dwalTzwIAnnjmeQDAcWlpvHZR7omKjHfEF6oJIYlIg8HQsA9+6EUA7zLiX3qZPImHH2WfamLCR7PcuxbmyX1ZWLmNihxCJyb5TO4s3tZneP9pOYGaZOzAAJGzjNbB5jrnaEX6D2lFu8atsJp9CB2Ip7kuShucw8sbtzC9XxoJDfOp4ZhnxPPKi+flMxdFeXG4hiCJIJFMyFFRe1DAb/og3IdDUfYpN8R50xOysC0PjlanjaYQIUjx1PXx+fVMQ0HVWub0WNnlnNsSn6Elr5meX4icql06Hal3aq1HxW0xR9ma3gcAbaEXO+B+H4oIdZBWQsXK4uw+5dpIeVwH70XzkAOvec1rXvOa17x2X/OQg3ua6/bQatcxMc5T5rXbzP/dnWdkPSN98508T+EDOZ7Sj59gLvHShbNIyh1PwAB+8H3mHws7PAEGdXKtN+10qcj5KUaMszPMjW0tMWptlRkxrGwwkijVeKJ8+hnmLccmGGnfvUuewObOOt65TgTgySfeBwBwxOQ98zj/fekio8lr16gatp1nfrMtLYJ4gmfGfJ4n4Tff5Ptzg+xrMCzHyY4qKeykqkjT8QXgF2XZHMkEwiApH4qyPAAOHqSnxOHDjHAK0pQPibl78TJRiqER5o7TihS7bSmiKT+6pdrsonwDIiEm3txeBY6iioBxAaSQODPNKNZq7mtV5fHl3Ge69OYYWJBWfECVB2HV7PtL8lzXrTa6FmFE1EcXXb/5MPCay6uMQh0hAKkEI+MXfuGjfJ+iWZH2MTZOlGNtg9yTvfuZ5227xnRWlOYw+vjyl36fv29K7c/XhNszdMFU9MQRMfc4IQeuUUbMfNL0IOT8WZLqotvm+6dniazkhhlJzszOAgCqmqtXbzISTyfDGB7hvD04RxTqey/TjyEiTkE6w7WXTPN5BzTGuSzvv9NS3jfCtReRhse2qhcOzZG7MjLO8fQZS1/raEhVIvv2jKAp3f1vfP2LAIBvfvNL/A55a6S0lsuqc795k+vq2HGqDfqD/O7dIqPdWVVgzB2izsHmKtdkRNr7vUHLa/M57O4u4Ft/9RUAwNYm95T3PU8k4dQh8mDyWvffPPcNAEBFOheO1tfECPek9z9H5OHLX6HzZlP1/iERiwrS9W/H+FCXxCsKh4CkEMS2j/1KDTI6HZlkND+Y1Vj65GyoeW1aFNkBcwHkvEoKGbCqnXJLXARpC5gbaiIrn5XKGpZUCWDoRE2+C+bu2pI/RVlKsY7+dEWEuHaktmgKi1VV87iQ1kuCfQrJ78IVCjaQk+utw32l03URCKkKSWspEueCaAoZWbzLvwelstwZpetQLcudUYih8SSKFa7ZsDgHxkWQgSTiUsMMKfpPZ7J9t8WWxqwihMi16jW/cTE0bOZ82W32ORIP2jzkwGte85rXvOY1r93X3hPkwHGczwB4FsApACcBJAH8keu6v/YT3jsH4FMAPgRgDsAIgF0ArwH4P13XfeknfOY3APzO39CFf+667r9/wNtAt9tBsbiNKXNAi/M0tls2PwSLuHhyLhd50p4YJ+O41+lheYW55I7VGYvZP5Bi5OOTKlZYUdr0XiIFAxle4+pl5gI3FhlZ1kuM6qtSN0wPkn0+qJxZs8XTrErukcnGcOUa1QH3S389JN8Fn3Lqhw6Rz/Dq64weqjUpJUoroC2Vubjy+i3Vq6+vqy5XIWVTzOGweQuY97jjICD2uTHaLQvmF3PXJ0+AI0cYSTbacrLTqf1NOdf94FVWIfzyL/8yr6e8fsDcL5U/z++qYqSrPLpF73D7CEBTjpYBP79jUhUBTeWOTUsiv03kYCDOvrZVG2414/EIo5lEjM+gEVf+Ut/timnsKgpy0UNPFOKAKmGs39UGI8Pnn/44ACAl3YL5bT5/U+lcPMt/b2wyAjY/gLpFiCFGKbEoo5ABMfHL8vDotlv9uvW+e7xQBzimL69/hgyF0FNTHbdFa8Uyx3p9fR4A8PSzjFpHJhhhthVz3LhL5G1weEJfU4FP82FkmGss8v+w96YxdqVneth77rn7vtS+sapYZHEnm2yyV/WmdWSNoszInrEdYGIggPNnYBtZgATOZAAjCAwPAiSxgQB2kEHsJLZmMtJoNFpm1Gqql+km2WRza25VrH2vW3ff71ny43ney0XdcktNjYT4fABxWVX3nvOd7/vOud/7vM/7PFSlVGa7TTSqWsM5B5NAxnL9OHbUR9VS+ps0G5jTKCPCk8cRtdfImK9Qc39oALno/B4QufM/+ksp8P/XrmKtMQUsPr+qExJJi+Gzm/SU2N7B+hilR0KJiqM5VpocPnSc70d1R64P66wvpxE27tlW3ZZGGZFvPILrunYZUWl2ANdz4MCkiIicOnmaY4i5mhjt5zHx+XfefkdERK5cgWfFy6+Bw1MhR0kBvBL5Iuo50D+YldwQzs1bUqJZnDvix2u9TsSJ95SfiNPoEOZ1ZBQchLk5ql0yR2/TM8DkveqQc9Bk5VGYz9dYKiH3l6AMqhwk21LRlCDHkIqifj732loFhfd36NGiXAPVqgmQs9RuqnYBrmmPyrLFCuZSq2HC0XivMsRm3r/JSqE2kTCjHeUrxsVpoo++Jm4wVS1VOZEwq35UYVbRVK3qqteUR4I+7OX3pBqkzgV5Ly3V8wgTlcChH1SMmaowajwpysETSyv8Y8GmoCYiayJy6Ke895+IyG+JyC0R+a6IFERkVkS+KiJfNQzjH7iu+798zGf/VESufsTv3/85++01r3nNa17zmtcea09qc/CPBJuCeQGC8BPR/0Pt+yLyT13X/eDhXxqG8bKI/KWI/DPDMP7Idd3Nj/jst1zX/cMn0+WfbI4j0miLFOvY2Y5MIJeayGD3tnAfTPEAo58+5qu21rHLG+qbllQEGgKKGEwPg49gGzjG8BhrfulCGGXNtJ918IUSIsR8BVFHIsZdpoXdpeNjXa6Dnb9DtbJ4RnfYEVldQnRw7Qqm4bmzyGNu76FPPip7nWX0eel99G19E+d2uS81qOpokGnvdtQhkYppYeQmk9RKd5j3S8QzIi7GqMo6fJsOkbUGmf1RjMPgAFCMCPP+2zsY41s3of0ej+NzmTTGusOIQdUaq8wPl8kHUAc1lQyz8WYREelSUyAexRwlw9RKZ/K0kF8SEZHrH4Dp/fLzUPxrkundosaEQ76DSRWzVB+Opzr4Pu7utfrBEUssH/rLgFdsaicIWdnTM0B5yoz0QryAACPpm1fexrjcvikiImNTiKBGx1GtogqKBisLBkfRp81t+D/EYo6IoblQnNplhCNkVWv0bhiKHCAqa1Pls0t0Z2wMfIG/8bXfFBGRdB/64mPOurCBapitBUSDp44iwi4W93rnzg0BOegaqpWB1yadPuPktYSJerXLiPT2SoisbeogaEScyap6H/URqCSXySLC3swjp33hvTd57WUJEhEJcH13e5ocGPMAle0CjM5qrImfW8QcDO7D2IdimMMmHSGnyRu620+0Zx1zsL2G86VYqRE0YjLAiqIsUbsqmew7u3j8WazfP34aHIShQczr7u7aI+979z34O/QTYQmRD5Gn/r+iA2ubQAsrFcxRPGpKhP4nugx8LVYCRYjO+bC2urz/+6g1MTEJfYdGgwqxLfUBwRzusiqqLYogUOeAa7zRoF6K44ifzpYxIl8WlUMDETxj+umDkWblRJz6L0kiS1FyUCL8/C5dGxstILlNInRbm+iTVujEqcyYNoHYdZptUbPWEJ8xTXJs6g08c3l7S5uqlAHyiChyKjU+8+JJrN3+ccTKm+vQA6lxvBJUs1SKQJMVZ61WSyzygiwqO6raZLv76Fe2aarOBe+XeFwMX+UhMsLP354I58B13Tdc151zPwETwnXdP3x8Y8Df/1hEzgsYKc8/iX55zWte85rXvOa1n739qlUrcM/Wk7N+vJ0yDOMfikhYRNZF5A3Xddee1MkNwxBfMNCrV2+qGiF3ugHS0YPcre1xVx5iPe/uTlES9Lj3GcqAx6Ws72GHH+JOdXoGO/wgo8+lJVYb7OBywnRlq7P21WHFQYHn1HP30f9ANeizff2yNL+EYy4gculLMUofxk4/TwTBz/zeUydRxWAzkpy/j8goTs38EMdDWbVpVhzo3jIeQbTeJJO6XmuKrbXCrioiMtfODe0k6/bjzOsbrM//4AqVDvPgWihrV5UUOpwT06QuewvjUKZOubJ2dZfqOE4vzy1kEYfDek4qGDJirJQRXRRLmIMi87OpBKKKFjkHdlAd3dD8LE0JRTAuYUZeLYYgrXZNLE3vcx5NOtglycoPksmsiFOQ7pzzdxDx3rmN6LPJ6GWDTPj9s9BoqNTIZQlhTtVT4LpqFEhd3J6rJqs3Auofz2ibSnmqje8w9274cF1Rciy+8MXfEBGRNKNym9yF7W1ERteog5Ghln6VtOxEMi0h8jNM5ZwcA/M/yrBrH9G6LP0uCrv47NXLiCdC7JOuwTrZ603yYQI8ToTnXiJ358oNoEEOfSJSKb8Io0fbJW+D0atD1Evz1g5Z6yHmr+/PQfHw5NnP4FwRRID6vBiiVscwXTy3N5H1NJkMrpawcnKpuJAyIssL0BZQIEVV9zbXWDGTwLlP0K9hYQl8jr96Dz4OHS6wqWmgGcq1CFLdtWnhGu7ew71dLiPX3qx2JB3HdW/z/i3msc6HxyZFRKRO/lQqAdRiaATIgdXzVMGcZPuwlu/dw1q1e+qMVCUkchUjQcrP54d6eog88Myw+WFLcD9sbbPufw/3qGqNuLIkIiIDg+hThCimRZTQH6SPQwPX1qLCajxGPhD1UGp16iV0A9JWFUn1lIjhM6EIfl+mwuP6Ju5NfT5m++O8TtVeQB8UEQiTm+XnGlYnXYc8kgbvo0w6LS6/CovNEq+TfAVVo1UtEmrMBFjpgDF+MqSDX5nNgWEY+0TksyLSEJE3P+Zt/+Cxn23DMP6ViPxD13U/kWikYRiXP+ZPP40n4TWvec1rXvPafzDtV2JzYEAO6/8SGFv/167rFh97y6KI/K6I/IWA25ASkRdF5H8Ukb8vIkkR+TufuiM+V3xBSyyy2zvM+yQy3PEyL9hgflcVvzpd3e0GeozeOnfus0eQbw2sUCPAzzx9Agzfcg35rNVV7OTTaebD6Uefpgvjbh59KlW5q7Wop2Ai16bp0iNHzsrdm+ArdKiId/NDRE9+v6IV+Ex+B7vm/kFEYU8dh5LixAhyyg6vX73O+zPYlccY7V+5DF5AqYTdfZv5sUq10PMqd006m7GywW6Trc5ddjqJn5WtfOsWHPx8jBgiEVUfpH87lcFCYeygdzbBUWjWSuwrk/pOi8dpiUEUx+m5n+GYfq0/Jyu5yrplHUxVHWs2W4+8+qhBoL7ttRqrIFRRjbt7zRO2Wra4OoisYOh0cYwMURfd7Wv06ZInsUiXwWqT7GW6ra2uQrdf0R6Xt3KNzPJMGjn9oB9z5lqtB6gFnexUl18UWemSVc1j+QTjptHtS5/9rIiIjI0guq9VlMWOvr7+Q3Bc3r+EOZweB48iN4RKnMn+frG76G80hXX+wvPQ91BHRJvRfKWKccgzSuvQ+XJgYITnpjdJz7ueGvt1rIO9us3jYI3rfVUq4PjdVq13z6gypBZnqPKnr/d4JOeG85rfJadiDfnsA7OIYlW9sMt7s38A59RqhVyWVQEO7rexoQOys0nvEKqs5nLkWLBSQjkVN64AIQiYGIeXX4L3yh0iAXtEA3U02uxLhmt9YwFI0/Y2+p6I4dqCfvgriIjcvQc+h0lFyO0PgZwNDoNDceY0XsN0iKxSFyRM9b7BEVzv7XnrkeuNx4k0EN0oEUnK56kCafikQca+opEpIkMNC+foMOJ3yQ9Z4THaLZzr/gLQHHUUVdQiwgqALvP8nQ4rJcJ4XzjCZ4Bf1RAtCRBtCfN+DhOl7K0PHsslZ8UkL0ZRXpf3skX3yQK9E2yuK61KaDbxc5ReC7NUu23Um7K9i0oaR9SdVBEC3sOqiMhOdamdEWR1x5Nov/TNgQHt3X8tIi+IyL8TkT94/D3kI/z4oV81ROSPDMN4T0SuicjfNgzjn7que+3fdz7Xdc98TD8ui8jpn/0KvOY1r3nNa177/1f7pW4OuDH4NyLyN0XkGyLyn3wSUqM213VXDcP4roj8XRF5SbBR+BQdEvGFbKnXsWOu0PhAtcH9ZITWWNeskWOYNdalaknqNVXmw47uJJ3aQnHkZ5VV7zOx+05SnezgAezKpyaw+w5yh5yIskLAojuXg6i/S2XAVvNBxasI2Lt/67f/U7yXqmJN5tMcm/XLjMabjMIVKcnSa2BgcFJERO7dQ04tz52vcFc+eAwIxPg4Pn/lCurE1fXPMEVcoX4/828WI+Uga6enJ0f4M/5+6eIb7Ct2zKqJHg1rbTU+X6pg569qY6tLSzin6p0zbyyssfabYelqJExlwybnSB0CNfeeyTCiG4GWRD9zqNUKxtHwPVr/3O1qnGbyGjWSJvudlRVwWMN7fOQ9uJQ+VMW2ADkjikK4jOYX7gM5sEkE2D+J6KLEHGo+X+S1IfpoEDlIJvs5TkCq6vUticWwhgwiAopWGIxOAmS4i42+tFnvrUjS4VnwAwp7zNsmMT63bkE58MJFIEn9GUSMqmUwTH7J8Mhwjwle3wRiVqb6YJjVCaoD0mOvM0rVR1WD171HxVHNZzsGxjxEbY4kKygGRtCHQz5E83fvIqu4OH9ZQlTMVF3+bld1TEKP9CGgISMj3y4RtRX6Exw8eJTjyDVKtvrEFNbR0goi5z3O1RFqFwRDWbGJiITIsm+z+qbeIXJg01uEc3XtCsZ4iDoHn//cF0RE5K8uQd+g1VVlQDqL7iA6r5aUq0ONFiIvZ07OSpnVOH4VS+FnE7wfnnn+FRERiSYwrxU+w9QTIJHG2ltYXBIRkbUNvBaKmLP+HJ5piQSOl6EKplYYVMo1KYfoscGhzmWAxsSy6MvyKtDQYonupEmimCN4n0GORpfIkyoI+g3qaJBHoFylKrU6Ol1WIvFerrXaUlIEkdF4PKjcHPxafV3CQXBNFC2ulXEsdQoNBxndEzGwyd1Qbks6yUoVOszGyema270nHfJdpOdbw2eJq26l1FThXyNEIFO5lOT3NqSr7L1P0X5pCokG6qX+HxH5bRH5v0Xk77gPMMKfpakHbuynvstrXvOa17zmNa99ovZLQQ4MwwgKkIL/SET+TxH5e25Pru1nbs/wdeHT9qvbbcv6xmKv1lwYvTrc+QWZL45HEY0ZzD0PDGEnnMsZcvMm8naZHHa06g2ezmL3bIZS/D13l3RXS6Wxe9zYROR8/AiijkyS0S71ASo1nFPzmx0yhjvcKjbqdfEzinKICPjJmm236exWIvOV1Ghl8y+vYgjXNsA639zEa5gRZXkPO+NgCLv2ySloFLjcUl+8+CNeS05aPJel3u7ch2od8+AAxmxtDVUJS2Rrh1lbXqPWRJI6ENoUWHK5O6+T3ZyismCEXIQunRINX1tSUUQ8fT51QGS9dRHnGB7D9QywT9bBg7xO7Pxter0HGEEouzpMX/coGfjlsrocoq+q+/Awe9in7GKtoadvg2rhN4g2qOtcsYjILx7FOJx7BrnmC1eRa97axjiPjuDvdeZDKcomESrvtVohCfgVMUDEp2GHVimYopwEMrnJ1Xj66ZdwPYxirS6uocA89/wc5u7kSaBkp45BIdBPhMIi18GybSmxyibGSEfHcJAKhpoDbjUVWcD1J+K4fwp0wAsQEQlxDdep4pnPo08tIjOVBtGuflQQHDoIFESciqwuoALCdpRbw+oVUx1EqZxp6hrG9fjI89iiP0GJbq1atdDm+jAYiYdjWFdTKSAoSboaFvN1EZ6zSP19X5MOfg5dN+nsaBO1U82OO6ximZkFj1qRSs13R8gLSsaxNvdPAHE6OINqh22qN/r9rizdX+Z1Yp6ijGBffQU+H8kU1lCJjpfxGMY+nsB4XP4AyGGxiOfF5DSuc57eNM5jPKxIFK9x3pfBYFQS1DNp0ZWxxefGUAzzrpU2jQpdNjnvRSqj+llJpr4vEfIGfEFG6yRWqMvj+Aju8TRdLJV3U2m0pM75a1TJ89rBWqxUsRYtKq0WiuD9OHQ3TbFCptViH7uqXoqbUXkUqtmSzWG9qKfJyhLmZGdnu1cpQ7BaHI2b+aL8oR7qSSXVTDYppvlkYv6/duSA5MNvCjYG/7t8go2BYRif+YjfGYZh/Dci8pyI5AXiSl7zmte85jWvee1TtiflrfA1Efkafxzi63OGYfwh/593Xfe/5P//NxH5suALfV1Efk93Tg+1867rnn/o5zcNw7gnIpf4mZSAwHhMQE78u67rVh4/yM/aXMeRTqspcSqelcmI1VyzesFvlaFZ0OZu1jSwK332uc/IvXnswscnwdAOcgdfYB1+mKiDxXxWqcL8N3eXb70Jpvf77yEKf+4sorDBISAJsRSGN52h45+hLmYdHscv5RKiSc1HtVrY+Tbb2PkqZ0Lz966t6IPWwePn0VG67E1MiojIzhaOs8voT+t4h4dxrS++hPznh7cuSI3s+jDzivUiUZZRRBUJ5qvP/xj153vMJfrJtbCorZ6MI8qq1DD2OuY7jBB39xCFlCuMIKkroRttvz8klRrrjnvsYuzY5+fBNh8ZneDvcTuk0kmOg9Yd65y1OU5YD4PUmCgU6BDJCEk5HBrF+f3mQ3cac+Qcc/UGqHAuhEzxahV9bVO/PRJSdAPjNzGOCGt3B+sql7X4frxGiHKEY1Sv3DN7omk+5RpQa0C9IPTc4iDiPXQQSMA+Vh2UGUlZfH+H1R+TzK1r9KfVK2Eia2lG7ZVCQYT+Eypp4pIbcv8+ELflZUTj+fw2j4nI8emT8G9oM7Iu5Pc4TlQzJePbZm52jrohy4tY86uLqGrJ0DFQpNtDLWzlLfTyufSS0Dw2o1j1pggwCs1vIXJcX8G5Zg8jemu2VEMfrwfoPGpxLstFKmwGRfYfwb0TiuNvC/NAhPxBPDfUm8QmZ6fAZ9LSAq7n4KGT7CMmd3MLz5/+ISrq8b6p08NigBHm02ewjna312RsVNUnsZYOH8ExY3Hc/5UyxlrdS0n3kZt0TH3rLTjPHj0GVGJoAPf21iZZ/2opQX6Rere0W1r3H33gCKo1/6zaydNLRJ1C0wm9F3WdY6126d7oWlrFhKqMQAhZ5xARu0oB71ddgAjHJUotk3R2WIYH8DxI7cOzx6ALZaUClGJjDVyTcgnPj8X7QKAajU32BWMeo6NoXw7HHqC6pV5rjdUeihJs09MlloxLkIPWevZrTwAAIABJREFU4Xo2Q+i/MvKSSYyDIgb6tG826/Lzg/CPtieVVjglIr/z2O+m+U9EZFlEdHMwxdc+Efm9n3LM8w/9/w9E5JyIvCYiWQE7Y0VE/oWI/E+u637qlILXvOY1r3nNa15DeyKbA9d1f19Efv8TvveVn+P4/9XP+pmfp1mWJcX8bk+lTtmlTeb3223s+KJU2FN2t+raN5pt2Tc1KSIiFbLOx1jqkKTTmWoiFOn0ZZAfEI9iKmZm8Pm33kCW5JvfxC7Vx52jqtIlM9jVKpKQY6VBMpHq5U41smvRuXF3F5FOmXk79RsPcfet/utb5D1Y5EFMH4A3Q7OJHGJT5aaY21JN+VwOrOyZ/Sfl4vu4vj2qDjboKpnpw6683sC52laQ140oNUDtAR8Rkf37QSkJaX4yTM4FOQkT1LGfYHTLcmAJBtG3cNAvYmitMHby/iCOleD1ra8jyqiw1rzO2vhWDUqJM1OIiFQPQtna5Z53PH0umBBUBMEQViYYtjhCdUVWAnR53To3tTrGK5ogV6XzKFcjFEzxuhAxjE+gTx9cn+P76fCmzpGkFYSISLnuA+VDRZQ0N2lQ90AdM23+fPQwqn4VjWiwjlsMrJc6I542I0E/KzFUrz7ixzi79CqolUqSYor3nbe/IyIiy8vXMZaMynysFPDxumcPwFMgnWMOmX3LZMiQv488bYPR/YnTWEdJRmtrG5hDx8F6uXYVHhW16opEAszruqpbohHXo1wRP/PbNpEjw6cun+Rc3EO1xoGDcIRUhcUmkYIE8+Y7NeTk1Z0wPRCWLfqZWAbG8NAxrOedLUSRug5y1AU5fhr3Q5seFJ02+jY9hfW/dwnRfIkaAiUhf4r8l3u36e7HHH0yHu0hSPtnwF8YHpnEsfawrjOsqMpkIhzDi3xlxFwHmhEJKl8E66TLaiktILKIvHZbZPXTDyYiprSog6LonGonbK7Rj4DP2Cz9bOIJuruqIiq9S9SNVdUsSyUgLMoLaRFhta3AI33ZJVI1t3CnV0GUyaEqK53BMzdBRDmdo9Iq3Tq7HTyD5xfwHJmcwDNudBjzrlULOpfrm3gOqxujPq/VcTGeiPVQqxj9F5SjFU9iHaTSKR4L63tuHsibYzg9BOzTtl+6zsGvUnMdV5q1lkRI3FLYfJCCLfwukIFBfDGfOY2HZ76Am6heb8rsIRCe3noHcPm3v/fnIiLy1NN4byJFWEy/LEgk7JRw8GwOkz4zA4BlbREPf9fEzbFVwM9rlFm22lhQAxMg2Bw7eqonRavyv5USFm2D8KAKhCg50McvCYdwcYIwup/knmQa7ztwGFDkvbtLIiKyTsJioQDo+gD7PDo6Ky9QUvjWLTxAbt4FBBfgl5tNctshQq6vvvY5EREJUTa6Vz7o4EZtqLRvr2QND4mjJ/CwjPFh4KpVcw+mdMWx+CXGTUy5hptncw0P0LaDcynJs0nBlWIeX9i3+MXzVJSCVkEtXeTDjoQkJYAKhZ9M0Y1AR2yWqFncHCi0r2mFBl99NI5ySYJzVXeZkL9+Gai1cyqDB3OZ46UiMJqO0IeniNGzQ+59+al8NB9EKve8bwzX2cfN3k6Jm0X2RR+eCl/mSL61Oc4qEpalfLBuvgJhU1YodnX7Dr6kbQdfgtxvS9hPy906ywKLeLiLH1/EJuHhIImn4xMYhzeYnrI+wNifPncOPxssR4v28xrRl8vvz4uIpjisx171sagCU0y3kWDmUGgmTPvgJSWSseQ3yS+VFiXEDVr9xlMsz0tyE759Vy5ffwv/X8Nnnzr1nIiIjPTjXmqSYOowDWmRobZvEn/XdMMR2kTrxn5zC9c5M4s5WFoDuKoiUQ32aXOjLpM8Vv8gxrJMQbF4Ave9w7TL22+h3PjebQQJivX3s+RRZdQ3NzBnNr/wq0aZf8cXna5JNWYaHY72yN35LZZNcy6mx9G3YZbF6mYvwjWY7sdzoMF7NhiIcpwwZ/dpllcu4ws5pNED517F2vwkH7uGKW0Ghcvb/FtQibokEbMk2s/1H+JG6zilrQf68IxbW+fGhMruxSKl7/fwHFbCs4oihZgai8TiEk+wVJMb7cHBIfYP47S0vCQiIusca/ITJRAIyUek6X+u9ksrZfSa17zmNa95zWu/ms1DDh5qPp8h8XhA/DQISdHco0WJTpsyqlqKss7d+Twjh/3TM5LuAjfN0a5zg0Srt78HGPXQ8WMiIjI0hihcbYDbbbymaAgyPQmYML+C6NwyCLcR+nSJ1R15CqZJhw4Bfi1XqrJBolSLJTeRAHakwQTOWW8hClMI2rLwc4c1eA1CJGdZNtfsYLfaT8RkeWVJRETu3UW0ZpAl06jBBOjYsbMyMoxIJhyZxPUZ74iISIBoRY0Q481bQEI2txFVTJHImU7hZ1WgspgKqSm0TSGaKo13HEZQPaWSXs1Ppwcbh8M4N7WfpMbrb3WYAsljPkOMJpIUdzFNzPvuHq67XEF0VigADenSwlkBe9PFbeXail4Y4tD+WsWMNIi32uh/hRBjlKQ+hVc1daMiOEFaPBssp0vHCfE38rx8Igg8t5h6i1tiCYVmGPEFCMWGKafdrOGYMzNAvzpEH7pMK4QJq7Y6LIltIBJaXsW4bZIEdvYsTFXX93BfVC0K14gjt+8BSQrSH9ihfbiPDNIm114khDRZo6Vjj2OMDOH3TRrmBAl5txz8/cJFwPSKnuVYNthlyeuz5z6P81qWXLkC0q9C0K6ieUSpAlwHhqI3JCabhspr49dlwupbqyADDuSmOH74u6a1fPz8Ds2krG5bzjyNsb7QxT24uoKy0KeP474ucF2UKLO+sol5rrPkVQ3MfCy3PXsaZMKF+1gXSzRocpv4nGmpTTXNwlJx6aNIUbuB+Y4mKc3ux7kXljBnt+/c4vjgsjQdOX0ActqFEqL+uXkiC0T5LJKEWyzXZMZAmg0+8+JpSSXxTI2ElWBN22eSq8/sB8JoEM1cX6d8OCNpJZFf/wB9bbIkUgmobZpdBXpkXBynTTTI4jPCHxLJMfKP9yN6D9CY6oGTFF58RHFs3h+hOFCJeYpBaSm4usa1KODVcVQYjschMhFQK3Wf20NSOgY+M7+M75EKCbiVKu7lnpwy59PqWPLJZQR/evOQA695zWte85rXvPZI85CDh1rX6sj29rpYLFXry2Frp2IdQ8x7qQnG0jIiI4PSvvFkROrcHR+kEIiwpO8DypvuLSPa7Kc86A5zbCnm7Uosc+pnyc7sDEhOV28iynEYhSSi2NWSGyW3r2NX32q0pd5FVNWmTavKPBsWy9tIflRhpi5z5SoHPD6Ovh09+jR/j11piQS0Q7OIdnY2EPV/eB2mMB/eQuS4urYsR46+IiIi+2dOiYjIV76KSlcl4bRpCqVlg8vL2GXnt4rsA/K22SyiWpVLTseZx2cOP0y1H8fBq0F52A6jecM0RAKIcBoUxGGFmWQjuM67t5YwluqXyy3zJolDBw4BxRmfRkR49/UbIiLS4twKhahsl4Zd5CI4FAtyfZaqt4rBaN0Xwlg7LMFaYQlfIoE1Fk+FOD4kYlo0a2nTepZ50QjXYs1GRKHER8dmqWuvTDEopkbCmkPnQPhowNTPvGb/AEoPyyTmRmmD22Hu+daHUCmfW8Caa/N6X3ntSyIiEo7h3FtbKO1KZTE386u3ZW0NkXEkzGiajyBDVIqcwkmWRle43s1N3Cd9/cihdx2S2SjEM877Te/Ja1dgk/yZZ8FlCVJMq1rG+Jw4/qoIyY0f3rmAMbNILLUpqcu5MYkI+QO6PjB39RbW6uAA+D65LNZym/yRIAmerSbOmQwCiUpQmCidtuXWbRjQlkqb/AyuO0/ycGYUUXmb971Jq96FeYxjmxHyGE2P1BxOUY/Cth6XRETz0TWQSfdJLKScAfKheO9ceg/Ew42dm7w+oDAJlv0lYhjTFhEmh6ZgkzQQKuyBT2JQulrXotVBHyNRWha7LXFoqhsKECEjd6DDe6pFJG1gGGuzQ25RlGJi9+bAZcnlcA37+dxsUiQpRPSnTv6QitMlKDJnm4qa+CVBNMqhdHuHD1mV+Fbb5C6RAIvPzQ/n0YdqEXOizyy9522/hvQUwCO6lSC5MMbSWtPvkxqJki1K+VusQ1ZgNBrH+DiEcTpdmoM5jvwMDgQ/tXnIgde85jWvec1rXnukecjBQy0Uisj+/UfFICM6wohJc/Bx7uz6aJQxdx+Rc6YPEejQ4IBsblIIgwnH7Ah2umHKdlqiIh/YGar4yzFKzsbJYC1SmnaMbN16ExH4DeZsu8x/zd1H9BaOYBfv8wclRoOTNiPXdAa59hdeeFZEHuzK85QF1TxvRs1Ooohw7lxF306dwi58mAJGdhefe+XlL4qISIschhs3UJZWae3IG29+A9fBcsAjx8AeL5Vw3RNjiC7SKYyxmpZo5NikfO69u0AUzCCir2odx6toWZiKCjlasofPw7pDxHYb0qrh/+MTyMceO4Jyt9tkXavwSrurjHDswtM07wnHMC65AZSZzR5G/vadd/9MRETqlPiNRvA5KmJL2yAXwRbxdTGmvgAFdXjrOWTdlyqIeNdXWa0SQjTan6KkcxNzWWSuscvowPCrKQyjFOYzhSJSPks5C33ikOiggUW3hb/liE7sn8Y5Y4xKtMw2Gsd6XyRDulTEXCQoUPXFF8Cwz2QRUa6QJxNm6WiHrPWhkSl56mn068ZVIGF+lkWq0ZZLToafPA+XxkT37gF5O0Rp6w4NxzohlTTH+lfl2FYXUf3c8lUREdk3jblTY65GpSFHaCRlMJKbn8e9pTLJtSbLAA0VLcLv2xxbYenmoWNA0sJEMTYLuP5UapDnxPpRrofK6a6urcuN60BhDEORJIzt4jLu68zIKPuIeU2xgiDFqqf1NTxvsow+xcF6OHwIazxCIZ6LF1AVoahHl6Wv2b4hCYXwnj0KDt2aw5hVa4i6oxHwPKSDMQ66LFFtE7UZBeI0sx+ozibRigvv4ZxtzmGW5aXaRxZzSDjoF9fQnD9+qWuwQ/7O0jK4JIcPopImTq7NAwQF99W5F8F30Wee1Ue78H2oFqtQwrlOxMUMcC4Dyiuxe9VHNQdIaKEJtFfLIHsy24oA0NXHH1JEDr9XMzWTQlaxJN7oEGkMcS1q2aYQge46XekQObOJxmjZeZBmcR0iiMr/0Ppk23Ie1Cp/yuYhB17zmte85jWvee2R5iEHD7VwKCIHD56QMqWO1ynAsUVeQJKRg1o451mtEOMuVly7Z5Axv4hIcGgY0dWLL2FHe+c2ovEL74Hp3+HO7+5dRLGnjyG61dxitYod7oED+H2IpielCvqoFrXZPkSYzbbdY4+bPvT3c59HLtgXxJZyd4s5UQrrJKmYM8583vw8cupv/fibIiIydweVBkeoKTC9H9eUozDNyVPYld+mxXPXakkyi+iiwPrihUXs/HMZ5EZVHjepLGVyB6K0kw5yR69StNUydu/bexinjoVr7DAqUeEZm9bWwpx7o9WQWBCIR4B1/VffRz5ajWTaFiLEdA5jqQIxlqUIAsZ2fhk51JNnYESUyiISOP/6N3hN4A10WIEQCtHiWUzx2Zi3Lq14/ZyLAHOd3RaOvbWOiDEZpcwrORRh5rM7jKxrjGLUuEtNlZo1FXDC35tVRCDtdlziUYzNOBnux44ArUrRWMdk/fY2BXTa6q9MxniVEs9HjyJSHh5lRMm2sgy2fpJ8mSrFopZpq3322afk+BGgUPvGsYYuvQsdkO1t5GtjEcyjSUSobQMB2N7FfZPPAzkKh8BJKRcQaQ/0I8JO0Mo3v4O+DA0h2q2xoiCTxvrrtH3SaWJt7RsFKqfKzrtFrNVwGMfqtlTIC29g4YMMjwLVy1HSukmNiTjFtfzMhxusAtpipQF9jeTmzZtSrpZ53fhdm1UL27us9KhQ/pdyyg4jyiFK8ZLULnsFHMfNYOzHIri3+wcQOSdzOJ5JSrxWSVVqbSmVcI/qPdklgjZLtCUWw/roknOS4gWMETEol9DHP/6jP8bPFD6jI7aEkrivdnZZPUXJ4hh5U44YYjC69lPszRZdt4iQo3zu6bN3ZXWF44NjDpAPdn8B824yCledFJO8hwi1BEJhoBgGoSY1MBLT7T2LUiGs0XQXz8XtHSAilXqBn6EQlUPpZvJFYnwu2uTi6Jes38SzTbkZLF7pPcPs1gMRLlPtxDm/ASKE+tmezJH74DMiLIx5MjIHHnLgNa95zWte85rXHm0ecvBQ63Yt2dwoSI4SnYEgoryhIewgk0nsxn3cvk7RcCbFSKleqUqEkVyDOa3NXezGB2mUMXMQufb+Eex0r18HE9hkfneNGgI5Rh9CiWaHqn7T05A43d7Bbr/j4DzLK4gMmk1b1jYR6X3uta+g3ynskjepSCa04o3zevppJeoaiFree+//xXUaNMEp4PV730df08xRD40hcqwxD67qf4ePnJRJ5q8314G6zN9DZFgbwnszVPgLckecYY5QGc5NVg4UqPLYqFBlj7tzlwZNPlU4MzHuVhuRwl4RUc7M5Kx84bW/JSIii3OIaOa2cD3jo0AEIokMxxIRwcrqkog8sHTuH8WcDU/g/SussR4bx1z81m//roiIXLkE5vmVi3jt0kbYZwTER1W9vrSa8+A6bSJNkZAaRiEC3NlEZBQO45xDM1T4Y+TYohRrgLbALpETl9yL/A7V2HaBJBw68Ix87nOo8R8ZGeZnsKY2WJWxTkW37R2sWZUwbvSQEBz74D5ct0074VIZfR4eJmLAip17c5dERGSNKm4HD0/JwSnkjM9Rb2B0CFHZn/7pv2S/EbUbfuZYKclbKizhmHeBap06Mcpzs7pnABHh2NgorxvvrzHKU1U+pnvFdcyeAVKM2iJT+6BBEiBjXo3KTGNSRESK5Mu0qanx1EmggakU1QyJKCjvZXWNCB7toweoJLm1hbldXV6WEKV1HVYWhck5yucRAe8QARmZAFqj9fsRajMof0EDyNVVzOUSjacOHMRcDY3iGsKUH48QcXS6plgdrJ19+8AZUAZ/Xz+eC13aQddZY9+g1PeFS1C5XLwPxNDPOVP+iEqPWD4gBP19mOtsFuOgRmftVqtnQlStdB7p3yCfk8pXuH0b59rawNhOTU5z/HD/VMvoo0WUQ5TLQE2GEOXK03y+RqKUDCeEa/hMER+fMeT5+AN4zg3xmRUPYX23bHw/tKgTY1Fptc1nshFQvROcs9GhTDeFElT3ws9Q31ZNE8fpmaQZvSonrl8VTGX1Sk/0tLeuxeMceM1rXvOa17zmtV9M85CDh5rfH5SBgXGJsk770CyiEW7SpExLzVodO8QMc7VB7v7bzbZEqYk9TCW3eeZbC6ximJmcxGeZkz9wALv1VpOKcaSfVqqImDvc8SpLeZVR7eoaoo9mF7tRh7vPVsuSz7wIo6QzZ6AqVq3gPcU8cmMZIgaDA9g9J2P47IX3EPFu5RGdRePYEav1bISmQHtF7NpLN/GaG4Km+Cuf/Q0REUmnBuTmjdsiItKgCpqfzN21dfR//i5yyMZZbHNf/gzy+LduIfy6dRsohZq1qKmRy9DPcXE8i+qNFmvWCwW8f/8UosBf/8pXe5ruTaIv4xOIYFQk4totRkArYI6XK4g21Yvh0oW/EBGRLwywKoUchPw2rWzJD3np+a+LiMjxWYz/tQ/Abbh155q0W4gyvvQFjNH6Jipd3nr7e+gL/RgCfkUQcB0trrVaTSOePo6DsBExoKpnkXX8pos5/Y3f/NsiInLi9Lmeh8LuLk15yK1R1KHF6CkcQTSlUWmAKIWiHKvriO7T5IvEqSC3ugp06OpV8GkcF9Ggn14Ut29dkeefxjzbNpVA96Ni4Eu/hvd+49/+cxERqTcwtskUqzCoILo4B07GxBh4AhYNdJpN2ocPgYswzzx5p63Mca1iYcWGWD2NjGKpwL/hPcep77GxtSQiIusruO+zadzT/f1AXg5MgQfUUstzIixlRq+Oo4qKuLf3CngGpFlpMDYyITu7t3huPmQYGtqsw9+il0AmC0TEYj27PifyrOPvUmsgGsU1FIqY4+4dRdjQx3CE3hUdXHsy0SdmUCt70IeNbdzXdxfB72nrWqShkkmiQyKGeT16Aihhg8iCxfcPDWCc+kZQqWTyGdDtKu8Bz6Pi3qYEaYZ2/BiQjoRWdzl1Xg99Yaj8OUiOia5dRXMnWN11fwFr1KZNu6o1CqtB8rQVj3RwHlVoDAYj4uMxo1QOdVkxYVJzIUbfGNPG90MggGdz1wGyFHJUkZWqnw0a3pWxztQMravqjBqj9/RS/D1SAYFRsXtQAn92eg8A9lFfnxBsIB5y4DWvec1rXvOa1x5rHnLwUDNNv8STWemSZRpg/W+A9r9Fui9a1EEY7EcE6ZLV7lqGCHe2Ybrrba0hf2szqqgyWhtg1D7Qj2hUWbldtTWlqmGN+dtWm9rZ1EYvcic9OQ0/g8FhMKbn7i/L9BR28n6t4RV8RrUEjh/C30MB1fvHbvr6tYs8B7XlyXdQRnSVOfgEmdBHTkL/vW8Au/U2c5fz9zdF1edCzBl32rgOgyGvRhcrS6hTLh5FxDA+jhzjrQ9R196gi1wghF17iap9wbC6FGJcKlV08uQxRO1f/NKX0aduXZapV5/OIDpok6l9/u0fiIjI2hrqun3+GvuI8Qoz0mlWkPf9wbf/UEREnnv2FVz/LCJMk7X6e3mMr99ENPL8i59Fn06flZUFICnNJt47PIDIN5dFbrhQwDnizLU+4CNTn57rwmB0oU5uPeSA0c7MQeSmTx7HeMYZHVca5V70kVXEiMz2jQ1U5bRY+15mlUGQzPFICOu/S737QAz3RYMKce++i2qWUglRrk3uRijMaJZ9XZ6/Jtc/AA/hzGloZOwQxRgeAdJz7nlU1vz4jW+LyAPt+yjdOvN59PX+PJCl2UNAx3Z2EO1mWQ1z7unX8Hnq+qs2QyyqnI+S+MkIT6bwWqngnupSYTSZ5Dip/TWfB1PKueB6VxgnoI5/Ua4b3sP3PgQSV6Qb34svwLMkl+2X6anPiIjIHDUWqkWs9/4co9GeeikjYFctzTEeObq4ztOyt0skJUGFzUYbxytuYJyFfgmJhK6fkARprR2NKceAvBZWLahan8WcuZ9ROMEKSceBlg4MT3K88HMmA5Rrt0zVxw2gHH5WxYSoaTI+vk/S1Glwud7z5GrZjML7+oEIuRYmo1LhGiXi0lZ7aD6zXFefO7RF5vPCIjehQlv2ckWf7crhiEkshrGPhND/gJ/VFXFytVhaEmOFRZe6DW16LbTa+H2Hipvdtv3Iq97DPbtpKkcaPd6ATzRu1+o3bQoYuA9zDB76+Uk2Dznwmte85jWvec1rjzQPOXioOY4rraYjYUpe+egcZ3H3HiHTvM6IYI074Y1lsLFj8Zg8dRqRTII65UdnUSvcVr+DBpi+bfoUbG2AO9DhrlxVtSJUKeyQ6VykXoDJnXWHkffUFJAD18WOenQ4ILnMIH+HbeWN68h9t1hHm0lh2n081r17yH9vk+E+OY6otkwdgE1Ga7OTqIt/+tyrIiLStLGDLtTokEiXQzFNkSB+VyxibPzqWEh1sVmiF8N0ejR8jGoZQTxzDgpv3/lz1MGXm4hKhRrxalpYbWCX/uwzQApeffnX0acydd3NrgxNIJrc2MAYvnn+vIiIrKxSXTIMNMLt0njdwXyHiACEolorj7+f/0v0afEWKkTOnAWCMjyMnDTlMCQYwRhE0gk5MANvidu38ZkKI8RjR5GDv3zl+7w+esSHVbeBSAF5DX5GSk1GPpk0xm/fPrC2EwmuXeaYm0QLMv0J6VBFTvO3c/fQl7JWG4zQCbGB8dC8t+ZU64y6EjGMZzqBcbkfBjJTFep+JDBu9QbQIr+LdRHyGfLe2+B3jA6Da+BS2bFcR9+On4La4u17UNtcXwGqk47ifV2qDC4vYc1OkK2uQXuT6EY4CFRvmxUDfazqCAQwjl2rIV0KG0SpfNplfjvMagOt/FCFR4v0+zs3sW4shmvhRISvzONnqe7XIR+Arp/1Gub8+9/DXEciIl/4PMbB6gB9u1kGyuAj8lYtoU9tIkd+MtrVB8SVNl+pScFoNE5eg0U0KxLluiKq4VJHwh+MiM3nRJGonGqnjE5DIyFFFdMueR9VcjS2yaOqVtGHBjUHfLx/ROjCmMXkDA2CJ6BujsUCzldrdKVJZNXmnKhTZiyG6L1MLhGBAImG6GNBHoQiaFoBkU5jbW7lqWXSInLEypREAse3FSXl88c0Wj2NkGIBa0erU8JcQ0FyDnpVB+QJWQ764vIZ1eEz32AlUoxcHvWucLuKCmilEQkFjoiQ/+FQ6OAnkAG+11GnyCclbvBQ85ADr3nNa17zmte89kjzkIOHmt9vSDYbkBKV4EzVv+ffw3RVS1M3wGYePEQmtGM50mqw6oA7vmGyareo7Gcz+upSTU1l2uOMmAPMY7XJ5O0QYYixgqJCNvqxY1AlPDSLXO3SMnbxGXHFT/ZxjZUCt+8gsjtxBO+1u+hjkK5oqrXgD2A3fvYsovCr7yNPnojgc3/z67+JvtE34jvfRc6+weSjj1rhXafTc6xLUb8gTMbv5BiqM+LMU87PL2EADh3lZ7EDPnYc52zUEKX8+etgH6uefY2VByfJe3j2WeRui/Q5yOSYKDZduUT9gcuX4L5XonZChAqGGhFppUCIWhVdIi2GH9cbIyvfpsPb5hbm9M+/C77AIGv2h4YRWSfTmLNQKCp2h8z+MKJzZesPDQFBmTkApGOe7nKxJI7RYE40oSqcXFdHjh/hdQI5MKkXESZPQJUGi9S2uHzpXbl5E9UYS0tAUEpFRDZnzmLsPkMVzxY5N/fmMP9JG1FWJEqthSbGLTaEnPwrr4A/8M0/AcJkM7xLR3ENNea9QxFTCmUgSeffhC/Fay//DRERadeoId/G9T391CsiIrK3jb42LYxjeibPAAAgAElEQVSPjwp/pSrONcfx2j8FVKvdVoRKfRDoXhlVhrhG4sWetkCS/ezLYq269KO4dwfXb3EtZ/px328X0Cf1t+gPYN4j9MEo05UvSVW/l14CD6ZVx7384U0c9+7d23LtKu7NF57H/Vzcw2dXiIzYrNOvlomAZBHNO91HUQ2HtfQ+ol3RGObMbWPdzd+CPkAyy3WSwGvQcSXMtaKOr8qqL1cx5vq8Ux2E8XGglVP7sAYdVgxViVLUef17u/h8pYJn00YHc98i8qrRcV9/TrpEqQaHMBeKWi2y2qtWZeTP54aqcNrCihoiJorujPC5qxoE23urHMciz63IiY/XSG8Of1hafD46rjph4iONNhCgMudRUQdFQ7WKI0aUKxSmKydVL9W9VKt3tApCeSS9LxpHRHrVWXyLcgxUxKD3e/2Qhxx4zWte85rXvOa1X3DzkIOHmu10pVZfF0dzQJLg77nbZv4/xHroDvN/0Rhe6426zC1QqZA5rk6Leakw2LdV6rQH6aKo+u7Fsupws9aVcmsh5sKq3CH7w9gRHzmCiDkSRbWDL0Dfdp8rYfbn4puIFo4eQV7zyOFZfgYoRaWGaOQ2/R5yVDCzBTvePka1J06ClZ9mpBj2I/r6/KtgbX//z76D35usvHBDUmXN/L4JnHOAHIw+5sQ/uHxZRERadIT84Rvv4n3DiFKOUBEw4tOonlUJNbz/mWfAe/jC576KPjNiiDDAXl1Dzvrtd16XtZU5ji3G5dAU/ebzuP5WFx9yWFRMwz9p+zQaV+c//MHP/H+3jWtsNao8J463vKzOghqRGeK4WEuTYxjL0ydewWdbOOfkOJCSUkG9FjBO7RYd3FghcPwU+CCiWvH0SyBwIOvLQDN+8N4PRURknrn77e15ER/WpKJaoZDqGdChjihWipFimxFhKIzo07bwPpuPjQ6jluEJRJSvvAbVw/M//BbGjcp4LnP6e+2qBPyIJhcX30B/J1GdkohhXRd2EJX1ZZCDn5xEdHpn8XUREYmFcQ0WfR8217B2B1KTIiKS6UPVToUM+8lDXEecO+XAFHfXpVHBvRgij2GAHglbBdyrdWqNxJNUvGOUmRrAnBWb6EuRVR7+Ku7RMd43IQNz06rhmv2s3Dl2AiqRg4OjMncPnKN8Hp/V6ovVTfAamnX0t7CH60iGME6OxZx8WJGCLt+H508ug/efO42KmcYu5mplE6hFuckqoGhFwjH8X11o00G8+ujrYZNlv7UGDkW5iDnSyoBklPd2ju6ME/h8iIuyxQqrSg2R98Y2UJ9yFQhFNB4Rh1ybFtfYbXrN1KhHoNoSkSQRVI59xK9+Nxi/BvkCOerNDA1hvCSIaxgZxLiYjMxVHbRYQt/yxW1RDoAIrkt8uP/9VJcUVWdVSEHw9xZtJltUZ4wzqE+zMsQiItWsA+WJ8L6wFSVQVMDoiiIBLr9z9G8P9E3cRz/zkCyi+4QkEj3kwGte85rXvOY1rz3SPOTgodbt2LK2XJIA3dgyfdgR6q7UpaKeTZb/5g52wFonblmWBALqVU7GKiMcs6uuX4jKGnvUxme4pqpbQUYCfnIMlM/aolrfyVNwRswNz4iISJXKcLEEdu12dVsKu9htF5nz2zeBKGxvB4z/o0eQ9166j4i6RpbygQNAAupN/PzsizjXCFnsloPPX3wfOfzrV8A8r3ex63a4ky7VbJk9jOhoaBgoxUSGXu/LiGzmF5BrPXPuWYwHN7s/Pg8m97X3ceVxAxFgs45o7sRJ5Ga/8mWw/EtUiLt9C9dy7x4ijoUlvBpGW2J0newwH60ukhW6Db7zLrgTmjNstemJwMgnEkCUnghr7Tn62mKFiWb7ovRlVx13AkvSbrfEJsckT1+H5gwi4ngf+Svcpz/9LFCe0l6Xr1gnp4/jejNxVXfEutki+rFB1cLbH4JX8f5FIAcW9d8jIX8vHx2kZkCVjo0OI98A5y9Cxc9+6tlX6Z3howpjhr93eV8UK+QuPIO5nJ8Dt2H+LioN4hkyyMORHgqn4vF3yGs49zTWWIe54N0SxnaWzpFLW7iuNvO84TD1G5pYF7fmUZFzkIPeZR432wfUQ6O6AiPRYqksLvPay4weTc7vZh7rwvKpumKMfabLokIsZNbbZIyXqWLpbuI+GRnEfder4WfNfr3eZN/ScpCIYIs8nr5BjG3/ENCt/B0ggls7QBDiERw7EsB1OX5l+VNZtUZkhVyLJF0qX3gJSKP9V3j/yjrmVHwiNX6mzqg7FEKkb5DvEAiTY0KVVuVBqfdG0FSuAvL5derBJOne6A/zffTmODCDa9sro2/bO5uSy2KM0tTe6LRZyVDBz+qQWSjvcCyxjkJJurfy+uNZILKFJu7hEj0bfD7M4c0beE6kWFkyNob7aYQeDkYwIB2usSp5TaUSxqxIHQxL0WBFBunKaLusHCHPoUQ02CSCpMq7FOkUqwcDKKFA1TuNB7/qIQaPogGqhOj8IgQO2DzkwGte85rXvOY1rz3SPOTgodbtWLK1XhSX0WowjN2szR1dwMROMEi26fgkcpTxlEaUliSY63IoZeUwQrKU+cpzbSkbmczuLOtyO2TrV6l0FqJG/H466fXTs6FLXQOlsQYi6MNI0i8ba4jKy9Ryt+mu5gswgqbWwo1riOwM6pL30yP+1BloDMSomHZrDnnrqx/8CT5H7fwUGdF+Vik021RSc/wyNoad+Bh35JSMkBvXEVV2qGjmpwPezL5JERHZyKPvKwtQ0jNN7MJ9Jnbn1RJytH/2p/9aRESWF5E3zu+REU/kJpskEhP0S4fWZSFef6mMiGiMbov9Q2CArzDP62dViqUa64oYdHGcBvOdD/J8ql+vuvfUTCfr2TRFhP/vdhB1XH4ffg3PvQjuxAR5ED66S4YiONfUTJZ9RR87VK27cBEcjbfeQe5+aAjrZ98E1sdgHypOrl+F6uXO1ooEAphnrVYRqq9FWX8t1FSIBLD2ThwCuvH6j6CAqAqBuQHqHBBBaDWxnjpkXz//yudERGSRTqG1GiKuTDrYQ8JcA/+rN/G3rV3qYRB9KVUwhgmSSIbHgGot3sH66cbU1x735PYeImp3Dvff4RPgdui9qzoi+QLQtEK1JKkEzpVnhcuINYnrPnNCREQW7uOYDWpmVGuIQkOUTIzGEdUqgmIRQShUMB67BVQBuTbW8MAg3j8yxCjVJ2IGNfrEZ5XIHyKXSO+tGnkL23kgRDPT4KjsEDnaZh7famNcBwZwjgb1ERJJrI/JfUAzyuQblaobIiY5E1RUVRVWRdxCRA7WVxc4pvRaoR5MiahG0GRVC5G2cgX3jUJrlvNohUCLz77N7RVZXMSFDwzR+TCOc09NwLdFyP/ZpJ9JiVylOjU5YlRlbFG9MTUMbkHcwjNsjyivYFhlk0jb3XvgZaUzOF9mICW5IbwplwNfYZg8KNvBmJbKQBIKeZy7Qk8JW/AMMnn/aEmBBv2Ww2ooVs6oWmNvgNT3w3mg8Cgfgxj0EAUPOfCa17zmNa95zWt/Xc1DDh5qpumTRCIqhQpyZ+vriO4HuNMvVLAz3N1F3ktdxgb6EEnF49GemqIqV1nMa0ZiiADLzGf6mTNOcIfcadHzm1FuemhSREQOnISjmTDS2qAbY+ogdsbqdthh7a0RaEqphLr7tRXote8bxg4/wnrsb/7xvxMRkRvX8fcwc+QD/fi7ektcuITo9MJ7iBytJiKHwQFEp4ajynH0PWeVQyqckPExRLqDPOatK0AptrbRN4cKbR26Sqp/+6FDiBQ2VpBjNnjdJnfd64xGF+9jHIIm655ZgaH59HBYa48tMcmq7jiIwlyOvcMofZJR2PLaIo9J1IZjaxDF6TKP6+NxfHRSVJ8IzUH7GImZFFLrtlviJ+NZTNV0x1i+/TY+83QXrPJkGmhUIIz1cvAwuRpEVN57F6jNVaI+JisPDEGUVikhGhsexPh/7WvI2V+58rq89e5fiohInIiPqZoRrCFXZ78wOQdhusdFQso6x/u26No3MYlzROMY+3wJ983AGFCQ42fgIXDxne/i8/WOxKm2Z6kvvR/nVF2MqMlcOqOoCnX5B3PQwdiM4H22hShe/Q0yKY7X7GFeIyLlahVRvM/A/TEwgL62W0OSJwfH4ryVqGD4HHPirg/j0NqlHwPV+KpU8yvt4dgmeUKODxeVzSLyTGeA9lVZ5/8hUY9b9Fo4MHlABlhdYZDvUa3RZZUVURoxC/Pa1RqO5Q+hjx2iEo2WVpzwHqRCYoh5/g71Vzp8Hk1N7xcRkbV1W/LUwvBrdUFLeR1UNhzFfXL16h32hdwc8p2q9Hnop+ZGIkktDz8rEKr0m2FfKlTkXKc6rOW0ydAXWV3G9SiKUSIvaGwca21qP8bL4c1V5NpttdXpEXNZrAPFjLGaYXhkUkRE+rJAAdQZc3OLKGsdyMza5qasKRISwN8SUaytDPkMyQSOEaXbq0PNEpsIgMMKK0UODPIjVBfBeoCf4e9Ebh/RNNDCBX3nY4jBX0fzkAOvec1rXvOa17z2SPOQg4eaYYgEwra0drFbrbIKwQhgNzsyMCkiIn5WHNy9i7zVwjwQhkQ8KcPkBCQSjFDaj1Yt7Gyrihx2ti5d8zQfd+wpMOnTrM+NZLB3/PHbb4nIA9Wxp04hIqwx2jH82K3W6pty9x6ibtdCLnVlCZyBYABcgrV17IxNukum4oiMFu8jqr83hx19lXr3uoOMR4BW2Iwgg4zIVSvdsRG1BIIJSdPRTm3EPriByoZaE/0PMCqrcYdvkvmr/gSKPOyu0e+ASzVI9ccwDQz8dL8MMZ+uzGqT+X/X7kib5QVl5ilVhbFLF7UBMsNHxhB1bm4uiYjIIB0zVcfcr7br1EFQtrupI/TYVtsleuQTXy/yU+17H/UranXM0V/8EFH99BSqFb7+W7/DPmLdXPjgRyIicvUW0J7+QYxvh0lq9QfIMlpttlgFY2FuP/+lr0u6D9fzA3pDqEW8RqsGo1SXrnyGT/tP7Xw6hApdHdfWsV4OztLfo0llzjrm/NgpKC5+eAMOm9Ip9KpuQqw2aBMBMAzV48eYNpnfjzLvnY5ijvrSiHJ3laPAiPvEMVTW9OeAVG3lge6JD31fug/uRTZL9nvEEdtt8hxhjgPu8wBzxiOjcALsxrHu83uojBijLv9OAedYWML94rJWf4/uiz4/+j4zg/EZGkTkeeUi7uW7t69LuR9jOjwKhCjmQ1+aVEg1iDhFGMV3yYRfXUMUX6XHBoNPyaUxx7E4eTPkv4SIFt2Zo1IiFRJnZw9L9RIieYO8qIjeS1yrbWuP40KVQq41oT6ETbR0dw/PwXoT45IgbyIaHOFxcDyDN1B/Dn9vtCricJ37uOb8vNlUz2KLPg67RKcSRGcy5FZMEglRnlSpgGtavgM0cGcnz3HE3A4OYrwTyTj7AM2F5c15yZcwzw45OKUqnkEVvgYD1K3wYy2lyD2JsDrDoj6CS8VJVWBVddPH1QwdQgZ2z1vBFJ++h39TxODx6gSTE287jjzp5iEHXvOa17zmNa957ZHmIQcPNcvqSn53Www6nDl0abtPtn6H7mNDg9gJP3MGanVF1vUuLCxLgZF9iDv+ENX1mlQHc6ie5TLiaZARf/Y51CGPkuWvueSF+1ASrO5gx18tU41vGXnLwSHsgFVje2tnV9ZXEdH1ZZHfLRbRpx1GPvvotjY0hPydS4UvQ13oWIedidGNrc7aaUaEym7PsQqiwxr+3V1co99wJBBiXf8u+rK+iUgnTJZ5l+eo16ocQ0REWs4xOQF2+s4C6uADHEe3V++B13BEFQK5zyUDX1n9nXZD2twDuy7Z6XsYj8FBaEWIgevZvx8s9QZVGKOBBI+Bn9W3wGA+XDXiTXIYGECJoedjTx3LkZ5ihU8/g2MEaSdo1/A6PQXOhXrev/UmNCUqVNwcm8J8dxtYmybru9sdRJCBCNEQolzlCsa5VHbk2ee+hOtKAvn69re+jb+Rp1BmtK4ojl85B1QXzN8BUnbgABjv+R3oA6RSWAeZLBCFOiOsTBbo14mjWNu3PjgvrqFaIYyMmO9vUlsjnQJ/J0dtAIvRppBbMEhORjaOc0UjeF+YipH5baJi5DLMLSDPv7czz1eiPYbdWyuKBDWJHLSYv0+rVwKfBzFGbbvb4CoEiVql6E65RwdFRV42V/G+NufqzGkoJz73DHhE1y9dlPwWOTgch7FpoBWi54wA+YkG0VdF2haXcF8wxS5Cvs8Q0Y4wXQ399A/Z4Vwp2jM0hOOeOn1EEklyRnZwX5hEkLRSolxEVO1jDt3PtRwgipemNkO9QTSMPhnlOp4H4QDVHTlO6m+gWgzhQFSE/ASjZzCAsVZNkW6NyBu9JFrkPeSLOMfqEsZ6chL3z8TYpIiInHsGSFyFz+jSHq7FYvVKkE6LoTaeI8FIQkIbSzh2YZV9IbpFToll4ZytLp+LVFf01Tgu1ImIxPD+Toe6ED0PBuG1oqmx4gNMwGD9k4j5MYhBT+dAHmtPsHrBQw685jWvec1rXvPaI81DDh5qPp8p0XBSGtRl13xOinmpniIac0gN5nky1DY4dfSY7DHXZTGa7jYRwcToDZAbR+60zjrWQdb3900gyuq6GhGiD3cv/lhERFpl5MyaDRzvGh0Gv/xVoAA1/j4WTkoqjh16nZURXfbzPuuU24w2+7OIQq0OVRb9uE6DteY+7lrT1E4PJRCtJejsFgjjOPUW+ry0Sq5Ca0+abeSG784j19vqIg8ZoCJcx8b2uUNluDLdJpuqFMcIMZ3C6y5r0QMh5GSDAXU0Yy6WIYa6uVkumcFWt+d8qdFqngzoBlXz1P8ilQRqc/rEc7iee8ihxnjOeBJ9t+l/0OIcarrPoIKg7t57TGMxpMvqDI0q/ZrPZZVKLoOocmocudPLF6H4t7HB6HxsmMfC+03WVGcyjNbIyv/+D78pIiK/9uv/sYiIjLGuvVYyZLeEPhw8Ag2AL1oYwx9897yIiKxtYM727cOYt1iFMdBHl0rmnne3sY6Gx6GDsLGGqC2bRYQYojZ/q4lxODiL81278r64LvqfINdGeQ87W1QpdBABx+ho2CjT0Y45eHWnzKVxv7icf9We8LMa5N4S1t3GNrQronzUBRi9OXZHQj51XcWcNKmmt7uNtZpjpUiRWgS5EUTlN29Bv8CgHkAmk+Z109WRKEaLJRmFPVzDB5eBYgxl0AfD7Yjh4hhxOiM2yeuIxdC3Ln0uXD6T0ml8tmOT99PCz406Pr9vYh/HgdfJ41+5iueFIhLpNMa31WrJwRmgdBW6dDa08onOjw36v0SCdI5V6U9qdtRLhC+oQhhLPOAeiYgEFeWL4pp2dvD8LFObJBqJSMCn9470+iUi0iU3x8/1ElafAnIRakScWk2s3YW7WJthqlqmMujz8CDu7SSRplqFz1kieHG6oPoCETl8GMhwvgh+z9omqrZqDfQ3kaILb+fR+922tKKAXAyiuQ5/NvR5IY82V5FGcg5c90HU/nGIwU80rWZw3SeGHnibg4daOByRI0dPSbuNB6rhJ9mLFpz1EhZssYgbuN3EIi/s4mfHdaTLLxq1Sw4TtjKTgPEMfjkavBnSOTyIFTWbotjRpR/hZt5m6aLOVJimP8skQc7dAry4/wAgcl83Lf05fMEEOrhBxiZwDqFpidUmLK5GIYQBQ2adI0HRJ8KKKm2qUJyK6bRY0qXj0eAmwXUb8sMf4Uvq/iJK7oRfinojmEyrbO8i1THOsaxzM0XKk2T6SAozKGFMsahaXeVVcW6FT3toNW9MwzRFDPZLhXdoqFMpK9kR16n2t0rQTKbxYB4i+a/W4AZNS7DsR+1S9Zr0hiZfi3/18zPsH8sd9SkwewRkyHAU12mr/C0taq0u5i7KsrlGR4WX0OfRSXzu0vvnRUTkT/7k/xARkVc/C0vko7OflzZlobe3AR/vn0EJ57PP4zpWSfoaGye0zQenSvDyO1KWVwDRx5IghUVo9LV4H+SviYlJERHpcH0lSE499+wLcuEyiJc1ltalExjrAL9Q65RqbjeU7MYvHkrT9khi3OA5Nvq4x9TZyhbSbTULZWihKNMY/BINcK7DYVOa9UdJcO0u1vPyEq7jCA3LVNwoHo1yfHB99z68xvFBF4MMALQsMU7iXpKkyptX8SUz38E6SkV8Msb7PRRC/+YpJz24D8TKEEv2ym2F4PHciAaTj5yzjymdHEv14vyCvnHzOl8hKsa3S4jiUvV6RyYnsTHd2ca9tLS4wOumWVWBG1ISLttcs2pI1lbov4uHmMugKsm0ZjROMjEJzPpMrJqY63AwLC7nUcv60ik8u5pMYRi9byqmJVl26zKXp8lGFWZSI7ZdiiYt0Brex7LCBEWTRkiALlVwLYGIKTESDKencE8Go9gs3roNYq3jUk6ckvcuo4NQgEZKHA/dRLkun/l8NpmGfpHzih77Mn+YrqhaSD8hhtT7j/vIz65hiGsY8iTaE0krGIbxdcMw/lfDMN4yDKNiGIZrGMa/+Zj3TvLvH/fv3/6U8/yOYRgXDcOoGYZRNgzjvGEYX3kS1+A1r3nNa17zmtfQnhRy8I9F5KSI1ERkTUQOfYLPXBORb33E729+1JsNw/gDEfkvePx/KQj3fltE/swwjN91Xfef/xz9fqTZtiXF8q74ubtUsZtaETu/MqOYjk2bUDJLAmHKgpqumEl8NtbA3wp5lC6ubwMGjFOCN0Hp2SCFdGIsNcpvAaL94CpgZZNSpAbf53RVDAW7+bffRiQ2yBLKWHBETh3HfsmaRDQeiqMvFUFk4JKsV6GUbKeO3fUKiYxVQrhhWrhOzwBJCfhxDbt7GIcCI4qZGRD5TAHCcH/phly/eYP95y7bJYyp0r0sNax1EUVVqywbdbHz3ythNx5M4boOUur41EmUY87dRWQ4fx+WvYU8xs0m9C2E331mW/w0p4n7dD4RIbdopJKiaEuX++8yIdypkyhBy1G4Z3cd47i8gciyRQKbSahazW9clUqmiZAhIiYh/C5FarokR0ZIDhydxRiX2kgPxNOM1hlRdhyMkymAP/NNrMGBcXw+HMc1xdI4Z3l7SUREzn+DkfrLbXnmBYgSdUmk29gAcjJNw62VJcz/XkHljhHVxzOAqiNpQLNVojXXbwDdmp2F4VI/UZ4QI8QY01EBP87z4qtnxQzQoryI3w324ZiKINy/u8hzYK315yg042BOQkQpVFNqfhHr4N481kFY0T6K3zga1gaU2KXiW34JshxWYyQfI+OtLRDR6lVaOltE3AjvZQj1G36F0YGguBS56TA9IUTS+lj6uK+PQlVE6nJ9SYmlMBfbFJaKRnGu8g7WrNiYiyCJrG4TY+qwjM5mzmzffqR4BgaBRGztYj28cf57PA7JgSH0PRnFa7cdkY6F6zhMa/YiU13VTpGjg9dgAO/j40MyCZxrYmw/f48x1rmLE4FLUeipS7nk0WGka6KEMRrVinRYyqilrmGWZA4NAEGJJrTcFHNSKGC8HBos+Vka7SfaFWJqVL/i3BD/Tlv2hCITRNNMyrgHrYC47IPbwHNh3+BviohIu4L1fXcepajhCOFeWqHbTDv7TRzbZWrZ/0DJCK+UTdYAP0BYxDXVptkRh2vSVsG2x5MR+uFfoHzyk9oc/CPBl/a8iLwsIm98gs9cdV339z/JwQ3DeF6wMbgvImdd1y3y9/9MRC6LyB8YhvEd13WXfvaue81rXvOa17zmtYfbE9kcuK7b2wwYTyjf8Vj7z/n6P+jGgOddMgzjX4jIfycif09E/vtPcxLbcaTeqEiEoj4+zWQ52Bk6hhqH6C6O4hUk5rRaLXEYPQSZr09mEek1djQ/D+JVZog5wwA+G2b+6uq1D/H+BglWLLeq6W48i936qyyj7Kd1c62uNqotCdDYY4tiRwHmaRsmhm5vBzm0JgVFhLt23UVHWAbVaiHa+PAGeANq/byzu/VIH+MJRP3ZHKPA0oDUNncePrSYBkqITLW9NpivY0q5XEaE1JdjeSTz1cEwxmltZZV9Qt7v2BHkyzMZRBhNkoXm74NEdHeeeVLLEaEQkEuRprAfY7i9gesbGQRCUGtS6pqlmskoCHamo+It2M1nGSn6DZbhMcJybbXLxavhqkzqA+ttlapWjsn0PkR8/VlEJVurQCOStJTdJkHt9r1LHB/0NZtD9JWijW4shWtMp/Fzu7TL82Kuzr/xLdneQS75+ZdhjBSn+M8GLYv9zGerWZHLiCZBudgRSnovkFdz7hxKFE8+BeQgQTvpZBKRU4IljlsUslpf25FoBJwRjUJV7KVK2+duF1Fbk9yTBsm/gyOYk+09rDU/5+TEaawDev7I6jLun46a/LBEzrUxd21GbX7zwWeUXxeN0PSphLVbrmAMgyESNClcFicS0GEpm02BqzSJyyWWlRqMYheXML6siO2t2Wg8IDs0BNrjOTWyVb6HShhbjGZN5eHSYEjFjo4cAfqj9uvvvgt+Q4jPITOKcde5DDI/Xq+3ZI2E0jPnIKy2uQWU7r33fvjIGLY7KliFTjQpee0QpUsR7RoaZjk2B/j2HOakxZLOGLkKyR6/JtjLkzd5nQafh300+arVS/w7xjpJ+eMM+VDKj3JIdC4UcS6L8tKROP9OIlCzrVE+3u+ytHpzu96T4t4p4W99QxjjYycwxoEInlXrNGprUETMx4Wk91G7RRE59WH6uKYgAH90fPIRNYqPtce4Bg/94d/zwU/efpmljCOGYfx9wzD+W76e+CnvfY2v3/+Iv33vsfd4zWte85rXvOa1T9F+mdUKn+e/XjMM47yI/I7ruisP/S4mIqMiUnNdd/MjjjPH14Of5KSGYVz+mD8d6nY7srG53pNJVXOOZIKSqwnsdKMxvJaYs1f5UJ/Ph5BERFya2uwxOt9jZHycOfOAj4IZzCW2GfkuLYIJXuduVG2RT59BPnB0CgY0QeZzS2R1N+ua/2UDZo0AACAASURBVGqKy4g1xAinSLOWjQryuU2Wh5lk9Ad6eSva4KqaD/+eSSKC7ssgWt1YW+f14jyLjNaiLDM7ODPbM3y5exeog+1DdGL2tqPYLqsJSUNFotI4Z5NojFr4pojAbG5iHMNBLJEcc9LBEMbj+AlI9o6RMT83f1OK22rWQ8lm0q3rFLVScZfBfkoSd7WKA30IRhBht1maZ1n4fJgiSV1KADf5OR/Lx9Q0yhZLhOuhTTEfv4nrOTANuWzDZrRN4ZR4FJ+9eBFIydYORKTirBA4dOgljBvRnRz5AEPknqzfx23hj7GMzArL7VuQsC4UEa2eewEIwiAtq5cWsU5qDaJQLAtMs4zsqZMvi4jI/v1ArfbPTIqISIQs/r4+XEOd4jcX3gOKc/8u+ACRkCmNutp6Y40p8qGRkoo4hXjO3T1E1FXyfdLM2zeZv94pIgd9/PRJjNMeeBOtCu5hjQwVwfKbGsa50mnzOsmQ92sJZgf3x8YWkJZDhzA+Db5fo/FgCOthfQPnjE1P8VJUdtziNQC96fK+qtOoLBjNyhQFyQbbWHt37iAaVf5Kl5yCaDzxyM9traxJY01vECVcWUNfdlh5ksnQbpiCXcn4AI/P+8+2ZZMlrM0GHqFp5vu1SsNPHofGkiGKgeXzOFeBaGiSSFGa0vEVci9KFaKj5E+ZvPe1dDqd7pNKFWMTDOM6p6aAiBqUeK/XMN9zd7CuTYpC9Q8SMUupKRJ+np4COthoK7rD/D/nf3MLz241zdvLA9l0DEvmlyA41yT3IsbS0wNFIGODQ+jjGr+N9OnpY1+1DNPswTx8wy8AVFfp5Yfbk8IOfhnIQUNE/omInBGRDP8pT+EVEXmdGwJtKb6WP+Z4+vv0E++p17zmNa95zWv/Aba/duTAdd0dEfm9x379pmEYXxCRt0XkGRH5z0Tkf/5ZD/0Jz3/mo35vGMZlf8B/OjuQlVIDu8qmhZ1jmIxRm7v1UhVRSZhRbZZGNNs7u7K2il24Bt9+6hK8+NKrIvJgd7lDoZV+7njv3EF988IdRCvpNHapM1OILNKMnEtFIAr+DqsiUtjlB2jyUWs1pcaa71qFxkubiLIdihbFyCJuqJ0td7hDg3qOCscE17Cf9b45Gvd0ycGot3EedZWt1DVaScm+fdj5d1iPvzqH94qp8rXMqarwkouDRMjWVgTGYj43lcQ4jQ4hN19SRGYP1xgnaqHoh0Hzk8OHn5PQEez097YQteb38NmxUUTZPh/OMXcPEW65zNxoBFEX09QyPorxSdKIZ20D53ZsNVjBG3XHTcdnsS2rZ61tdXDdqRzO3ZeZ5GdpgsVIem8P9elbWyjeSTCitlq0tDXVHAf7aIcR5fgo5uoDP3LObQsRUSyQEq0Gz+eBTr3xI6znk6c/IyIiAwPINVsUlGpSm9fksYcoyezzYf0XKZoTT+A+uHYNgl0/ev3HHAEgCgenwZMIB00pcm0x+JbtbRxL0ZrREaBTwTARghaue34Fc9Nizjjdh/WwlUcfQpyrg7O4vS9ewP1lUV/DpCWwMFfvkweBnMrZ2iq93cHNe/sO5mByCnLHFkWPgvzk8AjWw+ryEq6vJ2SER9HSIn7v+lgpEKfiBe2IN7dXpN7GOt03hbH/tS9/XURErl0HgrC6iusOcv7jfF5QKkDqtJF+/zI4KQHaLocp3FXnWg4wao/ouLIiqdFoikvYxvn/2HvTWMuyNC3v22eehzvfuDHcGDMjI8casqau6u5qWRgscFseMAaE/xhk2cjYxpYs21L/s5AtftkC2yBACMkCy3QDhu6GhqruronKrMqxImO+N+48n3k+Z/vH+3wn4t7MrKwhmiqZvaSqk3GGvddea+191/t97/e+oOsCdf5xFxfwgeJ1hAR8hqiUC3r0+orqrdUVJfSITApr46HLCGMu1UMae3dvZLm8ni2X0WtJwntqIxvuD/f5pSX6r3v4EJO8wwOMldCUWEL06Nw53WfZXJ5LgOuEeFbIc+fCqiourqXT06jN5q6iFI82pGdx577mZE+nsnHonAId4wnfDo4SegbjsxGDM/+Oud/S0zLKU9g+OfN6tn3U+88mdvBzI58cKhb+1/jnV576yCMDZfvo9kmRhahFLWpRi1rUovZjtJ83hUTgpU3TCmEYtoMg2DKzlSAIlj+Cd3Cd17s/7cnDMLTBcGTXrmkX6UigA0u3Ty42g0qdS/V6Tf9kHNoyEqtsku25m2JTv3LrU2Zm9t1vSda1imIiRGDbfLhmZmYXV8SMvnlT3II4rF3P1VfJ706wg93CmnZrVxGLWDxmBVDG/rFQWQzUmssIddQOtfXt1YWm5s5rd33zltjKwcStd4Uci3AuCgU3HkICGHObREad29lW1KOQq9jy8qqZmb36svLTixmh7UePFCHpj1v8VtdRwGCm1RCyzBWwZGZnnEZLwPkBE1Dco3WdszqnPeIcNrAJV6sbx6bRigJ6BTML6ks2q2NubAoR1Nsay4LLZWO8tflY43XjhlD5rZc0p1/7uq7/rbdUrJMAEXmqcQgfIBZL2BjUPibKMFvVmJfy6ku3TSQF2dxHD1hTQyxqy0LUTVQdT6g4mV9WnnvA2izl9b04UrYham6jccuS1P4n4np16d7bKP3VkcFdpiohiTpfD+iTZkxTKc1Zt68+/PZv/T9mZvad78AX5vhzlSv0Rcdrt4/t5ISqk76uq91p0D+hnedv6XpSSc1BvS4EeSHU/bB/iFVzC8nvPHX9O71TfS+XdQ+3moqaxQONg4OqWCywcOIy18gZE31LpfS6S1SjhrGOq/d5lU4ZFL8O4nar5xz3aBvDMktRBUQFSuC192HCujDa79wmf69Aj718U/hoAQ7J99/9tg6F7sXMnCIlrinRrLliKKqDcUUK+iPXcEjyyjONvLjZxOIonrY7VB3AHVg5r2fRAI7OiEqSZvuE8dAR0hgwuWxwJuP6ESBn6v9TKeccuFEZD7/xxC5fxXKZe8+lu4+Ode+tr2Mmx31+/pwiq42mBswrKfpEfWrH6uOJSzTD0XKjuoWF8/SJe53w0UntaGqTfe059ak4o2jtB/Cnuj2sm1FlDeAxuPppgGZC6CGCsxV8H/r3mddYMA0ITFCpDJ/UMuj/+Wc8cG1ItbHLsj6D9nMTOaB9nteHZ97/57z+mx/xmz985jtRi1rUoha1qEXtp2j/yiMHQRB8zsy+H4YkbJ68/1WTmJKZ2Vnp5b9qZn/azP77IAh+/SkRpFUz+8/MrG9mf+On7VsqlbJLFy5P63f3j8TCDTD/yKdcWU7v72LPfO2K8mTzi8t2dKTd99yskPBFjG+GbCtP0ISvovi1/Vh5rZ3HYsheRNe+NxQSODnGgKSjPtX5/Qmo/rCu12svCqFfv3TVjg+E6FLk7ZAWsI0HygWWqLa4cF5989ziw0fYnl4Wa3l+RahsQg4Ofymrou74eEus915NO+ujkaIX7fY71sT2+ML5SxxTeduVC0Lf8TTmKw3t/O+jfb67Qc09IZWRCX0V86itofPfRcVwEur3D+5LKW99Dc+KqhD58tIF62fRHQDZJ1GE29gVAjg6FEI8h7lRBwRVO9JYF6nfPqGCpAf6/+Vf+aNmZjbLXH/329qfNppCt5WCzIFavSObBL7zh6eCBr7n9xOg9AE18g+oDU+DTmKg0z651o1NRWDOXRQS6rAeFub17yrGRMcHFPPEx5bCgrkND6RQ0L9nMQ6qwaovo4yZYN67VF3EyNevLAtRfue7Kvz5zrdVTZzMkx+mNODoeM3MzNbXlHNevbRiyRSa95iCxUHCY/RBatj5XjivCFAeNdLXV1Xp/M++pjnb3BCifO7GEn0Swu4TrVla0D35oAnKDdS3DEp5o0F/CuBG6IAkqL93nYuY+z0gSlHC18PNwlLk8Z1z0qVyyPPYmRSKggn16RhVyDF6GZXq3DRaMcakaQd9kF6X+b2scTh3QQHS9UdaW+kMNtlYXJfRMWgXtX4aGMD1EkQ7ycU7HPQKK7PQWk3Mqu4qgnb9hsZucVHoPBWD601fNzfXdA6suYdjr/rROPo6cSa9Ry0GeLr0h169INR+9drzls65Mqru5yTzNIEzUuLh00APww2TYkSpCkQaL89rvDY21Ecf3xFeCx/cVoD5/n09Zy5RFXEBs7FMLm0HWLqvb+veabQe0pcBfSNSEnN4z1CeiQhM2QDTt89wAQJX7TzzafjkM383sNPfiX3cMZ+hzsEz2RwEQfCrZvar/HOJ1y8EQfA3+e/DMAz/Iv/9l8zsFmWLm7z3sj3RKfgfwzD85tPHD8Pwm0EQ/GUz+6/M7J0gCP5v01P2j5vZjJn9+UgdMWpRi1rUoha1Z9OeVeTgVTP7M2feu8L/zMzWzcw3B3/bzP4dM/usKSWQNLM9M/u7Zva/hmH4ex91gjAM/+sgCN4xs//czP6saWP2PTP7n8Mw/EfP4iLG44k16x07PnHbVO1sj+vaST5al05AEUb5V39B+xlXBNs7PLFNnPsWqPl2K1K3Tk3ntateW1Oe92BLdewbG0K+23tCjG1SRz2X1yLPlySnNEHX/YtfUValuqid7/raI2uRf+yBgLtN/fvTLysiUC4JdfSwuT0hP3fvkXbVB+S1X/r0ZxkY8pRY/n72NdW7r64Kpe7uC3m3mupbpzWyRw+1Mz88FIK5vqLrWEAZst0HAW5pTB11pMn91UBZBerdy/N67baErLb39bt4Usgik+JasXLd3NT3Hq/ftpC84rXr0pgo589x/drblyqK1rgLXR/3SdcmyMDwXrmsSEsdJDlCN+FLv/BHNB4XhUJ+53dkGfJo7Qf8ft7SGVehBKVCTBiN0LNA6e69d8Q1qIOgymW01eE/OKL4wV1pFrz2uhB1lrUacg3ZLLlUd4xM5a2P9n2Oz+Zm0K9fUpSlUtY6diPEFjbZsytCjofHmlOPrFy/ofl/8x1XfdzmnM6TQWcDXsy1y1ctC5puNLX28iH8BSJNm+u67osXKowTOvSG+yQVAu2uIkeNhtZJiQqcOOScG/CGRgOtzQ1UCj1yIIVAxnasuRizzp1rc56ozMmJu43i3Ic9ZZJ7cJH8dQ+FTXdmzeV1n4WMQzajddNnzk+OjixLBUOlgi32UJ91++rv1q5+s3JJFR+Q9217W9fVqevzK+h6VFBAjI+YAyJPA7QXXC+gR45+d2/XKjMaa+cMbO0ov9+FxzIisujVWZew6h5PUG9FlbGNhkUXv4Mxx+uhWeLR0yIKo+7JUJmZtzYutkPw9iERxQw8lyWqFNYfq2+Hh5r3BHyHolcpLGjO1tZchEBrNYsao8VRsTzROLz3Az1/P3ig5/HyxVm7dFnHKBAh3d9HSfaAyCF6F4Hrw5yB9VNZA3dftE9qp6MEoYVP+Arx06UMwdmDna2EeIZWC89KPvnXzOzXfsTv/nUz++s/4Xn+lpn9rZ/kt1GLWtSiFrWoRe1Haz9v1Qo/0zYeje34sGYpWMcP7yvXdALr353jluaUz+13hQZ3tsgTDoYWC4VczlN14IbcIchngA6/s7ZrA+2AM1ntmAdjEKInlWAjl2e1gx5S379yTUgiR63x7ffFpG00etbBh8G5An/oq2I+z1ZxfKvpnE2UEg+PtcuOgdI68B0a8Bzy6OE7a7nX1M45l9Fu/upFjccY3/J0Mm87+xscU2hhHCiCsAYq6XWUc/Y65iRujE62rToCQmXuEhUV790WoorjczEawsYfwEY3R+bqy9ziOVvBNbI0o0BWbd+14vWLAtUYI79uIiBJ/B9WzgtJ7ICAn7+GhgO14pvbGqeFJSGhP/En/pyZmX37W18zM7PvvvF1qzXEmk+nZhgXlAszVIbgoXDvrpQQ50Atk7HQeMw9OBiPvWPlQ99+R+f4xa8oehELhVKLBSGpwDU6RoEl0hrjckXHrhI5cHa6O9r1+vBmqvg0DPXvN78vp9Aedfyffn1Vv0OtbtSiegX0Nxppzj2P/OjBlhl52tkZdB7mFbXIFXBfHAnhnRzpmFX4Hl7Xfn5F39/dV0ayXNX3791XxG2FnHNqTnNXKesa9vES8MiKxRI2Jg/dH/p7epmp6Bw3rgshu15Dl8hAOpPn+lB5xFlz0Ne1xYmcFAq6bzo9/53meiaLM2DhwA54DuzurJmZ2cUr5L7T+LVwQzSaetbceklVT1tFff/RHWlWvP++OEtVNAqWcbt0ZcSNPd13Ne795WXds8/duGqNju4d93mYCzUX168r0ljK6Pq2tnlmEVlNuH9MXtEc983ocWMNKNlqE6EsLFBRVCXzzPOi0ehYgPZDjYhBtqgxrrgyJBoirl+whUrrkDFvERn51rek95DiuVmqaMy9wiLJ+0vn4GjQ1yZuqB/cf9veu6vKkEpF/cumvQIAZ0y4FF5B4PoGwU8K2/14/O0In3JanGogeOnAh2QNzro1/mRd+Kj281atELWoRS1qUYta1H7GLYocPNWGw4Ht7Dy2EfXJfXbUq9TGVme1Q3Z0O2xrh1evUwedSlodd68RLNmB1wKPYLg28VQA1ceTruhH3TFIe4IC4riDiyG5sgxqYyfUYDdPftfMzNo9393mrNPQDvczn/mCmZnNLqpioEZOsAMK23ks9JUcKlpRAnUMqJ2N4XwXEv0YhDhFwvofoL4Wo4Y8SOm8h/WhTeJFxkGvwUBj1O6MOKZ25b0JecmhEE0Yd/a2Pv/UK+I9FM8JvTz63d/RuYc4CE6ERrI5MavncXHzyE25VLWeV4ocEWUgSpHCvTKd0/XWay3Orbk4vyR0lSbR941v/5bGKwNTHmfIcCgUsnOs4+TxTfjyL/6H6sPcOfva7/+2mZnt7+s642PNZzkD8l0X1yCT0XznUWHcO1CfJlM0oe8nqF9/77v63S3Y/C/cFNqdLarvw5H6NhymLZHQ/AbjCudWdUYuSbUCkaRUTii7ixLm3mNVMQQDz7lq7X3j98SpCMndF5LyN8ildbzcotZqKae+VMvnbHZWn72IX0XI2LbQ4T+g0P+4qchSvuz3AUqZVV3DCmqe7bb6bH39rtfW9+uBIgj1Q6FbaBJmrN2ZyjlbwWW0Oqu14xGV5XMalzj57lGg60igHWDogBgVJJUiWhVdjVOjJYS98VDRvGpGx8+ncWht6z5Zml+1EtUGb7+vyo+7DxSdmlvSudI4g45rGqchEbLzF1X1k4L3sP5IEackSPnRkfhDLdwe03G0GHB9PD4Qx2lmbs6ev6pImKsLHhxofrepHBrO6v3LOIj2FhUFPWaupk6HrI8QxdEkiqxLRH/SrHWf6zZ6EePxwDoD90DAj4TqklHC3RZ1/e7P4EqpB4fig3n+f4J2QhxdlPXHW1yb1miljAZDHK8OojnLmVX1tbpkbQhfHfgqrZaifgny/0ncOydEEsahq28ar64t4XaLUy3OM6/02TxyMDn176eP4e+EZ+H85Ey0IoocRC1qUYta1KIWtT+oFkUOnmqJRNIWFuathk73hWUhiPkZzx1qt+l58u097UrL6LxXCnPTPGQK1bEJKooWIz+FytoQwX5nCA9hMMfgO3g+L4+IejJO3hP3xTQIYDBAO56p7PV6NofT2PWrqo3ugbpyOaHVx0fa8Xe5jhurQnZd8m8Pt4TaXFNhcVm79AmofgJb98330e8fUh9fVZ/H8ZRlKqscU9eVY9cdp56/QbQlged7vqzrm58RysokhRBfuCU0OkH34IWXpJM1pA8zMzhmZtF0iHnezjhPw4bs0PPU7zfq+vci+cs8yo/b20Jblxm3Uk7f39sTOqkdar5/8x8JGa6jzvilL0rvYGZOEaYBc7RNXnz5/LL9sV/9983M7Ld/82tmZpbNwnMggnRSFyKcITrlCHcPnkOr4xElhwY4TNbV9++9qb5cuqgIwsp5KQrOzbgiYc2SKGRWUWccw9Lf2lCu+RBdhzny9k3U51otrbHrNzQXIXyPOGg0S6TBeR4xFOZimG6kYrrW8SA2RYZDGOwdmO0JVOUyFOdsrGsugjG6BefE92k09O8L8EDef0+IOYeb3xK59JdeVm7+vXe0rtIp9fn8BfFCFuYvWg5tgJA6fGeIZ0C4AQnfFHwF9xyYDPV+l0hcSPTLq112cHPc3VNFTS+j72FUaknU+k7q+5Yv6b8/9Wn19+4DcSd2t4jqsa4XqdbpnLAOqNZYQmNj9jV5SjSoMJkMdb2tE82h5/+LJUUaHO3Wmkf2vTf1m2U0SW4+r7UTQ4V1H5b+Oh4tPneuEOus/CDmyFfn6vX0u06L60d3xR0Se+hFTCahNRjLBdaee224B0S1ouhNu+33vf6dzcJR4VmVcVSP1kZtQ8fd3ETvgufm7JzGrYh2RT6r8QriGSujqZDGQyJJRGSE185wQsTkiaQh4xWbXo/Zk2hf7GPhvCsoojzL34hYGNpPXnbw7EIHUeQgalGLWtSiFrWonWpR5OCpFlpoo3BiKRzNEvgaHKDP7fnNIYXgIS5uCRwEh4OuJZ1dys7dd5Mjskb9oUcftButoKXvvgeu8V2D+b16Y9XMzF58Qcjg3beFLA6PtVPudXQ8RN5sOA7tktc8syvugnQaLe1861Q8PPecco0zuOq98wPlkGvkewvUtcdiym+GXFwFj4Igrz6u3VGfggOiGsU5690RairPqqri8kWiGOgQjNBvGPbV/8voNDx3TXlN1xbowVI+PtZ43bwpDkKbPo5GQp6Dfpvx0DW6bn58PLZj2PK1phDy8jJ5edDHwzXcGImw3Kgq9+y3R3kG3X/Y2zsHQuOP7qJuufF3zMzsxVvq23N8rzon5NWot6Y18r/8VSmAxwOhqO0dRSWabY2lu2/mcmjnp4UsY3H1NZkU8sukWC8THSdOBGZzU+M0t/C8mZn96r9NJUnQshQ14SMUEu/BdG/grljM61wdNAi6db2mpwgbvkNM8+9clG7b89kMW9yVAuFwULtfyJYtjbpcylG0s9RxEn10TxyKQ/Le6ZjuueqsxjSbqXLdaE9QIXKU0JrudUClbbQYrmndLS/qe+5lMBonrdPVfe658CzKoe6R4FHARkPRm4cPpFq4v6e1NyYqNjur33lFyv0H4hoUClo3g56u7YP7VBqd131Xri5YB05RFj+Gmzd0nfuHur69A/RAHqpSpIwL61yB9bOp63SVwxb39qWLup96RdRLD1WRdMSzLJHWOM0tVi1BZKSGvskbb6jmv0LFQ3lREdRMWn3MgE739xQx3Hise71OVVci4Sx+MzOzXIDmRp1IDOOd4vk6GI6tWNR7samVqUdj9M+QPL67KzqN35+vJZ5JwzEaBEQzrl3TeHZ5PtTRxeihRLqzgzZHoGvJ5guWhteQyunYGSJjmZzOOUThsUelxAhujvclBj/CIwgf4gWcaVO1w6clDVwzYco1mrIOTv02iJ+OFIRPHeenbVHkIGpRi1rUoha1qJ1qUeTgTAtDszG71EP0yT2BnWFnGMfdrtkVqok5W7fdnubXBl3t2LMw4ntDGLwotDkyTlCtMBrB1h05O1XfOz7WDnfvQOe6cFE74XpbaL3TJ59HnjeZSNgq3vBTlzkg3dG6ENAFNANmiq43LqZ0l4qCUkHf39kUsjzcF/qv4gzojm6XrihH+WAdxzhY/91e32aXhNhee+2LZmbWOGlwXdr5uxPcFuqMjze1c3ezuHNUiMRYom0iCHXXyg+FBAK8F3poMtROdI2dmsalXqtbDW7F7KzQ49LLQp+HeCp4tcnFVbHXM0VVQLQa5Dthsy+QHz5qCPmVKvreENfC3lC7++09IchWTwikWqlYjjUz4DoIOlmLvjlPZG5e5whR1JydEwLso8Y4QGExlRBSyuFmmUhQYUAOPwfCmi2oj0FyZEMc65r4F6yu6jp2U4oQ9Zz5j89BDqSYRLe+UNS/E3gOTCZUtXhuPoPGRFLRoERar0Nq7cPx0Po42h3tK5qztSnUub2lOvw4uvzlHFUHdb2/tq5zXUadb4AGxdwMqJZIys6OcvV7ezuMp+bu3n3l1ZMk/mdmZyxFfrpHNO94W306ONIacvXF3kjo8gSujgOzC+dRRj3Q+N394Lt8UuNc8IFgxA95JmztKgJx0ty3fAEX0YbG2B0NC3nNX2GFyEoBjRG0FnKQ7pcWdA9+4/fF/xmxBtOoMibxHiiWdJ5c0f0NdC2bm+tWZe0tzOtYMdOzyeUfNg+oHEEnI5nSsdP0/ZVP6fcba9JaON6DL8Ffl1RC/+HaHhN4JxkiNbFhzBJEEntwI9xV1aO4U/BNOKLNWA55rubyKa5ba3RExVGAKmga9F+i2qWDG2gdfZEe1RIWDKzVa0z7ZWY2qdNf7Cky6B64A6J3bQxPwrkXU42R8BOg/DQ64AqJT+oVPt5DgXZGMvEZFitEkYOoRS1qUYta1KJ2ukWRg6daNpuzl1951Wr4AXQaaIY3hcZadSHNkxPy3bh0Dag8SKUz1ienOaCyIZ0+48cNM3UE6poY1QmJ068F3+HCF9igguDi+VUzM7tyRQjq7h3ly3tA7kplZurx7qpivsvOseMv5si13xfS6XTdrx5NBep33Y/+zgfSH//C5xWR6KL4VoH1ns8LnfXwS0jFsnbrhnwMhqjpuc96g8hKH4R784WX1Afe78BGrpSFBJMg4klNY//135OuQ2D4t/f0/nBIlAfEYK4jEZilY0LPyUBz8hgHTEwW7RwKj3EcA2vwOYol1ZiHQ4/ACCkNYVAjWWFxEHOePHAXHsUG/g672zXLgIzieCpMSKaOBs741rEO92Gjg64SruOP90IJtOYRiHoL3YTYaVTW4fMROdh0NjeNHAx6GrvlBR2rSGRg7QHeGrta92PqrtNxrYdOV9czGupcOSouxhNnvut3/aFQerOruWk3Nbftetv68A/GcHImMMKzVOeE3FOuWhiEVNg8EnrPxvGDWHCNfF2/Y6YhDPjtTX3/PFUNpRlq7NEu2dp7aMMNre923ptGjQAAIABJREFUx/UtiHQQOfE8bzJDNCYPCk16xY0iBnWeC4Hp2txR1MNDQ2e9J72aQ8fv9WvWJFqTxnMindJcTNEmCL8A07/d0Vp88w0h3i9/WRGkZfxdarhdeureEWe+oPGqVuANFHAFtYkd8psWui3nzymCtjyvqEwXjkmMNZxHKbZ+onvOORjFrI557hyOs/jFJBNDfqdzx+FoeSQh6E+mVVgByN/vkwH3yeFR3Z5u/jwtV3BzRFmxgxLi5SuqsErmXClU45klWhQkFO144psj/lCn17S8htrlCixE72U0UR+7rLFE0ufZ9QoItbjkTOAVaT8cz08+5NZoTwoZ+GhKLfgkbwX7kDnkT9yiyEHUoha1qEUtalE71aLIwVMtkUjY7OyiFXF46zSEMlLsYp21fHAkpLCJ1vgQxat0IjV1BfQc+o28kE4SevbCsnLIdeqPixR256lnPsZRce8YJA2IGYOo5ma1W52BUX/zBe3SffefS+etRM7cQkep2vFmQSUPH7zDb3QdcZCO17UP8JYvldSnx2vo1i9LEXBpQZGCGLv8hXnxIO7e1XFvvfCqXYRFfv+uzlGraYfeB1Vfuqid/VxV4/PGA+Wez6E9sLykc3gL4ngnjFBSNCGJYV9zkiS/7f4QY9jOqXjKBjCTRyDadFyIcR4P99KM0IdXadhYe+Z0oHEY+24dhbxySYjK/d3n5vR+f4x7G0giSR683eiZ4Xnf7hCl4ZDuiDkZuRaD+nLtijgbjnhqRHfu3RUPpEU1y8KcojfplPrQ7ela23w/Tv5zafmSddG4PzrU2qzXtM6b1Ii7BoFXpbSphCmgueDa8m++qYhTHDgTJDTW7baOE06cqyMkHcCziceSlnTtA6JYY5RDW0S+EjgAeuQoj27/pUuq1kmSi24TaYqjdFcqojVSEUI+wCn06ABNj4HW35277+k8ydByWdwGqaAIgHwxR3xETmLU7acyaIv0dY92cCMMmVuv4mnh2hng8uj5c9e0mKBNksykLZOG4R4nwsaxvRIkReSnBkfDMnhz4N8wINqxcklrcm5efXh4V5VHvr6uP6/qlSH1/xl4BauXXrReV9/tUc+/ua17sUVF1fySontxnh8x1sOlS7rHD0nGt6hWWFzAY4GKkUebGvNmRxGYhQVcQInmZLIpg2phAT4WE55dLap46uhbOL/Fc/EhUa1YggqCobst6lmUIBro0QqvCnGdg6vXFVlaPq9n5u27b9nOrp7rHjlLONcsPM0pcE8Ev0djofPFTsP7D9khnGkfxSb4WPD/LEkFn9CiyEHUoha1qEUtalE71aLIwVOt3x/Yg0ePbX6WXGxJu8mTYyHOALRz8YpY3nMoKLq/d6vVsrkl1OeIJozJVzmPYWVF+byLRBBCduuuGDi/KPSyQi26Rw5ca6GHQt7RiZBThsiD51Y77e4TpILr3D4+DAcHQtlHh9oZGxroExzJYoFrhPPq2gnouX/vjX9sZma/8it/zMzMCkRFFmZ17scp5XkH7bHdflu10vUTUJcAjZ27pPx+AiXDGCg7pHbYNdKTZxQlizC+k6BXV5TMUXs8IDoyxrUwgCE9GI8sSKDYhifAnbuqGc8UcHikznsEqnLm9IVlzdX156UM2B1T174g1HH7PV1jB32EUpUcdY7KEbb5uZmCdag/T4JWd3fJocMpyJD3b1Bl8cH7QnNN8vXrR5qzAu6Fn//8l83M7OJ58UA68ENc773ZFtJ01nYmm7SDXV3/eAA6NVdhRMkRTwFPWk7ip/Xsl5Z07vU5qRIenmzxuX6WKOjcE3wzhkSgPFc9GJv14atM4JLk8JC4tCqmvN8fc7N6v4C3wO5jrdFW85Bza/yaoPeFeUUYlhYVkXIH1Tjqh7Ozutbr1xWZanfqNhoIyQ5x9oxzzyY8F67Lsn5I1Ket1xQo1J0vW020RoiKpeOK/rgqoSevk/zO4q6cF07XbUD0IQ0vwdEmwo6WRZ1xD0fUKt4CGXguAboFJweKkDzeVg6dS7HdfVV9XLyoZ1e9TkVKrmgXL0jH5N5DaUyMTYi/2dC66IHe8yWNcQFHzSHPrgrPyVdeU2Tx/g++r2sgEnXhvOa029M4b++qkuQARc5ydcZWzmkdF4uKGHpFTK2lcQmcg0BlyZjxGnDPzsA96I/groB7J0Y1FxGak5rWzcGJKooebigq+uJLin6+9MrzBpXG7t3TZ8YzKGBWxkSAfJ2EnxAbiH0CBP8oGYTpTz4p7PAH2KLIQdSiFrWoRS1qUTvVosjBUy0IYpZIZO2DO9p1Ly3ge18S7G12qWPfJ7dqruKlHXI2X7SLl7Uzj4GMjuAQeH5qHR17CLE2R55yPPR9GjrvrkFPJUQMBbwRkYgxbHTP3d67Kz334WBor3/qS2Zm9gC28D2uJ0TT3FnCrgVvaORPYGnHYq4Apl13uaytdKsr9Pot3Am/+pV/18zMVvBe2JgVKmuc1GwIwimC4C5eVX7ywdqamZllqKi4QRSmDJvakU+P/GQaFbUkdmSuF7DP8V21zBnCoW/T8Q2wWNriJpSRTOo3A6oqMnkhHud71E+EvmsoBMZQ27u0KlQzwudi5PneoRDWN/7FP1RfYbXHydkHsSrXtmLFtOb5s58iClHQPPeJOu1uiwcQ4jZJutdGcBFu3ZRnwmuvSYVxflYRGEetC3NoM7R1bRPWTRKdg+3dNVt/pGqE1Sv6bSqtYxcr1MRn0KlA+W8Qo3JiBFJO6Vir5/X7k2OtrziDP9XsoNZ+QPRrDAbJ5au2dEFrZeW8kNrCgsY2X8BTAh2MGhoT9S2Y/fhh5FhP2b7uQefobG4rsuCKckGIdwVBsEPy4a7ImYrHpqzzw32tuTQRtyAk6sf9MUmjqcFSS6JRMjunSEredUSOdRwb4y0x0Ws3HNA3EGjguWyzCZwBo+LD78EgftrZL2AMC9wnn3n9M+rDkiIr65uoMz6ShsIQ/Q+PROzh85HLKdpXKmgOe72ElYoa+wsXFM18+PgNfkvfeDb18PcYEZ07RnOk3sAZNe2VMa4Gi15A3DkrRP+S7oyouTo5ObY663hxXv32CNKFi1ofC0Rkh1S7nJwccr2KsBmRBq+G8SqGUllzNI2GUimyt4ceCs/0N9/8jpmZVRcKRqDLoFjYmMhSjChUzE0Vp+3jNAjOvP4ELfavkGNwtkWbg6faeDSw1vGazVa0Kra2VPK2vYMhC2Qxv0H9b2sXMlWn2bExJViNTs0PamZmF87rxtuh/GeNm3mfP7w5SFspjES6hM/iGIXMzWqR4/Fi2SzpBSSODw51vMtXVq0/1o1zd11h71JV3+1g7tPFQKRHGd3IjVC4f7ws0u+CUeACIfoDt4sBy5tvfcPMzF5/7Rd0jed0jffvPrDzK7qp52awHt7jj+CWbspXP63NQrqsB2d1WWP71ndEhjpCNGmRcLEhNJTjweyxOP/DFIeIOAm8FJA/WLGRGXbXk4AHBhaySy44BAGxTriwUNT3O5j+3LmvB9D1a/oD3R0oRPviq/r9xm6ca0T8ZuQCNDruXr1uV1//JTMzWzmv8dja1TFCCHjpolsrc7mIPLlQ0eu/9IfNzGyAoBAzZHnIlB3IlJ0+m4xAD+59SKdvv/MdOzzSH6/rN0lBca7uWGtueOIhW55IGCmNeO1DJpxbIaT9SH8UxhOMadgUwMezQlkkuIuQKy9cXrW5GW24XexrgNX4MWvTRa2SpHrKVY3tXFXrf3NL62NMiW+estwWZZRb3FcXKPnt9vVH8YP3v6nvkd5JJAYWDyCqjhEu88dhTHORzSBhPTVPY+PJ/dKnzC6HKVB8usnUOHfYPHpZbUgIfIT1eTweM6LlU6Jlj/GY9F2SWmH2Rlf3ya1XZdC0ck5/3Hcglz56KNJfq6X7q4CZ2JANfhbS4PaOnmn5q4hjWd5q3GtLkIEHQ83vI0LuToIOEHUaUTacGEPA7GgNftDQc6dKmWTC1PfxWGt53IfoSqog5+JahaLFYzqG26rvbYtQOLesY958QWZQq5AgfX49fdBDuKiYd8K3+tgHZCSxky+VkB3HPOyoLrDWxTJ+93DbEmk2ZBBTE1PHZQirU0VjN0yC0Or3Dfe0GzP5ZvCJdTOp1HD89D9PbQQC3xTGTn3lKet2/80f3O4hSitELWpRi1rUoha1Uy2KHDzVxuOR1WsHU4TsJTmb29pdHh1pF+tyuzOgoNVLIlP1YwNLk4LwNMLBnn47V9VOvYCMZ4/Q7d07+txNSG7e0g55KszCznBpQb+PI6J0VPM+idxTqmb43bH9xj/4u/RTx7h2WSHc2hHEIiR3b90SEp6WURHS7IJOB1MRJSINI0r1KNFqIwa0i0nOHCVKiVjaSl4OClmvQ5h49cKqmZlNCLWOJkIRs/NCXwkQzjvvivT2S19R5CCBUVGlpDEPtvXvPgIzAeVV8PsIfMpGOIxjFIQBzAzpj4U5EfAe3heKnwpJUebkSjI7oPxMQgj78jWMmUi/fOrTKrP7xu8JpbSbmG4h8Vsp5O3mi5pXL+faQ4p3Qgg7gz10AwJicVZr7/JzpDRA54WirrPV0Fy88V2FgA921/S9ERGENuRTIkvd3sTSWdYQYVMneQWBS3r72kW4ixRWEhlljyzNQEAt5oVed5HLzWT1vWtXdT9cYt1lCgoJx2IlazVAUaDvJOWQKOlOCakdyuC2KSu790CId4i42OXL6kMWUygn/jZrQoBXrq7q+pHTnsVWPWDdnewfWZzy2GTGpc0RICIN5dGbMcTKZAppXqKDPciV1dky16/1VSgU+b7mf3NL15CEJJulrDkeGz8pHw3dgI1oDJGVVk2fz88KzVerusfuYfq1RuqwSalwnJXvplFB3KODRP9At7sQFi9fedHiQ4/i6LqvX1XpYpfcVhuhsRalqgU34tIRp+W3L9yQzPqop+u2iSZ151DnKhAdyxYwtCPqMZk0rVxOnxrDJPLqh9ik/+7v6nm3SBn1rRdEfnyZ+6pGOe591snDe0qzBkRprt3QeulO0xer6ntR0b9aS33ZP96ePmMN0rOLGTlI93TyE2jtAndOsuaf00+DU284AdGjAzELT/371MFP/9Ri/woZilHkIGpRi1rUoha1qJ1qUeTgqTYaDW13b9+2drRbnV+EvEM0oFjQzjeD5WgOfsA8iLnb6djOjpB8HoTXo1yq1xNSzINOStiBZuNCqROUdnJ83gJxVz2fyUy1mkIIm1sSwynknTyl3e3B4b7VIWmtLGu37MIo9+9qd93uYXN6gjnPrJDdEmJGIUSqfg9yJOVxYUoI0fPezQYSxn1Hmtpp19ot26X00lFFDnGaEJLb3oGO9TxLcGlJucIvfknf75GX7JBrnS8LUc3M63vxexq3EcYqHimYNkfFljODazAzq0jBlauKmKQhSnU7Ql9ZEPJsVccegxgOehq377/7dX1/KIT0AsIyV1YlFb2/oz6/9X3lS7uYJL3w0ks2C2nz29+SSdWQ/KOTQ49OMIDp63o//dnXzcysOsOaSwrl7sKD+Ye/8ffNzOz4BCEreCGDASJREyHvNPnTeLJioenYaYiH8aSX7lEuCkHTEUy/63wOeDBYM2eTSPbOS8I7HGhur4DO8iWNtxO7SgX9PggLU4OxAURMl/vd3lR0poa9dpn1kqeEz83OinOOPokETPVl4/xO90sIgffwWPdChvq0mdkE19KcEnTdgn0SuJAW5bJjjWEyTXkcfBa3XU+z6LgUm51BuAtuQT49z3VrvDY2xJeIgQOz5YylITMO4WvU67qH3NJ7aUnPoMsXRdBr1BS1fLghZNwdeE5dp07miW4M3PNXnRxg8OViQMc1/T6xMbEbNxQpGFAm3W+qT6+9+MtmZva1b/0D+g0HZZhmfHSKmzcUKXLr+mPE1HJESWeJdjzAGn31qu7DRfgUh0f700hiSLTGbaRLrKEuEvCP10S4XH+o+6BY1Nhm4HvkMhqIpQWtg6M9jcP99xR5KM5qbR7sam4XVvS9CwuKgs1VrtsPbotjlMk7swey68R5APCbnHTm3IKpcZI3L8c+zQtwDaUnEYTTDMeneQS+vMMz0QmvcQw+At9H8slRi1rUoha1qEXtD6RFkYOnWjwWt3KxbP2xdtk7O9ptWqAcdS4D2qfGxYV8vo+c7GQ8nu7allf0m2pZ3/Wc8BDb3xhovIt4jSEc41a7z83r916qNUCIqFZTVCOZcLMn/Xyf8sp2u2Zl2PYZhIPyBe0y589rp/voofpy+4HybIk19alaFbq9ckn5vEpZ/2631MfWgV5dLCiddXcX7Wo3txUN2N05nJb/JfPkceEnePnfEcJShwihXLwoFN5sCUEa5XNb27reYCzuwflLYr5/nrxfHznlvX3NVRtDpw7503BiFoLC3LJ5eUkVALffkejLADnbhXlxCcqgkQ68kICxNtjtb78ti+vdLV3D669/mdc/ZGZmva6u+dGa0NmVGy/ZUU1jt4VJTQB/YW5hgetUxKmS11xUEOJya+uNh+IW/PY//SdmZtZoKIIEKJ8aTwUpkFfCpYA1N8NwZBa4PTjlfFlkvzN5fgN7PKc+cPlThvQEHk2jod8vL2gck0Rm6Ko16pjgDBUN2di8zft1qzc0hi7l3CdSMob5PyTPPTcUqvzMRaHXmy/+UTMzazY1390OaxEzqb09zcWNG1p3NXhBbdbBuTmh1wkS15nCrNWmlQtIOWOT7XLJDp1czMnJGvEEHAwiZkeHGvNUgrK5sUdiNIe3bmldpdKKzDy4D3/iaGwVDNZKea25ebgmKeSwCzxrvLR3Y0P3Q4vqjkxe50rw4HH0PmHNDxlXD3O41HMspWs6On5kj9aFti+t6L6vU2gVC9SH115WNdJbb+t+aTP/z93QvZjLqu8uUNSFL5XOat3MzOr69w50jx4fatxLPBuTqZTlcDtyhv8YLhGPsKk09dKixtj5VBO4GWlKClqtOsfR9a6c0zOseaLxa8BJmVB50Grpvtva0IkuXF6yF5/7nJmZHTbElTiGLzVBqC1Oeej4Q5UDeg0+VOrI+/7HwSH5+Ey56lMRBv+ul+aG02iDn/P0b59un2T09KO2KHIQtahFLWpRi1rUTrUocvBUm4Sh9foDu3JdCHN3V7v0/V0xnl95adXMzJotmNQgZZfVTKRiUznjRo3KhgY7VXKDzipuI18aR8L2xk3t2ssVoY09bIMbLgbEzr+NJeniovLiuzvKY/a6SMDGxuaKQDXQeaupfNpnP/NFMzPrdqVP4GhrSI1vb5c8MMivUhHaymP2kksKzWXziABhaLQPo9irGiY2sEIJa1iqD7b2hKL7E51rgEHQ976nqMt55FNzQIXvfOtfmplZKu7sYiGHEUz6ATnVJH27dl28iSeUYpdVfsLuXZjX9RwiZX3vvsaujLBOFbQ+Qaym2x4yfm0OiYUxrP79Q0V1fuu3ZCP91a/qWi9clBxtuarc6sLiFbvzUCgklUHPANGbPrnmNNyMPHwWBwibW1pjv/87yvv2W84Y9ygA5mBJhKswOxqTT/c68NDiU9GrwUCfzXIdacxpJpPYqVcI79YKNV5zM7qePgJUE8b2gGqVjbcUIYhnhOo7VE50u9IeCBJ9CyeEukLnhOh683nkkrGkLsBarxFpyOZr9FVrr1rFqhfRLOcDbSAy1mljPEX5Sgf+xxBxrIWlKzak/r6BXXAcgZwA/k4i5pa7Sc4NdyKlvjVB0C2iGbmMrmFpUeOUZU4PkCufRbhqliqZg8P9aZSqhASxS0036tjEE3Fr4y/uUYwAdDjpu2CZi4Lp+jxnn4Z7kyQqNCAc5MJt8URoOzznwqH6sDgnLkm9RoQQ3ZfFeXELKuiEXL4I1yCuOdnfPV0x8NxNVRKUqcCIx/S9EvyhXF59u//wgR0RQbxyTc+BmRndk4mYm8IREaMqqVLWHPThPznS9ufnEEvwdhOJZ+Sz46z5Y7gtLnTllVfvvfuuXVjVs6SAhkjRdMx6HYOy6di5VPNpuflpNcMU3Xso4XSkwaM8Z1sYhtOIgZ3RO4idiQp8VIzgWSkfRJGDqEUtalGLWtSidqpFkYOnWjabtRdffnW6E8yktHNs1rRr3doQiltBArZa0Q44Cet7MGpbntzZCZEDry8ugqQbx0JCXhNeKQtFlFESdIOlA/Kh+aoQUR2NhRXMnvbddrcu9DohtxizuFXLbusKigi0812sKpf2hc+smpnZ5hYqfXZaVtlzVsfH6suI3JjnhY+JajTbSNKiMOcRi5iNrHGsaMtzn1FeOsQI6M4D6o/RN9h6LAbznR98z8zMVpFL/ebX9f03vvPbGreG0M0ShjNp+B9NqjqaoFnfzZu5eU7cyhUhvsdwADbWHjEuqC7C8L6MlHMGzsYJY3vxmiJJcfQg4ki1tmDv147QcgDFLC4KIZapAqnVh9bAYjkFcqH71nedZKIV1YoQU7etNffu92ViUzum2oUa8bEh1YxOQLut4yTgMiRAu60OOf0wafGEzj3soeCGzG+CagRHrUVqvx+PtN77Q1cS1LHcJjjFepmf94oCrc3tPc1pHivkcFLh9yNLpzW2c7PYZRdXGDON8eI8Jj1tjXWNHPIj2OlegTNTUR7b0Wgac6gj7NSbKEZOeTdcUwXToHE4tAJRmJO28s7x4LTqpps3tToaY698cD2P1ctaq5WKjlkuon9B5dHxie6f9ceKnPT7mrMLPD+WFldsQoSn3oBDQQmAc49SaFNky6izVjWHO9seMdT4dJA29mhGACrN5yClUIHkVshjKlfCccwCxNwPeeakUur3eWzV4zkd6zJqnQVEKdxY6eF93VfvvSuVxiKRAee4uIZLlmsqo1I4QU/i/Mol2z3UHNy7p8qh+Xk9s567oXOurhLNJdrZrHU5pu7dGPyvFpHWfF7nqs5r7nqYYJ1DT2V2SAUJz8A2cxMkuvZoS9yK6oDIGjLKCfQpPKwXIskcnNEkcKvvJ4GCj5NXPoPxww9/byoH7poIZ34TfsRvnlWLIgdRi1rUoha1qEXtVIsiB0+1MDQbDEZTK87Lq6r7Xzmn3NoW+d8hDOmrV4Vy7t+Tml8ml5zmpcwcRWqXvL+t3fgYRbxPf0YovpRXHr+DlvqQHFjVtRMmOleugCUpUYyDA/JfGPO4Rv3F85csjzqhawW4Kt3t94Tms6jxLcypXr8/EGoZjhxl6phLi2LSt1tY26JfPuh6nhtGMWB9auTUH1kf3kKGje5LL3guUd/5Z1+T/fOwIyTw/jviGIR99SWXJm/dFZq5e/dbZmb2iMqKSlnjU6kIrWZQfYyzfXe1w2Q6Zcf76ssBantZ6tbTOaHYdWrsDRbypWua9wCjpXhCKCaX8hyjxief1xx7DjkIqMwAnU3Irx8cNadGUAtzQpnHU5MeVBnJmcfgSrRg26foUwx0F47gAxDNGcEPSMOUp/DC2n2QY0bnm198wWbIeVcrQu2TsY5dLQvxHlNDf4AfQ7ejf2fSeCu4A/EUUwg5dlqsB6I2F1eE9lpdjfvlC/IDKJQWrIIOQRIPb6+tHw7wodiDM8F9ksc4KpPRmDvHoIlledL9H9xQCQSZJ2LQaGvN7nK/3LqlyEMikbTBEA2SvtbYwYGiE25W1OeesonuPTcYu4IuQGUGzY3E6QijG6B4xMUVF5OEizZ39RxJH6esxph77nsGDwk3dUqAtp0Kn8hoHSzCwu+2iAZ5pQDVHx1MpQroO3gFSr7kFQJUNYwnlkrrHOk0yodjfSeW8Dx+lc917kePFCl4vL5mZmb7e5oTj7QUQPPDvmsXaO5mZ3Qfea7dTcWuXH7elpa1Nh89dgM59f/ufY3V6iXNydVr4ma1ml5RhkIs1Qwl1mS9wdrFg2Ye1VPXZqjC/UmV9PndR+9zzRmLwRubDLXg+/A6YgkM6tBksKmvC7weQPyEqOVPg7w9HjB2rQT+HXcOglczfITfc/iMSAdR5CBqUYta1KIWtaidalHk4KkWxGKWzRam9ay9DqxlNPavrCpS0AaNHGD1micH1+k3bEwuPZsVitreUr6xUdeu83O481XImbaaqLFNdI42CKiyrJ1tAwW8Ae9vU+ecRAHOleBiIKvZuUUzjrUBytrYFJs+V5FL4/Xr1+l3xi9c5+p63lNvu2pbEjbyBJSLMOTU12A80Hi42lur352ipo3bQgLZksay0Vak4NoVIdqjuvq/v6PvfX1bOcdgonOV8+TaslQQgPJ2tnnd0vjkYLt7JUGJHHO+XLJubZcLUp8KRB286iSLulqDPH8MJDjhNY0nQxwXthS15cUk1QxEVFzH3jUaGihIHh01p/n5OHn9XlvzOQBdLaCEGGK1PAExpGGdx8zZ7DhHOjJu6fuObgw1vqU5RWouUTkxN3PJRkQ0hihfIvhmxakfiOZ/G80FfzqMh1RQjFElhO8QwvZvwqwfsT7OrSiSks9qnFOg10mQsHaHfG0XPgsoLJ3TWswV6SPVHB3uwfaBxuvkRHPmCoLlglszo3IIS72YzTAu6INQ9fAYV9Arl6/aEhUytZoiSge7yuOHIMFmTcd65VOq8nn5VUX72j1dQyqjcwfcgy551++566nWxdS1krn1uv9cNm+hI10iRQ38C7KssaybTuCQmkEKsURVx6Fbc4P+L1yWPsrUEZBqqHioV/cycZ5RmJjYkPu4j+YKBUZW4EZv43PxL78rW+MmVs09eC6ZtHtzYCsPm7/VdV6M+u73ZINIk/MHiqWCzcxrfV+9qkqJ/X2twS5Q/8Ga7uFj5uT1z0lB9MIVzeGDB+K5HMM5GcCH6DHvXuVUJkpmRLmWLyiSNIxr7T5cf3eqd+H3M8vBBkRW3dLe+T7mrouOtT8Oup82Zfyhber2HDuN36faCn+AXANvUeQgalGLWtSiFrWonWrPJHIQBMG/Z2a/aGavmtkrZlY0s78ThuGf+ojv/k0z+zOfcMh/Hobhrzz1m//YzP5X3WEhAAAgAElEQVTGD/n+fxqG4V/9Mbv9oRaGofWG/SkD1vPXzaZ2nydHQuIpRq0K4jo5ogIhiE+R68M1IWA2/HbrBTn3HR5pd35wLJSyiKZ3Pg0ygAl+sKnPj9AUP34sdFPEGS5BzjaFM6S72OUzMy67Pd35VQq4EZaFNsYwek/QTCBFZjWQbrPlioHKqYZO0s3D5iaXHh7rh8kxTHEUJeerc3bxslBjPCUEMAIhuW79pQtCtFeuqG+7y+pLDV32bRQlu30hqkFXczFyv3s6nUPlLxYHxWTwrphxX4iejZmEJFyLZNqNKoQEhjC3Xcd+zLH2tzSH1RzqeuTFOyOhz5OGUMrertbFtec+b2ZmK4tCP8M2qn+doY0TeERQbz0Zqg+ATIsFQlVjvAe8z6WScs/pPFUNJsQzB19kaVHr6t49jZfzSa5fU96/jGNgIjWyDAiug85+iKd9ErW42YoQ0wFKdkkQ0WCk6+sMiZwERD8gIRTwQTg60MW0cJZcQHHTUugnZCaW4J5Kg4Bj1OHX8Qx5vKlznzQ0xl0iB4OGOz5qbDNJjVeOqES3q77V6zpOAmSYwS9jBKcn7Chisbl+z156VWN4jgqIvU1p6sdGaCQkdH0bm8pHHxwp/z1BETJB3rpcJGoFR6WOCt8uHi3Odi/iPDgZu99KaOfPrZqZWaXY4frX1E+Q7ogo5SjU9eSpRBpQ3XJwos/76KgMYcpnc1QMeH484HNy+WlQfiw2meq0pJmnHjygY5Qfd9cU/Wz3XH1Tc5jhPqqiOeD+Bnvbin7cxDmxBW9oF1Qfgz+RRF+jVt+fRhovX9J4BPhUbO9rDJ1rcYiWwj//rd83M7Nf+MpXdK7ndR98/21FN4621hgnzeXjXemMnKdSpEifK3GigzhzJhJ9G0/cVVXjMvYqLB4bQQCnaAreg9Ov7r7ofAH/3hntgmnz6ofp4Z76/EMKiH/wEQNvzyqt8D+YNgUtM9s0s+d/yHd/3czWPuazP21mV8zsn3zM579hZm99xPtv/Ei9jFrUoha1qEUtap/YntXm4L80bQrumyII/+LjvhiG4a+bNginWhAEFTP7b81sYGZ/82N+/uthGH7cZz91GwwHtrmzZXlUy+JxR0jaSWapf58FKW09wqec+tfDowPb3RPyyaOVfvGKKh3iqKoNgOFlHALT1CFn0MIfgepqnWM6pZfXXnnVzMxau0LiJ+QonQ/gPt/9ntn8nKIJs+Q2F2YUnQjGOB72nZUuhOBOiaHXuWeFoGMxXcNMVbv4flLIYf+RohquJd84UVRjaU7VDdduLNnyqs61ub9mZmbthnb+n//iv6FzUfv+8KGuswjTOVcUijt/WajDIwe1GszvvqNdjUsyIbQTB40E8EPGoNvD45oNmcdKXnMwHKGFD6SDhGyVOV337p6Q0hu/p4qKBLdJDJZ1H+W/aa6RaobLI81Rk3rxYQf9iHFrirrqJ+jyo8jmVQcT2PkBCnDuMpjAHD4g8tCFY3B8KAToEan5WTHo9/GYyBU1/s6U39t/ZCcg2voRrp0XtDZnZqRk51yCrQ1xU1xNL0PeGwl9u7CoqES3qyhQAlW+dAFdA0dcsPZP0LwYpdrWQMej32owDooydDr8m7lxpT+vBMgxd+dWtKbHA1j3cY3nhHO5ImcXHkgePZET6ujLq7rmcWxob39fHhmlEnwQEGEYol5KHvr4SPe5qyuOyeOPLM/vledfIQpgPpfckz1y+SUsBitV1P16wVSnJEulwPVriqht7qpyIkX5STql++MIzo1X47ThroxQxjw4Um6+PNB4BHAzAhLneTQ9EkSLep22TXBuPNxvcL2KvoxRYwzRNymj+JiC71LEfTMgine4r3ku8uxbOadn3LffkhOphzSvXr3CeOjZtbu7N33uPcR34gq6BucW5/iOnlUXzwv57+zoufEbv/H/mpnZ5Wu4un5ZDqmzi4qcvHvnn5mZ2YBz7x4pGnjUJPpxiEZNv8W1DC15Bvl7pUjwRMiAl/D0+8HpyMFZkO+Bg1js7PeDUz871YKzkYIzDo/PyoLxI9oz2RyEYTjdDAQ/eWf/tJllzez/CsPw8Fn0K2pRi1rUoha1qP347eepWuE/4fX/+CHfeTUIgr9gZhkz2zKzfxGG4eaz6sBkPLZW89haoBr3knd2/zwe4d97QzX5Q3b1ezikNRtNy+eFAFavqLIhntAQ15pCfgHa+fmCdtdZ8nYPPpBCYOtEyG/vhJwrTOjz+NiX4A24Q1y3I8TQ6agvt28/sht/VKj7qjbfdv+ekP6wy54rOK0NnvQ8PfXMqaT6NgvnYAQSevxYiKJPfreGAtwCkZR0GtfCH3zTvvGOEI4zk22s6MXjTSGEV1/+RZ2b6EO/CzJGqcy5CUFM7y9SHx8PHJWhiY4DXLsjBNVpCVH1xhqX7jCwAM2JAH2DXh2PgaEzwNH1TwulFFDbc8W7Xltzkkgxh+5jQIHAMghpjjxmgznMEpmIxU9sjLPlnQ9wmSSykWONTUyfJ9EU8Jp49zmIm+Ymm1GfD1DIvHdPCoovvyItgWs3hKz20Sr43rflXVFvPjAjv+/nnsBKWcQZch7viVl4LOtr983MLMT/oN/X70cg6AHo9KjuNeX6nttZpApCqUFT6+773/s9C4kMJEDlcRjhCZjfubRXUrieg973SJznyl2CIM39U4PFHhJBcLQ7gM2foJJmc1OPi9d/4Rfs8ET9OjnWez0mNIvrokO/RIp8tJNzPKI41OexQGuPrlmFe9vQD9nY3uM8Y66FaF8sbRbXYHXhDBD4sqVzVB3A1nfly0JO98HaurQ5xjikJtHgKGZdw0TRviJ8CBft293VutnFxXU8GdoEFn6G+2N5UdEV5yx5VMYBbxqeT4PnZLPmjrAah89+VpUErgfQPMIJM6cB6jSajIMiD6N+z+LMt1cO7e8pGrmISuO167rubSIGr76mZ1yHMX77fa3zv/f3lXW+cElrOlPgGnDedEfRCZyOLgspYP0lYqmpwuHESQUoPU4jAR+D9B3FT91cgjORhTPthwHpqffiJ2DtjzrGx53vx20/F5uDIAi+YGYvmdndp6MQH9H+izP/HgdB8NfM7C+EIfUnn3yuNz/mox/Gk4ha1KIWtahF7V+b9nOxOTCzP8vr//kxnz8ysz9vZr9t4jaUzewXzOx/MrM/Z2YlM/uPftpOJJMJW1qctRZ6/S+9KDZzBUT93Te0O93ZwsVsRD0sObvqzKJVq/puCMrYoq7aMkL81y7jZJbyumMh3CYs6611qS2O2a1m4A/s7mgnPVeSPoCjv2xOr9ee0/Gz6azV6urX4uKqmZndvasc+oSIQWXGOQXqWgEt9CReEu5Xn6Ei4u6DNTMz2wd1xGBbX74oxJwgC3T/vnKzvf62WVqowZHQiOv54IGc+7Z2hB6uXHrFzMxKBdA7OeJeX1GJ7ce47JGbThKJSUE66FHf3kfPPltExz/mUZGSpbLqRK2Nex48jQFOfZV5XPSS+m2lrNdLy4qcvH9bLPZsiRpxELQNdNwSrnN5as37cSGlcknXfPfO+0aBiM2B6NwtsI+zpZNLnNcwnDiaE+JJBFpXAeO4QCRpxJ64Bru/gKJglgjVC7fEg9jYDayBeyBDZkeHQny3f6A1l/2Uxn71kqJennsOA62DMb9zhNhGKXSIMEaFyogxEYUGUaDLRNHa/Rt2/54iZPHA2eHs6YFbHpUY4QWQSCiyEkv6+1rDQczdB/W7Xk/ro02lRCYn9OR+ICkiDG0iWZ1m01aWULZkDLPMYwLujeuFBGOh1eHQoxzG96g4aeuYc9z7RfQPNrq6Z/Og4T7qn8dEBWfnz1kefYd6Q2N4575y4iWcEIsF/TYLs3+mqufB5z/3WXUiprmIO2eJsM2IyhqbuG+GjrMwh7IeUa/9wz3rEtVqm9aiKxim0WrJo87q6+f4ROsix3V5lUK5ousuw6m4ffuDU+MV4COxh47G9RuKyC7Mz9kdVGYr8KLKVc2FuyeevyCewrkVj9pozmYWtGZfSurzDx4K+z1YZ51l8bYpI+MK98IB9xNPGpQ6R09xCYgmuCrhEwXE01UHsTOqhf7F+BkEH5zhGHg7658QPkVW+KQ0/Ud5K4TPqKLhZ745CIKgbGb/gf0QImIYhl83s68/9VbHzP5eEATfNrO3zexPBEHwl8IwfPuTzheG4ac/ph9vmtmnfrzeRy1qUYta1KL2/7/2M98cmNmfMrOc/QRExDAMN4Ig+Mdm9ifN7CumjcJP3IJALm7PoZ2+v6dc4e/81m+amVkSE4EANnau7PoB5I0nocVQtHOVwWSCCodF5c6SRAwG1BsXQTiDsXa4MZy+rlwT2prAvq7VFWF4Z13Ie+WCIgivvSx2bpy6+I31DdvYgpmNt/n1G4qANOo4RZJTc19yd6zb3hSiyeT0/uaGEIJr7WdKQkjX8TsPJso5vv3mu1w/eeR0zoK4+xBoZz4GIab8ekdC1/fua8qKRA4W54WMlpeFwmZmhXxOHinH2qdePUl+1POCHjEolDT+bTwICpWspcmFH+Fgl/Q5Il+bRxvAyO8X4QFcviRW/p0P/qmuAaQ8HsELiOuc2bjGudNEvZDa+1ZdkZaD/Q3pT5jZ7q6UIFfOixCSgwHeoW/ZotZHb+B5bK2fcEQVA/yJKtGfLkIJt2+rFv/KFR3XuSllNOcLpRetBT+j29WcdMi/dqic2N5UJGEeX4+bN7SP3jvQPMeIVjVOcAKkImCqpAiqH5Cjngy0ZqsDjceLNz9nA/Q4tnbe4rrgCkxRllfvMIZdza+7TnoaeISCYg+WeZuoUH+oNRrvay49YrC4pBx0s6Xj1GrHVqT6aABfp4+y5QRHyxh6Bq6+6NoJ/R6aGyO9vvgiFSN4LWytKbIYD3EGrKjTOwdrZmZ2gItnuTpjiYKOMTOr9d7pKZpx547uqQqOogWS57vbQtLucxDAd0ikXTkPbxFkMXyN5jI6fplnVqkkZB6GYzMiHu450h/4WIOqEXZZgiNw/Tl5jySTGmP3dVhbF7dpfUP3qru3Gh4KE54FHY6/uann1LVrl+zwWPfKDpVC/YnmtcSEP1wj6lnVuk5C8DiC31Moa+7mFtGgwLPCI5gW0xyzNKd5eY8OuCBNEJiF46kwgZ1qUxLG6bcnHikA5RMoscAJA+MfDcmHEz9w8HMhT/hz0IUpEfF//wl/j4MNdUVRi1rUoha1qEXtp2o/08hBEASfM4kn3Q3D8Gs/4WE+x+vDn7pDYWjjYdfee1t5q909IempAlie/C876ST6Bh1QTb3RtJmSUNfSgiIF7p2Q8AQ/aDUAvXfb7uSmfz9/U3XO80tiK3/vjhjjtbrOuYpC3Esv6nsegTg5EBLPlbK2R6375q528JWK0OPmDh4A7HDncV08OkYRjVxilR2z57+vXNP3Vq5p1350oF3+W29908zMeuRk0/AAwnFmmtN8Ih4mZOeOl5OQXKnzIEBIKWwcN3fWzMxsZ0fXUKyk+T7DSG41A6KqoLHQRJUwndL3r6xetl2Yz+mE0HeB6oz1jhBeH3e+JCqVjlIvrZITnRVPpN59xHGEtPr4GIxHQlzdJm6NRa0LrxKx0GxE7fzSktbFHJoKe4cgHHLh586pqqNPlMJ37zm4BLUjobEQn4c59DLqDa2Td997T8c5r+hOkahQPDGyEFQZp/pkHv6Dm2n2epqTnQ1FiubmqRABzR8eag57A/wcBupzqeJ5YEW/PDJRJXoxGbsyYMo+/WnpXKTexeHvwXsMUUhfcETECyCRxG0z6REWjcuESoFk3B0whcbTjqCNqhUqEOKw+QsFXUulULAWrPkMXJFL5xUpCliTXSItmbiiMZeurJqZ2f4x7HvUF2dntfa2to75nSsIqu8GXyBLBKvWwhdkd9sKxXOnrv+5W4pa1tHFqKEUWkUHJA0vyOdqb1+VFsmU1leWSGOxgH8DlRGGXkZ/pLXtvgHVmbKNUGWNwa4vUBmUTjtvB+4BDpExnmXuFbG1rfurAxfl/R8oujkzo+Pk83Az+oRTuYePWE9zi3NWmSWydqRjjahSavfhe8ALyRWpeIBb0iLidoALY7un15AqkCDumgRUJSScbOD5f8f5aDpY+MQigU+eUAycY8AvzuT7z3IHnlQ3TL9gP3o74774MeeKxT6M738KOYFT7WcdOXAi4g8rX7QgCL78Ee8FQRD8d2b2BTM7NLPffPbdi1rUoha1qEXtX7/2rLwVftXMfpV/LvH6BXwUzMwOwzD8i2d+UzKzP24iIv6tTzjF7wZBcNfMvmvSNyib2ZfM7EUTOfFPhmHY+GmvYxKOrdtr2e6+kHGefHC5rN140knMMMbrTe1SA5jAiUzSDMW+6qxQ09pDofjGidBCqUKuj+TXGJb6yrIQhFcCeIXBeCS08fkvfsHMzGYq85zbLxf1shn1dW93x46byuU1eooEfPYzYjancvAAiFo0Wtq5rz1eMzOz1YtCyBcuCL0OQK8FlMyOW8prv/e+184LYbom+zg2pfNO8/c2RksAtD5y48K++r1yfpHxmud7GssmufQ+CoIZXl05MM3xzl8QNyNfEPI4Rq2xlAc5JWasjsJdKePcAjQVuooMHdZ0/a/kX9Y5yYPPzapvFy+ppvr77+h6k2mvg0c5EQb0iLk8PNa4Hp4I5ecKRXvpFQW4QsZlDCciGYeDAqoKiYjEyNP6DepRmT6M+cMDIacC7nw3rglxPlhTZcWdu+8xLpq7ciltRXgZaVB4a0huGS0B52/U8fNotbR+LixJtbJK5OwI5Bwjj+tr2Rnf7sLXbKFEeYk1Px5N6/VvvaAIQqep6989UBTnwnnl7fNUCC0s6NzNHrr/LnBApK2HZ4BX/Rg5eI8cTODVtHEIbOJUWsiVLIkXQpvqpJVlrX9H8QnGfAK3YBY9iNkl1Pb2dJ/t7CvyNhlQ/UL1zwB1zxAMNjuD5gD3bL3WsCMiQbMLFfqvGf/FX/5DZmb29X/y981M/hxmZhnW2hJRv0RM0ZrBGA8S3Fu7KKyGAZEDIgsZdFgCuBibu2vWh/mfiLvaKD9Bc6KLwuMEtJ0kAud8Ga9WKZY0ZwM4BV5RUoVHtH+gay0QzSpRkdAfDy2DKm2MyocmXJIEkUTnsbjnyvyinpdZtBO6DX3eHxAxgB8Ssi7GoOknWhVn1A7tib/B1GPRIwbmFQ5nqhImp8kHwVmFREf/Hok4w1WY6iJ4dOCp400jBmcqIDxiMI1anOnD09/5aduzSiu8ah82U7rC/8zM1s3sL575/E+aeAI/ChHxfzGz183sq2Y2Y5q/x2b2v5nZXw7D8KdPKUQtalGLWtSiFjUze3byyb9mZr/2Y/7mr5jZX/kRv/vf/Pi9+vFbOJnYoN+yFvkrAgUWN+1w27gYxrMatrkFvX9Yw598Z8+SSaFK34meXxEKdxWxEfX6A8/ro30/AVLXjnXu/kA7xhsvSG2sWBbqaKFBnysK9UzwYl9/rProjfUH1sPhbIz++vfe1rFT6LOHsMrdAyAHupxfFqqYBEIKeVzkPGf/L7+r2uEOqN5VHkehrmkEk95ioQWhoxA8AtCjH8L0ni1o5z8/u6pzDvX5mJzqiIhJruD+9HAMUMpbIl9eLsCbwBFw0NLvrryg+v5+PWPjtuarjJLjxkMxwS3UdR4erZmZWQMFyQqqcq6AeHFVPI933v8O10lL6L+SOfpWhJX+EAfNqsbvM5/9nPW6ecZS50gThgpCbkEiBi08JByNj6Ysfa2TS7jKxWHz21jrrVDStV28SK52oPO0OoqC9U9adlTTOV0BM0UlTT6PPgGgvIHi4RjiSJL1UsSdsktlwOK52VPj5gOTSCmKc4KHw/ae+nD50iVrwCLPxPWdz33+3zIzs05H7+dKGfqtc+wfdvhc8xqPaZwSOEqGI+c/MG4jV5pkTkC/I/fXAKEOh33rgcZb8BgKRfQ/4NqMWMMuCPIDnC/dtyGVBdV28UOBnV/Ii6sST6tvE48w4avi1TLxUWj30BBJ5PSciGf0m/NXdX98/gtfMjOz9dv3+K36X0d1MEHFQBwe1HCke7FPBCHgfnJk3kA/pDCj+yZbTdrmXT07xiOvylA/p2vUo4A8EatoBgyIYs1QQRADjZfLeC748E00p/NEoGJolfjw1tuHlkCvZX5F93WjpQ/rNUX3coUqfdNvDvHrWLmgSNNyUa/Jmn7nrp4WIwIx5RbAizJv/l+TJ6/umWKuxho78121s7n9JwGD014M04CqF0bYmc85rkcQYk/pIwzH7pFxOmrhHLbJR0QOnlX7WXMOoha1qEUtalGL2s9Z+3nQOfi5acPhyPa2j+05dAGS2HM1m654J/SSYOf/GIS4vu36AFVbRs8AQrdlqUf3WuBjcozpPK5yKZ2jTw66PdKUrOBKNkve2ze2ZZDzzp5ytPceSFnMfdtz2aT1YYs7FNzbFn9hbpaDsKV3bf2lc0Ipubx270PQxQ/eE8K+84G0CDx3mnbJM9Cu73MnII8geOJw523Q09gFrvswJ6SUJAc94LqPyEs2anAqYBtXqkI6zubPU6UwQsWuhUJedQ6HPBwHf/DBQytQnx3ENUYHNY1HkEIZri0E+fDOXTMz+/RndIyTBnX6izrnLIqJOztCwu5WOPIIRA19CXKpty5oHcXjiakj4kxV6LvREKKZALdJ09sxTpnJtFdngAxR3fP1dX5FGbvDQ+WWT6gTB0jac1fFxXj/tmfsEubIZ4wWQA/OQQaUXYCT4Ig6kaQKo6P134RrMBy53j+8DrgcNSpvPKJEKb3dv6tKivnZBavOCAE2GY+4o+m0vrzt6qMx9c29JJJJnbNJhYHnsz3fPXIEldA1DhNEsUi5p3Os+SG/Gw+txhw0iBSWqorClFEh7HS0XnpUDhwf7Z36Xprk/KMtIe8MFTK9PtFBJCVzRBi67dMVKNVyyQ4OdZ2PbuteSz6v/j16T5GCV26K7+JhrHffE++nxTOpUtXazsKx6fc9R43yJJUXLZB0hUqEFpUFN57/lCWSWltruMwmWCdHx7reRdQ4J/CHQqoaMnhnNBBV8OeAq6H6G2k4FnH8DZzr4ZUDtUbXFuEheGQkntA9NXtev6mdEAFjLnze93aJZnhlBJVERiSiiQ/MYKz1FsR5RsU9/ndaH8IsPtUpmGpv+EdPyhTsVDtbHeCH9Ptt+j1+Pv238wg+/PnHsQbOqix+iAcRBM+sWiHaHDzVMtmc3XzxNYvHnXDIw2BGf8g7SJxurK2ZmdkQQZ6Voh7YvXHM+i2mdRbrWML+RSR6Dyj7aSNZmuThV4dotXBRFg8XkAuNuZQrD+SHH+gP2Mau/sBVZnVTFdm4bG48cr0Pq2R1U1cX9Yc0RynV1p7+8BZzSC5ndWM50ejdtyVQc/+2RCnLJcROeBgO+tw+Y0K9LCP/fSwRmoUu0uLjoH87UXBuWX9wuzykBkjLDl3EBmJZqain+8WL2sCksrqWLg9uv7Fmz+sPuo/rOx/IHOvw8NjOLasPm9t6sB53NXYoDFvQUr837umP2HNXJGqTcQMdCIiXroiwuLPPH9WMxnd3Rxuaa1e0gblyWWmIJqJIzXrHVlZ0rBNIim1KsNw4yP/o1Zr6vFLSOCUIhyeZq5O2Hvrj7TXGi5B2SxsTM/WtSMnerRufMTOzRw8+sEZTG4kUBNIsBFX/Y5Di6ZSBYDviD00MoR4yZtbHiroGKbYyiyhWV30NQ527WNXxO5RpfvDuPbv18qquG6JZ7UR/oOP8Fa9WdJ/0+mwSWyrVOzrR6+ZjXcO5ZYWoZ+e02RrF/J7VH4H5guZ0AhEvlaWEmDXa7nStMs99Udb1b++pBG9jS+s7ReqmyPUvzeGsxNr0zWSSjUmG1Jk/ml00aUyZZYrNVg3kUE5nbB4b50MImVt3ONZQm4LavDZNHeyzD0+0dmP8Ye32+INLKifDop6f1zXkuXc3tzV+TRcHmrhwW8Ve/+wf0TECpc0OKB+untcxH2+K3FqhbLZLysIgri6f0/Nva0fk67feoJwW86hZRMVCiK8ZiIy9gW/s+lbqUnp8USmZh2sah8O+nkWleQjNLc3zMRbcPUSt+twXxaLGq5TT/RMLNcftAUZ2gzWuG9E535WTMlEK4bTl9od8jM6mEz6h3PDDe4ezm4uP/zxGWvYsIfFDZZHTTYI9sxalFaIWtahFLWpRi9qpFkUOnmqxWGCZQsLq7K7LZYWo1in1219XaOscqLeMyEurpR3woNaefrc0S8iVXfMIpJvCaKXjErYQzqqc6+Y1haJ7XSRJHwjNdkDE+5jh3LwldLp4Tmj129/+XTMzaze7lsc4aBZ52HzaLXcxZcHcZg5LYiemOdof9fR5PrfMyFAORHlYHPQ1GrK3pFwqDVtoFI7MxvpOyGsipnMsUpoWkg4Y9Lz0zMPH6sOcyyifc8Mh7ZSdLJpOCca6CMgQMageJWuHh/t8L239ocb+3j1FDuIcy/sbI3pzSBnk229/w8zMvvSLv2RmZtsbCs1fWJZJ1Hs5obw65MGvfPmLZmb24osiQR4devTDy1TLNuirP998/23GwY2yQJMjF4UiFIlYTbcnpOzSxBVslXtdofZ9hLr8uosVjctJQ+dOpjT3q1detq1NIcI9UFfMS9Iob7OYohuJtMY0hJjlAkSjIeWDjGfvSNc5Q2QmX0SyujTD8TS+Bd4Px2M7OtH1LCNnXK7qu1y+1THauXtfAlK7ewrZjyDaueT3AFJgq+mhf43DEBGcCdGteJxyxa7u0RxmYpMgtCGytpm81uYFpKa7HUSQuEeHzMVkorXpKUK/Pp8zL4/z8skUqaFBT8dPxRFTS3qfe1ZAYG2ESM/hnq57vK7rOOkIjceRXV+Y11w1EWhKpiGoEWBM+CMdMmmNZ1mClMewSeSJlNK7b79hN65JDvn555SK6hIxddOva2k9aw4R7PLyuk5Na66R0hHDchQAACAASURBVPuv3lRkbQbZ9iPE2Ar5Dn3S7w5JEYwo152Zn7XJUGmSk6P/j703jZEkT8/73rgyI++su7q6+pqea2d2ljskJZG7pEhThiD6kCFLAgQDlgHDBmxYEARLtgGZBgTBNizAhmERsAT4IGX4AwWIgAHJsgWY59C7y91Z7uzcfV/VXXdVZuWdcfnD+3ujKrO7p3t2elYQHO+X7MqMjPjHP/6RHe/zPu/z6Bp7g7Fs95SQef2GojolypArG3rf9E70fB4eaEnEPdQxX7qo33dCnZiwRgbOPI4o/eSlgjwRd88QEp9cLrCYb100guG8GNILTOYfC2dOBOkFdTGKSIEcFFFEEUUUUUQRc1EgB2ciTiI5ONmREvaw126Tvexotv6TSJuuryhJ0Oql3S510I3zskOL0YeQ+d56W40e63XNEBI4CJbNWstavaq1slvUvW9f02NbW9EIJGHj4ibH0gz80+v6RL2/r0/vq8vnZJ06pU/NzGq+PbLuEf7BHtKznmeGUnosn6xcUj6H95BBbkpov/ORnfVNHQoRoGwS5+ZEcaxP8mttJfMtNHXcI2SOm7SPVSH3JamOzfF1X4+2VcKic6LZx/lNzQiqKzpGk6G+f1e3M4GnAAGbsOTJPcyqMixpq8i5TqjjmrRqpar7/Bi+wuqmZmlXLipiMOrqPs9vaKZlwk5vvqEiU/0THbsPkrK5oVn+7s4D+d3f+afMB8ZJdZ2PAWIvTWrkHmhGwnbdE82yDCno83e5RDYaQGxFqncywRyKazcY6Xw0qhXZuPCm/ru9yZweMy+0OIbwHEY6/hBOQuuMsZiIiI/wUglTqCYIVB/hHd/XddFsKSow7OsYLl44J9MpmT2ktWqVfSNFXg71u0urus801lbenUda39872uL89X7Y2jGbcOUohFzbDghEQ/Qa1CCoxaxdrxTIwQmS3hAwFxd0Lo+6+v6ArNRjfUyNwIlQzyLkvq6RZ80UivZKyxwDX9fRZGxcFWrw4kgy1WPUaSe2+yWKdPx37vE56E6jbfckbZLIclewJe9zrx8c6Do5QejLELn2gqKe0dQ4Po7cuAai9qrKR1+9ellERK5fU0Gt9UVdL+lU99EH7RxNdAy7W3qsJhydN1/VdbbFPb27/Y5uj9jUw20dk4+t+sbGomwgMLX1UNGG/rFe3wubyv9ptZRg/MHHem924di0aCe314M9vZ8+uqZchQAL+MVlJKBbOl+uMXetvzDPk52csJ0Z5yAv88/JIz/GRbCXLxMrmDukAR/zJMkXEAVyUEQRRRRRRBFFzESBHJwNJ5PMjeTDT/SJeYBp0rk1fWo9Quzo0SOrZ5O1kSk2mzW58oq2IN7BjvTGdX0qv3JZ97GIPaqHMsbhnqISJjzjJiaOpNlKCbbqAtyCK1e0i+Hap9dEROTufa2Tv3TlFfZfFwd29BTBpQGCMt2B1hLRLhHH1e2Ckglt6PnW67CyYYCbtbFPtvrGa19nXjSLt2w1pnUrmqYynYAuUMcuY39rrYuVspm35I0+Omb2dbSvGUQnF+TRR+SY7K2L4Mwd2kmHZCXr5zXjrNVoEZ3uy/7BLc4T0x5aPAPPWjoZg6eZf7Wm73/vu7+rY6c9aqmtiMHVqzrX7XZzZn/lEgzxBT3Hjz5S9Oj73/t23rpnVtymyZIm2GdjQYzGj0T83ekh5gLCIJkxv0EEMKxKyVba1PBduhyS1FoAOzKBh1Cp6TZr5fbssT3NssZk926k311apcUPLksL06OwotfWJHpNutYkji9d1jW780jXXa93JHXY+VbHj+A9hIGexyJthHadh309r1XQugGZ8NaOIgljuBweSJOxzjMQgghG/Hisn/usC8cvi4d0tdCdVIZFX6/BorfzMZOfvl4D6zpwOFYbSXPL2pPEMk7WWQBnJx4wFt3P8kpD+kO793RBnDt3WUREjlnfUUe/G9OamMEL8gLT9o04hklggxzR2lypGLKk30tALBeY54XWmhwegHa+/wP9jsmsk42eYBd/AsfGRIGWWQ+dntmGK0J3646inr/wS39SRERaNf29eOcdRRD6rMNz50B1wgX56D1F/lxXx1sWHe92qr8pL31F77naN/Tz7/7wn4mISLdPGzko5sKaIgh1JKzNoCoBNZwaucWzdkvrBhD+lpxz8Cy/JMcQhnld5BcZTzm4oRcenIPEjKMKzkERRRRRRBFFFPFlRYEcnInBYCDvvvuHsrGqdbm33lC+QP9Enzb3qIeZXsAqZkHDntbvbt+5LkcnWiu8dBURo0gzvc7xLvvSjGAZydE63QsH+8qIj0b0RJNZu7mlMdK/MM5v3NJseBH2+uam1vIPDx5JpTxrU3pwqChGIlobNfGjIcZMXqBZWUYWElbsmZGnbpCDJKpzLppJTGGIN+ktbjTbnFNZBtgXj4cca2ICPDqGiLqsGS0ND82kRs8/gp1vRkRLy5rtHh7pmEc9vRYGPKwsa3bfrOuSdjCk2d+/JdOpznnFqBST2WVvKE2KmFFAFmtCK9/5Q7Wm/rlvLDIWashTzQRJTmVhQTPp93+oxlR/+J1vsf9Urly+LCIia6vaATKk/uzDGZiQdTrwQBJjTNPPXkf0yaywI8sQ09n5igaG/iCby1qtlFqnCA9zn7AOGnUMmaj7nz+vfAjLHC0TvnPvLttRx12iI4DpXCRbM+leu3Zmk1wJEykhZmQ6WtGE9UCHwEOOceeeZp+10Dg5em12Hun7vb7eTz46BtbNkVlCiAiXXdsxmgzVEhyXekWkbeiV6XfoPpYwTZugweGwcFyxe1LXbKlkr7NdH2NkyyOMyxyP7L7GGLn2cVyRJvyNAcfy6Mtvc03GE713TRQqAVm0Oa6UjasiM69JgggSGXLCNTeExUd8KwxEUJjOdQgGzJVpAJR8Pf8Kwm0dOk4ceEOrWHsf9fR+6LM23/nWH4iIyPllvS+uXn1bx+Dpb1eVeR0OYrl5TbkkxpX5qa/pfdKmm+PD91Ts7dWv67E2L6i2Rue6dg6lLoZTph/i2m+SnpxJWCdinROzugHO2Yw79zqaVSeaFxfKvkTp4qfF/Bji5MsbQ4EcFFFEEUUUUUQRM1EgB2eiWqnIm2/9hFygE8ChvlehVr1iFqNjM0vSp7YKssN+2Mz7ja/feF//wdP3CrK5A2RPbx9q1l2i5hpFml0cdzQzNoORGDvV7fc0U6o2tY57DvUxs4a2emiz2ZBook/229v6VJ2AAARIy5ZD3blZNpugp9Vla1XNOq0O59lJOfoUv/dIvzeZarZrsrFl9ALW1zZkoaVP9tEYhrtjjdiYrpCVDgezMsK5TS612IVFrY16mDpN6O825cg2GfU62UuAcc21G8rJ6Ha3pdVEvyG2vnXzjSZ9ZV4y+tMloJ4P+7rf13mZoqo2nuixa2Q+1ony8UfKVXn3XUUOAsuOo1iWVhSNcqhzD2GpN9EEmFL3rSOPPcbcyFQa7byjqZ5DAxvt4Yj5I8uxv0nuJKTP2/cDaaBnXKspmuWhhGiciREZ7wTlu+HIzhfLXt2leC3NKQ72laW+hqSzB9oxgF+RwRvwYNR/+uH7MgBt8simx0PUGT1kb5HordbIVpEq7vZUGbAPbybBVttDXjunjZgVL0jClH52J9U1PaBDYXX1qizAz3j4CB6LWWwv0q3B/EzF6vqm76GHaNON4aF3YCjYONQMem8P7QXu4cFQx2J8kMk4k9SsuV3uOZRETWNgZQlNAe5pP4jYlx5jxG+RoYQRvJ9pROcMvz9uqq8VYILVZV0LW/du5ZbdFcyZUuNrwFeJzOTK179roHNt+C4nQ0U9W0sgh2VdX10sux/S7VWr6bwur3OvIm0dS0day7qmDJXc2lWk4JW3f1H39VCv5/e//66eX6DrwDgDDvyhAMQ1GaJNYQqIJqfNPMW5zbg/ux/Hecxy+YvGF9mLlys4PjmSwnipiCKKKKKIIor4cUWBHJyJwC/JueUNGfb0qbPEk3KVWmziWAaqT9L9ninh0VMflqQDMmA1U+tbH2HZXEVtzoHhfTLAkpan7Crs4jIZ3+Gx1v/Wz2sNLijpU/lJX2trNVQQF7BgnU5O5B51206Hp2syNxet9xLM3qN9Hf/ujo55ZVH37QoGUyAFQjZiLG2XjoMqyopWY3XIgtJJJBG6DGVU4ayboEs90/NzmxYREbl0SZGG7e37nAdGUnXNcHYeak3SLEqN72G2sWOMlx7t6nY7OzoHi8vlvAf86AimMtr/Bo14jo7Nx+cgCPU89+CBvP32nxERkfVz9HvD4ndczWpv3tBjbj/EoAv/iDoZVqPekHJFM2NTrKvTMQAhXlzqumX6/jsw2oUMEiqG+HSWBNSaraYex8aIP2Y+9Dj9ntWafdnfBbUBEWu3dc0EpiKIPr3NS8g85N0cYtmZXrujPV1f1z9Wlvprr6kOSAOewz3Qm15fx7R175ZUGvTnJ3p+FRQLy6ypRgPuCGqFnWO9j+4+1IwxAKWqkMWPsDA3PRDBXtiDvW86ApWynsMA74XjoyO5eEX7+lsYTu33dM4e3NQ1uLKoa0zw9zBL6yTi/FHCXF/Xe9Plnl5e1LEPMVqaci0MPdzBuKs3nEilqvsy1C3LQASoncdmA8Q1m4Iw1tBFsZ9w48dYt4JNhzHvY5CUzfOKODI9ctI5lDGmTtUhnBtQmyks/DImRQtwBz79UDsLwqquE8vWx1xTs/p2QxQ2wZwmor+Bk5hrBiIh5Yq4VUVGquTZu/x2/e5v6bY//U3teDh+SDcTXUxmRZ0xLwbrlEwvxDV+DcfKLb/1z8x8o5MzhkbmNS3WtfDFcugvMwN3nS9v7wVyUEQRRRRRRBFFzESBHJyJNEtlPBrJNl0JdWq0Vy5eFhGRCVlqQu9tq6VP2IYk3L9/W3qgCVV63o1z0OBpPKVmPCTjmdjfMJjXNjTrHKFRUMdtcR21vb09fd8yg6Ul67XX7z+4f1tGE+qN1EBH1N8E1cKwigUrdrknHR1/Hac880HYvKxKZ1bvDyrKb2jAsLaMM+L8k1iztHI5lGNqh4ZepLBsXTIZ60ve2LwsIiKHB2gwZKZ3r5lhDxW/mF78OvXyBeqb+1g836W3+qSvPIt2E6W9hVAG1Os5DfHtmZgX63evkCkDhMjqgmZZr7ysTplNnBKTiW7w6UdaFz3GyngBFGfpim7fbukYkjSWuzjWjclsPHrqT+gRby6SfVpdm0ymT/fKSsPq22RpI6spw5eAbu2in+HBm7BOk0xiSTOrX9LZgF+Ba3wP47kYl4YxjqamIaCBqaO89NJl5otMkXSsxXk/2tlhDDrWSi2QFB5CSu3XxnvunCIGIddiZ+8urzrHxrI39GoyJkNkvoxzYfsteWZ1DYJA3b8c6D394NbN3EX04gW9zh4oww1q5FYsbpvNNCqdQVXX/fYOaCDdSgsohZpewkU6VO7dVWQpLGuWe/my7u+k15FuFz2DASqL+bUga0e1MkAvZMDitM4S624ZGz+EdWHoj5vzhryZ790FXaxVQ3HRM7H7pInfRzk0/Qq9ZrUVu/f0t+zeI1Wn/MpX1XuhzD2309UxGOLkh7rOAh+tBsHXgNdeFEu4CCeiSfdFRa/33p52Nnznu4r4NM7pmBrM8TSh+wBUx0cXxn5nImvvsc4Ds0BnuySZU0M8wxB4KleAD547s36q//Kzt8+7EZ6yrecWyEERRRRRRBFFFPFjigI5OBOOI+KVM1nfhGmPC93hMR7ophTIU+lJT2vSd+7p0+14NJIKuuk+9ehF6pZWv1xa0TrvkJ7qew+1jzk91H2ZH/2EV4da8h1U5/aO9En5NZQY15f0SfvTT7XuO5n0ZWFFM6GDrma0tZZmH6tLemxf9KnbGOIRGgRRBLJQ1+2Xz2sGPCAbyRLNjLswpEs+3gRkOxOymvFBV7LYHBuZXJTJFsnGz19U98ktsrTuGEczz9TZNJNyyvSMo+aYwYSuUNddo7Pi7kNVSiSJlXOgI3XPleMjHOwisnKxDIb+5UT3lYyXeNUxvPKaeiqsLyjX4GBP5/Pdd7V/W1CtI0mVPvyRWqjr594dZavHTiR9D+3/hmad+yePGAPOmSXTGkBJsoJC5F3tgKi09dosL+s6MuVDY+d3yV4HIA6T2Fjc8EcSkVrFuAZ6jDH6+scdHWcl0Hlo1HVdrC6hMjfVY3dPNNPbO9BrtnlBx3wOjY0ONfsS/gaNBR1DBBfFCxfESXUNlozhj4+JCzJ0dKL1bHMGDDzd55TsdmJcDHQMAjLniSnfAQ/lJHU+H6LKFwaWYfdl/5bOVROfhxFaEwI/Ybuv3IPLC6pKWl/En2GKHsK6rsXtA0UGVi7quZ2AQNToYmnABzoBVVxCD2OhUsoz5cMDvd6GhLVw16wD5/gOPBkPrgoaG1U8I5KJcXw48QA32FTvUQfdg+vX9HciisjUw5ZU0KEwFVKXTqIQBcgx3InBsf4mra+BfHR1fu7e+1BERL6CK+lrFxUFO2K97Hb03oxQKfS4BklmegoirqtjyFLT3uA+aOmYOl3Vd5ER3JwyLq5os6TGD7C/0Xdw4Sil+bmFbKe7M28WQU9G72Udw9McD1O+Y1jDM+v+z2hXsLHknQdntk/dbG5bZ2Zss/qyz3e8540COSiiiCKKKKKIImaiQA7mIst8qZKN2kOl6b73e/pUf/u2Oifu8rRf8nmKSyIZUfv7U7/0iyJyqjP/R+/q0/X5TX3ibzb16TugX994DSO6EA7Hup3VzvbRWjdWe0Dt8MZ1rfvt4nR2Mh5KRvfEGghCwtO4nxk/Qc9rQoYj2axC3Ng3n3p9yk6maKo7em7mIWCyYjHp+hSdBMf1xLEujb4eY2NDs+8LFxTxuHlX5+4EhvQanIrDI2rp+Dg82lIOgdVDF2DY7+5q9noZBOLnf+FPi4jIg/s6H5LqPO53dmTEeccsd4dn/vaiZmHWOdDAXbDZ0GNcvaKci0dwUL733vdFRCTCzdEY5iX0DszV8d6WZlRRpPNab4TikNFCy5CTI3rDW3S60Idd8jQD7OxrtuX75g2A9sAALkqDDKrEOXl6jo26pg3TKeuEZgdfHMlMRRHOxIBM1rwzxo4eY7WmyMcxnTeBZSlk9/t7Oh++sdiXdJ1VQxxHR6BerO2Sp4OotdYMfJPxUM/zpGeo1JDz4CcJFcY0AvlwLUeiVpy3d5NBwncwh0mH9320+ms4BI7HQ+ZvUWoN/ezufe2qGMADCkxJE9TO9EJee+2rIiJyCBK1sGDeFDo/XRDGl66+zNj0/rh4QRUnH4ESTiO775Jc12Kxres4AQHp93UsCw3rEFE0azTGddSbdczc3tHMejzRCV5COdU8KvYP+H3AH6EOhyWN09yHwfQaSmXz5dD3jZtR8hVJquAAur6CPwzr5OMPFO352k/qvf4SnKX1WL937YZ6NwwmoEIl/CCSqWTJbJ7qOObfoWM6B5qZZSBEjnlS8AVzJcy7EGxHqFrKbNjnedZ/plnhdAzzyMGT/QvSHEN4cjwLWTDEYMZZ0TharvPEY/44okAOiiiiiCKKKKKImSiQgzPhOJ6U/IaUSLfsSXp3W5/4P73+RyJyyspvkL1t72jNcW3tnPz8N39JRETaTfUr+MF7WjOuoZU+RTHw1oE+6Z+/oE/ZpkN/Qp0u47nt1DsAt0FcHY86mnkOYQZb9p9NE0kmMNXJ0jzBfU6qnBe66jyVV3iNYSU7rn6xHBiLn66MTMcWkbZ1jrQ3OcalzydDdMSTWhn/iVU9vxb96/dxtJwCXyyvkRGYChu1vxFqcl0U7XwyiVwRjzjqDjm2Hu/Nt77JmHW73e3bsn+MSh699CXqspZ9efjKT0FA+mjGf3pN69/7IEQBNVMXRcVSyZjzOob3P9R1sLCk57RCRj3oH0u9ocfc2dcstE8XRhkW+eab6joXk0EPO4YcUEuml9w0K46PdB6XljQDrKF6GSfGNLdOEtwPxz3pdTUbHQxMX15fHM+4AbrvEVyEMh0lKde1ic793qGO7cHWD/Xvfc28ze2xEi4xP7rmK2h7HPdGMkL/wlAqU3RcXtEMug2iNqXrwGc+MlQtM5Q2TSfD+tStdmweCzF8oZKP4iAeJobA1JqhVKt63nugOBlKog3Wu8/vwPZD7bqo1vT8L2wqMnDS1TX72sv698GRzq+5tVo06LDZA+1ymc9yqSI9sm6rtV+6qOvg1i1FwI7ohNnY0DlcRBHVqs1xwn2T/5Tr66CH8+F5/R3yQWL26LAwFcRMXPGM90EHVLlieibmUwLyg7bCiH07maIT51cVGTnu6e/BBx8osuqVdA2+/BVFRQb4fnx8zTxMcLd0xuKABJiOSZIYmkEnFCITrjfblZLmXQimcGhOibNaBacWi7z7FCdF90y+bEiBbevmnQ7zKMcTd3VmP5/9ue0391PJslMkw471z8HHoUAOiiiiiCKKKKKImSiQgzPhup7UawuSktV+8tFHIiKyu6OZozkjDqn7ndCj/OYb2uf7tZ/4SamGmi0dHmoWMR7q0/LiomaRPWrwX33zayIisoLb4PsfahZ2goKe9TtbZllr6rFNvz6eklGipGiOakGpLDFP2fFIj11p6RN6RNbUPUFTAKWySoX6FtmIKYLZ03eno9nLYKznO6bHvIKvwaWLyuZOpmi0h438vSk6Drv7el72JJzBwl1Y0n3sHNwVEZGQDPnGgy3GgmsaT9K9rqIAm5s6bw5Z2I2bms0uwSO4sKlZjV9akhQdf6tPd0EIUhjeHsx3I5k06GMfRnrepTL1cTwDTC/AtAc+va7dKvW6ZohXrmomdcS1bCxVJMIrYYArZxxpxkxDiWzf137+AWp6Pkp5AdekRKbs050QTehNxx9jgofAYUdRLiHjMm8OJ5tIDeXCsEr9mrWZgFqV6NM3rYlmtcznpjqIZkdd38+SI151fnodPVYfR0zf13Pw6I6phe2c1yHU0hfEFB+tCIwzKEjTJKa7gNq5ZVkOqE9g1451Yv4Z5jwZxfgkoPmxfl73GyeuHJmCKIz+Sk333W5r5n90TBcH3JL9PUV9FtuavS8tbcwc6/KlS8yHzmcNpKGC6qnLtbtz666IiGycW5MGCqBHoBflQMdwbl07QLa29D447hiCoHyYclmRgBMQqGgKmlWucyzzv9B1ceXKFRERadYVSbh3B98VV8RhvAH8leHYeD/W+aLXtVqlM2SMKiMo6No5vdcWV/V++O5774iIyEcfv6fbw124AhcjAhW4flM5PH5YEt9HK8Oj/g5Hx/FNZRF3SX6bHd+QNH05lSkwpUmZiTngII95PoDj6P8DM++dSehFnoA6PCcyMB/ziIMhEmmWimuIQY4q2LHS2ddCIbGIIooooogiivhxRYEcnIkkTuX4qC8ffKRZfERPdRud9z6OcsYkfvm1V0VE5K23FAXIEk8idNdPTvRpO03N9YuuhCvqzvfKy5dFROTap4pObG8pB8H07GtVeu+prXWs9m6157x4pi+Vim7veeXcqc1U4Tz68RPPnNs02+h0FBHp9kAhyAwNObCMctjHXQ8XtWVY2ktL2s8cT9F/oKb/xlffkNEQ5vpAs5BWW7PqfZQQM8YUJz2OoZnTaHzE2PWYTbKvE84/oA5svJAEdMOyswP2Pxnjc9DwJShRh6ZeH5q8JDXPnMZAanDS1+y7S5YvKfPIXLfamin10KKoNzQzfuMNra32RvAJQvrnhz0ZM/5FNAYSMuIk0rX08Qff5/zptfdh1ZPte5b7gAqFZesEIFMyBTzfsh599QLrpHEktrqlMcNRyLQ5jHK1OP3ueJrm3xU5VQgts9bcE71WKXV+n6J1AN/ElAIXWso7ubT5ilRg51vHTB9lwMFE58fcB2O6U3w6hepVzdZ7uHia90a5bN0a5jGg+3UE7gW6GI02uhcV/Xt3b1+GOBuukPE2cRncP9BuE+sMKYea3Zu74s2bes/+xE/o+y2UMXP1T+5hS/7MGfP8pqKH3/7W74uIyHjcl8uXFCFotXR8g5Mu+wQZu6zX4v595b8cdeBQoFkRhrrur7ysXIWHdPcYAz4CSdk/0Hm7cOESE6TIw9bWlpTZh/kP9PA/aeLr0ene1dcj5UyErl6LdlvPZzTR98+t6Zhff0t/F27cVS7Kt76r17Q3Ut2U9Q29Bourut1guCdTfgcMIcC4Mu+kyZsKQF+yPJ3XFxO2MC6CIUtOntXPQgzuZ+TF2RzsYDwG6xxwuV/SdJaTMB85yvWcugO2nXcGDUiydOazeaTgy+xiKJCDIooooogiiihiJgrk4EwMh0P5/rs/EIE532zq0/V4grIX7N2vv/1TIiJy6ZLWlgcDvAukLAHpZfdEs3HHQeN/RZ+S19e1ZviDH2jnw43rmoXUYQivr2tWOsavwJwBU3rKo5G+VtCgt9pUB5W7NMnyx+4RioWep/vavKQZXKmsT/iry5oppfQOZznTW/+2nvAleAGmDBeiAmmKiFmmY/8TP/NzIiLS7w/kmAzo7j1FRALqztW6jntl2RTR8JiAz3Dvptbe22Tj6zD/I5wQx4zB2Mt1etXrNc0cjg90vvodzVa2pW+gjcSopC21tVZc8vUYPvOVgSzcvadjqNepseP8ZkqSfbL7c+s6tnU0HDLrF3d0/o6PNIu7deOGLKPPsLqic3l+U/8+2NGMud8zboDV+zUrdakHhyAlAaiHaVRUYMbHdBgE3NKx1WzpnS57ZQlDPV/raKig5yEChyD3XtB1n9Dl4pBBjnLdftPY12y1RI22WtPs10Wj4sJL+vlCS+vckgW5O+cINCpzTemRTcj8ulw/q/eH1OYNlbDOCvNaMI8FF2Z9yBgyMq0+ehrdY1RDq025ckXH6wVcV7g4w75uWyU7j+B/eFyDIaz8jz5UtOcnf+rnRURkaVmvaYoeRK4fEqHlsa733dqaZt4nvRO5eUuZ/WsoX5bhfbg4hS6AeAz6+h3zQz/8FAAAIABJREFU8ajg1WKp8cULikC8AZdpCppnXi8RkEopwP9jka6G/lhi7v8JSMrCos71FE5Sf6jnG+LXkXKx+nCaVmpwWCKUFEfa3bG4TPaOM+jH174rIiLXFQSRtXXlf3iBd6pgmK+DXH9Q95HT93OYj7/5k39Ybd41bwn50SN7DBF48t6+TGfEZ4UhCrNjeDESiQVyUEQRRRRRRBFFzESBHMyEI67jSQPVsQl10EV8zF97TTMhUyc8Qms8oJfa90oSBFZ/pHZIb7igmfDOO1pv3N7Sx+dzq5oZLLQ089neUdb9wz19+rbsrkanRIOa7QS04uAAzX5qrnEcS1ib1TM4OMIVrq7PgmXGaA51ktpTO4z4Gmp++LPH6LLv7yo6sbenryP0AF55/S0REdnd3c3HdPOOMvhHdEi8dE6VESPQhn5XxzKY6PgPdunrp9+5zFhKZLPmaDdAcTJN0FbAn70MO99n3r0Alb7sWCK6KOKJzrEfjnjVv8+vKg9k90C5BhWy0VYDXgPaC8bi9+kLX1nTbK9zrPO0jdOdcRaOT/ScyuWSWFJ+DLt8iS6V115XnsLOQ83OrBd+hFpfDZ+CMllrhEOi8UKmdI6Mych9kAVTxnO4xX23JI2qjtcr6VwaqhVTnzeuwWRiveWQTDjfCds1QY6EayFwUxo1rUFffOWyiIikxiin5p6mIiG8FOvpzrhuEfsY0PdvHgq+Y7wQug7gYDRZD8ZBkbyvHZdGuD99ELzMN8RGa+7VMJDRUNfKDuqCR/ibNEBAMmrwaXrIXOr5GpJ0fKTX+Yc/+J5uB2fjtVdVGdC6fUYjPc7mBV1nb/+Ufv7JR9ekjFaGXc8a97tpAFjN3ToBpql5AHBfsIYfPdqZ2c+584pUrq0rqmVaJeWybn9uQ89hNBnL7TvKDejCpWrhfxKiulk9QqMF9UUHx8QId9pHO/r+q8v6+1gBSejs61quLsALauu1srU6GMKjKmW5zkkAkuTw2yUoXhqHxq6BcQ6smymZy5aNB5CX6uVHj9O6/pMVEp+XU/BlRK694J12WLyo8RTIQRFFFFFEEUUUMRMFcjATmYiT5mzjy1c0211dRRmMjGpK/S7vKKDQVS5XxKPvvt3UevT9u/r0fPuBMqDZtays6ud+iW4EFA9T6t5L1P3CGg6KaMP3TvTpPuEpvk3nQEbPfq1aFsf0uGHTDshctlF6vLz5OmeLatyQ7WCOHx8q0pDitx6UzBFPa5JjdB7W1i7yvh772nWt1adpllP7l5f1PGihljE+DZ1dzRBHI82YzeGwQpZq51cn43EFpb+p9UPD0kcPotbQDKNOKXZMl0SSdKTkoL7X0hpng9p7s6mZ9KWNyyIisr+r2VeDDgmkBfKabIIy4pja6sGRZj5H8EL297c5pp5T2Xr2g5KkcCR6uOmle9TaV3W9XLysfejnGcv9e9f1PH2QEhKpI/T726BbJye6v9HQXAl1+3ZbM80OHQWj0VQcXDRbdZ2PEoux5OmklSqgXiW9FiUQsompEQ50EA7IU5qhWsi5dbt6vp9+ekfnDZ7MUd/0MYbSqOBHgDZAD/TNQ51wMta/G3X7adJ11Od6jliDpr3v0tdehZOwuqzzUgI9q7MuUlwNI+6TOzsPpU13QhvdAvNOMX8Un+tdrRvnAkSN7pUaxziC7/O9732LedD76K2vvi0iIs1FPc7ega6vnV1dJ3E2FWdqff0axvsxJGQJB8QGDo+9KvynvDsjZaw6RlMMfPRQUbw7txS9ypEJ9FJWVpby49VZD+Opjnt3X8e5sKjX6gK/F0eH+lt2hGJoY0HvowEIzCefqH/Ma1/9ioiIlNHTuL2n3V+mixJWTK0StM9zcn0CayTKuO6JQW7OnPaAmJdGbqIw83n2LPGB54h/Hn4Gnzdyl8YZuKDgHBRRRBFFFFFEEV9CfGHkwHGcJRH5cyLyr4rIWyJyXkSmIvKBiPyaiPxa9jjtUxzH+YaI/IqI/IxoofCmiPyvIvKrmVGWH//OvyYif0NE3hYtQn0kIv9jlmX/4Iueh4hIGPry6itLcu6c1tysE2CCkhzlz7xuZ45vyUgfMQeDTHZPNCs43Ncn/AgG+3m045tN3cmY+vcdmPG9E80+Q1TI2taXXdNH6e4ArQLqvi1Y/CEujRn+BuP+QDqHmgEFHhliqvvwqSFPrRsh0UxyAru61MJLHcb0sEfdjizPR7NhEQ/6JRAVZOzFRSdhb29fvMT80/W1F2l2ceklrYV+8qky+Scwon3fFL/01XrqkxLqbTDHvSHqhjwd+yWQFVQMvQB9/waaBZ1MRnQ6VOv6mYh2mVSrmq0PaTYxNT5TSEwS5s2h936sGZMkeAXs6TFDXBkbC6wDeAVCX7wvJYkENUEymg7dCVAGZDBGdXFR0ZgLL31Dp4OMaWrqlPStl805FKRqhDZ/jKvfMhwPv6rfu3nrY3HGuHOCtqT4Fni+dYLo3y4+BA6dAq2yIiwTWPyZg7ugQy2ea3d8TLZ3ZB0l+ESQrTteWUqoSOY/CXBSKnSnVNEtqKFoGNG106U+bT9ZU96foBTpou9wdLQ7s10c6zoxDw6PDLsahjKe6nmapsDSiq6HrW3lA0Uw/gPuG19AzhIcU0s69pBrkHJtt3b1+/WW7jfcqzA2zbwf7Whm7jqJnPQVdej1TBlVx7vYxvmQrpZmUzP9Dz78REROtVXSRI99767uMwGBKddBIALj8KADIDoP2zt6vIuXLksz1WNt4SFhXJSdLd1HE47F2rIiAmGgY9nbU4SxAjcnwr3x5qe6Ll56VVVSz9Gs8vCRIkphyL3qWbfTRBy6FeKRx9zQQeRwg5gLoyGG+f8QbM9f6VxTQ5wrCfJiro32dT43JCbJUnFNUsQ+y/UKPp9uwfPGE/57zMM0WHILifw8zHMh4/Mz/2W+IMjjRZQV/qKI/D0R2RaR3xGR+yKyJiL/poj8zyLyy47j/MXsjLKE4zj/hoj8poiMReQfisiRiPzrIvLfi8g32edMOI7zV0TkV0XkUET+d9EHkL8gIr/uOM5bWZb9jRdwLkUUUUQRRRTx//t4EQ8H10Xkz4rI/3kWIXAc52+KyHdF5M+LPij8Ju83ReR/Ei2O/mKWZe/y/n8hIr8tIn/BcZy/lGXZb5zZ12UR+W9FHyJ+Osuyu7z/t0XkeyLy1x3H+c0sy779RU7E9wNZW1+VKNKnVRfFNw9NAdMPcIEQKD1LtwtKMMlkZw/tfHrirffZSayfW6fc+o876O97MLtb1IqNEW3KgFP2l/FoPMZZr0W3QwMFwnG1KctLmulZz3yHvuz6AixzY7T3ddyTEbr1oBI1MuGSaEYR2OPqAgp4ZNYuPfZlHssPDvQ448lYmnRVmLui+VGUy8qeXlnVfXe6ysUwzwASAZmONKs46mo2E4aK5oirWcf+vh5reUlRAM/VbMda8asV3f9Cy5Ms1kzeccyxEOY2zoXb25oBJWTl9QV9f9CL2Ldes5MTnfNN5tx67z0P/f+pOUvqGPLHYc+REkqFdscNEjog0Ew4PiTjTXSDqjkbohBYBrUybf2UdbCB+2fMwfbRebB67sWLiiDUKnV5uHWfceocGjLmiWX+OnkT6ryvv6VdKMuL9NgfKNpz95byIaaoWVbNjTOhbsxaroB6tVsw8Ms1GdOtYjyVSg19Aur7AffHBGQghPdQxwF1whync46SIxjwGehPAKLkge4t1MzNUMdW8kuSgkIdDfWebTX1Oy+d046GHmhFf6CfJ/welAPTgUBtD7XKMa6DptL5IFQE4erL2pFiNfw95tFzT/0MqnCLUrxIRnAsukf6+3AVX4IxypE724pifeMb/zLnpfv59Ia6wAbGRZhTVDWn1aVlvZ+SOMiz53PrF9hW52XCOolB3nb5bVtZsd8oXf+37ykiMIIPtMzvwo1PdR7Ov6xr9JVNPcf7DxUt9VnTqaS5zkXMnFpi7OUui3Ql8DtqiNozqQVziMHjnz9BcXAuO3dfMFLweSJHCOQp6EKOjHhP/vwLxBd+OMiy7Lef8v6O4zh/X0T+KxH5ReHhQDTbXxGR/80eDNh+7DjOr4jIb4nIfygiv3Fmd/+uqFLL37EHA75z7DjOfy0i/4uI/Aci8oUeDrIslcl0KmV+kE9tPyE1xdicIrQSRyY3qjfy0eFRTlZcWtAbyA/0P94A21rBKKaBXGoL6LFKy9rmeRXo2dtHBhieWZnWpgQxF4+WnyH/wVcRfWm2F6TfR7SFH/+1pj4UpHzHbogyBKGY/6gcI5hh3Rynp0YgIiIntIfVWys2YyIiEtFudQC5rF6vif1fX+F/teFE97kDpHrpov4A7+3eFRGRLqQuI3n5lCh2IfktLOt/9lXITA8f6g/s2qruZwlSWa2uYxv19D/JVnVFFhcpr1BmMcKptfvlkG5qgitmzarnN0pMk1fHFtLq1gDqNQtefo8l5j9XD5jVD0LJ26CYuZL94nCNxhgz3cWwa21Nz2sV2+djWhstfEo/4wg7ah5cy/xnmvC/5wSTqY31l6WBpfLWlgrvHHcV5l6iTHS+qWtv/xDYN7H2WUoYGBTlbYZ2NkCaIQ9b9mpGRgb5j4YjmbC2zHI5MbInCz2knFZ2Mb8a6fmZPLa1aibWykl5ZsR/zK5zSg4WEalghFajbTfmwT/LEkkwjBqPTJhJX5tNO29IwO3WzHwNRvawaQ/8ZcaoYxsg+rO7rw9jFy5qC6O1r4aUa4b9QT53NVoSI1r47OHpzn39j3eSmJ26riOTU/7mN/R8Xn9dHx4ebmsLcebo9rY+fMzVohjL4wEEzfFUWpR0Njc3GB9lxLJ+54cf6nqJRzrWaWxzqGO5dElbGDs9PebdO3rvLSLs5N/U36O1DUijTS3fHHb13JwgEfHNaInx8YDi87BoUsVxOm/VTPlyzizJfvvydHXuP/j0Kf/ZZmma35O2D2fuyWJeXvnLDDv26enOjil/SP4Sjv1lExLNDi8+894v8fp/P2H73xeRoYh8w3Gc8nN+5/+a26aIIooooogiivgC8aW1MjqO44vIX+bPs/+pv8br9fnvZFkWO45zR0TeFJGXROST5/jOtuM4AxHZdBynmmXZ8Bnj+v5TPnrdcRzx/UCy3PZTp6dPRgHiJ5MJkr9kw9Zetby8KI5ZjqZGHNPnou4eLYihPuqtrinUFmGHurCo2cpxR6E7Ehyp1rGA3lHoe5HWRWuj3NrSTNwEiTYvXJGgRFYAimFGTEZA9HgmdK0diOwlAQnJQAJKYPz7Rzr28LyWBHrYw1aw9N3ZBuUgo2gHDcmAJG2BOUj0PtwCmlzWrPuNr/wxERH5+JMf6Dxhi2xkwLCKVTWkt2Zb3++f6JgfkAUv0/q5uqr7vYdp0mSaSgAMHAB3TkAMhge6VHYRnCLhlYy6wDQmU2ZeggBSKaWf5VXN6vcPNVtzXBOu0e+HoW7ve6GYH1JuxmIow9TYnMwTMPMC0t3DASZZwwM5G2UkjScmKw2zsYHVcbO1xHZmLz6VOsS7176iIjxb2zp3Vtoam+U28toxJEmXtCVlra6tKRk2oMRjks1VTI4sJjEiWpERICNxIegashEjZmVog91Llaruy9oCJ9gHN5j7xTJIUZVWxz5lq9AkoUHaQHEGEHY9DHnSbCouaMv6qsLpi8iE37l9jX3qvKyuI7cN+tftc69i6RxTMjNxrFJgwlS6Bj/5RK2LjWR8bG3LaST+HKztYbVcp50WFF3u3dY15od6LCtL/pN/ooDsL//ynxMRkbe+qm2H3/rO7+nYX9J5PZ5oGSLCZE0okayuX5R9LOk/pVy0tExWChnw7p7ek0YSrftKKi4zHy6sucugXSvndT5v3lJxqf2Hum46lEheek3Xz2JL5/Wgd1sSfi8CZNAnSE6nrG9DjHxupNgQEJu4J3c0Pva3ZdxPM146iwo8uU3wdJssN0V68Tn2PEIw//f8dl9GfJnIwX8jIl8VkX+aZdk/O/M+snzSffwrM++3f4TvtJ7yeRFFFFFEEUUU8ZzxpSAHjuP8VRH56yLyqYj825/367x+nsLOc38ny7KfeuIOFFH4yczJ8nqWERMTK61CAgsg9SyQxdcbl0VEpD84lgkiN0FJn7t+8EOlVRxs6VPmz/2cVj+sbrexqfXIE9rfxoj/VGn5un9PRUxWqN8FnGLvRLOyOtsN4CJsPdiSclmzzgpSs2Na6gTLZmPYJJj6mH9u3ubDZl0zlKL9KwTFyHI7WNtO979xTjMGZzrJERSTSw7L+t2INsrrtDK++ZZmOl957WdFROTmrRs6Xwda301Sneshde4S2UtI+1R/hKTzgdYvqzV9v7lAhjgZyQSZ3ynZ42iISRVP/ibxHJoVsWtyvxGfc01pG7UsZsr6MJJdFSLn8ARinqeZleNUxEWcyHVNzpjWU9AJq41e2NSsrAkBbw+SZw41mKEM8+tbvb8CGkQW1+0eMx8IQDXrctJHnIls+9JlrVO3Eda6eUOvySEiOJVAM7ySZ1a1CFAxFmuPs7axIeJBI8iyGS2SZiPtuY4EkBVTaudRYmI3JhiFYRJ5iw+iYOY/EdOxtqb3zUubWr8uh4qYxBHCTSz5OCUThYyasP7KpUAayPwKMsmf3Nfs/KBnIla0R3ZoXeQGqdcV9fOcWSTKzLCqbb12RkCcQtTcR557NDAhIydn5RmfrATKFY/Nmpt1zBjHtLSagJNJP7/zzv8jIiKvvMY1Ndl20WsbIQHdHenfxnmqtiMZI/4lFSy4K6CfGIitXdHzzDjPOAT5iBVRSGkJDUCDzl/WFsbmko7lwTU97wcP9N6+dk3HcuEqxN5KTfoTLMy5cNYea5LUKevE9efkglNbP/Zbpi+Za8jCnLUzr/Oyw8Zp8HwvRyM84wXN/a9iRF5DGJ/FQZjP9h+PZ9tHG0rxNO7B/PYvIl44cuA4zn8kIv+DiHwsIv9SlmVHc5s8K8tvzm33eb5z8pTPiyiiiCKKKKKI54wXihw4jvPXRLUKPhSRP5Vl2d4TNrsmIj8tIq+KyEz9H57CFVEC4+257yzznW/PfeeciNREZOtZfIPnOAFxPTd/GgupTzabiOKkVks2q2PNdo6OqD0mEylRC/7eu38oIiIDWOZ//Gd+QURElpb0adkyIZ/M4RCBlDImNTvb+jQfkDkY+zpGwtmjfQolV6khXFMNq3kGlxrvgX2aqEunr/VKoV3MeL4lkAZDSo6oa155WdnIVsdOErM21mx9eUFRjU3spodHx+Jx7AhEox9ZjVmPeXigme2NG5r5XLig9cdXX/26iIhcvarfN3byNNL56fU0Wzmg7c5kY4fIME/G8AWmut1o2M1Fi0LMd1JPz8vYyB5tBpb5u3SU2FglMwQJWWHumowavHWtRBOTg0WwKYVTG4eSIkFdhUPR65EJwi3ZPKd8jlpT18cOpjU5J8GyFObDC/RvQz3GwDgB689a+T755AMREbm4MZArVzXL7o90bvYO9Jm7gmyytdytLCJeBDr17rf1ljvG5GsED6KX6nahcTrgZBj6VQZhKcGByaJYEoyWSp5lblgqj/T9RlO/Y9yJCfuaIAFurYyHRwgwcY+eO0enBF0N9prSaTQiCzQDr8mkJ1tbd0VEpAs/ZXCCXLhvaIPoWNjHFDGwCDOnANnpFm3Hhho2G9Zpoff+w4d6HBfL90oVwapJJHb32XUNyAgnKS2bdHEYknTSUyTRZT0tI0R2967yBSJaORNMkQ4nmrVLU++/hQXdzyjSc7718EQSTMraG2TRro57MKXTAe5MqaqfR1P9vfMxvXJEz7c7RF5+W/e3tKz39JU39FqW2oq43LmvrYx3H8E/Ot/MLahH1g6cmkkciA/IQRxbh8icMJF1AznWYQXC5j7FZpn3DTGwjNt1XHGe8p0fNV5ENj/PLXg2GvHF44XNguM4/5nog8F7oojBkx4MRFTLQETkzzzhsz8paib/rSzLJmfe/6zv/PLcNkUUUUQRRRRRxBeIF4IcIGD0t0WRgD/9hFLC2fhHIvJ3ROQvOY7zq2dEkEIR+S/Z5u/NfefXROQ/FZG/4jjOr50RQVoQkb/JNn//hZyLJ3kBOKOPOaEjs1Q2+WF9oj460tO0vnnHLcl3vqNZlhnt/OyfUMTg4uarIiKyu6v1ugqmJGYTXGvO9u9bP7iZP8W0SkyQg015rdCL7XtkTkFZIroTWnxmhbgQfYZFUIaIGmIC/8HFPnZgmR8uRg7v10A5jnrU/8mwL9AfbTo/1eWyeJz/qKRZSDzU8+ph7lQK9fOjY0VIxpFmXWEVKeJGk3miflvVzLpZ15p8f6D1YasL9tB26BzqM2mEWEwt9KQUkiUgHVurU6cEGRhgPNXEzCjCotqyFGE7SyjKgW5fMuEe1klY0vk9/xLGVmN79i6LR8+/1ZAFI6CllVwpSUREHmwrYuBTzzbBphi9gmpTs7hWC34D2el0qOdvkg3tRd1fG3OcW3ffl6OerrXX31Dp3RrCQF2rqTOSCkgT7fhycEynBEOtgZxNp9ahTJZHN4h1+ZgYknF0PDeVdIK0Ml0LHgx/6/2P0OI2rYgW+hXjkWaZPSScJ3AHDhlbH95Lo6UiUQuYatVqek3NqKkHj+b+vRuyu6ssfd+zM0cgCT0Mm/MBgKStSceWRWKGZHydMZvuyWigvxOGMAaW7NHN4kia/9aEoQmuMWfwXoxjU4MfYffavS1d/xXQLrvO9rsSwfIPa2gXw8kYkt2bYVl30pEAjkHswjGCz1JGFGoC4ijopJSQuI6NX8X/InZNIpDL8b4uRp/rn1b185UruKNlZv08EIHfE9JtkhhyEpm8MXV+pjACxbH3fbg88RzH4DTjttr97GsCYmPJvee6+R9fNOF/WrfDfHwWsjD/mTunvTB/Pi8SUXgR3gr/juiDQSIi74jIX33CAO9mWfbrIiJZlp04jvPviz4k/K7jOL8hqnz4Z0VbFv+RqKRyHlmW3XEc5z8Rkb8rIu86jvMP5VQ+eVNE/rsvqo5YRBFFFFFEEUVovAjk4Aqvnoj8tads83si8uv2R5Zl/4fjOL8gIv+5qLyyGS/9xyLyd7MnPEplWfarjuPcFTVe+suij/kfi8ivvCjjJZFMJEslCIyNqu86YsqC+nQbwTBvtTHgOdYa7McffSwh3IC331a71qUlzXyMfd+CRdzva12u29HvHsA5CFC+u3z5so6BJ9sVdBHKFX2i7nexroWNnU7MXCiUrK5P6hVU6Hq9IeMEtQh9jmUMd+r0ZHUnZFcJSIHZRQ/pOT/GonhKPfTWDaWHrC1pD7oTpzKE12AZ7Vju6j7FMkayCRjwxx0d40pJtQNS7KQPO8gLT1CtQ7K4QUY0geUc0yedMR/lEhLJJTe3FK42NQszROjoSOfeh4sQolI3IpO2JpgU5CgmU7Za9cYafBBUCXtdHSulWal52FWHDYlhT1v93UOFc29XkY4uHQOumOGMXqPxhK4Eauu2vvIM0wQU6CAYUSdODvXzdSRxL1xckp09Rbq+9z2l+ly88oaIiLRR6RzT1z8FxUkmuq8actk+3Qum++FAeElic6oBHYHD4JXhmUxMhtqVEjXkSTJnVZwDKKAOGO+4pdm+f0MOLGwerGNg95bWs7PkBt/Ta+CzzobIeXt+JjWO7pPMJCZkwnm1q/rdMXM7NsnnwFQ8QYFAlkhmBUBJQgza6nTcjNFFMUlgL/DzTo4xEuZhwwza9NUyXx+E7Nx5Xfd9ODaDvq6bRXQ+jA9kUtAnECeivq79KZbYGYqElXooLijeIOa6Y7BWsiawuRp8mtf3hfMGOqEjxMyShmO9vyaRongu/924htSA5vium3cZmFSzzGmwWAeVfbds1u65voFu7zmmg2CIwGwjW5KmZzefRQxEM+/YpO75pvsjagk8L9fgs7L9eUQg39b+/hGP+TzxIuST/5aI/K0f4Xv/r4j8K5/zO/9YRP7x5z1WEUUUUUQRRRTx/PGlKST+CxmOKxKEMjGgINdp1yfi4yMyarIex9Mn5D96TxXQPNeRb/7Mz4uISL2mNb7DI31qbta0Vl7Devi7P/iuiIjsHirjv4nZz8Z5GP9k3inqa4dd/V6jqfvxStZTr2PqwuZOA1886zqg592jnmmWyj0yGJcOgmpttpshpXZ4blHrm6uwq29e17HG9HMPUTw7oauhwVP9aDSUPhneaT1Xj232tiX2OUXfPoH5nmGPm011TA6dBNOxfq9DNmsa8xX2N0ksu+figZo4fk0ijJeadc2megOdu4j6a6W8zBiNm8D8+Hos14Mbyximff17403N4u5tafY/nSiicgzr3W9r9tfrDMWpmIoeqpK7qip5DOv+8iW1au5gtJWSxblkSBPjcJCdS+zNnmeeUHDNHXw/OsrpqFUachn7335f5+r4kapujg/1y006BBLTd0jgM9ABQvIt9VDnKytTkx7rtYtYVzXrmBDWqHGL3VQcxxREWR8w+JMRnQCcV+xqfd/lOnuoOwrzFSd9joGHAl4MAvLmN8iYp3pNFugSqQWmfjnOM/nJ2Or+oAygF5lH9wkZccpa7UIyKIHmmKnWvB3wCMSklID2gApF1NPFScUch7poaTihzsvSop6/daOMQMZCT8/j8iuKCH3wwfsiIjKMdD21atpxUuF3YhHU7933v6XTg4ec8NvlBVluZkZzicTcc0kEEoTl+ynDn4XgGvqDBoFrpliTmfkIXJsRy+bJhsV4BG6OkMyrDhrClnJ/G7BgWhumG2IZtGlu5Fm/vZ97MMwdBy2LHF9Is7xj5GkaAvPvW1fYfDhzplHz8bROitl9zB8rfeL7T9v+i8SX7a1QRBFFFFFEEUX8CxYFcjATmaRpKiYcaP3KnY5mUKMhbmQ8Kf7wffUDqFPf++Y3viEOz6xdeAhttODN2O+3fk81zx/ta9a2flE5CSvrmhF0UWebkkm5mWYn457uT1DdC8lAq2QGGVr25022AAAgAElEQVTjB0f7sryoGWCrofu8fROLXZ6+yxVjws/agU5QbotjffJPqeffvqk2sBN66bvU1ocj3f7VV7SjwjLsRqskfsmyDzL6CR0SCb3x9sRPvbZuHgrUDE0Bcore/7Cr2VpAtlat6/lbtjqJjDlNTbKs+0myRDyy0/GQ84rM7hWt+LpeA3PhLJGtn/q2GcMeRjV+BbW6bnfvnmrx+z4dBShJDiyTDpuyjtWyZw6FWPI2QHkysipDZUzp0bLbDPa6A/oTg/qkmTlM6kjrsNcX0PE3LsPB4UC8Y1w68Qpok41PhnoeAzo+IsGCXOgAoPZew8Wz1YYRD4rTOVa+zPGxIkllujasV91eK/W6jKmVO6799JCdcv072J+vrOt5VvAQEReXU+NsmCcDHIwqrouCc6TH+uui0W+l58UVvTfu3jsSvzyLvtivoQeHZGoupXAQfLwzSqTYY1Q7h9yrFfYXwukpMQ9JDEoGZ8UrmephkmfPlvJO0R6JYPKnjC1lDgcgY8YXqmLVPhywvdXc8ZZYXtEunzdf/6qIiDzcVn6QD1o4yTqnUEc8q2iZGUKaE0Nm6/U5L8A6Acxu2TNJWVCsfDuZ+75FJna3zX9mHSFpNmuf/KwEOUfS8pHOf8Gd+Xz2u7P1/WcrIH52jv24uqG9/3zdDE/e5+yYZsb8gsCDAjkooogiiiiiiCJmokAOzkSWZRLH47wvezTWzKjXQ0HtWDPPvR2t7y3x1P4zP6vOgrVaTfZ26UqgJzqiHvvbf6CIQUTd8tWvqOogSZmcDPR7U5i/xg+wnuEI1rr51q+uaL273dCsV2rmVngovqfZ0cqKZls7O3o+R10UzKBVuwma6MZ4p9bqGEOYt40XkFFTHI61jtvi/IMKmXV86rhnDGVLv62fPXP1mKYiOBrrdxzPsk3NBMsl3ffUFCFdvRbNujG/Dc1B1Y7ea5/OC6EuGk9jabV0PnIdh45mrwnZZ6utn1uPveub173uMyLjK+Oo+XBXkZjvvMs5MJbAt3PAg8Mc9uo1WaAjoAe7vEY/91GX6w6SUMPpMsYPw7gnjRWtIYdk74YUuVaDTPV9y7RNSdB8A4KSKzHX/RFcg9VVHUOD72QjuAHUc01roY6PxbCv6NXxPUUIPDLEDnofxqfw4ej0O6AeZE6BW5LU132SnMuYjhePTNd8Psw5tGzqi67yHOqhzmO/q/fBdEIGjcZCavX8hI4cnCLNy6TaUASn3lqQPhoRsczq7Pt0GTh0TIyZy/4Ix0iugWXIppA5nRpiwP6MT2H6GKAjsd1PmXOKHBAT0IgJvz0pbqZhrcZ3ceHkWi6uKjIQjvT93UPlrPgVXS9HOKpurKjfwdaWXvurlxXtu3nvPemz9spVc7I0L5bZrq0sx9LMoCCb+TNP6w0pMD+QnFn/DMvEJ4Rdk9wZNJ3Nwk/xvSe7GD4t6/+86MBn7ePZ23lzfz//sZ+mZ/BFx/Q8USAHRRRRRBFFFFHETBTIwUxk6rFOXdsUEO/d1zqdO9LpeuXqZRERufKSviYQCo4PD6VFf/LNGzdFROTadc0yK23tQriMi1y1pU94Bx3VSren7Miydmr1pvPtBqixoRtw/572cW+pWKRs0s++utaWu/f1mL2BIh6paKaysAxbnw4HU3Izn3nLOhcqmp2VSvrEWyVDuHnzJtuZK6Wx21FUIzPv9noypSfcfCjsM3eq++xTI42nluHhR4ByYO8ExvxQz3sBhbjA06zmmNq1oRWmfzCOTnvq9filnFNgPdGdgSrjhXU931oTZ8uezovVkCdkpQ7qk1mmnxtz+uZN4xqYWmWb+dSafhbpfEeTWB5sqUKkOfJNpugzkEUGIEWGVk3gGvhkoWU0GKrVJmPQeRue6NzXazgoct7jsWaMnmk0yCmDO0Q1MEWvI0o126w3NUvf2dW5Pe6hXgnfJYF7EaMgaeugAbPeUuQRfhrmi2Eul+PxVALq9lFs/gt6zAyYKiAbH6B4uLRoHQGgPxkIwYSfrhTdBMT9XBf1Pdf643W7EYicQzdDfbElJ4/QPLCeebKuCVl5va6ZfskcEUGxRnhTZCgdhtYCkNm6ARmYUHNHN8Dj3KtcS9cXieGxVLlPunT+xOg2+ChHOi4qixW6VzDlcGztwW+Ygpzc3VaekHkMll1dk9CJZACK+OrVr8p7H72j47EuhJytj3KiY5wb8x9gsznuQf5XXlR35z5+MnLweTLn+cR4vo7/tO89VS/gC0SWoxmz3QrzjokvAp2Y/66hcZ7nz72fybO9iZ8vCuSgiCKKKKKIIoqYiQI5OBNZlkmWpjIekxmhSfDSFe1BX2tonb/Z0Cx1xHZZ/uSYSh+VufFEM8Tz5xQxWL6gmX2Kbnm3j149VGDTGMgsvU3NQ4GaMrXGKXrtY3OxgxkfUA8fjzo5YnB8olr6jYZmsOsbqj7oUd/vUBPuwmOwLocGPg+Zo+c3GFg2o1nXQluzVHNjs9r0FAZ9MgkkCOAjUDNOUU2zjoks03214QN49JKfgGoYshDiLugHEWPRLDbGfS4wRrgxpvGUL6HqV6nVpMwcbe9ofd/xdLztZT2PiOvnUCM+6dJRQb06pDNiAvO97CoSUS7pfk33wq5lNtExO/TeR3Eq3b0dzhteAxmyH5haJdePcq/pQ0S2b9CLWl3nyyEj7gQnjJVslHl2yTgi5ttxAkkty+LV1CUn0X0REWmizhejb2CIWEyGHATmSqoZdQIUYX4FJdZVhfcjevNd3zpXAgnKqBHCmYisp97qsuYIigrnxfOXRUSkXNZ1VLVrsqb7WWjoNZiMydJBYMYRyAmoxYQsdcx9FlYq4vrmZ6CvCegFQ5OY71hH0BRugXXSRAiiWIdMCO8hr63nbPRZXwDzDxhPR7m6ZBPky1LhQV+P0aArwRAmv6TXqAqicNyD/9PUddFEnnEHj45b9/UanzCfVdCeP/gd5UD9W//en5crl14WEZHbDz7UbeCYTBM6P7juSTSHLJhmgC0sd7Yr4bTJwXgB81n7s1NcW4M2h647W79Pc2+EJ3MPLOY7Bub3c4owpPk+nuZjMB+WvT/t88/7/mfFKRphiNJsfn861188CuSgiCKKKKKIIoqYiQI5OBOOaFZl/b2m3raCP4Ixw02L4FS3mywtiqVS0Qz46suX9T2KfCNUB3toA7jUJ12eup3UlO/Q1oc5b6p0idUYedoMYOVvorVuDoEPdm9LraHjNk5BKpal6c5KOB0u+ZptHB2TKVf1byGrLVPfvHNPM8tKybJ8GPMop/U6KCtaVuxUJCSbsvE7ZIzmLleh7jqhW2E0xAmRuW+j0WA6EULds4PeQQTXQMhWy1TUHbLB+oKiJOVSWZxAs63jnp5HSC35/EVleg97uMmRMlom2eLYZbI0c/grB5r5BdTLIzwphujjW4Y5gXcxGvdzxUNz9jSf+gxOgCFF5thn3QjGZg88eAIgLqbvkGU2b3hYkK0bgz4wjwIvzJnvpu9gehaWZY9R2bNui7KpL5ruvaFYzEcVBv0I90LrdjEOyphOnQBUI44DccxvAP+F0dSU73BhJGu1XU6BUuplPAcaxrlgTHzfgSfkOKddKiKn6oV1n2ydjozWQk3svk2S2QzO4zstuCg+dXvTkujDTTE9gz4OoJaWhqiX2npJWdOjEXyZbpfjpuIZZwAuRCnvlMJBFFfGCGfICD2PlQuKNOx2lQ/VmxgPRM9z5RwcJVRd94/vicgpQjVIFQ1851u/L3/sj6OBsKf7mrK2Ao49yvT8PG82g05zlUHWSZ5pM5FMq83vfC3e5j9NP38G/Xif//PluY+PYXZ/Z/fzeJ3/R+sU+CKujM99rLOcikLnoIgiiiiiiCKK+DKiQA5mwhHfDXLnL6sdRqiSmWKch7qb1clNWc93fenRTZBQI4xRAEwSc7KzTJHMF1UysRZz1Puyqbkt6hPhiBqksfOXV5TLcG5NX2/f0e4FcScySWBhlzUDcNAxcHjyL1PHH0WWrVHXJ7tqNvS89vB9mJAZL7c1W4lJoYwnYfNjCEUlrEgY6j6s1zvXbYc7cQKqkdj5kz2E1OA34Gr49Dk/2tVzOukbGqI7rKCQ56OL0MeBkjK41FpLgsS9xGQwC8t0Z8AlMIQlZ9f7ll3osY0J73G7TOmYiCN60Rm7OcGNJygNkpFPo4E0qoa2GI9Dd7qEk6X1c1v9Nomtzg2KU9LtlpcVETk61C6XONMsVBx69ic2NjgbgWXUNamETfatx/J81qYo+z5JQbVg1fsgJNbn4Ob9DnSWwINotlU7wAGZmuCkGZjyIHXjw/09GQ81M15e1GtwynNg34HpNOh3TX3xYFfP15Ee8wGD3jgs5ilBFlsK9XVvX7tErly4yJisy0GkRofABJTOXBUNtTEtipJvGgroXsA16OKDUSIbT7LZem/uG4HPhRHLjaOSZacdDCXQhhKIxxiFxCG8oAkIkWmOrG6CauUqjLrdGCQuS+kWopGkClrW7SrqubSux/vk/Xcl83XfLZwduz3W8ZSFjyKo3csp91GczGe8ZK+ZIQxznz6WIZ/lIMznqbMeCE+LpyEGj/sgPHm7J3UUzHsePA1BmB/bKS/ixeXcn6mEqBu8sGPNR4EcFFFEEUUUUUQRM1EgB2fCcRxxHD+vlc3Xp8yn3JTBolyFj+xFXEnMdc6brcsJGb9LRuBQlzUP+YwecT/TS0J5N8+sjdXcaurT/Vtvap3wqKOdCVbfDUNf+kPNJsOq7mQ4QgOfToD1ZWO6olaIsl9YbnPi8Be2tAZtznEi1mlA5wCOcVY/z19DX8IK7ni+vjeNrW6Lm2JFM8QhiIixzNv02tdRfHy4pRnjzq46HyZwMzxTxGMJB2g0LFWNo0BPeWNZjg50jgREYGWNLgXOozdAbRHVPc+uu+2bOrAndHGk+Dgg6jeGD2KM8pQarfhkln4sNbQWzMHSat/9AZ0TLZ37agVtBJjhKaSN9uJ5Pb8l5Zh0u1pDjlKQA0+vvxXjbR2VUHv0gpp4mc6t6xkyAH/DmP4e69nq/bjyBa7tA70H1mpvxP3ADZMC0STm0senjnkWiCNjdB56/lxhlLUoziznoEQt3sl74vX8+gM97wiuirmUVtEZqZSBqjinEYhSHV5NyfPlwoZyTvYPNZu27p3U0K2OXr9XX/4JHRPeHOfW9XvHx/o917F5svvEkAi0CegkKpFRe3BVhr0oz8Jd1lqTbpSYuRwcgUCa8Cf35rCvY1xd03Wx9UiRQ5c1XeKaxHALYlDDhTW9hq2EtVBK5e59XUuboqhUhU6fDJQzy10VrStHOG/ezhEA++spOedc1vvZPQufnfGf7nJ2L7maY+4D4c1tN/+9J/89M87HtBbs7yfzFtJ0HlH4bBLAZ33+LD7CY8iC68qLIh0UyEERRRRRRBFFFDETBXJwNjIRSSTnHHhWa+XJLiaDznvqUYzL/NOasymUJXAN4lwr3pjReqiU9CyDMe6TfUxACqyOH5MBWv3y8mXVSK9WNBP95FNVQ6zTodAd3BcnIFuI9T3X1Wzs+ESzC+uYWGqp9/syNfh6S89v+6Eq/2VTeuhR6RtHHeaJJ2hU24xPUMldHrvSH9DRQQ291jD/Alj1I326Nt+Diikpwua/81BrxduPVB/AKePsR/03oc/fI333yIbrtQX2ozXWsFyVbkfnqMx1vbiu9eedB3f19Z5yKxJT7QtBPejvNh+IfqIaCxnckzLoyBjNffPFKJXhCQTmJBeeIkmw6R3quMOJzlNpgjof9WwfLYYTlAL7A818O129Bsdd7Vs3fkMZRUAaLcRa0l0QlHJ1RaIpGQ3ZN4cQd4zHRs6lmdVtsLk1bQrjXsQjuw9m/RBc7pMUNChz8abwU0kS3UdMRtcd8hnjLsHNIeEXQW1wGClSkHcjgNpZHdwNbO3FnD86IChKHh4peuSyjmrNmqR0ZXQO9X5JMuOx4ITa12NPgT7K+GNkNkY4CSO0TWp1XcOmDGj1f+OLlDxufuYnrMbimp8Ja8w4IrUydX/8H6xlxFxOt27qWrz6Bl05jqF8cBN89C6of6dTXSdDc63kPlq52JDqCGdPUIcIvQcXrwzrcpnaohK7L2b7+61rQeay98ydRQry7Sw3zZ6ANlhWPs8pyMUT5pUPZ3+rU5nnKsxzEGw3j9f0822eUtd/ms/BPAfBTsFlbKeoBveLzd9nZPqPaUo+C/HIMnlREokFclBEEUUUUUQRRcxEgRzMhes4+YOX1QMt+814ik15wjaXO+MVxGksCXU6Y+5b/dUeKiOQAetiMPL0GJa5qS5OYJQnqBIuLynX4NJl9Wb49GPNdkvU3qexsrpj6YoXWCcEtXLqtuaqGI1h/PvULTc02+4eq+fAzo72OxsS0EQh7gh2trHym9R3Tcxg/2CLz6f5E2+jhecBWgoRxeSXX1HUooSCYo+acHdfs7CH26ruuLSiTPhxomOb5iL6Or/Vin7fuhbiSMe2vqZoSBrHMoJzUadvOwAR6h7o+SxyHoZqRGRXeS09Nd4HNWkyZSfBhdGcDwP0MQLLYnj2dl2JmaPUMnzXesTJCMW0IuhDx41zzHwlrI8SnSdjuh1cx9AhPVQSGTSl1zwogaA0liTCEbLswXthLKWydVKgDQDKYVmoIQG5a6EpCzJLlqVn3A8eGbnLujMnUs93xTE1QlOyQ8Ewz/y453wQgwg/i0TIoO2ozqwfQoLao+fnhCE9fzgXcTirNfBwa0f8nM8AUgTKYv4Px8d6zFv3dV2//XXl+SQoB3Z7un4++eCH+j2UI0O4GRP4EIaWDOj6cWy+nERaoA1luDkJ17tSxzGTNdTnnh2jHOofgaD0dT6aVeWiHI31PjGkymGt5nQI80tAN0EyJ9czMT2GxLqy8rt4Nis/TazndA2IxO4X47/4ljnT/WU1eS5V8AR2/+ku5zoH5hCAeX0C01rwMvutNoXFxw7xxFCdgCejC4+/Gq/BnXl97CTmeBGGL3jPMajHnSx/fFEgB0UUUUQRRRRRxEwUyMFMOJI5zmnFxmpmOXJAVjbPYrUH4Sw7zTJ5Nfc5N+cg0IdO14K57o3JnIf0FnuOZrNhVbPTV159XUREBkOcAyea1WSif3dwznMDJ9czkLxjAk4EKEQJnYOllvIWYjKa+3e0M6B7opn2ahtVObI4U9TLnRZRiDMvigHZje8H4uPCWEIRLyV78ivU1ql/Hx9o7Xw4Mn0Cfb1wQV3kqjX9/o1bpkpXYb9aSzalRatjZnRFBPALbt+5K8d0K1z++ld0Gy7Yg0d6viWrsZPF+/SO51mWqRVytyw2FZVwQS9OqAMnqfFKrPZubnyuxKAO1pcf+LN1yCnsdMviIxQ12wt6nuaMeOua7mfngSIrmSko4vfRQwei3dJadClUVGg8iiSghlwPFW3pdLVOnXchsFa9ktVtPcZiuQ6dNVPr2rH1b/NkaBjnz8/LYMK8ep648BqmoAwhTH4XFCsh0xuiETGJ6GapWrcL5hOcdzwFaaBWn2RwUBi7T8oclukCmeoYO9NB7mvh+6bgCNrAPAko4N4j6vlf+5qIiDSqOtfnVrVr4X5V2f5j3DzXlnR9eHB4ShWQN1w8S9w3YejLINbrav4fCSgU4IWsLurvQLqn++6P7b7XMT/a0vmpn9MxZSCIqdkvwsHwUcrMVQ2t/i1ZjnwZ18pq4tYplbnmADibSxorf740b7+LnmtrPD+YHmeuW+GzwnFms/XTYxkfxsZkx5h3SHzyUZ5LlfAxrYTZfc53Kzw+9pnd5OFzD3wRt8YfRxQPB2fDUej0aTBSbgLinRJp9PM0f01ZnDHExFzmN4ek9cfNiGljYGAfolTIf4YR4kfLa0pmWlrW/8hvQED0sHA2KecU+LXk+/kPrGu/APasALGoXtMfnDqQ/PYDlRUe09K30AIeRQr6EPg9E3s4qDIGBJpO9D90fmPF91ypNyAOAl07qYkh6T53MUEyqV77D2Zj/ZyIiGxeUJj0/Q/fExGRCi1+q2vrHGNWuMnEkqy8MORcjg/3hf8DpN3Ubff39D9WY4caidRsfkMebKydMOGa+kDfDdotc7lkE7Zior3UpJzDfD5Moth+tB0zlAJWn29/WsAEq44NdB9i4smhXosWDwOuV+fQ/CfJw5P4fB4u5ucalI1oxgOp/cfqm3mVhknwno6ZcgPLPoqsdVfDUOGA/Xg8NFlLoMP/dHGSSa3C+pZZG+CEUp3B4HbsyYSSUN2IqGZABEnShLh4wE2nWDZDJjWZ5dTkyYU2znIg0cTEiXSBtNsLnBeESteEmPQ/8JvXb4mIyFdeV6Mie5iw9tIOLZFdHtA2VnWtNlf1Gi0OsQYfQ+ytpTLBorsLydGShcQIyzAzL73Mwx7z9/DBAfOIHfuG3jftpoqHHQ5PZvY33zdoJFJx0pzzl//eWTt2/ixg/8nPwug52TFNZ75v4TJ/cWqtrXmvIy/PAVw/9iBhx5jdlyVwpw8slLYsUZqzh35cJOl5hvLs9sfZDfQlN3az3wfW24s0SfoyoigrFFFEEUUUUUQRM1EgB2fDERFPxMnMinTWBjT/01RiHIPtgeGSKIeNreXoFFXg/czKC2Q6RlDkSdZa+VIMeC5evqTHytsodT9mx5y6moWADIvj++Kmug+DvR0jrU1djmHmPZrx90804/HJGOqQocZDzWomsdnc0m6FSEpIFjOOgPytlUtcCWqQnKzMYmQsshAvV8Yxgpoe+7XXlKi4f6DEql5PCYobFzQzEtqsTHioXuXa8P0+ls472/r9eDKUGlLOh0eabXUoM4S0LJqhUK7qYqI2wMEOULbLMXpYWFt7oW1v0HWerTLWKE5zQRzXGKh5kmXtjrrtFOKhza0Z5TSqwKigEbW4zb4x2EF2dxE77QEiOSa+FPiJBJQLDg9p60P+2C6FIQjlmma6NcYWkTkbQmIZkN0nHmMPrKeVNZ6RWQYmWOWc/rtqxEFzpDaTJ+4Ds0vv9lX8KpxYemsaxyADyARPWctDkKOQz2MQODHCH/enn3lSqSi6YuWFKXM5neo1aLT0eiY93cetG1oWWEZmeHFBkYYtzing3j1gnVnpqLaur2uYJd2+r2WKYdaTuEyrqpH3bA2CYlm7dIBZ1oWXFKUwYuf1Gzc4f73OLYjL3RH3me7tTHZv+yXDPtP2lpuA5VLUhhh8dg5p0L4dw8zTjNBthMQ0z+5nib6B551aD+dkcPuxpez0mKSx1XLn0Ih8szmEYS6eJmzEmzPn87kRg7lw54iKT0MMbCyu6z4T4XhaKaIQQSqiiCKKKKKIIr60KJCDs5EZYce1P0XktPXEnt7MktaR2SfMNE3yev+UGqIRE2MyHMtcjKiYS24aOsFDX3tRM4GNTRXs2bqtpKdORzOpSUz2W6Ne7pgQkyOeZ9a8swiHOJOZffSP9Ls1pGfbTerBcZ/taF2EPFjH7Glt9YKOaWdrZp58EAm/5ItfBTmgbm/K01bnTQ2dSaz1cIPx697ef/8DERFZXtZjmpjPPlm/g2BNNTTZYdrPjjTLPUEsqOT6MiHj3d8xNIFac16PhNyWzRpILVL3N3Gk7pEiLLv7mhka98Ikj+2czLjJWkgdN8mFlPKOMtrnrBXR5KONMNftkF2OFTlZWVCZ3BCrYw+CZ4JSc1jW/R8dDtm/ST+zfy/J+S/HXFdDG8qMIQBhKcFbMCMhhxZWq4N78CRKjqFASH8zj0newskacEw8R8QSQj/P5G3OIRByj5lRkOzq+ya7bfVai8xaRLmPzMraRKQswz7NI0F5wmrePmljMNTO82dRnJUVvRcj5uv9998VEZGrV1WQbILAUEL9f31deR4PtpSjMCnrtdwg6y/XdTTHg454EDKtxXVq9XnmfsJ4e1i5W5vo2qbyF/aOdawff/J9ERF55ava+usZsmI8KaMeOLMkQhHnVOJ9Xg5Y5jNmfT39vbNM1wjarANPZj6fz3K9fH3w4rp5W9+pfbMhHUaSfHKm/HSp4s/O/j8rnma09HkRg3mC5tP2/0TOxixd7PFezB8DibFADooooogiiiiiiJkokIOZyKhdU4/K351lX8/X7yIY6FEyzbNMs1aOyGxyBME4CHZIspeUJ8Mx7OuvvaWtiz1Y6h9/8rGIiPT7mv3W2mQEgZnF8BSfVSRDctnSdWtF8iv8jflNimVzY0G7F6rwBLZ3YUKTKfoYD60uK4rRamk2/8OPdEyBZdB1M3NxBMVdowhImFp2QSYI4JHRYrUAUvLJx1pDDTCnaTY0C9s9ULSjgtDMGA5D70TPZXnh/2vvXGMjPa86/j8z9ozXl7W9zmaTTUI3LQlIoe2HIqAb0SZFlFYNUKCBfqBEpZVaBKHlIoEqCkVcxAcKhQbRCgSRiNRUCgJUlFJQm6SFipYAoQQayCZxlySbbOL1bTz2XA8fzv88M+/r8XVtz9pzftJo5Hfey/M+z7zj55znnP8xi2mMQkdryy5M0sZIycshZwtHuRXpFk8ql+yWEQep0XSr1SzqE0wvq9ED4WusfpynV3qMBtBEm4VuqnUKAnlZ8IKLXblYC8VtKLSzyhTG1TW7z5ERz85gqWpmaxTlGNtqx526+jTbSGng9goWFxa5jdY1rXfxWAFagMOMd6gxi0OY3TBasmusLTO1lXfnhZzcY9Jse5R6dt1XVSH0JpQYJNOQTryONcrPxfX6MRv/Zp0eEfE4B1qMKVyEY+exPrSYjzEjp5biH+z8E8ePJy/VIj0p1542L9SJGbPKH3vMMmUuzZuH7LprLXXxhYv2XZydtcwhL6O8XGU5ZBaqKo3avT319NcAAEs1u5fxmTHeYy25klL2QDH33QMFy/gdW+MYTlI+/YYb7Tt27rxlJ1xasPuePGHbq4yf8LTcnniJ5bb/bmTX8TvHuhWfOzyrO5XiAzxMIKVP+v5+2i7btJ07p6e8eiluIO8hQM/t6ylu+ul21/L3kwPY90YAABJeSURBVHzWR3fMgZe/Xue1OIA0yPAcBEEQBEGQITwHGcReWc2OJHbh7y23FOlJqDU6mQiNBj0GfHfZXM+VT8t78DxcWrUNu9r0lFkEU4w6f/Sr/wUAWGLu9NgxX6Pm2j3Moiyw5K2gDOgIt7EIFGVwGywlPEadgwnm/dNQRGXBLJ95RrN7B3ibTl1lmRMXnuPaPUWVJifpMeBUc6ik0KLHQtj9j0/YPm7ZV1fMglut2P08/aTFVFykh+Cmm81L0WKmgOeOlymWU1tzcRcK+LjiL/vTswOAdhKzqdE6LbqVxtz3EmMlyizSs0ZLcGHRrLQ6PQQnT3jMha0dnztna8pVFl4qlbJr1sOlYjq+7TV31UvIunQvPUeezcKI8SItSNe/qDNmZaFiVr+2XLPCvifDtMBnTtg9nKT1+zJjNBYq82k9t+Rr6xT7EY93YJwMGIvhHqW5ORYe4vp9lYJdw1wPToYlB2GVoln+nS90RauPjrqGhr3XqPNRpQeoRQ9YmXEN05PW167B0aQlrSxy5ZZVweMdaEl6fIR/iYe9CJYLOzXrKPAaY/R4LS0v8W/rl5NXWczJ88/b971G4bGrZqxfvHDOiy9Ta4Sy2xdemLX9TpqnYOKkxYussHhUo25tHhoSNNX6yssiJ3EiX4P3Ql1J7tiuUWHBLdf1+KZXUAKcHhP3nBTpFWpSX2W9HO9Qiqb3pISOR427+LOc2+6/gy6etC4q3w/3RIRsAkLHA9ElWe8UU3aW/25md+hY0n7NrHcjXWwrKYKcBa6qG5Zq3mvy10nbC4VOalxq1740YVPCcxAEQRAEQYbwHGRoW462R5176kBOVaxTXMlnta42psmM8jxin117fEI7yXu6RoLHJNjfxyfNEnjqqccBdCKeJyftuNFxRjE3XM3MrJwC12rRrqX1Vy9J63KdqdAJrVa3mD1CeoHW2RoDAspc3z5F9bUS1Rv/70Wz8gtls2JGJ7nOzywHKZRTdL57NLR9jH3GgkCUhfYI/+qy9ek1151iv2UV9KYoA+yxFeNTrixo+61UbW1+lJb2cMEt0CE0XY3SC2YxrsPVKWsN67upGbvG2DGzuhscq7FjLOJEA2p50aw2j58oUW7ZPQZuw5QZi9FqK1quCUBrvWM12dvwiNdaNgux6WWBU9435ZWpMFmg/kFRuBZP82x42Mbs4sVneRzjCIpAgQqJ1SpjZOgRKTGWorbG4kW0GSYpE/1su8x+89LMzEphKfChVGCJz0fDFTrdemMmQqmMY6PWJ2VXOKTlXHXFRHpzGuzFMSpB+nNVqXh2A7g/73/IdSBcytmzg7zNYzzC+qNea6DEPkzSzWL98dKyyWqXpzm+a1RthHkIjol9PxYusYz2vMXolF0hdISaE1dbvyxRGnuaGSUrjANBsfMdWmc5w7UCXI2SfeoKiuy3StPO5YamF2Kr8ZqeNaQbXAeKjnXd7t6ILU1HXytPdq/2Xv/Pp/V3NAs7F+gUVPIPc+7bvAdgncXP3ZOKYzF3C71N7/VegU6HbCR/vFd0lHdbG+6zUbZFRxNhbzQNehGegyAIgiAIMoTnIIMCWkszWk0ehCSNCKBTHCYVovEc5XotrWt7rrzP7Hwt1fOM06yRXocSFeKeu2CegsqSWeWTJ2xNeXzC/m4oCyzREtK2WWJKCxLDy2j7GmJjPLNvuc13KsO1mNUwRwW8hapZ/sdpQR8ft/eZk9aGhVWrh7Cw9hwAYGySHobjNktf5ZrtSmUIU1MWn1AompVV87x8TpLdszAyQfXGEtdI7WMI+7rGErVjjMpv0AvgugAe3d3gGvQIzbcZxlMUmwVcXJzj/bIkMzMdmimoxM7lef8T9Jh4aEJlkZYeNywuzvPabmEJt7MOAO9i7LjFalSqjZTH7wqJbcZErLA+w8QErXGuESuLN3mGTLmY/Q4OD3nRIMZeFG2/1RWLvK+s2PmnJm3syuXhTlnoluflMwuDZ/bYjPERG7Orpy3uo4wnAABLrOPhFmaz6CWeuT7MTAzwGUi69uKxDaMpNmCEcQ+rVJsspaI/YD/REyaeKWL9MsLvbmXVSxHT41Ks8j75XNHL4cqTyjicMr07hWIh1QpRrsdriWqFLGbmpYvKMyzW9LLFDHj8iOtYpFXv5BW0+6/XbSzaBevvWp21KoqeRVQG2vaMChUQC15iWawNw536yGwrj/WshlRem/EtLOw2XHSPnX8O9gMy2O+Rlw9Hb9Ix2ayD9QH0hcwHHt+g/qDlNAgy3gAvsMQ/PdYglUfPKSSm8AWPzfASzdxeXBeLsJHnIJ8FUegq9tTzkD1jM+2GFO+QnNf5geP2vEcBio3udaeE5yAIgiAIggzhOehCoWi2mxD1vPhsyeZmzmPgudmuEb7WqKUcep+xurWWdMt9JuwWUTasITFJXfdh5o577IKvObd8XkcLQjzrQYeTOl674FYSK9UpPQZNO8cac8crrBJHaX1M03PQqrOqINexz3/j33lrZkldxej9Ftfwx4YtYrpZbaJOi39myk5aKpkV3aLmgnItvO1WhUdE89w1Znus1SkB6AZUifESjHZ3C7PmCoy0xItpfXce88vm8SiN8pq0oty6GqMegVuvbq2fmGab2SZlpDiX6jHGGhRzc/OZNk+xI0dK7t2RtAbqevWu279SoQ4BvRkFKhoOlyZ4bWoKtLzsMdeQ1T0MQ5nP11jy2h/tTknbQmf9nRULm3U/9yrfvfS0jckI4zy8HGOjaPuBlq+v87fLLlpBz9qQR7fb2JQZk9FstrCyap+dPm2R/LU1xtDQTK8wQ2SamRJepbHoqpMtz/ZgPACj9Rssie7ZHyVXp0xl1T0Oh71RLHQ0F/hdabHSaZMZQF5G3Os8jFC/orZi/TA9bs/TCBUy6ywv3ajRW9hgLMoIx3KNNznsGSqCgnsAWq5m6vFLzDqA47EDblFm7TrXy0jWe6oTgs2Rwo6V//IUcse3cxZxisXJR97n6gf0JIUe9I5nSNUXPf6hE3zQffguqw1kYw8k58XptHF3lnq+7d1Kid11FrZzjtzWXbVn3Vmu1FrSB42IzBWKQycmJqeRlxFNxUCQXRJwV4+7pkwERzMHdfo3/+XWnn+lDBzxYB931WUnFevaKN3us2zqpaQ5YDFzTm+aB/910r74j0fdBcyANU4m6nWWh2ZAYyd4yANskH54h+j2FRdmSk/7+hSi7s+9T9vrgnX8geJ/+HwaUO487VYTjQbLJGdru8AdZ0X/Ycn9wHrBmEZKi8uOvz+4zaYHqtrnw5ywuABPvV5LE0lB9gehlcq5uqs1237kvmspFS25bjv//IHOP0FPlfVlCjuVC+x4IK27k/3HyY4dZaprmeO+vDTP+/R/+t4WZO6lE2Dl7me2sdCxQfwfRbnsEwZOKNiHPt4dmWTejwuQpeW4/Ji0Mm1JBa382pSIlu4ffPGlPg/uZf/4ciFclMaliL0tXFbgd7vJ5agUDEdXf4kTWRVvu08Auu4sRb3lvsfrfi983Df6vc4fn3M35wP80o7rkxv3nuxyws7+5Wzvfrfcfdvnl3xze1wyf+3L/R+au6D2+GjLYzvUl1ehbb2kqjOX1aqYHBgi8gyAG2BLjU/0uTmDzLfyPcagf8QY9J8Yg/5zWMfgDIAlVb3xck4Sk4MuRORfAUBVX9fvtgwqMQb9J8ag/8QY9J9BH4MISAyCIAiCIENMDoIgCIIgyBCTgyAIgiAIMsTkIAiCIAiCDDE5CIIgCIIgQ2QrBEEQBEGQITwHQRAEQRBkiMlBEARBEAQZYnIQBEEQBEGGmBwEQRAEQZAhJgdBEARBEGSIyUEQBEEQBBlichAEQRAEQYaYHAAQketF5M9E5HkRqYnIrIh8TESm+922owT7VTd4vbDBMWdF5EERuSQiVRH5moh8UESKB93+w4KIvENEPi4iXxKRJfbvfVscs+N+FpE7RORhEVkUkYqIfEVE7tr7Ozp87GQMROTMJs+Fisj9m1znLhH5Kvt/keNxx/7d2eFARGZE5L0i8lcick5EVtk//ygi7xGRnv/74jnoMNTvBvQbEXkVgC8DuBrA38Bqd38HgA8AeIuI3Kqqc31s4lFjEcDHemyv5DeIyA8C+EsAawA+DeASgO8H8PsAbgVw5/4181DzKwBeC+vTZ9GpS9+T3fSziPwMgI8DmANwH4A6gHcAuFdEXq2qv7hXN3NI2dEYkP8A8Nc9tj/ea2cR+V0Av8Dz/wmAEoB3AviMiNytqvfsot1HhTsB/DGACwAeAnAewCkAPwzgTwG8VUTu1C4VwHgOcqjqQL8AfA6AArg7t/33uP0T/W7jUXkBmAUwu819jwO4CKAG4Nu7to/AJnMK4J39vqcr8QXgdgA3ARAAt7Gv7turfgZwBvYDOgfgTNf2aQDneMzr+90Ph2gMzvDze3dw/rM85hyA6dy55jg+Zy7nHg7zC8CbYP/YC7nt18AmCgrgR7q2x3OQew30soKIvBLAm2H/tP4o9/GvAVgB8C4RGTvgpgU2+z4J4H5VfdQ3quoazCoDgJ/qR8OudFT1IVV9UvlLtQW76eefBFAGcI+qznYdMw/gt/nn+3fZ/CPBDsdgN3j//hb73a87C/stKwN49z5d+4pHVb+gqp9R1XZu+wsAPsE/b+v6KJ6DHAM9OYDNLgHg73t8iZYB/BOAUQDfddANO8KUReTHReRDIvIBEbl9g/U8H5u/6/HZFwFUAZwVkfK+tXQw2E0/b3bMZ3P7BNvntIi8j8/G+0TkNZvsG2Owexp8b3Zti+cgx6DHHHwL3/93g8+fhHkWbgbw+QNp0dHnGgB/kdv2jIi8W1Uf6dq24dioalNEngFwC4BXAvj6vrR0MNhNP292zAURWQFwvYiMqmp1H9p8VPlevhIi8jCAu1T1fNe2MQDXAaio6oUe53mS7zfvUzsPLSIyBOAn+Gf3P/V4DnIMuudgku+LG3zu26cOoC2DwJ8D+B7YBGEMwKsBfBK2dvdZEXlt174xNgfDbvp5u8dMbvB5kKUK4DcAvA62Xj0N4I2wQLrbAHw+t7QZz8bu+R0A3wbgQVX9XNf2eA5yDPrkYCuE71HXeg9Q1V/nWuCLqlpV1cdV9f2w4M9jAD6yg9PF2BwMu+nnGJsdoKoXVfVXVfXfVHWBry/CvJZfAfDNAN67m1PvaUMPOSLys7DsjicAvGunh/N9YJ6DQZ8cbDWzO57bL9gfPEDoDV3bYmwOht3083aPWbqMdg08qtqEpd0BO3s2trJoBw4R+WkAfwDgvwHcrqqXcrvEc5Bj0CcH/8P3jdbmbuL7RjEJwd5wke/drtMNx4brhjfCAoqe3t+mHXl208+bHXMtbByfPYzrrFcgL/E9PRuqugLgOQDj7O888bvVhYh8EMA9ML2I25mxkCeegxyDPjl4iO9vzitmicgETPhiFcA/H3TDBozX8737wfsC39/SY/83wLJIvqyqtf1s2ACwm37e7Ji35vYJLg/PlMpPgmMMtoGI/BJMxOgx2MTg4ga7xnOQp99CC/1+IUSQDqqfbwFwosf2V8CiqxXAh7q2H4dZTSGCdHn9fhu2FkHaUT/DrKgjK/7ShzH4TgClHtvfxH5WAGdzn4UI0tb9/mH20aO9fnty+8ZzkHsJb2Zg6SGf/HXYw3o7zC13VkM++bIRkY8A+GWYt+YZAMsAXgXgbbAH8EEAP6Sq9a5j3g7gAdgDeD9MzvQHYClEDwD4UR30L3AP2G9v55/XAPg+mOX5JW57WbtkXXfTzyJyN4A/hP0wfhod2djrAXxUD7Ns7B6wkzFguuItAB6GSSEDwGvQyZH/sKr+Zo9rfBTAz/OYB2DyyT8GYAZm7AysfDJrG9wLoAWTN+4VfzGrqvd2HRPPQTf9np1cCS8AN8DS7C7ABvcbsOCVTWeb8dpRH78RwKdgkcILMCGSlwD8AyzvWDY47lbYxGEetsTznwB+DkCx3/d0pb5gWR+6yWt2L/oZJk/7CGyitwLgX2A5+X3vg36/djIGAN4D4G9hSq0VmPV6HvbP5ru3uM5d7PcVjsMjAO7o9/33+7WN/lcAD/c4Lp4DvgbecxAEQRAEQZZBD0gMgiAIgiBHTA6CIAiCIMgQk4MgCIIgCDLE5CAIgiAIggwxOQiCIAiCIENMDoIgCIIgyBCTgyAIgiAIMsTkIAiCIAiCDDE5CIIgCIIgQ0wOgiAIgiDIEJODIAiCIAgyxOQgCIIgCIIMMTkIgiAIgiBDTA6CIAiCIMgQk4MgCIIgCDLE5CAIgiAIggwxOQiCIAiCIMP/A9U8Quz7/cJwAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "image/png": { + "height": 251, + "width": 259 + } + }, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA3wAAAIvCAYAAAAvednPAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAWJQAAFiUBSVIk8AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvpW3flQAAIABJREFUeJzs3XncZ2VdP/7XW3AXWcMlUqw0SHOUcaNYBnFByzCzXEvkq7lUrlnWVwWz7Zcp6tdcC9HSNDVRU9REQSVxmREsxDVHQQQCBlBZFLl+f5xz14ebzz33fc98hvuea57Px+N+nLnPuc513ufcn1lec51znWqtBQAAgP7caKULAAAAYNsQ+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABAp3Ze6QJge1JV30xy6yQbV7gUAAD6tm+Sy1trd9qaTgQ+WJ5b3/zmN99j//3332OlCwEAoF9nn312rrzyyq3uR+CD5dm4//7777F+/fqVrgMAgI6tXbs2GzZs2Li1/XiGDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApL16HZTrz3DOz+7N3X+kyAADYxjYdt2mlS9hqRvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4ZqCqjqqqVlVHbWU/J4z97DuTwmaoqtaNtR27jH2OHfdZt41qOqWq2rboGwAAeiDwkSSpqn3HcHbCStcyZzUHYAAA2B4IfGxLr06yf5LPrnQhAACwI9p5pQugX621i5JctNJ1AADAjsoI3xQ1eGZVfamqrqqq71TVq6tq16raWFUbl9HX2qp6d1VdWFVXV9W3quo1VXW7zex2o6p6TlV9eTz+uVV1XFXdeoFj7DPW91/jMS6uqvdV1b2XWOOxSb45fvuE8TbKua+jprS/R1V9oKouraorqurUqvrFaf1Oe4avqg6uqveP53V1VZ1fVadX1TETbVqSJ4zffnOino1LPKcHV9UHq+qi8RjfqKqXVtVuS9kfAAB6YIRvur9N8rQk5yV5Q5IfJvnVJPdJcuMkP1pKJ1X1K0nenaSSvCvJt5KsHfs+sqp+qbW2ccquxyU5JMk/J3lvkgcneVaSg6vqoNbaVRPHOCDJR5LskeTDSf4lyV5JHp7kU1X1a621Dy5S6ilJdkvyzCRnJjlxYtsZ89reK8kfJvl0kr9Lcockv57k5Kq6R2vtK5s7UFUdkeQDSS5P8r4k3xlr3z/J05O8eGz64vEc1iR5ZZJLx/WXZhFV9aJx/0uS/GuSC5PcPckfJHloVR3YWrt8sX4AAGB7J/DNU1UHZwhkX01y39bapeP6P0ny0SS3zxDcFuvnVklOyHCN17XWPjmx7Y+S/FWGMPmgKbv/UpJ7tNa+Nbb/4yTvTPKIJM9L8pJx/c4ZQuGtkhzWWjt14hi3T/K5JH9fVfu21q5eqNbW2injyNkzk5zRWjt2M6f2y0me2Fo7YeJYT0nyunH/p29m3yR5coaR5XWttTMnN1TVXhM1HTtO1rImySsWCMbXU1WHZQh7n07y0Lmf37jtqCRvGrc/e5F+1i+wab+l1AEAAKuBWzqvb+42wj+fDAuttR8m+eNl9HNkkj2TvGMy7I1elmRjkgdW1R2m7PvKubA3HvvaDEHv2iRHT7T75SQ/k+T/TYa9cZ/zkvx1ktsmOXwZdS/mtMmwNzo+yTUZRkCX6sr5K8Zn/rbWM8blkyd/fmP/J2QYsXzcDI4DAACrnhG+67vnuPzUlG2nZwg2S3HAuPzY/A2ttWuq6hNJ9h2P9+15TU6dss9/VdU5Sfatqt3GMHPguPmOC7wf787jcv8ki93WuVSfn1Lbj6rqgiS7L2H/t2YYqfxMVb0jycczhMhzZ1TfgRluuf2NqvqNKdtvkuQnqmrP1trFC3XSWls7bf048nfAtG0AALDaCHzXt+u4vGD+htbaj6tqwZCwQD/fXWD73Pppk4hc79ij85Pccez70gwjiEkyLdhMutUi25djoWforkmy02I7t9b+ZXy28bkZRiufkvxPkPrj1tq/bWV9e2b4XB+zSLtbJVnqzxIAALZLbum8vrnJPG4zf0NV7ZT/DVmLuWxc3naB7beb127S9Y49r6/L5i2PbK3VZr5ePKWvFdNa+0Br7f4ZRgQPzzBJzV2T/GtV/fxWdn9Zkk2LXI+avGUWAAB6JfBd3xfG5UFTtt0vSx8Vnetn3fwN42Qrc/1vmLLvoVP2+ekkP5Vk48SzaaePy4OXWNPm/HhcLjpKNyuttR+01j7WWntOkr/IcLvlQ7ayptOT7F5Vd51RmQAAsN0S+K7vLePy/1bV3G2ZqaqbZAglS3VihtcCPKaq7jdv27OS/HSSj7bW5j+/lyTPrKo7Thz7RklemuHn9aaJdu9N8o0kv1tVD51WRFUdWFW3WEK9m5K0DK9Z2Gaq6vCquvmUTXOjmldMrJu75XI5NR03Lt84zlQ6//i3nPLzAACALnmGb57W2qlV9YYkv5PkrKp6d4ZJQB6W4XbB8zLMlrlYP9+vqqMzvE7h1Kp6Z4bJWdZmeBXD+RmfX5vitCRnjJOaXJbhPXxrkqzPMPPm3DF+VFWPyPD+vQ9U1b9nmIXyigyjgffOECxvl+sGqYXq/UyGd/29NcNrKX6c5H2ttS8udr7L8LIME8+ckmGm0h9muCb3z/C6i7dPtD05w+ykb6yqdyX5fpJLW2uv3sx5nFxVz0/yl0m+VlUfzPBS+VtleP7x0AwT8hwxw3MCAIBVSeCb7mlJvpwhkD01w0jTe5L8SZJzM4yqLaq19t6q+qVxvwdnmGzl/AzvrHvJ+OqEaZ6d5NcyvLNu3/H4r0zyosmXro/H+GJVrUnynCS/kuSJGQLpdzPcVnpMkqW+7uC3MoyQHZHkMRleGH9uklkGvr/IcG73SvKAsdZvj+tf0VrbNNewtfbhqnpuhuvw7Ay3fH4ryYKBb9zv/6uq0zK8ouGgDK/IuCzDS97fkORtMzwfAABYtaq1ttI1bDeq6s4ZRr7e3lp7zErXww2vqtbvtPdOB+zy2F1WuhQAALaxTcdtWrzRNrJ27dps2LBhw0KvC1sqz/BNUVW3HZ+bm1x3iySvGL99zw1fFQAAwPK4pXO6Z2WYbOWUDLdG3jbD6wP2SXJShufyAAAAVjWBb7p/yzBJyoOS7JHhpeJfTfKqDM+ZuQ8WAABY9QS+KVprJ2eYIRIAAGC75Rk+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAndp5pQuA7c2afdZk/XHrV7oMAABYlBE+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6tfNKFwDbmzPPPTO7P3v3lS4Dtsqm4zatdAkAwA3ACB8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwLfDqqqjq2qVlXrtqKPVlWnzK6qlTkGAAD0SuDrVFUdNYalo1a6FgAAYGUIfDuuVyfZP8lnV7oQAABg29h5pQtgZbTWLkpy0UrXAQAAbDtG+FaR8TbMd1fVf1XVlVV1eVWdVlWPn9L2lPGWzZtU1Yuq6itVdXVVnTA+8/amsembxnZzX/uO+y/4DF9V7VdVx1fVxrHPC6vqk1X1tAXq3quq3lBV3x3bn1VVT1yg7Y2q6qlV9bmq+n5V/WD89dOqasmfx6p6XlVdO16fPeZte0xVfbyqNlXVVVV1dlW9oKpuutT+AQCgB0b4VpfXJvlSkk8k+W6SPZM8NMk/VNXPtdZeOGWfdye5d5KTkpyY5MIkpyS5NMmRSd6b5IyJ9pduroCq+uUk70xy0yQfSvJPSXZLsibJH441TtotyWlJfpjkXUluluSRSY6vqmtba2+e1/4fkjw2yTlJ/i5JS/JrSV6T5KAkj1ukvhsleUWS30/yniSPba1dNbH975McneTcJP8ynu/9krwkyeFV9cDW2jWbOwYAAPRC4Ftd7tZa+8bkiqq6SYYw9/yqel1r7Tvz9rnjuN9F8/ZLhsB3YmvthKUcvKr2SvK2DJ+L+7fWTp23fZ8pu61J8vdJntJa+/HY7rgkX0zyR0nePLH/YzKEvS8kOaS19v1x/QuSnJrksVX1gdba2xao72ZJ3prkERmeQXxma+3aie1HZQh770nyuNbalRPbjk1yTJLfTfLKJVyL9Qts2m+xfQEAYLVwS+cqMj/sjet+mORvM4Sww6fs9sL5YW8rPCHJrZO8dn7YG2s5d8o+VyR5zlzYG9t9KcOo3/5VtctE26PH5fPnwt7Y/gcZwmGSPGlaYeNtmx/NMBr4/Nba70+GvdEzk1yT5OjJsDd6SZKLs8gIIgAA9MQI3ypSVXfIEHwOT3KHJDef1+Qnp+w2y1k27zcuT1rGPl9rrV0+Zf0543K3JN8bf31Akmsz3HI636lJfpzknlO23SZDgPzpJL/VWnvr/AZVdYsMo40XJXnWOMI539UZZiZdVGtt7bT148jfAUvpAwAAVprAt0pU1U9nCG+7J/lkko8kuSxDCNo3w+jbtElHzp9hGbuNy/m3jW7OQs8Ezj0nt9PEul2TXDKOWl5Ha+2aqrooyd5T+rpthpHHczNcm2l2T1JJfiLDrZsAALDDE/hWj+dkmKTlifOfuRuffXvCtJ1aa22GNcyFt59M8h8z7HfOZUn2qKobt9Z+NLmhqnZOsleSaaOFZ2aY4OWEJJ+oqvu31v5rSt9J8oXWmhE4AACIZ/hWk58dl++esu3QLehv7pm6nTbb6rpOH5cP2YLjLcUXMnzmDpmy7ZAMtW6YtmNr7R+TPDrJ7TOEvrvM2/79JGcluev81zQAAMCOSuBbPTaOy3WTK6vqwVlgIpNFXDwu77CMfd6cYYTtaVV1vVC2wCydy3H8uPzL8Zm7uX5vkeSvxm//fqGdW2vvSvLrGUYCT62qu85r8vIkN8nwSojd5u9fVbtXldE/AAB2GG7pXD1ek+SJSd5ZVe/O8Bzd3ZIckeSfkzxqmf19OsMMms8aR7wuGNf/v9baZdN2aK1dVFWPzfA+vY9X1UkZXq9w6yR3T/JTSe60zDom+39bVR2Z5DeTnFVVJ2Z4D9/Dx37/edqELPP6eP/Yx3uSnFJVD2itnTluO76q1iZ5epJvVNWHk3w7yR5j/4dkeCH9U7f0HAAAYHsi8K0SrbUvVtVhSf4sw8vWd87w7NojMjxbt6zA11rbVFW/nmECkycmueW46R/zv8+7TdvvA1V1r/zvbKEPSrIpyZeT/OVyaljAYzLMyHl0kqeM685O8rJc/6XuC9X44ap6aJL3ZwimD26tfW7c9rtjUH1qkgdkmIjmkgzB76UZzh8AAHYINds5P6BvVbV+p713OmCXx+6yeGNYxTYdt2mlSwAANmPt2rXZsGHDhoVeF7ZUnuEDAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAndp5pQuA7c2afdZk/XHrV7oMAABYlBE+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6tfNKFwDbmzPPPTO7P3v3bdb/puM2bbO+AQDYsRjhAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADp1gwe+qjqqqlpVHXVDH3tbGc/nlGW0Xzfuc+y2q2r5qurWVfWqqtpYVdeMNd5jtdYLAABs3s4rXQCryl8neUqSf03yD0l+nOT8JLutZFEAAMCWWYnA954kpyf57goce7X4bJL9k1y00oXM8ytJvtpae9jkyqrab4XqAQAAtsINHvhaa5clueyGPu5q0lq7IsmXV7qOKW6f5BMrXQQAADAbW/UMX1XtOz7bdUJV7VdVJ1bVJVX1g6r6VFU9aMo+U5/hG58b21hVt6iql1bVt6vq6qr6elX9UVXVAjXcp6reUVXfGdt/t6o+UlW/OdFms8+gzR173rqbVNUzqmpDVW2qqivGdu+tqgcs0M9eVfWGsYarq+qsqnrilHYL1lNVd66qt4zn88OqOm/8/s5T2h479rOuqh5ZVZ8d67ykqt5eVT85rc4p/ZxSVS1JJTl07HNJzyUutd6qesrY55PnrT96XH9FVd103rbPVtVVVXXzeevvW1Xvqqrzx2OeU1Wvr6rbL3Ru48/zRVX1lfFnc8JSrg0AAGzPZjXCd6ckn07yn0len+R2SR6V5KSqemxr7R1L7OfGST6SYaTppCTXJHl4kr9KcrMkL55sPIaH12Z41ux9Sb6WZO8k90ry9CT/vBXndEKSx4zn9JYkV451HZTkiCQfndd+tySnJflhkneN9T4yyfFVdW1r7c2LHbCq7j32u8t4Pl9Ksl+SxyU5sqoOb619fsquT0/yq+M+pya5b4brv6aq7tFau3oJ53pKkmOSfGv8Pkk2zrDek8fl4UneONHN/cflzZMcONaRqto1yQFJPtlau3LimE8c9796POY5Se6c5ElJHlZV92utfXtKue9Ocu8Mn6sTk1y4uXMDAIAezCrwHZLkb1prz5tbUVWvzhACX1dVJ7XWLl9CP7dPcmaSB879I7+qXpzkq0meXVV/0Vr70bj+55O8JsnlSQ5urZ012VFV7bOlJzOGjUcnWZ/kvq21H8/bvueU3dYk+fskT5lrX1XHJflikj9KstnAN45gviXJrZM8vrX21oltj0ry9iT/WFU/31q7dt7uRyS5d2vtPyb2eVuGwHpkFgm+rbUTxn2OSbKxtXbs5tpvSb2tta9X1beT3L+qqrXWxub3T/KxJOsyhMFTxvXrkuw0bpvr9y4Z/kNhY5JDW2vfmdh2/yT/luSVSX5tSsl3THK31tpqe24SAAC2mVm9luGyJH86uWIc2XlrhpGvaf8AX8gzJkd0WmsXJnlvkl2T/NxEu6dlCKwvmR/2xv3OXcYxr7d7htsbr04yP1yltXbxlH2uSPKcyXDYWvtShlG//atql0WO+YsZRsc+PRmexn7ekeRTGc7/oCn7vmoy7I3mRtHus8hxt9SW1PuxJD+R5BeS/wntt8swIrohQ+CbM/frkyfWPS3DKPAzJ8PeeMyPZRjxe9gC1/qFywl7VbV+2td4zgAAsF2YVeDb0Fr73pT1p4zLey6xn8taa1+fsv6ccbn7xLr7jcuTltj3ko2jke/PEGrOGJ/9OqyqbrGZ3b62wCjmXO2LvdrggHH5sQW2z62fdi2n3eY57ZrN0pbUO7duLszN3c558rjt3hNh7f5Jvp9hRtM5B47LQ8fnF6/zleF23p2S3GVKPZ+dsg4AALo2q1s6L1hg/fnjctcl9nPpAuuvGZc7TaybC1DfybbxqAy3Yj42//vs4FVV9a4kf9Bam3/Oy6l9mrlrtNDrKubWTwuO04691ONuqS2pd/I5vuPG5bmtta9W1clJ/jBDmPtckrsm+WBr7ZqJ/edupX1eNu9WU9adP2Xdglpra6etH0f5Dpi2DQAAVptZjfDdZoH1tx2X2+I1DHMhZykzUc7dlrlQwL1eIG2tXdlaO7a1dpckd0jy+Ay3KT4+wy2IszZ3jW67wPbbzWu30pZdb2vtvCRfyRDqbprhOb25EPipDBPePCD/OwI4f/Rwrq9dW2u1ma9T5xcz8cwgAADsMGYV+A5Y4LmpdePyCzM6zqTTx+VDltB207j8qfkbqupns8jtlq21c8bn1B6cYSbQgxaYuGVrzF2jdQtsn1u/YcbH3VJbWu/JGUbgnpbhup+c/M+7CU/PEPYmb/WcNPczP3hLCgYAgB3NrALfrkleNLmiqu6VYXr+y5K8Z0bHmfTaDLctvnCc/OM65s3S+eUMs3keWVV7T7S5eZJXTdn3J6rqvlOOecsMryC4JsNo1CydlmH066CqeuS8eh6ZYSbUr2YYCVsNtrTeuVG7P573/dyv75bhFRMXZ5ixddKrk/woyXHjjJ3XMb5rTxgEAIDRrJ7h+0SSJ40h6bT873v4bpThNQVLeSXDsrTWvlRVT0/yuiRfqKr3Zhh92zPDe/i+l+Swse2PquqVSV44tn1PhnN/YJLzxq9JP5nk9Ko6O8MI1TkZXj/wKxluYXzVApPUbM35tKp6QoZXC7xjPJ8vZ5jp8uHj+fz2lFcyrIitqPfjGW6x3TvJl+fNtnlykmMzzOT5rvm3YbbWvlxVRyc5PslZVfWhDKHyxhluuz04yX/HTJoAAJBkdoHvm0memuEF6U9NctMMQelPW2sfntExrqe19saq+s8kf5DhFsKHJ7kow7vv/m5e82MyvDrhyUl+J8MkHm/PEDC+NK/txrH9ugyhca8kl2QY0Xr+uN/MtdY+M77M/AUZnmV7WIbz+acMr5/4yrY47pbaknpba5dU1RkZJj6Z/4zeZ5L8IMNI6tTZP1tr/1hVZyZ5boafzYPGfc7L8GzlO2ZwagAA0IXamrksqmrfDGHvza21o2ZTEqxeVbV+p713OmCXxy72WsUtt+m4TYs3AgCga2vXrs2GDRs2LDR7/FLN6hk+AAAAVhmBDwAAoFMCHwAAQKe2atKW1trGJDWbUgAAAJglI3wAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0aueVLgC2N2v2WZP1x61f6TIAAGBRRvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAfLdOa5Z650CQAAsCQCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgY8lqaoTqqpV1b7L2GdjVW3cRvXsO9ZzwrboHwAAeiDwkSSpqmPHALVupWuZM9ZzykrXAQAA26udV7oAunb4ShcAAAA7MoGPbaa19o2VrgEAAHZkbumcp6p+tapOrqrvVtXVVXVeVZ1aVU+f1+6U8ZbDm1bVn1XVN8f236iqY6rqJgv0v9/4PNw5Y/sLquptVfVzU9repar+qqo+X1X/Pbb/VlW9oar2mdJ+3VjTsVV1n6r6QFVdstizd+NzdseM3358bN+qqi3Q/ilV9R9VddVY/xuqatdp/c5/hq+qblJVz6iqDVW1qaquGNu9t6oeMLY5auLYh07WU1XHLnQeE8e4RVX9cVWdUVU/qKrvV9Wnq+oxi+0LAAA9McI3oap+J8nrk5yf5P1JLkqyd5K7J3liktdM2e2fk9w7ybuS/CjJkUmOTXKvqvrV1tr/hKaqOiLJvyS58dj/15Psk+QRSX65qg5rrW2Y6PsRSZ6a5ONJ/j3JD5PcNcmTkjysqu7VWvvOlJoOTPLHST6V5Pgke437LuQVSR6e5NAkb06ycTNt/zrJg8f6P5LksCRPTvKzSe6/mf3mnJDkMUn+M8lbklyZ5PZJDkpyRJKPJjkjyYszhNBvjfsepNRsAAAYmklEQVTMOWVznVfVbkk+luSeSTZkOP8bjTW/raru2lp7wRLqBACA7Z7Ad11PyRCM1rTWLpzcUFV7LbDP/knu2lrbNLb7vxkC2q8keXySfxjX757kn5JckeSQ1tqXJvq+a5LPJPm7JAdM9P0PSY5rrV09r5YHJTkpyQuSPG1KTQ9K8tTW2uuXcM5prb1iDEqHJjmhtXbKZprfL8kvtNa+Pdayc4aAdVhV3ae19tmFdhxHAR+dZH2S+7bWfjxv+55jPWckOaOqjkmysbV27FLOY/SKDGHvj1prfz3R982SnJjkT6rqXeMxFlRV6xfYtN8yagEAgBXlls7ruybDSN11tNYuWqD9S+bC3tjuqgyja0ly9ES7306yW5JjJsPeuM9ZSd6Y5J5V9fMT678zP+yN6z+S5KwMo1bTnLHUsLcF/nQu7I21XJPkTeO391lk35akklyd5NrrbWzt4q0pbAyMj0/y+cmwN/Z9VZI/Go//2K05DgAAbC+M8F3XW5O8LMlZVfWOJKcmOa219t+b2efUKes+mSE43nNi3YHjcs0Cz6HdZVzun+RLSVJVleRxSY5KsibJ7kl2mthnods0Fxxlm4HPT1l3zrjcfXM7ttYur6r3J3lYhhG8d2e4Vp9prV0xg9runeH6LPSs343H5f6LddRaWztt/Tjyd8C0bQAAsNoIfBNaay+vqouSPD3JM5I8K0N4ODXJ81pr08LOBVP6+XFVXZzh+b85e47LJy9Sxq0mfv3ysYbvJvlwku9keOYtGULgHRfo4/xFjrE1Lp2y7ppxudOUbfM9KsNI22MzPKeXJFdV1buS/EFr7XrXcxnmrvG9x6+F3Goz2wAAoBsC3zyttbckecv4TNsvJvm1DLdmfriq9p//bF+S2yT59uSKqtopQ/i4fGL1ZeNyTWvti4vVUVV7Zwid/5nkF1tr35u3fXMzTk6dXXM1aK1dmWFSm2Or6qeSHJIhvD4+yb5JDt6K7ueu8XGttedsRT8AANAFz/AtoLV2aWvtg621J2eYJXKPTA8jh05Zd3CGMP2FiXWnT2xbip/O8PP5yJSwt8+4fZbmJlBZyijdTLTWzmmtvTXDs4hfS3LQ3MQto2uXWc9nx322JjQCAEA3BL4JVXXEOOvkfHO3Zk57zuyF4wycc33cLMlfjt++aaLdmzLcDnlMVV1vcpOqulFVrZtYtXFcHjSOGM61u1WGCV5mPTo7N2HKHWbc7/+oqp+oqvtO2XTLJLtkuDV08rnEi5P81FL7H0df35rhlRgvnPazrKqfqao7La9yAADYPrml87renuF5sk9lCFyVYbTo3hleJfDRKfucnWGSl8n38P1Mkg9kfCVDMsxAWVWPTPKeJKdX1ckZZtq8NkPIOjDDbaA3G9ufX1Vvz/AagzOq6iNJdk3ywCRXZXhX3T1meO4fH2v5y6q6W5JNYx1/NsNj/GSGcz87wzvyzkly6wyvsLhtklfNG808Ocmjx4le1mcIhJ9orX1iM8f4vSR3TvKnSX5r/FlekOFdf/tn+Fk+Jsk3Z3heAACwKgl81/X8DLcXHpDkoRmC1bcyTDLy2tba9V7XkOQ3k7www2yat88wscqxSf5q8qXrSdJaO7mq7p7kD8bjHJxhROu8DO+ye/e8vv9Pkv/KMNHJ7yb57yTvS/KiKW23Smvt7Kp6wljb0zMGzySzDHwbM7xMfV2GF7bvleSSJF/JcO3fPq/9MzM8j3h4hp/HjTJM9LJg4BtnAj00ye9kmBjm1zOcywUZbht9dpJ/m9H5AADAqlbzMglLVFWnJDm0tVYrXQs3nKpav9PeOx1wzQXXLN4YAAC20Nq1a7Nhw4YNC70ubKk8wwcAANApgQ8AAKBTAh8AAECnTNqyhVpr61a6BgAAgM0xwgcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD5YpjX7rFnpEgAAYEkEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwwTKdee6ZK10CAAAsicAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgWyWqat+qalV1wkrXshRVtW6s99hteIzt6poAAMBqI/ABAAB0SuADAADolMAHAADQKYFvFaqq/arqxKq6pKp+UFWfqqoHbab9Y6rq41W1qaquqqqzq+oFVXXTzfR/QlWdU1VXV9UFVfW2qvq5Laz3wKr6aFVdVlXfq6oPV9W9prS7fVW9qKpOq6rzq+qHVXXeeOz9l3G8E8Zn++5UVb9XVV8az3tjVf1JVdXY7jeq6rPjNbywql5dVTfbknMEAIDtkcC3+twpyaeT7Jnk9UnemWRtkpOq6lHzG1fV3yd5W5KfTfIvSf42ySVJXpLkQ1W187z2RyTZkORxST6X5JVJTk7yiCSfraoDllnvfZOckuTq8dgnJTk8ySer6uB5bQ9J8vwklyZ5d5Ljkpye5JFJPldVa5Z57L9J8uIkn03yuiTXJvnzJMdU1TOSvDnJ18dt5yf53fGYAACwQ9h58SbcwA5J8jettefNraiqV2cIga+rqpNaa5eP649KcnSS9yR5XGvtyol9jk1yTIaQ88px3e5J/inJFUkOaa19aaL9XZN8JsnfJVlO6Dsiye+31l490deRSU5McnxV/Vxr7dpx08eS3Ka19r3JDsagd1qSv0rykGUce22Su7fWvjP2c2yGgPe88RzXttbOHrfdNMkXkhxdVce01i7cXMdVtX6BTfstoz4AAFhRRvhWn8uS/Onkitba55O8NcluSX5tYtMzk1yT5OjJsDd6SZKLM4zkzfntsY9jJsPeeIyzkrwxyT2r6ueXUe/Xk7xmXl/vTXJqhlHHgyfWXzg/7I3rz8wQBg+rqhsv49gvmQt7Yz+XJnlfklskee1c2Bu3XZ3kHUlukmTJt48CAMD2zAjf6rNhWijKcNvkE5LcM8mbq+oWSdYkuSjJs8bH1ua7OtcNNweOyzULvD/vLuNy/yRfmrJ9mk9OjODNr/fQsd5T51ZW1S8neWqSeyXZK9f/DO6V5LtLPPbnp6w7b1xOG6GbC4f7LNZxa23ttPXjyN9yb3sFAIAVIfCtPhcssP78cbnruNw9SSX5iQy3bi7FnuPyyYu0u9US+0uWXm/G5+pemWRTkn9L8u0Mt162JA/PEGCnTjSzgMumrLtmCduWM4oIAADbLYFv9bnNAutvOy4vm7f8QmttqSNOc/usaa19cUuKm2JJ9Y6Tx7w4QxA8oLV2nVG8qjowAADATHmGb/U5oKp2mbJ+3bj8QpK01r6f5Kwkd62qPZbY9+njcv7smVvjoKqa9jlaNy6/MC73yvD84L9PCXu3itskAQBg5gS+1WfXJC+aXDG+0+5xGUbL3jOx6eUZJiE5vqp2m99RVe0+7zULb8rwSoRjquo+U9rfqKrWLbPeOyd5+rx+jszw/N7Xk3xyXH1hxpkzx4A31/bGGW7z3GuZxwUAABbhls7V5xNJnlRV983wqoLbJXlUhnD+lLlXMiRJa+34qlqbIXB9o6o+nOG5uD0yvM/vkAwh76lj+4ur6pEZQuPpVXVyhlHCa5PcIcOkLnsmWc7LyT+U5GVV9ZAkZ2aYmfMRSa5K8n/mJnRprV1bVa/K8B6+/6iq92YIq4eN9X58/DUAADAjRvhWn28m+cUME5s8NclvZnhR+kNba++Y37i19rtJHpbhPX0PSPKcJL+aYaTwpUleMa/9yUnunuFVCvuOx3hSkrtleDXCo5dZ72cy3L550yS/l+E9eh/L8J6/T8xr+8Ikz01yZZKnZAiGn09ynwxBFQAAmKFqra10DbDdqKr1O+290wHXXHDN4o0BAGALrV27Nhs2bNiw0OvClsoIHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ8AAKBTAh8AAECnBD4AAIBOCXwAAACdEvgAAAA6JfABAAB0SuADAADolMAHAADQKYEPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTABwAA0CmBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANApgQ+Wac0+a1a6BAAAWBKBDwAAoFMCHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHRK4AMAAOiUwAcAANCpaq2tdA2w3aiqi29+85vvsf/++690KQAAdOzss8/OlVdeeUlrbc+t6Ufgg2WoqquT7JTkzJWupRP7jcsvr2gVfXFNZ8v1nC3Xc7Zcz9lyPWfL9dx6+ya5vLV2p63pZOfZ1AI7jP9Mktba2pUupAdVtT5xPWfJNZ0t13O2XM/Zcj1ny/WcLddz9fAMHwAAQKcEPgAAgE4JfAAAAJ0S+AAAADol8AEAAHTKaxkAAAA6ZYQPAACgUwIfAABApwQ+AACATgl8AAAAnRL4AAAAOiXwAQAAdErgAwAA6JTAxw6vqvapquOr6ryqurqqNlbVK6pq92X2s8e438axn/PGfvfZVrWvRrO4nlX1wKp6WVWdXFWXVFWrqk9ty7pXq629nlV1y6p6XFW9raq+XFU/qKrvVdXnq+q5VXWTbX0Oq8mMPp/Pq6oPjvt+v6our6r/qKqX+/2+ZX9+zuvzkKr68fj7/s9mWe9qN6PP5ynjtVvo62bb8hxWm1l+RqvqF6rqLVV1ztjXhVV1alX99raofTWawd9J6xb5fM59/dS2PpcdiRevs0Orqp9J8u9J9k7y3iRfTnKfJIcl+UqSX2qtXbyEfvYc+7lLko8l+VyS/ZIcmeTCJAe21v5rW5zDajLD63lihmt3VZKvJ7lbktNaawdto9JXpVlcz6o6IslJSS5J8vEM13OPJA9Lctux/8Nba1dto9NYNWb4+fx6ku8nOTPJBUlunOSeSQ5NcnmSda21L2yLc1hNZnU95/W5S5IvJtkrya2S/Hlr7QWzrHu1muHn85QMn8UXL9Dkz1pr18yi5tVulp/Rqjoqyd8luSLJvybZmGS3DH8/nddae/SMy191ZvR30r5Jjlpg8y8keUSSs1prd5tJ0Qxaa7587bBfST6cpCX5/XnrXz6uf90S+3n92P7l89Y/Y1z/oZU+1+3seh6Y5K5Jdkqy77jvp1b6/LbH65nkHkkel+Qm89bvkmT92M9zV/pct5frOba/2QLrnzz288GVPtft6XrO2/f4DP858SdjH3+20ue5vV3PJKcM/7xb+XNa6a8ZXtP7JbkmyRlJbjtl+41X+ly3p+u5mf7/aeznGSt9rr19GeFjh1VVP53kGxn+l+5nWmvXTmzbJcl3k1SSvVtrP9hMP7dM8t9Jrk1yu9ba9ya23Wg8xr7jMbod5ZvV9ZzS775JvpkdbIRvW13Pecd4bJK3JvnX1trDtrroVewGup67Jrk0yddba3fe6qJXsW1xPavqyCQnJvmtJDsneVN2kBG+WV7PuRG+1lpts4K3AzO+pp9IcnCSX2it/ec2K3oV29Z/ho53Sn0nw7+lfrK1tmkWdTPwDB87svuPy49M/sGVJGNoOy3JLTL8z97mHJjk5hkCyfcmN4z9fmT89rCtrnh1m9X1ZHBDXM8fjcsd4fauG+J6zoXmL25FH9uLmV7Pqto7yRuTnNha+8dZFrqdmPnns6oeVVXPr6rnVNVDquqmsyt3uzCTazo+l3twks8nOauqDquqPxifgT58/I/dHcG2/jP0qCQ3TfJOYW/2dpQPKUzzc+Pyqwts/9q4vMsN1M/2znWYrRvieh49Lj+0FX1sL2Z+PavqSVV1bFX9TVV9OMmbk3wryfO3vMztxqyv5xsy/JvkqVtT1HZsW/x+f3uSv0zysiQfTPLtqnrklpW3XZrVNb33RPuPjV8vTfI3ST6a5Iyq+tmtqHN7sa3/TnrSuHz9Fu7PZgh87Mh2HZeXLbB9bv1uN1A/2zvXYba26fWsqt9LckSGZ1KO35I+tjPb4no+KckxSZ6b5EEZnol8QGvta5vdqw8zu55VdXSGSZqe3lq7YAa1bY9m+fl8b4bR5n0y3H2yX4bgt1uSd1TVQ7aizu3JrK7p3uPyN5Psn2FSkV2T/GySf8gw0cgHqv8Zj7fZ30lVdWiGz+lZrbV/34LaWITABwube/5hax90nVU/2zvXYba2+HpW1SOSvCLJ+Ul+vbX2o0V22REs+3q21u43Pie1V4bAlyTrx5lRd3RLup7jM7qvyHAb1z9v45q2Z0v+fLbWjmut/Wtr7Tuttataa19p7f9v715CrarCAI7/P4sg7aUZDUyDonIiRIMCLcNBQREkSLNAB1bQw0mzmhREgwZRRJOIiNskKioHERVlEphIET2gFALLgWApVpI9hNXg26d7OZ3ro7v3PXev8//BZuM952zX+ljn8e299vrKI+SJiUXAk102tEdON6ZnzdhvLaW8VUr5tZTyPbCZnOp5NbCpm2b2xly+4+9t9l7d64gJnybZ4GzUhbM8fsHQ87o+Tt8Zh3Z1Es+I2EhO9TpElg+odiGhIZ2Nz1LK4VLKB2TSdxyYiohzz7yJvdJWPF8iY3Z/G43qsfn4/HyRvF/32maRjdq1FdPB/WR/klNj/1Vy5cPtzT+vP9MG9kxX30nLyGT5OHnFVB0w4dMk29vsZ5tvPlhlb7b56m0fp++MQ7taj2dE3AW8TtaOu7mUsvcUL6lJ5+OzlHIU+BS4hCwrUrO24nkdOWXup5lFl8kVOgEebf729tyau+DNx/j8AxgsLLbk/x6nR9r+jv9teLGSxiAhrP0kT1djdDO5WMtrzWeoOnD2uBsgjdGOZn9rRCwascTwOvKM0+5THGd387x1EXH+iLIMg6leO0a9uCJtxVOp1Xg2JRimyGWvN0zQlb2B+RqfK5p97SufthXPKXJlv2FXAevJe0w/B2ovZN/5+IyIa4ClZNL38xza2hdtxfQrMl7LI+LSEfeZDgqE7597kxe0rsboPc3+hbk3UbPxCp8mVjP//n2yRt4DQw8/Tp4BnZpZTyYiVkfE6qHjHCOnISwBHhs6zoPN8d+r/Qd2W/FUajOeEbGZHKM/AutrH4ujtBXPiLi8qUf1HxFxH7mi3wHg6/Zav/C0+Pm5rZSydXhj+grfO83fnu+sMwtAi+PziohYMfR6ImI50zF9tZRS+wmJNsfoCabvLXtqZhmGiFhDlhM4AbzRchcWlC6+4yPiJnIhnG9crKVbFl7XRIuIK4Fd5JSi7cC3wA1kzbx9wNpSyuEZzy8AwwVtm4Khu8ipDh8Be8gPsTvJe6XWNh+WVWsxnjcyvUTzeeT8/kPAu4PnlFK2dNWPhaKNeEbEBnLp8EXk/VIHRvxXR0spz3TUjQWjpXhuBN5sjrOPnB57MVl7ag1wDLijlLJzHro0Vm2932c59hYmqPA6tDY+t5D36u0ki2QfAVYBt5P3Xn0G3DIpU+da/E5aDHxIvs+/AD4mp25vIqdyPlxKebrj7oxd2+/5iHgFuBvYVkp5rtvWT7hSipvbRG/ASvKHxUHgL7KO1rPAshHPLTT3aY94bFnzuh+a4xwkf2BfNu4+9i2e5BnTcrJt3P3sSzxPJ5bA/nH3s0fxXEXWNdtDJnt/k1PkviTrcq0cdx/7FM+THHcwbp8Ydx/7FE/ypMPL5BXmw834PAJ8AjwEnDPuPvYtpjMeW0zO4vmOXMDlF/Jk2m3j7mNP47mUnAL6O3DRuPtV++YVPkmSJEmqlPfwSZIkSVKlTPgkSZIkqVImfJIkSZJUKRM+SZIkSaqUCZ8kSZIkVcqET5IkSZIqZcInSZIkSZUy4ZMkSZKkSpnwSZIkSVKlTPgkSZIkqVImfJIkSZJUKRM+SZIkSaqUCZ8kSZIkVcqET5IkSZIqZcInSZIkSZUy4ZMkSZKkSpnwSZIkSVKl/gHPKOJhKq0SIAAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "image/png": { + "height": 279, + "width": 446 + } + }, + "output_type": "display_data" + } + ], + "source": [ + "# TODO: Display an image along with the top 5 classes\n", + "model = model_verify #using the restored one \n", + "file_path = 'flowers/test/10/image_07090.jpg' #an example from test set\n", + "\n", + "img = process_image (file_path)\n", + "imshow (img)\n", + "plt.show()\n", + "probs, classes = predict (file_path, model, 5)\n", + "\n", + "#print (probs)\n", + "#print (classes)\n", + "\n", + "#preparing class_names using mapping with cat_to_name\n", + "\n", + "class_names = [cat_to_name [item] for item in classes]\n", + "\n", + "#fig, (ax2) = plt.subplots(figsize=(6,9), ncols=2)\n", + "plt.figure(figsize = (6,10))\n", + "plt.subplot(2,1,2)\n", + "#ax2.barh(class_names, probs)\n", + "#ax2.set_aspect(0.1)\n", + "#ax2.set_yticks(classes)\n", + "#ax2.set_title('Flower Class Probability')\n", + "#ax2.set_xlim(0, 1.1)\n", + "\n", + "sns.barplot(x=probs, y=class_names, color= 'green');\n", + "\n", + "#width = 1/5\n", + "#plt.subplot(2,1,2)\n", + "#plt.bar (classes, probs, width, color = 'blue')\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/Image Classifier (NN) (Udacity)/predict.py b/Image Classifier (NN) (Udacity)/predict.py new file mode 100644 index 0000000..cb905f8 --- /dev/null +++ b/Image Classifier (NN) (Udacity)/predict.py @@ -0,0 +1,157 @@ +#importing necessary libraries +import matplotlib.pyplot as plt +import torch +import numpy as np +from torch import nn +from torch import optim +from torchvision import datasets, models, transforms +import torch.nn.functional as F +import torch.utils.data +import pandas as pd +from collections import OrderedDict +from PIL import Image +import argparse +import json + +# define Mandatory and Optional Arguments for the script +parser = argparse.ArgumentParser (description = "Parser of prediction script") + +parser.add_argument ('image_dir', help = 'Provide path to image. Mandatory argument', type = str) +parser.add_argument ('load_dir', help = 'Provide path to checkpoint. Mandatory argument', type = str) +parser.add_argument ('--top_k', help = 'Top K most likely classes. Optional', type = int) +parser.add_argument ('--category_names', help = 'Mapping of categories to real names. JSON file name to be provided. Optional', type = str) +parser.add_argument ('--GPU', help = "Option to use GPU. Optional", type = str) + +# a function that loads a checkpoint and rebuilds the model +def loading_model (file_path): + checkpoint = torch.load (file_path) #loading checkpoint from a file + if checkpoint ['arch'] == 'alexnet': + model = models.alexnet (pretrained = True) + else: #vgg13 as only 2 options available + model = models.vgg13 (pretrained = True) + model.classifier = checkpoint ['classifier'] + model.load_state_dict (checkpoint ['state_dict']) + model.class_to_idx = checkpoint ['mapping'] + + for param in model.parameters(): + param.requires_grad = False #turning off tuning of the model + + return model + +# function to process a PIL image for use in a PyTorch model +def process_image(image): + ''' Scales, crops, and normalizes a PIL image for a PyTorch model, + returns an Numpy array + ''' + im = Image.open (image) #loading image + width, height = im.size #original size + + # smallest part: width or height should be kept not more than 256 + if width > height: + height = 256 + im.thumbnail ((50000, height), Image.ANTIALIAS) + else: + width = 256 + im.thumbnail ((width,50000), Image.ANTIALIAS) + + width, height = im.size #new size of im + #crop 224x224 in the center + reduce = 224 + left = (width - reduce)/2 + top = (height - reduce)/2 + right = left + 224 + bottom = top + 224 + im = im.crop ((left, top, right, bottom)) + + #preparing numpy array + np_image = np.array (im)/255 #to make values from 0 to 1 + np_image -= np.array ([0.485, 0.456, 0.406]) + np_image /= np.array ([0.229, 0.224, 0.225]) + + #PyTorch expects the color channel to be the first dimension but it's the third dimension in the PIL image and Numpy array. + #The color channel needs to be first and retain the order of the other two dimensions. + np_image= np_image.transpose ((2,0,1)) + return np_image + +#defining prediction function +def predict(image_path, model, topkl, device): + ''' Predict the class (or classes) of an image using a trained deep learning model. + ''' + # Implement the code to predict the class from an image file + image = process_image (image_path) #loading image and processing it using above defined function + + #we cannot pass image to model.forward 'as is' as it is expecting tensor, not numpy array + #converting to tensor + if device == 'cuda': + im = torch.from_numpy (image).type (torch.cuda.FloatTensor) + else: + im = torch.from_numpy (image).type (torch.FloatTensor) + + im = im.unsqueeze (dim = 0) #used to make size of torch as expected. as forward method is working with batches, + #doing that we will have batch size = 1 + + #enabling GPU/CPU + model.to (device) + im.to (device) + + with torch.no_grad (): + output = model.forward (im) + output_prob = torch.exp (output) #converting into a probability + + probs, indeces = output_prob.topk (topkl) + probs = probs.cpu () + indeces = indeces.cpu () + probs = probs.numpy () #converting both to numpy array + indeces = indeces.numpy () + + probs = probs.tolist () [0] #converting both to list + indeces = indeces.tolist () [0] + + mapping = {val: key for key, val in + model.class_to_idx.items() + } + + classes = [mapping [item] for item in indeces] + classes = np.array (classes) #converting to Numpy array + + return probs, classes + +#setting values data loading +args = parser.parse_args () +file_path = args.image_dir + +#defining device: either cuda or cpu +if args.GPU == 'GPU': + device = 'cuda' +else: + device = 'cpu' + +#loading JSON file if provided, else load default file name +if args.category_names: + with open(args.category_names, 'r') as f: + cat_to_name = json.load(f) +else: + with open('cat_to_name.json', 'r') as f: + cat_to_name = json.load(f) + pass + +#loading model from checkpoint provided +model = loading_model (args.load_dir) + +#defining number of classes to be predicted. Default = 1 +if args.top_k: + nm_cl = args.top_k +else: + nm_cl = 1 + +#calculating probabilities and classes +probs, classes = predict (file_path, model, nm_cl, device) + +#preparing class_names using mapping with cat_to_name +class_names = [cat_to_name [item] for item in classes] + +for l in range (nm_cl): + print("Number: {}/{}.. ".format(l+1, nm_cl), + "Class name: {}.. ".format(class_names [l]), + "Probability: {:.3f}..% ".format(probs [l]*100), + ) diff --git a/Image Classifier (NN) (Udacity)/train.py b/Image Classifier (NN) (Udacity)/train.py new file mode 100644 index 0000000..824ed3c --- /dev/null +++ b/Image Classifier (NN) (Udacity)/train.py @@ -0,0 +1,220 @@ +#importing necessary libraries +import matplotlib.pyplot as plt +import torch +import numpy as np +from torch import nn +from torch import optim +from torchvision import datasets, models, transforms +import torch.nn.functional as F +import torch.utils.data +import pandas as pd +from collections import OrderedDict +from PIL import Image +import argparse +import json + +# define Mandatory and Optional Arguments for the script +parser = argparse.ArgumentParser (description = "Parser of training script") + +parser.add_argument ('data_dir', help = 'Provide data directory. Mandatory argument', type = str) +parser.add_argument ('--save_dir', help = 'Provide saving directory. Optional argument', type = str) +parser.add_argument ('--arch', help = 'Vgg13 can be used if this argument specified, otherwise Alexnet will be used', type = str) +parser.add_argument ('--lrn', help = 'Learning rate, default value 0.001', type = float) +parser.add_argument ('--hidden_units', help = 'Hidden units in Classifier. Default value is 2048', type = int) +parser.add_argument ('--epochs', help = 'Number of epochs', type = int) +parser.add_argument ('--GPU', help = "Option to use GPU", type = str) + +#setting values data loading +args = parser.parse_args () + +data_dir = args.data_dir +train_dir = data_dir + '/train' +valid_dir = data_dir + '/valid' +test_dir = data_dir + '/test' + +#defining device: either cuda or cpu +if args.GPU == 'GPU': + device = 'cuda' +else: + device = 'cpu' + +#data loading +if data_dir: #making sure we do have value for data_dir + # Define your transforms for the training, validation, and testing sets + train_data_transforms = transforms.Compose ([transforms.RandomRotation (30), + transforms.RandomResizedCrop (224), + transforms.RandomHorizontalFlip (), + transforms.ToTensor (), + transforms.Normalize ([0.485, 0.456, 0.406],[0.229, 0.224, 0.225]) + ]) + + valid_data_transforms = transforms.Compose ([transforms.Resize (255), + transforms.CenterCrop (224), + transforms.ToTensor (), + transforms.Normalize ([0.485, 0.456, 0.406],[0.229, 0.224, 0.225]) + ]) + + test_data_transforms = transforms.Compose ([transforms.Resize (255), + transforms.CenterCrop (224), + transforms.ToTensor (), + transforms.Normalize ([0.485, 0.456, 0.406],[0.229, 0.224, 0.225]) + ]) + # Load the datasets with ImageFolder + train_image_datasets = datasets.ImageFolder (train_dir, transform = train_data_transforms) + valid_image_datasets = datasets.ImageFolder (valid_dir, transform = valid_data_transforms) + test_image_datasets = datasets.ImageFolder (test_dir, transform = test_data_transforms) + + # Using the image datasets and the trainforms, define the dataloaders + train_loader = torch.utils.data.DataLoader(train_image_datasets, batch_size = 64, shuffle = True) + valid_loader = torch.utils.data.DataLoader(valid_image_datasets, batch_size = 64, shuffle = True) + test_loader = torch.utils.data.DataLoader(test_image_datasets, batch_size = 64, shuffle = True) + #end of data loading block + +#mapping from category label to category name +with open('cat_to_name.json', 'r') as f: + cat_to_name = json.load(f) + +def load_model (arch, hidden_units): + if arch == 'vgg13': #setting model based on vgg13 + model = models.vgg13 (pretrained = True) + for param in model.parameters(): + param.requires_grad = False + if hidden_units: #in case hidden_units were given + classifier = nn.Sequential (OrderedDict ([ + ('fc1', nn.Linear (25088, 4096)), + ('relu1', nn.ReLU ()), + ('dropout1', nn.Dropout (p = 0.3)), + ('fc2', nn.Linear (4096, hidden_units)), + ('relu2', nn.ReLU ()), + ('dropout2', nn.Dropout (p = 0.3)), + ('fc3', nn.Linear (hidden_units, 102)), + ('output', nn.LogSoftmax (dim =1)) + ])) + else: #if hidden_units not given + classifier = nn.Sequential (OrderedDict ([ + ('fc1', nn.Linear (25088, 4096)), + ('relu1', nn.ReLU ()), + ('dropout1', nn.Dropout (p = 0.3)), + ('fc2', nn.Linear (4096, 2048)), + ('relu2', nn.ReLU ()), + ('dropout2', nn.Dropout (p = 0.3)), + ('fc3', nn.Linear (2048, 102)), + ('output', nn.LogSoftmax (dim =1)) + ])) + else: #setting model based on default Alexnet ModuleList + arch = 'alexnet' #will be used for checkpoint saving, so should be explicitly defined + model = models.alexnet (pretrained = True) + for param in model.parameters(): + param.requires_grad = False + if hidden_units: #in case hidden_units were given + classifier = nn.Sequential (OrderedDict ([ + ('fc1', nn.Linear (9216, 4096)), + ('relu1', nn.ReLU ()), + ('dropout1', nn.Dropout (p = 0.3)), + ('fc2', nn.Linear (4096, hidden_units)), + ('relu2', nn.ReLU ()), + ('dropout2', nn.Dropout (p = 0.3)), + ('fc3', nn.Linear (hidden_units, 102)), + ('output', nn.LogSoftmax (dim =1)) + ])) + else: #if hidden_units not given + classifier = nn.Sequential (OrderedDict ([ + ('fc1', nn.Linear (9216, 4096)), + ('relu1', nn.ReLU ()), + ('dropout1', nn.Dropout (p = 0.3)), + ('fc2', nn.Linear (4096, 2048)), + ('relu2', nn.ReLU ()), + ('dropout2', nn.Dropout (p = 0.3)), + ('fc3', nn.Linear (2048, 102)), + ('output', nn.LogSoftmax (dim =1)) + ])) + model.classifier = classifier #we can set classifier only once as cluasses self excluding (if/else) + return model, arch + +# Defining validation Function. will be used during training +def validation(model, valid_loader, criterion): + model.to (device) + + valid_loss = 0 + accuracy = 0 + for inputs, labels in valid_loader: + + inputs, labels = inputs.to(device), labels.to(device) + output = model.forward(inputs) + valid_loss += criterion(output, labels).item() + + ps = torch.exp(output) + equality = (labels.data == ps.max(dim=1)[1]) + accuracy += equality.type(torch.FloatTensor).mean() + + return valid_loss, accuracy + +#loading model using above defined functiion +model, arch = load_model (args.arch, args.hidden_units) + +#Actual training of the model +#initializing criterion and optimizer +criterion = nn.NLLLoss () +if args.lrn: #if learning rate was provided + optimizer = optim.Adam (model.classifier.parameters (), lr = args.lrn) +else: + optimizer = optim.Adam (model.classifier.parameters (), lr = 0.001) + + +model.to (device) #device can be either cuda or cpu +#setting number of epochs to be run +if args.epochs: + epochs = args.epochs +else: + epochs = 7 + +print_every = 40 +steps = 0 + +#runing through epochs +for e in range (epochs): + running_loss = 0 + for ii, (inputs, labels) in enumerate (train_loader): + steps += 1 + inputs, labels = inputs.to(device), labels.to(device) + optimizer.zero_grad () #where optimizer is working on classifier paramters only + + # Forward and backward passes + outputs = model.forward (inputs) #calculating output + loss = criterion (outputs, labels) #calculating loss (cost function) + loss.backward () + optimizer.step () #performs single optimization step + running_loss += loss.item () # loss.item () returns scalar value of Loss function + + if steps % print_every == 0: + model.eval () #switching to evaluation mode so that dropout is turned off + # Turn off gradients for validation, saves memory and computations + with torch.no_grad(): + valid_loss, accuracy = validation(model, valid_loader, criterion) + + print("Epoch: {}/{}.. ".format(e+1, epochs), + "Training Loss: {:.3f}.. ".format(running_loss/print_every), + "Valid Loss: {:.3f}.. ".format(valid_loss/len(valid_loader)), + "Valid Accuracy: {:.3f}%".format(accuracy/len(valid_loader)*100)) + + running_loss = 0 + # Make sure training is back on + model.train() + +#saving trained Model +model.to ('cpu') #no need to use cuda for saving/loading model. +# Save the checkpoint +model.class_to_idx = train_image_datasets.class_to_idx #saving mapping between predicted class and class name, +#second variable is a class name in numeric + +#creating dictionary for model saving +checkpoint = {'classifier': model.classifier, + 'state_dict': model.state_dict (), + 'arch': arch, + 'mapping': model.class_to_idx + } +#saving trained model for future use +if args.save_dir: + torch.save (checkpoint, args.save_dir + '/checkpoint.pth') +else: + torch.save (checkpoint, 'checkpoint.pth') diff --git a/README.md b/README.md index 7480121..0d5ecad 100644 --- a/README.md +++ b/README.md @@ -1,3 +1,69 @@ # dtomlinson-cv +Repo showcasing example work -Repo showcasing example work \ No newline at end of file +## Image Classifier using a Nerual network + +This is an example of the Udacity project `Machine Learning - Introduction Nanodegree Program` I completed showing the steps taken to train an image classifier neural network on images of flowers. + +The data set is too large for git but examples of the images are available in the jupter workbook. We create a neural network to identify 102 different categories of flowers. + +We then create utility functions `train.py` and `predict.py` to update the model and predict a flower from the command line, without having to retrain the whole model. + +### `train.py` + +You can select either Alexnet or VGG13 as a base model + +Arguments: + +1. `data_dir: str` - Specify path to data directory +2. `save_dir: str` - Specify path to output directory +3. `arch: str` - Choose the base model +4. `lrn: float` - Specify the learning rate +5. `hidden_units: int` - Specify the hidden layers +6. `epochs: int` - Specify the epochs +7. `GPU: str` - If a GPU is available set this to true + +### `predict.py` + +Arguments: + +1. `image_dir: str` - Specify path to image +2. `load_dir: str` - Specify path to load in +3. `top_k: str` - Specify top k classes that are most likely +4. `category_names: str` -- Specify JSON of mapping of categories to real names +5. `GPU: str` - If a GPU is available set this to true + + +## Anomaly Detection using a Neural network + +Included is a jupyter notebook outlining the general steps during the development of a Neural Network to identify anomalies in key business metrics. + +The general idea is + +1. Fit a distribution to the data, once we have this we can find the probability of a value being an anomaly. This turns our problem form unsupervised to supervised as we can say (with a certain probability) whether or not we think a value is an anomaly. This supervised set is passed on. + +2. Create a baseline Neural Network, experiment with the hyperparameters and Stochastic Gradient Descent and a Gradient Boosting classifier. + +## Vrops API + +A python wrapper for the VROPS api. No such wrapper exists publicly to automate pulling statistics from VMs using VROPS. See the `README.md` inside the project for detailed documentation. + +This will be released publically as a module available in pypi.org (`pip`) + +## Emoji finder + +A simple script (for fun) that can lookup an emoji on the command line by name, tag or description. + +## (Udacity) Supervised Learning Project + +Supervised learning project from the Udacity Machine Learning course. This showcases an example of fitting several supervised learning models to a given dataset where the aim is to classify people on how likely they are to donate to a charity, based on their income, job, marital status etc. See the `finding_donors.ipynd` jupter workbook for a walktrhough through the project. + +## Splunk dashboard screenshotter + +For Splunk there is no easy way to automate screenshots of dashboards. You can set a report to send a single graph as a PDF, or you can use the API to pull your data and use matplotlib (for example) to graph and send your data via email. + +This script uses Selenium to log in, hide certain elements, and screenshot the body. It uses postfix to send an email directly from the server. + +The script is complete - I will write this as a custom splunk command `(| dashboardscreenshot $NAME $EMAIL )` and bundle it into a Splunk app to release publicly on SplunkBase. + +Included is an example PNG of a random website to showcase the functionality. diff --git a/Supervised Learning Project/.ipynb_checkpoints/finding_donors-checkpoint.ipynb b/Supervised Learning Project/.ipynb_checkpoints/finding_donors-checkpoint.ipynb new file mode 100644 index 0000000..4b428e9 --- /dev/null +++ b/Supervised Learning Project/.ipynb_checkpoints/finding_donors-checkpoint.ipynb @@ -0,0 +1,2500 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Data Scientist Nanodegree\n", + "## Supervised Learning\n", + "## Project: Finding Donors for *CharityML*" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Welcome to the first project of the Data Scientist Nanodegree! In this notebook, some template code has already been provided for you, and it will be your job to implement the additional functionality necessary to successfully complete this project. Sections that begin with **'Implementation'** in the header indicate that the following block of code will require additional functionality which you must provide. Instructions will be provided for each section and the specifics of the implementation are marked in the code block with a `'TODO'` statement. Please be sure to read the instructions carefully!\n", + "\n", + "In addition to implementing code, there will be questions that you must answer which relate to the project and your implementation. Each section where you will answer a question is preceded by a **'Question X'** header. Carefully read each question and provide thorough answers in the following text boxes that begin with **'Answer:'**. Your project submission will be evaluated based on your answers to each of the questions and the implementation you provide. \n", + "\n", + ">**Note:** Please specify WHICH VERSION OF PYTHON you are using when submitting this notebook. Code and Markdown cells can be executed using the **Shift + Enter** keyboard shortcut. In addition, Markdown cells can be edited by typically double-clicking the cell to enter edit mode." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Getting Started\n", + "\n", + "In this project, you will employ several supervised algorithms of your choice to accurately model individuals' income using data collected from the 1994 U.S. Census. You will then choose the best candidate algorithm from preliminary results and further optimize this algorithm to best model the data. Your goal with this implementation is to construct a model that accurately predicts whether an individual makes more than $50,000. This sort of task can arise in a non-profit setting, where organizations survive on donations. Understanding an individual's income can help a non-profit better understand how large of a donation to request, or whether or not they should reach out to begin with. While it can be difficult to determine an individual's general income bracket directly from public sources, we can (as we will see) infer this value from other publically available features. \n", + "\n", + "The dataset for this project originates from the [UCI Machine Learning Repository](https://archive.ics.uci.edu/ml/datasets/Census+Income). The datset was donated by Ron Kohavi and Barry Becker, after being published in the article _\"Scaling Up the Accuracy of Naive-Bayes Classifiers: A Decision-Tree Hybrid\"_. You can find the article by Ron Kohavi [online](https://www.aaai.org/Papers/KDD/1996/KDD96-033.pdf). The data we investigate here consists of small changes to the original dataset, such as removing the `'fnlwgt'` feature and records with missing or ill-formatted entries." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Exploring the Data\n", + "Run the code cell below to load necessary Python libraries and load the census data. Note that the last column from this dataset, `'income'`, will be our target label (whether an individual makes more than, or at most, $50,000 annually). All other columns are features about each individual in the census database." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "

\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageworkclasseducation_leveleducation-nummarital-statusoccupationrelationshipracesexcapital-gaincapital-losshours-per-weeknative-countryincome
039State-govBachelors13.0Never-marriedAdm-clericalNot-in-familyWhiteMale2174.00.040.0United-States<=50K
\n", + "
" + ], + "text/plain": [ + " age workclass education_level education-num marital-status \\\n", + "0 39 State-gov Bachelors 13.0 Never-married \n", + "\n", + " occupation relationship race sex capital-gain capital-loss \\\n", + "0 Adm-clerical Not-in-family White Male 2174.0 0.0 \n", + "\n", + " hours-per-week native-country income \n", + "0 40.0 United-States <=50K " + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Import libraries necessary for this project\n", + "import numpy as np\n", + "import pandas as pd\n", + "from time import time\n", + "from IPython.display import display # Allows the use of display() for DataFrames\n", + "import seaborn as sns\n", + "import matplotlib as plt\n", + "\n", + "# Import supplementary visualization code visuals.py\n", + "import visuals as vs\n", + "\n", + "# Pretty display for notebooks\n", + "%matplotlib inline\n", + "\n", + "# Load the Census dataset\n", + "data = pd.read_csv(\"census.csv\")\n", + "\n", + "# Success - Display the first record\n", + "display(data.head(1))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation: Data Exploration\n", + "A cursory investigation of the dataset will determine how many individuals fit into either group, and will tell us about the percentage of these individuals making more than \\$50,000. In the code cell below, you will need to compute the following:\n", + "- The total number of records, `'n_records'`\n", + "- The number of individuals making more than \\$50,000 annually, `'n_greater_50k'`.\n", + "- The number of individuals making at most \\$50,000 annually, `'n_at_most_50k'`.\n", + "- The percentage of individuals making more than \\$50,000 annually, `'greater_percent'`.\n", + "\n", + "** HINT: ** You may need to look at the table above to understand how the `'income'` entries are formatted. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Check for missing data\n", + "To check for missing data we need to see if any rows are missing:" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " age education-num capital-gain capital-loss hours-per-week\n", + "count 45222.000000 45222.000000 45222.000000 45222.000000 45222.000000\n", + "mean 38.547941 10.118460 1101.430344 88.595418 40.938017\n", + "std 13.217870 2.552881 7506.430084 404.956092 12.007508\n", + "min 17.000000 1.000000 0.000000 0.000000 1.000000\n", + "25% 28.000000 9.000000 0.000000 0.000000 40.000000\n", + "50% 37.000000 10.000000 0.000000 0.000000 40.000000\n", + "75% 47.000000 13.000000 0.000000 0.000000 45.000000\n", + "max 90.000000 16.000000 99999.000000 4356.000000 99.000000\n", + "Total number of rows for income = 45222\n", + "\n", + "No missing data\n" + ] + } + ], + "source": [ + "print(data.describe())\n", + "print('Total number of rows for income = {}\\n'.format(data['income'].shape[0]))\n", + "if (data.isnull().values.any()) == False:\n", + " print('No missing data')" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "<=50K 34014\n", + ">50K 11208\n", + "dtype: int64\n" + ] + } + ], + "source": [ + "from collections import Counter\n", + "income_values = pd.Series(data['income'].str.replace('[\\[\\]\\']','').str.split(',').map(Counter).sum())\n", + "print(income_values)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Total number of records: 45222\n", + "Individuals making more than $50,000: 11208\n", + "Individuals making at most $50,000: 34014\n", + "Percentage of individuals making more than $50,000: 24.78%\n" + ] + } + ], + "source": [ + "# TODO: Total number of records\n", + "n_records = income_values.sum()\n", + "\n", + "# TODO: Number of records where individual's income is more than $50,000\n", + "n_greater_50k = income_values[1]\n", + "\n", + "# TODO: Number of records where individual's income is at most $50,000\n", + "n_at_most_50k = income_values[0]\n", + "\n", + "# TODO: Percentage of individuals whose income is more than $50,000\n", + "greater_percent = 100 * (n_greater_50k/n_records)\n", + "\n", + "# Print the results\n", + "print(\"Total number of records: {}\".format(n_records))\n", + "print(\"Individuals making more than $50,000: {}\".format(n_greater_50k))\n", + "print(\"Individuals making at most $50,000: {}\".format(n_at_most_50k))\n", + "print(\"Percentage of individuals making more than $50,000: {:.2f}%\".format(greater_percent))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "** Featureset Exploration **\n", + "\n", + "* **age**: continuous. \n", + "* **workclass**: Private, Self-emp-not-inc, Self-emp-inc, Federal-gov, Local-gov, State-gov, Without-pay, Never-worked. \n", + "* **education**: Bachelors, Some-college, 11th, HS-grad, Prof-school, Assoc-acdm, Assoc-voc, 9th, 7th-8th, 12th, Masters, 1st-4th, 10th, Doctorate, 5th-6th, Preschool. \n", + "* **education-num**: continuous. \n", + "* **marital-status**: Married-civ-spouse, Divorced, Never-married, Separated, Widowed, Married-spouse-absent, Married-AF-spouse. \n", + "* **occupation**: Tech-support, Craft-repair, Other-service, Sales, Exec-managerial, Prof-specialty, Handlers-cleaners, Machine-op-inspct, Adm-clerical, Farming-fishing, Transport-moving, Priv-house-serv, Protective-serv, Armed-Forces. \n", + "* **relationship**: Wife, Own-child, Husband, Not-in-family, Other-relative, Unmarried. \n", + "* **race**: Black, White, Asian-Pac-Islander, Amer-Indian-Eskimo, Other. \n", + "* **sex**: Female, Male. \n", + "* **capital-gain**: continuous. \n", + "* **capital-loss**: continuous. \n", + "* **hours-per-week**: continuous. \n", + "* **native-country**: United-States, Cambodia, England, Puerto-Rico, Canada, Germany, Outlying-US(Guam-USVI-etc), India, Japan, Greece, South, China, Cuba, Iran, Honduras, Philippines, Italy, Poland, Jamaica, Vietnam, Mexico, Portugal, Ireland, France, Dominican-Republic, Laos, Ecuador, Taiwan, Haiti, Columbia, Hungary, Guatemala, Nicaragua, Scotland, Thailand, Yugoslavia, El-Salvador, Trinadad&Tobago, Peru, Hong, Holand-Netherlands." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Preparing the Data\n", + "Before data can be used as input for machine learning algorithms, it often must be cleaned, formatted, and restructured — this is typically known as **preprocessing**. Fortunately, for this dataset, there are no invalid or missing entries we must deal with, however, there are some qualities about certain features that must be adjusted. This preprocessing can help tremendously with the outcome and predictive power of nearly all learning algorithms." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Transforming Skewed Continuous Features\n", + "A dataset may sometimes contain at least one feature whose values tend to lie near a single number, but will also have a non-trivial number of vastly larger or smaller values than that single number. Algorithms can be sensitive to such distributions of values and can underperform if the range is not properly normalized. With the census dataset two features fit this description: '`capital-gain'` and `'capital-loss'`. \n", + "\n", + "Run the code cell below to plot a histogram of these two features. Note the range of the values present and how they are distributed." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "import warnings\n", + "warnings.filterwarnings(\"ignore\")" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA4oAAAN8CAYAAAAeRlT8AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzsvXl4VdW9//9eezpjQg6HBJWgDDIYLEgCGMAqSutQsf4s4ERkUgJqtV/bOtzbUr0/br8/LXqtVCFoFRC0QtV72+KtQ7HUAa0SsYNRpAxKEEkISUhypj2s3x/n7J2zs/c++xwCJCes1/PkeeDsvddee81rfSZCKQWDwWAwGAwGg8FgMBg6XE9ngMFgMBgMBoPBYDAYvQu2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UUxx+eWXUwDsj/1l+9ejsPbK/nL863FYm2V/Of71OKzNsr8c/3oU1l7ZX45/WcE2iikOHz7c01lgMLKGtVdGvsHaLCPfYG2WkU+w9so4EbCNIoPBYDAYDAaDwWAwTLCNIoPBYDAYDAaDwWAwTLCNIoPBYDAYDAaDwWAwTLCNIoPBYDAYDAaDwWAwTLCNIoPBYDAYDAaDwWAwTAg9nQEGg5F/KIqGhvY4ZFWDyHMoCXogCJ3nTppG0dSRQEJRIQk8wgEJHEeyvu6WvhuxmIKmaAKKRiFwBGGfBK9XyPmeTMiyiob2uPF8SdADUeSzTj8eV3A40nl9gF+CxyNknX5fo2t5BT0c2uPJ+g/5RDTHZMRkFTwh8IocVA2Iyiq8AgcNyTZl15Z0TrXyZJxYujt+9CbSx2OfxEPRKGRFs/Qnt3Gb0XfQ52BF08ATAkIAgKA4IKElpljagF3bAICWaALRhAqVUnhFHgMCHtf2pL8boKA0GcfBI/AoEHnbPuc0ticSCho7Ou8vDkiQJCGrdx/L2qM39I/urp3syM9RjcFg9BiKouGzQ21YsqEW9c1RlIZ8qKmqwOiBBRAEDppGsfNQGxY9u924/tTcCRg1sMCYUDJdd0vfjVhMwa6mDtya9vyqqgqMCAeMhVw292RCllV81tBueX50SRCiyLumH48r+Pyw9frIAQF4PIJr+n0Np/Jqbo8iHPSioS1uag/LZ42FX+Lx3Ptf4pryQbj7xb/btiWdU608GSeW7o4fvYn08bg46ME9l4+y7U8AMo7bjL6D3Rz80MyxWLdtL+6YPhKbP67H6rf3GW1gRHEQuxrbLW0j6OFR3xzNqT2dPSCAnQ3tWLHlc8ybMhT3vpR89r1/m4ZdTTHbPufUF+1+H1UcgCDwGd99LGsPt3XNyaC7aycnmOopg8HIiYb2zkU7ANQ3R7FkQ23qBBBo6kgYg6V+fdGz29HUkcjqulv6bjRFE8bkoD9/64ZaNEUTOd3jVgZ2zxtlEE3gV1s+x9IZZdhYXYmlM8rwqy2fG+kfjti//3AkkVX6fQ2n+hheUoiGtoSlPdz94t9xpEPGoguHGYsQ/Vp6W9I51cqTcWLp7vjRm0gfj5dMG+7Yn9zGbUbfwW4Ovvelv2NmxWDcuqEWsyacafy+6NntaGiP27aNuEJzbk/6u2dWDDY2iQCgacSxz+Xye2MW7z6WtUdv6B/dXTs5kV9HXwwGo8eRVc0YiHTqm6NQVA0AkFBU2+sJRc3qulv6bigatX9eoznd0513EALTaah+IktIds93N3/5Rqbv9Uu87TW/xIPnSMa2lE36DEau9KX2lD4eF/nEjP0pm77GyH+c5mC9ffBpErL65qjj/RzJ3Gac+lD6u3Qy9blcf4fDGsTxmSzWHm7rmpNBd9dOTjCJIoPByAmR53BpWQlW31SBjdWVWH1TBS4tK4HAJ4cTSeBRGvKZnikN+SAJfFbX3dJ3Q+CIbfpC2uSWzT3deQelMJ2G6ieylGb3fHfzl29k+t5IQrVtD5GEClWjGdtSNukzGLnSl9pT+njcEpUd+5PbuM3ITzSNorEtjgPNETS2xaFpFCLP2da13j7UtAOR0pDP8X6NIuf2pPetrm0xU5/L9Xe3d1t+z2Lt0Rv6h1M9ZLt2coJtFBkMRk4UByTcMX0klm2uw3VPvo9lm+twx/SRKE4Zr4cDEp6aO8EYsHRd/XCW193SdyPsk7CqqsKU/qqqCoR9Uk73ZKIk6LF9viToAZDcKNqd7OkbxQF++/cP8EtZXe9rFPg42+891BrB4P5eS3v4/iUjcEaRB0+9tQfLZ411bEs6bvXFYORCkUN7LfLl35IqfTyu2brbsT+5jduM/EO3q7tm5buY+tCfcc3Kd7HzUBuKAxJqurTvh2aOxUu1+7GqqgIvbv/S+P2puRNQEvTYtg2PQHJuTyVBD2qqKvBS7X48NLPz2YDHvs8VOvRFpzm+OIt3p/9ek+U80Rv6R3fynwlCaf6pSpwIJkyYQLdv397T2WDkDz16dNyT7bWxLY5rVr5r2giVhnz479umorggOSB1x+tpNum74eaRsLEtjl+/9S/MmnAmeI5A1She3P4lbrnw7KzfkcmLZjbfkMnr6VctUax7d48lf/OmDsMZRT5rZtzpcVFHpjZ7oDmCj75owvizwlA1Cp4j2PFFE8rPCoMQgmtXv2cpy02LJ0NWNeb1tO/Sa9vsgeYI/uMPn2BmxWAU+US0RGW8VLsf9181BoNC/h7IafdgXk+PG3m1Lsg0T4V8osnrKUcAmvJ62pZQLJ5MAbh4PQW8IpeT11MCinRtbqc+VxL0HHevp4qqQchjr6dZ5j+rzDEbRQaDkRPZ6OJzHMm44cp0vbu6/ppGsbc5ktH7WEJRsfrtfVj99j7Ts3OnDM3qHQAgirzjolA/Xeyah/TTRY9HwCCP/RAsq5pt/uZUDsk6f/kEIUD/oA/XP/m+yaaTI4BG7e1GKKU4KxzI+h2Z6ovByAVFo3i9rgGv1zWYfv/plWU9lKPu4TZe53ofIz/INNcKgsf2UFLTKA4djdvOr3Zto3/AAzgM007tSRA4y7u/aOpw7HNOY7skCRgk2c+xubw7W3pD/+hO/p3IPz0JBoPRo5xoXfzupp+N97ET/Q0cRzBqYAH++7apePfei/Hft021uMm2sw3ROVG2Br0VJ5tOjfYO2w8GIx0nWyaeSdcYecSxjK095d2T9bmeo2+uOhgMxgnjROvidzf9bCSSJ8OeQNMoZFVLqnGpmmkjqGkU+5o68M8DrahvjuKfB1qxr6nDuOdE2Rr0VjLZdPYG2w8GIx2eIyb7KV0CzhatjHxAP6TUNA2rb6rIaWw9Gd497Q5RB/itdpM1Lnb7mQ5jGdnDVE8ZDEZOpEvLToQufnfT16VxXe0uxDRp3In+BrfAty3RBA4djWHp7/5pXF8+ayyK/CL6B5I2BaMHFmDT4snHZCuRbwg8sa0zgScnvK4YjGNh3ba9WDqjzLCXWrdtL/7fq8/t6WwxGBlJDwxfHPTgge+WYdnV58Iv8YgkVHhc5hhdCtl1rD5eGh5OgetLCiWommbKq6pp6FBUw7Y/m3S6avYw3GEbRQaD0evorq7/6qpyNLQljAmlpCB36VN3DNOdAt9uWjwZZxT5EE2olkDEd7/4d2ysrjTsOU6ErUFvhQB44sbxONIhG3XWPyAalva9wfaDwdAhAG6/+Gwc6ZABABLP4faLz+557zsMhgvpqqNLZ5Th9ud32DqzCQck0/wX8ok4Ek1ATUkhF6+vNW3AQj4RjW3xYz7M0+fbqKygPabgwe99AyLPoSUq49E3duJnV43BE3/+F2ZWDIYfPBKqhif+/C/cf9UYWxtIJxXZXJziOeXxVDuwZBtFBoORE73+pI4kPaWlS+tWzSkHiFn1M9M3dPcb3QLfqg4OWtRT1Au1Silismaqs0dmjztly4PRu2HtlZGvpKuOdg1qD3SqkXad/2qqKrBiy+dobEvYSiG/bI5g7jMfHNN82VXKec/lo3Dfy/+wODabN2WoYctu/O6Q/vFWke31654TCNsoMhiMnDgeJ3XdCZ/hhqxQ3PrcR6b83frcR0lpXdo3/HV3I55fVAmNUnCE4M26gxgQ9KC4wNPtb9QN77ue1Oo2TCLnoB7L9U3VUjcoBZ5+Z49Jle/pd/YkT4uPE6fqaTDj+HMy2ms+wfpW/pCuOqoHte86DwEw5r/xg4uwZNpwxGQVd182Gofb47ZSyGfmT3CcT93oKuXsqm1z70tJbRs7h2ebFk92/M5Ly0os4TR0FVk9jISsahCzMO04ERLKfIFtFBkMRk4cj/AVJ1Kap2j20jolzZCd5ygqhg7AjU91hmNYVVUBnqPH5Rt9UjII8K1pNoqrqirgk5ITEUeAR2aPw49++zeTROJUXVtxnNNp8fFJ/1Q+DWYcf050e80nWN/KL9JDN9Vs3Y3ls8YaGzPdVv5IR8LYJP74slGmdr5qTjmKgx7T/DhlWBhxhWLhWvv51I1spJxOWjhOseBDPhF3Th9p8RMQ8omuPgTc8pj+/uPpxKe3cgoOawwGw41M3sIkgcfibw7BG3ddiDd/dBHeuOtCLP7mkOMWvqK77red3GgLaYuWaEIzNnH6O27dUItoQjO+sTshGWIyxeaP67Fm/kS8+aOLsGb+RGz+uB4xOVmOHMcZEomN1ZVYOqMMT7+zB9ypuNIEoGkO4TG045N+T7l0Z/RNTnR7zSf6ct/qq14zBxZ6sLG6Eo/dMB4jTwvi5dum4K17Lsayq8/FL17dia9aYygN+bBk2nBLO7/1uY9w5/QRpvSqLxqecT51I32+1aWc6ZSGfOCJ/bxOiP1hRHNUxootn5vm2BVbPkdzVHb0IdDQHs8qj+nvPxXCNDGJIoPBMOF2Qlwo8ZhxXikWrP3QdHpYKGU3YLqdzHX35M7vIM3zS52bMDepY/qpa3oZZBuSgVKK1W/vw+q395l+nztlqJH+Xd8edczp9zVUh/o4XjZfp/JpMOP4c6Lbaz7RV/tWX5SUZvqmg61RLFj7IQCgZutuPDRzLIIewbZuhwzwGyqrSY/ixFWLJxNuUs6n5k6AJHBYOacct6XMSkpDPqycUw6Jt68LTdNspf6aprn6EHDL46k2Z7ONIoNxCiLLKhra41A0CoEjKAl6IIrJjV5TRwKPvrHTZH/z6Bs78fNrxqK4wIPDkYTt6eHG6koMSrmpzmSz4mY7kI377UzpRxKaIc3jOQJVo3hx+5eYO2UoQrpHUQcbQl3q2N2QDJLA44EZo3FJ2ekmmw39G7JJP1cbinyGd7LpJAQNbTEMCHgsZZ+LXdSJdunOOLXI1F7zgWO1KbR7ThTs7a3zvW/1RZu0po4E/uej/Vi3cBJ4QuAROSQUDfUtEfCE4JU7L0B9cxQ1W3fjdzsO4M5vjbCvW57DpupKKBrF7saOjPOpLKto7EhAVjUIHIFH4JBQKXgCSCJBJJ6MNVzoFfCHO6YgEtcQ8PDYtHiyae471BbD42/uMq1LHn9zF+6/aoztekal9iFsHvjuuY4htATeeX49lcM05f1GkRByF4BbAFAA/wCwAMDpAF4A0B/ARwBuopTmvx4Eg3EckGUV+5ojqD8SNbyWRWQVQ0J+iCIPTdNw8wXDLPZzmtbpsbM46DENwDVbd0NLnaa7ncQWeQXcMX2kReJX5E0OR24nd27pEwJcN+lMaDQ5gBNCcN2kM5G+hgt67aWOQe/x2YgVSjwmdLGBrOkiddU0CllNTpJE1aBp1Jh0srGh6EsOJPweDjVVFZbvDXg43PPiP3DXt0eZTvIVRcNXrVE0tMXR1JHAS7X7LfekcyqfBvcm+kqb9Ur27dUn9f6DHKfxc2ChB9GEc704PRf08LYSoHzvW31RUkpAMWPcIMx75gPDu2h6vT00cyxeqt2P+64YDa/IoTUq46GZY01SuV/PqwAFjE3ZqNOC8In28+nuhqM4EvGZfl85pxyv/O0ArqkohU/hIatJm31ZpVApRUDicbAlhkXp4TdumoAiv4Ain4RhAwLgOYL+AQlFPgkapfisod3y7sEhj61EUeIJNAqsv3kS9h2OYMWWXWhsj6OmqgIlQU/GMepUDdNEnAxB8wFCyCAA7wAoo5RGCSGbAPwvgO8AeJlS+gIhpAbA3yilqzKlNWHCBLp9+/YTn2lGX6FHVzfdaa+HWqPYc7jDYsA+bEAAA/v5cLAlitmr37Octv128WScXuRzfb6xLY5rVr5reV4/if2qJYprbdLXYwxqGsW+pg580RQxNrJnhf0YEg6A44hr+k3tMRxoiVlUVAYVeREOegEAB5oj+I8/fGKRat5/1RgMCvm7rXbk9o1uG8FsyijH/PX4ajxTm21qi6EpksCB5phR54NCXoT9Er5sjuCO33xs1K+mUXz69VFTHK+HZo7Fum17Dam3HX1lk5Kv9KU229QeQ1OHTXsNSMYY01txGj+XXX0uFqz90LFeMj23YssuLJk2HEU+EZGEinGD+6F/IL8X1G7zjAO9el1woDmC655MHl6uvqkCyzbXWb5v6YwyLNtch2VXn4uEquGl2v3GPOkVOXCEGF7F9bn19H5eHOmIg+d4cATQKKBqKgIeEden3pf+jjXzJyLo5dHYlrDM0/0DIq5/8q+WZ15eMhlft8Wt83o/L65euc1y/8bqSuNbdS4tK8EPpo/E4i7zbkmBB/39yfmgr6kbu5DVR/X+4y93BAA+QogAwA/gIIBLALyYur4OwP/TQ3ljMHodskZtg73LKXsCWbPX35dTEkXF4XndHsHtJNbNPqCpI4G5z3yABWs/xHVPvo8Faz/E3Gc+MJwjuKUfkzVDRUU3Yn/8zV2IyZ32B4pG8XpdAxavr8V1T76Pxetr8Xpdg/EN3XXQ4PaNbsb0Ts/LaWX0Px/tNznL+Z+P9uetA4mYouHh13Yikfq+hJr8f0zRUBz0ojjoMeq3qSNhbBKBTkciMysG25726w4pDrZGDfUnxsmnLzk9ickO7VXu/d5snMZPf0rbwaleMj23Y3+LMZYuWPshoon8lbrp6FoIugOTviApTbfNd/Iuqv9e5BdRs3U35k0ZimWb63Ddk+8j4BHxK5u5NaFouHldLb71X3/BJY/8Bd/6r7/g5nW1jra8PEegaTA2ffrvtz33EQB7e8eERm3vjykOc63Nu2dWDDY2ifp9SzbUghACQeD61Bh1PMlr1VNK6QFCyMMAvgQQBfA6gFoALZRSJXVbPYBBds8TQqoBVAPAmWeeeeIzzGB0g+PVXp0Gb92jm+5dzMn+xskRjJp63s0ezM0+wG0j6GQTI6ZUMolDYN501VM3G8Xuqh052TDpp5JuG0m3/BFQXDlukMmh0Mo55SDoXRoi2bbZTHWmaBT3XD4KvtRC1qluwgHJYhdlJ8XSpY+ZVFUZx598UeXLps1mM8b0VpzG55aobPzfrl6cnot02RT2BftEIH9s0nJZF6TPvU4xFPXf+/lEAMDDryX9FYQDEvwS59junTaEdu9QNZpxHeH0jNOG0Gmu7Pp7OCBlHIPyZYw62eS1RJEQEgJwNYChAM4AEABwhc2ttqsnSumTlNIJlNIJxcXFJy6jDMZx4Hi1V59o7+bZm3Jm45OSNifpJ6nLZ401Fur6ZNP1eX2j53YSWxL0oKaqwnRdtw8AkjaFdunrbrAFjtjmT99EUWrvuj5dy94jcFg1p9yUxqo55fAYm83cXHF3RXTIo5jKo1sZBjw8VnbJ38o55Qh4knUQVzTb09W40rskGtm2Wbc6i8kaKMwHEemUhnwoKfBYTvvtToh16SM7KT655It7+WzabDZjTG/FbnxePmssarbuNu6xqxencf2ssN/02+qbkrHq+gK6TdqgkB/FBVaHWr2BXNYF6XOv7l00ve50G8UnbizHg3/8FHdOH4ERJUEMLw5iQIEnY7u369s8B6zqMtevnFOOF7d/6RjGilJqydfKOeUQM4S96vqOVVUVKPDxeHbhJKyZPxEbqyuxZv5EDCryZhyD8mWMOtnktUQRwLcA7KWUNgIAIeRlAFMAFBFChJRUsRTAVz2YRwajV9HfL9k6YujvTy6yCz0iigs8WHb1uYb9TXGBB4UeffKntsHi9fMYt5NYQeAwemABNi2eDEXVIHTx6CnxJKMb7GhCxS9eNXtl/cWrO/H4jeOBABwD82ppqzhCgEK/iLULJhk2FaJADIkAT2Ax4n9o5lg4eOK2QAgQDkqmMgwHJSP94oBka/xfnNroFHolhPyKKX8egaDQm7zuFt4j39Ac6iySUPHtR99KLkCrKhDyeRDyibbt9/RCr2Uh53RCrKtXneonxScTp3rLx02FU3vV8mCn2HV8FgUO7TEFjSm1dycVS6dxXdMonr/lfMOx1GN/+pxJ63spgsBhVEkQL1RXIqFo8Ek8HvzeNxDwCAh6BMRkFTMrBoMjwOt1Dfi375ThpilDMH/NB6hvjuJ3t0+1lwJSatu3ZZWaPJBLAgefyGHe1GHwicQ6B84px2/++gVmTzwTz91yPhpTberxN3fh//veN2znTK/EYWvtITy/qBKUUhBC8LuP6nHtxMGIKxqW/u6fxv1P3TQBzy6chLnPfND5W1pbZ07P7Mn3jeKXACoJIX4kVU+nA9gO4M8AZiHp+XQegN/1WA4ZjB4gk+OO9EC0+kZrxZbPDUcgzVEZv/3wS8yacKYRXuK3H36JWy48G8WpU0U9WLz+/NPv7MH9V40xvd/JoyeQXHSIPAdKKUSeM11LqNTWDfYD3z0XQPLUr7jAPHAXF3SqHTqpznJp0sCYrOHnm+tsndkk88fhrZ2HLCE2Rg48O6vyl1WKl7bvN5WhHqIDAFpiCn7VpQ5+pdeByIPjCE4v9BnhMbypzbSx2eYIFn9ziCX9fLW/4xzqbM/hDgDJxcjiDbX479umAoBz+xXNJ7/p6nLjBxdhybThCAck9POJuLSs5JQ/KT6ZuI07+YRTe+XyQfe0CwQEZ4b8xgbQJ/FQNIqDrdGsvD42dSRw46/NzkfqDrbldRiJvoqmUTR2JAwHM1t+dBHue/kflna8dEZZUpLGE1MorK+PxhzNUrbvPYznF1Ua4aASioobn0q2Cz2ecGnIh4dnj8Pw4iAUDWhuj2JjKsyGwCXDdcydMhQCB7TFNfRPjdVFPgnNEcVy/+6Go+jvF7Gxth6P/GmXKU/fqyi12huu346Xb5vieIjNcQQjioOW0Byn+oFHXm8UKaV/JYS8iGQIDAXADgBPAngFwAuEkP9M/fZ0z+WSwTi5uHkXTCgqXq9rwOt1Dabn7r9KTT2v4cJRA032b3qgWgAo8HK24S0KUqEl3Dx6uuWPUuqQv+Rpfcgn4s7pIx0lE6KDRFJMEwe62RiFfCKuOq/UVAa5SD8KvBxmdHk+vYzc64BiV2O7YxmFfZJt+mFffp589vPZu1f/9ECLcU+6BDBT2aWjnxA/+sZOS33nqzQrX3Fr8/mE32PfXv2e3m/Nk2n8BZCz10dm15Uf6PXeEVeMgzOPQGw1Z9Zt24vls8YCMNse1mzdbbl/5ZxyeEUOI07rZwoHtWpOOYqDHtPz9c1RECTbTHFAQijoMzyT6ml9cbgNQ4oLLSE1SgoFRGXz/auqKlDo42y/wcmmUVY0DAr5Hcso07x7qpLXG0UAoJTeD+D+Lj/vATCpB7LDYPQ4boGC3ZzNqA52CJsWTwYAtMU07Gs8iheqK6FqFDxHsOOLJvT3h1Hoc/boqYd2aOpI4NE3zKqjj76x05AsuOWvOSrbpq9/n6xSvPK3AxZpoC7NA5I2RnYSwyHhoVm9w422mIba1Amrrg7zZt1B9PefjkJfUtJ1aVmJRaKpf6NbGTVFE6aT3vrmKG7dUIuN1ZUY5M2/Yb01qtlKWH86o1NKXRrygSIpzfnTDy8EpUB7XEFDW9xUduno6nIPfPdcPPD7f/YJaVa+4tav84lI3L693n/VGDisQXsNmeYHADkHme9L9dqX0et9+ayxWDN/Igb394FSYgSlLynwIOgRkFA1/OyqMdh/JIK4olnmqbd2HsLGlOqqolG8u6sB4TGnW9YMtz73kW3olKAnOT8dbIvjcFvc2EzqdvYvVFcaEk9dCyShaGiLao5znt1cPnfKUNt2mcnPgNva6VQl/1YUDAYjI24nvK4B7R3sb/SYqyJPcNaAAmMw7yqxUxzCaygpiaSmafi374yGwPFQKcUZRT6M/M5oQ2IZDkj47ZJKKGrS3pAnBAIPI39u38dxwIxxg1DfHDXsA2eMGwQu7bBfFAjmTR0CVSNQU+qv86YOgcAfH6+nIk9QPiRsOmFNL6N+Hh4/mVEGWaHgCBAOevCTGWXol3JWo2marcRTSwtRUhz0mBaqNVt3562NoqJR22DKepu7tKwE911xDhrb4ogrGsIBEQvWdrbfrtLBrqrXEk8cy5PFVzw59CX7H0Wj+MYZ/XDO6YXQKMXpRT5844x+edH/3MY2p2uaRnG4I46YrIInBD6JR5FPMtVrcdCDO6ePwNABAVBQi8kBo+dIKCqKgx5whBh2e6/ceYHDuEix5t29uP+qMfi375yDfYcjePCPn6GxPY5n5k9AY1sc/fwiAh4BF4wsweH2BKYMC2PRhcOMzdpTb+3BsOIA/v07o3HXpk5/BquqKvAff/gEr9c1GO/73Y4DmF42EEWpMXzKsDBuOH8wBgS9iCsavm6NOkoIVY3aav8EvRzWLpiI/Uc61wGD+/sMXweZyqjrvJpp3j8V5g+2UWQw+hhu4SOApNfPdEcrnrRrTvY3+kmcrNrHM9pYXQnAPbyGKBC0t2u4dYNZbbKfL7XRVFQcbpctal1hnwRJElxPsHkQtMcVkxH78lljMTDtRFDgCA4dVSzvGFSUvMcphIfIZ6da5lZGbQkFrRHZoh4blHiEJcFVqusVONxz+SgjnqX+jV6h96u+2RGUeFRNPssS7iMo8Xj7nmlojsgmBwTLZ401nUSnS3vtVOtWV1Vg3ba9lvJ8+dYpp1qA5R4jX8INZEOhl8e0cwaaVe2qKlDo7f1SNOIwPlMAksPc4ZN4Sz9ZPmssBhZ6MSQcwKiBBfj996dCdHA5AAAgAElEQVTiYEvMFMyc9aXegyTwuHP6CMMJHZAcB1+q3W/aGK3bthcLpg7FvClDTWqe+oauqT1hmXeGFwdsx++AxBubRP19t26oxdIZZXi9rgH1zVGs27YXt188Arc/3zkXrppTDo1S3JDWv16orrRfV3DEVvvnxSWTEZPNzmxqqiogBp3LyCfxtvOq7vG9K25mNH2F/FxVMBgMR9zCRzR1JPDgHz81BYt+8I+fGqECCKF4aKbVbbauseHmcZOkPIY6PR9N2KuQRBPJ/DR22KtVNqbyFw5IFrfXzy6c1Clx1Kgx0OvP3/3i35FIO+13y4Odi+7ls8YaEi6gM5D7geYIGtviRhzKbMooJtuHt9ADditOcRZ1qSyF7TfmgUDDlphDuI+YogEglmt3v/h3LJk23Hg+XSJipz60eEMtZlYMNr2zvjkKWdVYgGVGzkQcxo9IoneEp8k0NvEO4zOlFHFZxfO3nI9Ly0qMa0/NnQBFo5Z+oo839S0RNHUkoGjUEsy8p/pSpu8/VQkHJAwtDpjmlZqtuzFvylAs21yH6558H8s21+H2i0dA5DnjoHL84CIsnVEGj8Dhzm+NsJ13nA5G44r9PDa8OICN1ZVYfVMF5k4eYmwS9eu3PvcRjnTIpt9ao7Jtu+UcYjgqGrXdQLbHdc0maxtRHNYOTpoCTqqqfW3+YBJFBqOP4RY+wk2tkWow7BbSTxkfSHkEdQsGT6n987pHUbdNlNt1TaOIJFTLSaGu5pRJRUXHdSOnaLZl+Nj15xl5yHSS6FZGmYINA4DAZ35edthIylrvWKjmSqb6aGyL214rSlM1TZcoxx1U6waHrPGxnEKpMEccx5++dPrem8PTuDmriSua7fh8w6SkRKg0lIyFuOzqc8FxHMIBCQdbo7bf2xJJYFbNeygN+bDh5vN7RV/qS+3seMMBpnllx/4WrNu2Fy9UV+Lr1hiaOhJ44s+7cO8V5xibxB9fNspYK7y4ZLJju3f63W4e238karS1dQsn2T7r7yLFc5J+/uyqMbbvcFoHKBp1bCOFXsF+XnWIT3yqOHJiG0UGo48hCTwa2+NYvL7W+C19Ia1o1FatUVeLFHgO914xGpQSw37u3itGG8HgPQKHNfMnoL45Zqiuloa8hvpqcUCy9Uqqxwh020S5XXdzliM6PC+mLRLcwksIHLEtQz5NKpvJ6N0jcNhwyyQoKow4iAIPo4wEjtg6s9HT50lSKtxVBUZX3+UdvpHPQ/f8QOb6aOpI2H5rJKEa/063dSOA7f39fCLWzJ9otNn+AREiZ69qxxxxHH/6kqOI3hyexs1ZzX++UoebLxhmioP76LXj8H//9zPj/sXrzY67nNRVdclJfXMUew939Iq+1Jfa2fGkqSOB597fh6fnTUBzRMaAoASeI/AIHNa9uxcf7GvBkmnDcfMFw0ApjPkpfa3Q1JFwnLec5uxHrx1nslF84sbxaIsp2FidDKXhNF7r47vOS7X78e9XnmPMqeGgBz+6dCREm3c8eu04x3WAwBF8fTSGjriCpTPKULN1N3bsb8GiZ7dj0+LJObXhTGYwiqIZ4a18qbBNsqqdcJX79PeKXWJUHytso8hg9DHcnEa4SdwkAYi0aVYbwUDyXo1SxBVqleghJQ0TePhF3mQD6Rd5CKnB1ivau5b3SsnBLOyzD0avh35wkqYpKVVaj8jZBv/1iJ2DZZHPPnxFkS95D8/Zuw3XN3JuJ4kapWiLKrj1ObPdhT81YUgCh+9fMsJioyilBnQnieYvUxJNxzIU89OawKk+CnwcttQdstRFTVUFwkEJb909DT5JME28uuqzXeiT9Db7yOxx8Ek2QZ+rKlCUh55jezt96fTdbfzoSdzKubEtAY9otlEXuywku9YLT4BfXnce/s/Gj0196uHXdhr3rNiyC6vmlJvGvJ5wVtSX2tnxRNM0XDH2DLTHFfw47ZBg+ayxuKaiFJecc5rp8GBVSksnvSy31B2yzFurqioQcghvVODjUCRLWH/zJDQcjWNQkRcHWmK47+V/oDjowT2Xj8KDf/zUdnxXNc3YhJWGfPjpjDK0Rq1+BQSBIBSQTO25KCAh4LXPE8cBs2ves7TjHftbIPHEdu3gFEbJaa1V5BWMEGH6d6Yf+p4oCbdbaLJjhc2GDEYfw81pBO8izeqIa9j8cb2tu+kif9JRi13gbF21tKkjgQdf/RQzKwbDDz5pA/nqp0YogpjsEDpizOlAADgSkyHLsimw7qHWCI7EZJzhFRwljnr+Y7KGPzjkX6clg6vtgDcpAbRzuT10wDAA7uEtZJUaCyYj/TRnNgkHmzxDqssRLL1yFAb28xvqO0uvHGVILGKys3v+fMSpPl6orsSiC4choWp4oboSjW1xNLTFsWLL57hh0lk4d1A/i5TASfX5pzPKTL89/c4e3H/VGNtyfOC75+KMIp9dVhnHSF8Ko+A2fpxs0j0vOkn/RIEDAcGd00fg+8/vsFxfOqPM0KDoWi8cx4FSGIvx/gEJy1/7DDv2d8Y5bWyPo9An4sHvfQMizyGSUDGw8OQHK+9L7ex4olKguUM2DsuAThu8tQsm4Ue/tR9/08tyetlAy7ylt3ufyJnmbI4D2qIalr/6GWZWDMayzXVYM38inn5nD5bOKMPIkiBuSjkoa2xLYOmMMoQDEk7r58X6bXvxzZElWLtgInhCcLg9AZ4Qxz43f82Hpvq+tKwE9181BkEPj42pMF4cR6BRitk171u0qdbMn4jlr32GhEqx3WZtMrDQayuN5jiCEcVBbFo82STBS9d6WjqjzGL3eKIk3G7aVscK2ygyGH0QjiOOg5BP4nDH9JGWkzZfSqIn8gRXjhtk8WCmh3bgHILV6+EnVBcbSI6DJThv+vMegUAURUtgXY9AUtc5rJxTbpHG6WqdHAdcOGqgKf/p6QPuNkZOZaC71g75RFv1Wv3k0cn2TU05w3EKQaKlrod9Eo5EZEsZ6FJVRaO2wct/cmWZbZ33djLZbLZGZcMO6qGZY/FS7X4smDoUxQUe25PekqDH0r7XLJiIhqNxLNtcZ5Ey2pXjT6/MT1vP3kzIJ+Z0Wt+b6U02il3trS4tK7GU8/JZY9EeU3BmyI+hAwK2edclf3aSwHBAQkdcwezV7wGAYbtWd7DN1J9+/kod5k0Zigf/mNxEvnvvxUDg5JWFnte+EobleEIphV/ibeveySFMe0w2zbWnFXpt70tqwHyGBVOH4hev7kRjexwr55Tjlb8dwLwpQ/G7HQeSawBKjbXBI7PHGWnt2N9iHFK8c880XDhqoGX9kEkTKv338YOLbD22rtu2F3dcMsLwlp2eRmtUxp3TR8Ir2oe1IrDv15pGsaux3dLW+vk6bR2LfOJJk3C7aVsdK2yjyGD0QTLF9nHy+LmxuhIIuId20BxCN+jXVRcbSM3BWY4uDXOTllEQfLSvyXLqd/q4UiP9TO8H3O0g3SR+zVHZ9uROPyV0CxHCEXupLpe63hS19/y6sboSgzJIVXuDjdSxkOl70u2gjHokFAmF4kBrFCLPgSdJdV39RHd0SbDL6TbBgrRT5/S0bN+bZRgURvY0R2VbSf/AC8/OO9ux3tT/utrkvV7XgB9MH4lnF04CRwg8Ioe4rKE1KqOhPY4Cn702RJFfwnv3XQyNAjSVrj5vcByB39MpqduxvwUPv7YTaxdMQkskAVnVoGoUN18wDJGEiifmjMfOr9sdwwqcSPpSGJbjiSTo/gSs7Vaj9naCXxyJYktdp2aNxyF8ypdNEcysGIy7X/y7IZm+7bmPsGb+RCxY+yGWzijDw6/txGM3jMe9LyXbaktUts8LiOP6wEmTKP33JdOGmzy2Lpk2HB6Bw0+uLMPB1hiWzx6H3Y3thm2ibmu7bHMdNlZXZpz3u9LUkcCjb5hNRJL/H2P0sXBQwpr5E7Fiyy5DAn+iJNxOYb26O5+xjSKD0cdw8/rmJu1ys2F0vK4/7yItE3lia5+XrcQy5BMxYegA06lfumTCTVqn58FOKqnnwS0NNzsYUXBIPyUVdSuDbCSemfKfb2T6npqtu4376pujONyeAMcRk8Rw+ayxxkm2bpMxKOTvfO5IxLY8KYWtlKskmF8bl3xA0zRbSb+Wh556e1P/6zoWjR9cBA3A3Gc+sLePumkC7rl8tKGup+ed5yi+PBI12amlzxsDAh6TpK6xPQ5CgJ+/8il+fNko3PfyP0x96P3djTitnxdFvpO/ScukUXOqEg5IOKu/H0/cWG6KWbh81lgomopHZo8z1X1NVQVWbPkcr9c1YNueJjw0cyyGhP0WO1Tdxu++K0ajvrnTG3V9cxQCzxnS6h37W9Ae6wx5UbN1t60tuayotvO/yNv7DeC62KSHA5KxSdQ9ttr1A13KOG/KUDz82k5jfs1FU8DJgzxALVot6XPUiZJwlwQ9J2Q+YxtFBqOP4eb1zU3a5ehRk3O5rj/vkL4uLZNVipaOmEnis7vhqDFwukks3aR5btI6PQ+v/O2Aox0j5/INbnYwskLx+Ju7TCeNj7+5y5CKuklt3SQWskptparfHnO6c8PoxdjVx7u7GvDtMadj+eyx+Lo1hkde/xyN7XH4Jd7YbACddjb6SbadTQYhsG0ThACjBxZg0+LJUFQNwnHyEsewojr0602LJ/dwznKnN/W/rmPRkmnDjQWqrX3U+u1YdvW5lrFn3cJJlmDs6fOGbo+1sboSB1OhFA62RHHn9BGWel2yodaQJh2rLVYmrRhG7nAcQdArwO/h8fDscUmvp4TAK/FY+84eTBs9EOsXToJKKQ63J1DkFzCzYjBuvmBYmp33GMRkzbBVbYnKePi15OZHlxC2RGUAKbvYVJinfj4RG6srUeAVLVLpZVefi+HFAXgEDkoqlmFC0QwV0fT5385vwJDwUCOdwf19oCnp6JJpww3J5PDiAPYfiVrSXDN/Iu558e+GZDHTvGvXHp3GtBeqKy0aQXe/mPxdEjgIHMHB1uhxb9eCwJ2Q+YxtFBmMPoabtEtw8Oipb0K6ntB1lehxBFg1pxyH2xOGl7EBQQn6WOf4fOq638Ohf9BnsiGoqaqA35N8gZvEMqGoKA56TJuwmq27je/zihzuvnw06o8k05D45P/TPYJ6JQ6zJp6J+iNR4xtmTTzT8LxKCPD4jePR3CEb10MBEfpeMxyQ8ORNFahe33ly9+RNFSbPsva2b0kbQjeJZaHP3nNroa8zBMnUkSXY3dBu5G/qyBIjBEm+EfRwuHHyEMhK8vt5juDistNMbeTRa8dBFDjEZNWkVqS3gTP6Jb2I1DcnbTIa2+LGpJ6pTQgCxxzXnASoQ5un9OTb9XWXIh+Hi8tOQ0LRUuFvKC4uO+24eT3NZZMUDkh4duEkfNEUgV/iEU6zwXKyj7KLUUdgb6dmeHJO2WP9dXcjKoYOwLLNdZgyLIxbLx5u+xzPEdPzuX4/i4V4/InKybq4/sn3jd/+cvdFmDd1KBKpsVfkCM7s74PAE4tN95t1B3Fx2WnwRDiTNF2XzulSs04pNfDEjeWIySpaojL6+QTT2qCxPQ5J4BBXVBxoiRqHGpeWleCRa8cl1aXb4thSdwgAcMP5Q6BoFB1xBYfbE5g5YTBEnqC4QMJZYT9aozLiioY1CyYioWiWMDDpHk7rm5O2ifomsSblNbyrxHTVnHJ4Rc62PRZ47OMuZtLKampPnNB2fSLmM7ZRZDD6GG7SLsLZ2wD85zXfAJCU6GWyIZRS+u7poQZWzSk3fnd7PhrX7D1zVVci5HeXWPok3qJGsnzWWMMeRlEpDrfFTflbPmssCj2dw52iULTHFNM9v7phvHEPTwhkRTNdf/TacUYeZDnpUr6ri3lZVuHxCO5SWReprqImN7zp6XtFDvqaq01WbL+xf0BEWMrDYZ0AR7u4Pl85pxxThoWxqbYe9c1R3LXpb3jwe99AR0LFpWUlFpWfJ24sx/jBRWhsj4MCuGblu8a1l5dMti2vfp48LKs8RXSwb+oamiEfiClAa0S2qJ4GJb7bvluOZZMUTxur1syfaJSzkx1Y1xh1paFkgPJM84auqfLswkl48I+fYumMMpSdXogDLVHb5/T0jsUWi8VCPDGIPAeNdtbz+MFFkFWKr1oipvn00WvHIRSQ8Oi156Gk0ANCCKIJBSO+cQa+OBLBU28nPZeeVuhF/4AEngNum3Y2QgEJj1w7zqSh88Sfd+H1ugaUhnx4duEkrNv2uWVtcPdlo433685o5qY8ol5aVoLvXzLC4pzmNx98gQVTh6KfV8QPpo807tc3ff0DEhavN68z7n2pU/OkNORDSaEXG6srDc/ty64+FxyBad7lCBBXqG17dLJxd9JIEjiSl+2azZIMRh+j6wlzJKHirLDfkHYJHMGCqUMtGy1dougVOdx92SjUN8cApKQvl40yJHIxRcsY+oEjsJzkPTJ7nCFRlB1O2+SUHYBTHDz9eUWjWPOueSO65t3Oja6sUYu6la72oaNoFKu2/suUxqqt/zI2syqlxmSoX3/q7T144LvJ64cjCZNzFCA5EWysrsQgjwBJ4PDM/Ak40Bwz6mBQyGvESeQ4guWzxlrqQF8IRhKaxeW3nn4okHRIZFcGP7tqzEn3Mng8aI9ZHRg9/uYu3H3ZaGyqrQeQrEeR5/BS7T488N0x2Pl1Ox6ZPc6QKN/+/EdYdvW5KC7w4Oev1JnqP5GhTTAVt5OD4NDm89EBU0zWMqqW25FtO8t1k9TVoYZGKR67/jz84IWPUbN1t6XMn5o7weSUpDTkw+qbKkAIsP7mSdh3OIIVW3ZZbKl0TRWeI4a2xH/fNgUP/fEz2zh4L27/8phtsbobC5H1aXtKgh60xhNGfMEl04Zj/5GoJWTGXZv+hkevPQ9nFHmhaBQ8Afr5BCQ0agS217VlSkM+/PK68yAJHOb8+q+mgxOVUtx92Wjcd8U5UDWKt3Yewp3TR2LFls+Tjl4CEu674hx0JDrrO90ZDQDMrBhsMdPQN3z6GP6YTbiun1xZZtuGinyicbjd1B4zrjW2JaBoFI9t2WUK7fXYll34qUNaxCa+6C+vOw//81G9xYZZ9yx/LO26p9sz2ygyGH2QeBdp2FNzJxjXognVNpj74zeOBwJJtcm4Qk3PJwPgJjdybgbfHCG20jAuSxtIOHg9e+C75wIAqEZtDcipi7MdLc0g3dFhTtrYa2+kjoxloJeRrGo4GjVLLH953XkoSEmwZFWzrYMVN5yX8Rt09Vun/OepLxsQh+9JVxcuDflQUuDBom8Ox5G0eGDpKkW6rUtXld9MqkBMxe3k4Dbu5BNO7ZU4NJlcpIS5bpLsHGo8fuN4PL/ofCQUDV6Bw7MLJ6E1KqOkwIOBBV4cPBrFswsn4UhHAjFZBSg1ObdZNaccA4ISioPeZPw5jRoSwnRpSUdcQWN7HA+/1lmvkYSK/gERi6edfcyObLoTC5GprTojCBw6WlVs/fQQXkjFF/y6NWZpb8VBD7wiZwnPNCBor8qsahQb3vsCa+ZPhCRwSCgadnxxBOcMKrJoiZQUSpbQUs8unGTUd1d1aSf1af13zWE94GRvOCjkw6bqSjRHErjjN50bvOWzxjrOq4KTN1GOQ6FPMK11Cn0C9jdHTeUhcAQlQQ9aYkrO7bo3tOf80/lgMBgZcTqR1sMMSAKPSUOKMGxAAMUFHgwbEMCkIUWmYPF2qqGymtyk6ANwOumOVlSNojUSx8iBQZzWz4uRA4NojcSNTZSYkizoaeiDtGioZQK3X3y2ocoq8Rxuv/hsYxOkOITf6PQIytnnL81FtJPDHH0vSR2u6+ZUTmWgb3YpBd745CDWzJ+IN390EdbMn4g3PjlopM8Rgsb2OBavr8V1T76Pxetr0dget2ymLemTzvR1w349/bd2HoKWf+ZeAJzLG0h+b2nIhxXXj8fXR2MYEJQs7fPel/6OO6ePgMBz4Dhr/YsO5Sk6qALpfYVx/JAEHsUFZulScYGUl4HQ3caHrriNyenom6R0Mi0m7RxqfP/5HUgoFN/6r7dwx28+xq6GdmP8PRJJ4F8NHZj7zAeYVfMeOhIqFm+waoh89nU7mlOOSZo6EvjPV+rw63lJyeOGW87Hn354EQYEJaycU47iAgmBlH3k2SVBHG5PftexLmT1WIjpc0S20slcyvpUxCPy2Fhbjzue3wGBI0bIjHTunD7CqjW0oRaaBtu22RKVsauhPakZpGrYc7gDE4aGLQ5dbnvuI8iKdX3x4B8/xeqqCiOt9Hd0/X/6O/V1h11f5F3WGY9tSWoEbKyuxNIZZVjz7l7HdQFPYJuWompYuHY7Fqz9ENc9+T4WrP0QC9dux6ILh2FTbT0WrP0QAkcgCTx4njO0vdbMn4iN1ZVYM38inl04KWO7zrU9K4qGr1qi+KKpA1+1RKEo3fcqzSSKDEYfw+1EusgrYMZ5pSY39auqKlDkTQ4HbhLDAh9nqK6kP1+QcuQQ8HAIdXFWs6qqAoGUsxoNFD6JN53C+SQeGjrDa8Rks0T0kdnjsg5W7xGIrSMYj9C5aHELAeL2Do7L7PBHFAiuHDfIVMYr55RDSuXBSb1Wl0i4XRd5+/RFIT9PzJ3KG6D4y93T0B5TIAoEd67dYQrUnH7vkAEBeEWCoMhb2mdBBudAx6IKxMidkE+0SBLSw9rkE9mE4EknFylhrgHjnZwEiTyxteXVpYX6M5kc3uj5SygqinwSZIXi+nVmJ2T9fIIl1M/yWWNxpCNxzBLF7sRC7K7aal9GllUcjclYPmss1ry7F1FZRWnIa1FPPivsd9RosQsL85fPGix+A5675XzHdUTX31+va8APvjUSz91yPqQu8/dLtfst47nuPKemqgIeR3VODeGgZFpnhIMSCAcQai85dFoXxBV7DaBfXn+e7f1CytvryjnleOxPu7BtTxOemjsBI4qDGbW97MilPSuKhs8OtVnG2NEDC7rl+ZRtFBmMPoYk2AdU1k+kGzvsg7nrIQXcQjO0RTUIRDOFtzgajaMtqqHQC7THNcdg8f38gKYBH39xBJeUnQ6NUnBdXMtTCjz9jtk+8Ol39hj2P27hL2KyZhvYWw99Abirv7qFx9C0zA57ZCVz+It0iWBXV9/ZXHcLr5FvcIRg8TeHYNaEM03fSwjBnoZ2lIZ8xqZYP0kuDnoMr6eRhAqPQBBNaIgmEoa9o+4W/WjUuU0cq4obIzfcwtrkE07tlXPQPc1FlTLXTZJT2j6JxwPfPRfXrn7PIi1cu6BT1S+Twxs9f5LAo/qi4Zi/5gNL/f1mkTVI+d0v/h3Lrj4X/XzSMdftscZC7I7aal+noT2OBWs+RHHQg8duGI8bn3o/ZSfMYcPN50PkCSiSB6l2QeJ5QhzDSr3xyUE8v6jSmNMlHo7rCNv64Tn8/JU63H/VGKzoYnO4+eN6bKyuRGtURtArgiBp+5hpDOc5gpe277f0UX0dYDe/ZkpL1wDK5ltEnsPSGWV4/M2kveOm2nosenY7Ni2ebCsd/P33p0LVkptCMaWqGk31P5+UfXs+EkmgsS1ust23CxeVK2yjyGD0MdxO7mVVsz/pU5MqCmGfZCsxDPuSJ9pekcORiNV+Qbcnc5NIBj0cKoYOwI1PmZ8PenRHLw72g7q0ziVYPUdgG9g7fZ3l99hLRf1pecgkMXSzUXIrA6/I2Up19TL0Sg7XpezKON8o8Np/b6GXw4otu/DItZ1SxJqtu/H4jeMRTaimE+zVVRUoLpAQlTXD2cbG6kosWPsh/nL3NKx+ex9Wv73P9N4bK4fkJL1hHDt9SdJT6HNorw7hMXKVEuaySQr5RFtpeX+fhENtVvuz+uYoeA6GFKlm6248eu04w0mJLhEsLvAY+QsHJEQSiqMU1U0ieTLJtaxPJfR5Q5/v65uj+MWrO/Hjy0bh//5vnWVOSw8Sv6qqAiJPbOdWr2g/pz+/6Hzc+NRfTb8FvVbtjodmjsXy1z7DvClDQQhsQ0vNmzoUzRHZFJJKn3PtpJxOeeW4pNdxW40cntinJdiHFHNaJ0Rl1dhU3nzBMAAph302a6/ioAcHW2JYnFYe6eX+1NwJeHbhJJNXV7v2rGkUDV08e+u2+4rWPfVTtlFkMPoYbif3Is/ZSuR0G76maAKbHaQvg7wCYrLmeB1wDxafjcTRzk5Al5a5SdOc7AzSpW2RuNXL5q+2fI77rxqDUCoPbhK/XV+3WgJuDwn7syoDtzKMJZzLCAH39PONtpjz9945fYRJArxjfwvaYwrue/kfpvsXp+5PL5t0OxbbNt8NFTdGbrhpOuQTR6PO7bXAa70/VylhLl4Om1NeHtPHsj98XI/+U5MLVCcJybABAcPrb0tUxi+vOw9FfhEizyUPvGjSPkp/t9OY46SdkS6RPBaO1dNjd9RW+zp6HRYHPYaDFj3w/S9mjTU2TkCnZPg3iyoRVzQAFDHF3j/ARpsA83p/0Oc4gefw3Ht7UTV5KIqDEjZWV+JgawxNHQn8bscBzKwYDI/AQaPA4m8OQfmQsNGeP9rXBJoh7JaTB2KnvGqgjs98tK/JJBl9s+4grvjGGQhIPDbcfD54jkCjFM+/vw9DwkNt83T3ZaMBdNpS6v8WbZzi3Dl9hLFJTC93PYzHome34+Xbpri256aOhK3t/rKrzzV8Gxxzu+nW0wwGo9fhFpC+OCDhpzPKkFAoOAKEgx78dEaZEaydEOCSc04znbY9Mnucu31cSqLXz8GGsZ8vO2mYolHb/Ov2gxT2gaF1WZpG7Z9Ptx9SNWp7avnTK8uMb5w5YbBxMh5JqEZwX8BdKuoVOaxZMBH1RzqfL+3vMySGbjaMbjZQfonDpiWVUNWkTSdPCHge8OVhTDrAuc4VLel997Hrz8OaBRONkCQFXmfve16Jw3O3nI/GtjhisoonbhyPAi+HO6aPtNrVejmT9EZRNHx9NAZZ1SDyHEqCnm7ZdjA6KRB5W02HAjH/NoqZ2qsT2UoJc/VymFBU01g2ft9+BKIAACAASURBVHARfnzZKDzw+39i7uQhWLdwEr5s6gx5saqqAs0dCdz+/A5MGRZG9UXDUegToWoUtXubMGFoGG0xBX6JR1s8hkhCQUDiHaUn67ftxZr5E1CfFgqopEBC/4CEhKKisS2e80atu54ej1Vtta9TEvRgzYKJaOlI4D83f2LU5479LWiNyrZj6pGOBPr5RFA428O6zek1W3djZkUpVr+9DzecPwQySdbxrJr3MH5wEe7/bhmaO2SoGsWuQ+2YNfFMLH/1MyP+4qqqCogCsQ+7xSVDW6TT2JbI6Dlc5IitRpAoEFQMCZvm9ZqqCrTFFXz/NztMv827YCi8Aoe7vj0SX7fGASQd79317ZGIyapJMqi33+KAhBeqK6GoFDxHQEFBqf16piilAVbfHIWsaBgU8mesWyeNjTPDfnT3jIRtFBmMPoZbQPq2hIwWu2DRHh79RR6gMAZjIDnY/Oi3f8OmLCV6R6P20rJ5U4Yi6HWXhvkEzjb/3tSC3S1YvcTbPy+leT11s1GkFGhqT1gDtHuTg7ebVFRRKY5GzSEcHrv+PBTq4TFcbBh5zt4dN5/SfaUAmtply8ZnUFF+Lo68Geq8vjmKH7zwMTYtnoyHZ49DcYEHXofg7TxHsLuhw6ySelMF2jNILAtTphsnyhEAI8mRqPXEe8mGWmyqrsQZ3vxaimRqr90l1ziKXW3ylkwbjnXb9loWwjVVFSgOSvjySBR3bfoYU4aFUTX5LMPu8NKyEtzZJXD5QzPH4rE/fY7bLx6B0wo9WLdtL9bMn4jWqIymjgQefm0nAOBbZadZwind//tPjIV+ru78cy0DRnaIIo8Cj2AcuDW2JbB0RhnCAQkDC722Y2qRXzTiI66ZPzEnu0NCCBas/RAr55SDUpr6Dbj+yfexdEYZSkM+3HP5KEQTqmWuXTB1KF6vazCN1XbrkpdvnWLfF0UH2z6eg+rgOX1TdaXF2+uSDbV4OM2Bmv7bc7ecj6AHUDVY2v6Z/b14+bYpEDiCx28cD0ngEfKJ2NXQjkXrt5vyWRry2+YzXRKZjWTeyTa3sS2OwaFjt08EWHgMBqPPoTgEF9dP96IJzXaTEk0k9djlLCR+ma7LGsUH+1qw53AHGtvi2HO4Ax/sa4FshK9I2gGUhjpdTadLJBUK+/wboSWAp+dV4E8/vAhv/ugi/OmHF+HpeRXGqZnb9+tpPDTT7O463Y5RdkhDzqEMfvDCx6bnf/DCx1k/zxHg0WvHmfL36LXjjPxFHVRT9TrMN1SHOk9FZEF9cxRxRcX1T76Pec98AI1Sx/rb+pk5bMjvd9S7tmkg6ejBbiPT0B7P6Vs0jaKxLY4DzRE0tsVN8TtPZZzqQM7D8nFrr90hV1vOrqEkwgEJcycPsSyEl2yohaJRhINSUq1t2nDTPDCzYrCt6trMisG4/fmPoKTi1bVGZcyqeQ+L19dix/4WLJk23LBvTH/XzIrBxv9zDU/Rl+xZextxpdNObsf+FixeX4tZNe+hJZKwhIBYXVWBn79SZ9y/Yssuyz0PzRwLnoPtnB6XFWN9EQ54sGlxJZo7Elg1pxwjSoJYf/MkDA75bftSaciPjdWVWH1TBYqDHsc5M6Fq9vO9qtmGtCBIahQVBz1YfVOF6R1OY9SAoGT5rbEt6cDPbs5oj2sgICjySRgU8qO4wIPmqGxsEtPz2RxJGKFB0vNZs3V3Tva14YCE1TdZ0/GKXLfVrvPrGI/BYLgiK/bOauRUPB23YPFO0jZ9sHGTCHocTts9qdP2hEptPafdNEX36OmQ/5SzHUKAhEJx63OdJ9+r5pSDpI693L4PSNoxZvJa6qS2oi/6RYcy0GM0uYXfcCtDjVKIAmdy7S0KHCjNbqOZb7jVeWnIByW1Cte/067+HvjuGEe1aDebTjcnT9nQG4Ij91bcpPj5hFt77Q65eu3sapMn8hza4vaOZw62xjCr5j2UhqzhC0oKPLbP6OEz9D5392WjTfnLFBA9/f+5bPKY59ITh1M//Ko1hpqtu7F+4SSAJD37tscVk3nGjv0t+MWrO7F+4SRQALsa2g37Rrs5vXxIGEBn3/i6OYY17yal3brk7k8/vMi2/Rw6GsN1T75vWj/Y5dtprlUotQ1p8dj15zmuUbIdo0pDPjR1JFDs0GcUjeK6le+axn6nw4+AR0CBh+/svymvp7okMhe17XBAwsOzx2FAUAJPCL4+GsPKP//LWNccK2yjyGD0MYiDaiYhmTd6+mAopgLVdh1ExbSNoJ1nMH0jqDlI43TVVZEj+M7YM1Df3Gm/952xZxjpu22iZJVagwGnqW1KDhOKmKYWJnAEC6YOtXyjkFYGmfIgOJSR2/P6N/okeztOX8qrKaXA95/fYXle/8a+5szGzVHG6lTZvPmjixCVVXhFHtUXDsf/2fixeaJ3cN++8IJhtuUd9Ha2CTtHA6Uhn+HkKRuYypwzIkewuqocDW0Jky2bmIdt9kT2v+567VQ1ii+bIrb506V69c1RS5ihcNBj62xIdwjFEYI7po/E8tc+M9kq6gHbu75LV53T/09ycKjBPJeeGDSNggMsdquPzB4HjVL85MpzoFKAJ8CcX//VUA9Nr9vG9jg+b2gHACzbnJQ2PvXWHlRNPsviYVRXTS4N+cDznOGkJV3a/XVr1LWt3v1i0gmN07rEdu4g9iEteI5A0Sj6ByQ8v6gSqqZBUZPzxM3fHG77jvRNqv5t+sGyk5O0rmO/0+HHl00RjBwYhJTajemSyP6Bzv6iKBoa2uOQVQ0CRxDw8Cj0mjeQTR0JNLTFQSnF/DUfmvKvmx0dK2yjyGD0MXiHYO0pzU7X0A8CTzCgwGOSZg0o8EBIJdCRULHhvS9Mi/Gn3tqD2y85GwOQdK5iK01LScMkgYDnOItev+7IRRScXVQD7tI6iSdYXVVhcje9uqoCEt85qDoF0H3shvMAAIQDHpk9zmI4r0st46r98ytSz7s59PHwQKFPwNoFk8CRpIRTFAg8qfHc7RuLHNIvcnDP39txqnOJJ3h24SQ8+MdPDXunR2aPw2N/+hy3XXy2YbMocASyqoEQ2EoUCQG8AjGVN6UaYgmKfinzjZKgxzbMQEkw+w0eU5lzRhAIKIil3wtC/m0U3cao7nAsHlLTpdgvLpmMFVt2Wcb4VXPK8bPffWI8p6iqKczQ4m8OsXX4VLv3cCo0AjCwUMLPrhoDjgAbqyuhUoqAxFv6zco55Xj8zV0AYJl/TkQZMNyx03aoqaqARik0So2DyXRpc83W3dZ2VFWBX235HI1tCWNTtam2HiG/kPSiS5MOWn7+Sh127G+xqKF2lUA/8vrnlrk2fZMJJMfQozHFdl1S6LM/uBZ5+5AWhAAP/P6TlA3vdtMzXgko7vKO4gIPAp5OB2lNHQms27YXd0wfiQKfvZM03ald+tgfDkiWdYn+nY9dfx6uWfmurRaKne38yjnlCPkVDCryG31C0zQQAH6Jt+S/0NMp3T8W2EaRwehjcByHI+1RvFBdCVVLetfa8UUTuIEFANyDxcdkDQebOzByYCEUjULgCHY3HIVfLASQPE3ftqcJm2rrjXeWhnz4wbdGJN9P7EMR6MGoIwl7vf6N1ZUIBZKOXhRFwcbqSuP9h1ojkJXkaTLvEOpAl4jGZA17Go9avr/IHzbyy3MExQXm0+niAslwiKNpwJuffu0YvoIj9s/r39gSdQ6/EfAmrz//3j7MmnAmQAgopXj+vS8wd8pQBLzuanotDg6D9OfzDVmh+OJwm6XO+gckfNEUMbza1TcnHRisXzgJ+5oiOLskgGWb6/DTGWPwi1c/w7Krz0VTe8IUcFh3ErRg7XZLeW5MhQfgOAJB4DB6YAE2LZ4MRdUgHIPXU6Yy50wsoVnCOKxI9QkEejp3uSEr1NaN/rfHnH5c0s/Fa2dXKXZTRwKN7XE8/FrnQVYkoYIjBEumDTfKnuc53PZcZziE8iFhR4dPX7XEwEFCkUdEK1RomgYVSScXMVnDHz6uxy+vOw8Dgp5UKATg379ThpsvGGbMLz+/ZmxOIS+Y59Lji522gz7v6jGRxw8uwpJpw0EpsGb+RKzYsstoR+GAhNP7ebG74Sjuvmw0eI6A55KHsgVeAV+1xrD/SAQcIfCKHO674hz85MoyyCrFk3/ZjellAw1Jsz5G6u8LegVsrK5Ee1xB0CPgP/7wCXbsbzHyrkvrndYlXUNdvPK3A5g7ZSiCHgFr5k9ETFbxVWsM67btxT2Xn4OZFYMtNrz6PPHbD7/ErAlnGvPqbz9MzqvxlCfT4gIPfnbVmOT85HfuM3q+dUk6xxEMCErGJq4lKuPh15KxEhMqNaWRLom0s52/7bmPsHbBJEP9FUjaTd/63Ee4rqIUV5eXQkt5Q48rKpqjcrf6Ut5vFAkhRQB+DeBcJJ0BLgSwE8BGAEMA7ANwLaW0uYeyyGCcVPp5eAwpLsT1T5pDN/RLiavcAtr383EIBX3G5NFVGuYYlDZ1ZCzyxHRS3fW6W+iHoJfDkYhoeb+uJuiYfuo03ytytt+vh6YAkhIBtzQyBbx3+0Yli/AbmUKMuEkMCYFtMOFuhkvqMfySfZ1t29WIFX/ebZy87tjfgvrmqBFYuKaqAj+8dCRaIwk0tiXQ2MVTbWfAYfs2d7A1hqMxxTi9FQQOZxQdu4c4pjLnDCH2404+ttkCr314nALvyZfod5Vip0uBFq+vRWnIh2cXTkIkoRqqgro0qTjYaWPlZGuYUDTctelj1FRVIKZqOL3Ai38d7jC18Udmj4PAE1Q9nRZcfU45HvzjZ0bQ8JBPZPa7PYiTtoPu3EYPq5LeP/XwDss212HlnHJwHBAK+izzoigQkydRvW8PK/ajNSpj254m7Gpox/JZY7Hm3b2G6mbX8WBVVQUKfRy+f8kI1B1sM6XVzy8gpljXJV6Rsw0Pk37fQzPH4qXa/Zg3ZSiiCcXRHlel1HFeXbhuu1Eeje1xPDRzbEbNHztJukopJIGzSE+jCcWShi6JdLKH5glMmiqUUkwZFsZFo0ss41KRr3u+Cwil+en8QIcQsg7A25TSXxNCJAB+AP8O4Ail9EFCyH0AQpTSezOlM2HCBLp9+/aTkGNGH6FHZ7ZM7fVAc8QYJHV06cmgkB8HmiP4jz98YpHI3X/VGOP6G58cxCVlp1tOy7O97vb+nrx+vMqop5/PdN2GHl+JHUubfX5RJS78xZ9RGvJh6Ywy1GzdjTunj8Dg/j7sbuzAS7X7cd8V52BXQzskvlOdOT2Nh2ePw+CQzzb9pTPKsGxz3XG1ITzWQOF9nWz6ZRd6vNCc2uwxfMtxJb2NEULwwO//aTqUWvzNIZg7ZagheSGE4NrV71ny+/+z9+7hUVR5+vh7qrqqr7kREkSDcpGLgQGSAAZURNhRd4wyLiAKAQlKQBQdR8XZVWZwWXdXkZ+KF4KOgiIIiM7Mit/xMirjjAwjN3XGKCIXIYgkhATSSV+qq87vj+qqVHWd6mpuksZ+n8dH0tV96lTVqXN7P5/3XTB2AKqWbwYALJ1Shte37rf0KQ9W9Mddr25HQzCC5VXD4BN5x7K0z1ZXl4MjBIUBVfVRC68zfucsy9/tsPOChpYI8/4vmzYUVcs3631h4vFXZ5SDQl2UeARe38wzfmdNdbntePTyxj0YP+R8uDgCwcXpyt2UwvYd0soqzHIj4HYhKivI9Qq25zCWs3RKGfM61lSXo7lNglvgIbo4/Nf6L0zvjNN1PPmnnai+vBcEXmVSJVmByHPM7//62v4IRWWs27IPt468UG/f3zWHMP///mn5/vRLe+JoSDJ99vD1A1GQ5bbta16dUQ6PwOtlN7REcDQk4bXN35oYUS3S6GT62LRmFAkh2QBGApgGAJTSKIAoIWQsgFHxr70EYAOApAvFDDI4W+CkiOm0s+8R2LvlGiOX6+UwJOF4jYHtcmIMOQIsmVyKw8F2UYvOAVFnNJ3MrJ1yIFNRBFUo+xx6HR1YV6ccQoEnuPeqvjjQFAagejvee1VfU54l6/za72MKRa5XRM/OfvAcQSe/iFyv2G6f4VC/dIPdMwOlWDqlDDUbduHcHI9Fqe6Rcar89+tb9+OBa4qZZXTJ9iDg5ixMn8Y2FgTciMZkHGhqg9/Noy2qQJIVCCcQegpkQubs4PTOpROSmXkfL453Y8Eu1wwA3q2tx5XFhbh2cJGJUVlxyzBmfbt3bvdw27a30ZJv9ezkUqz82x48cM1FePitL8FzQMSGmfIlCGbUNYVwIB4q/vzUIcj2uGwYS/mE7kMGxwdWtMMj4wbi+Y9245FxA5EfEG3HNI0pXjdrOPMdJgS45dKelpx+j8Bh6ogeiMoKZIXiUFMIHoHDsx9+Y9tfa9E4DS1RzBrVC9GY2h/n+QTmOQiBSYAm38++jphC8eT7X+u57i9OG4Lpl/YEAdAWlZHnFyDwhHkOgScmz1Ht3YjFYsx35ndb6zCgKBc3XnwBKKV6ekOBX8Tcq/th/xG1fqrncz8IPEEoKuuf3Xd1P7h49Xd24oEiT0yRKvl+EZQqSSOVThRpvVAE0BNAA4BlhJBBALYCuAtAF0rpQQCglB4khBSewTpmkMEPCidFPupgDRGW7M3JAeCojXfQ2uryeH5dcrN4Ia4iaQwRXDK5FEL8uJOZNW+j6qrlF6aiSKh20NZziLym3AqmIa+uOuqgkEkp0JgQBrlw/EDkeISUrjHg5i0qcs9OLkUgHj7sVL90g90zi8QULFhfi4XjB6KTX7So3WrXfPsVF+q/SSxj7+FWuLsE0Deef/hdc8hkFj73ajVMSTMgNw7INZVl6Ncl67gXixlY4XbxNrY56Ze/aZtDfJxxtCdip2KXa7Z25nD85lpqYQ/rmkLYe5itgnroWEQfB7rmevXNP+13s1duw7yKYvxizad4+qYSuDgO39QHmWW1Rc2CTVo+Wl2TmnO1duZw2/zdjK3M6YcmEKT1gXl+EY/ERcIA4PbRF9rmxWufSbLCfIddhOiLK0BtOy/8dTfmXt0PDS0R0/cfv2EQqi7pkXScvrK40LIRuqa63HKOe177DGtnDjcJy+X6RGa5uxtacfOIHnq+e2MwaqmXrIB9jupypve0Mb9T+/zpD3bi9it64/ZV2yxtuS0WQ1hSTPOC5VVDUX8sYpkrNLdKCHiiyA+ITCXvW0b2Mr0bHEcgydS2nifVdk7q12ceLgClAJZQSksAtAL4Vao/JoRUE0K2EEK2NDQ0nK46ZpDBKUGq7VVT5CvKSzC0j092vaK6Y6UtirQdLM2aIRUzedZxzTibj+/wGc+vWheo343EFDwVTz5fU12OeRXFeOqDnYjEfR4p2GbW2l49IaoiqbH8RRPazejdLg5LEq5/icG+Q7tGpkmvxlo6eU0SYGllKZZNG4o11eVYNm0ollaW6tco2ZQvGRjDZOcPSwqzww9LqXlhdhSk2mY5jv1Mw5Ks35uwxM7VkBUKn+jCw2/VWp77I+MGYvH7OxGL7+iek+2B3+3CgvWqIt+dY3rrz2HGyJ6Wez7rla2oD0ZO0935cSGWxBi7IyGVNmvXBx1vvqWdnUoyc/poTGaahVNKcV6eD5QRcbH4/Z2oSTD1XjqlDEW5HvQq8EOSFciKopf75h2X4L27R+Kpm0pQ3DUbI3rmI88vghCqK6oay1LL9pg+e2ZSKWo27NKvixDg+alDTN/R8ndP5D5koOJ457EegYNX4HEkGEXVJT1QlOfFmOIuePitWstzfWZSKYD2MUW2GbeijPFoXFk37D8Ssnz/7rWf4Zxsj24RZRqnK8vgEzk8WFGsb2ZrcwS7SKWYrGD7/mbMXLEVE5/bhPte+8x2HLj/9c8xa1QvzBrVi1mvqJ0/ajwCKPGdiylqXuB7d4/EB/dcjvfuHonqkb30RaL2e60tB8OyLuilXdfhYBR3r/3Mck87B0TMeHkLXBzBz0u7oWr5Zoxe9GdULd+Mn5d2Q2e/NWrldPkrpzujWAegjlL69/jf66AuFA8RQrrG2cSuAOpZP6aUPgfgOUCN7f4hKpxBBieKVNurFGMb2muKnWFJQUsoZtrBWnxjCQLx0CEnRs5JkTNsYz3xxI1x6wmH0NdojN1ZR+MTSk1VzSgB7RE4XV0sKisQEqwQYoqs/x5w7lA5m2vUdvBIvNxEVlS7BsWmfCXFxbbTQtDJC7OjINU2y9s805iiPrO6phA4wmYMXTynhytVXdKDqSqnsdiJsvvGMGaXYedcgzYRyeDk4dTmOwpSabN27fV4GcUTsVPximxmVvNKYynvNgQjCEVlvDx9GFqjMrI9LjS3RXHj8+3iM2tnlmPu1X0thujaRqNP5LGroZWpqBqKypj3+y+xYOwAnJ/vw8Fm9X3VlCuL8rxQFGpreZGxlTlxpNrHGlnbgoAbCycMwn2vfYZ5FcXoUxjQwz2N47aLJ4jE2osUeM52XEpsc/l+0XbDlQI4FpKx4ctDWDWjHJSqTPgfttVh4rBu4BhzhJrKMlxZXGjJK0xknBuCEQQjMayuLseBppA+DmhtMdcr6PVIrJfd3EbgCfOdy/JYI3/swrzVfGLrdb00nf19Jf7/UFRO2SrmdPm7pvVCkVL6PSFkPyGkL6V0B4AxAGrj/90M4H/j///DGaxmBhn8oPCKPEb1Myt3GScSlAJ3rm43c69rCuHO1dv18ASNkTNOFIyMnMARPH7DIH0XTAvb0IyzXTbWE8bQ12Rhk7b2F7p1BcUzH36DcWXd4AOPqKzgmQ+/wfx46CylwK0vbbV0lsbwC8HmHNo1OF2jJFNLGORthhAPpw77RI9rC0G3i8OL04bgQFNYn6iel+cxsabphJhMcfuq7ZbrfXn6MP3fh4NRi1/bkzcOBk8AMW6I/OjbO3DvVX1NOSYLxw+EcZw05hA2tET0+8zbhBN3tMV3uuJ0mtT/0JApmO117czhx1XOidip2EUjvDF7BAB2LtqiCYPw2pb9mDCkG7rmeiDJiqn+dU0h7IuzP4mG6MbwtS7ZbqyYPgz/88cvdUXVheMH4rUt+zFrVC/4RB77GtsQcLtwOBjVr0cbf7R3T8tHPHg0BNHFQ3Cx372MrcypQ2NrFI+/py7wC7PcEF0cCrJEzFyxVWWX87w6Mweo93/lrRfDxRHdKqMtKtsupBKN6jVrI/Zz5aBQijVb67DoTztNx/6trAhhiVra4KxXtmLFLcNMaqhP3jgYHheHZdOG6uPgubkevLF1P6aO6GEKI9XKbw5JEG36eoEjeGZSCY60Snp5nfwCeEKY79waRkiqXZi3i1M3PhOva5/NPSJofwcUhUKSFcQUCiIres5jIjwCe+5mVHw/EaT1QjGOOQBWxhVPdwOoghpSu5YQcguAfQAmnMH6ZZDBD4pcr4gu2R7TbneXbA9yverizUlsRgFFVoIZvItXPwdUNi3HJ5jKz/EJOpuWY2NCm5Oi2I2T/YUTI2kndmMUzQh4bIxy43UUXQS5ftF0jbl+EaJBjCYp48cTZoft4tvtN1j2F1qHzhEwzYI1sRpCgGiMWszL09FqAABiNs9M2+FdMrkU5+S40dwmmZ5JlscFQoAVG/fo9/Oxd3aYmA0jm50I46Q6IsWYogHpuvjuaHCy1UknyIpdGPTxsc95XsGy+VFTWYY8r71BtmQTcSHF2s/tdpnZTp/IY/pl3dHUKuHG5zZh0YRBljJIvBw7m4yjIQk/W/xXvY53/Usf+AQeSzbswtiS8yzsT7dOHqypLreOP4x8xJenD8vYypxmKIpiGTefnVwKQLVUYbXDVZv2Yulf9up/d8lWwy9nrmj/3sLxA+MblV5Tm3PxBEV5HssC8omJg8ERNeUlcYx8YuJgxBSKlrDEbIOEEPO8I77JaxwHH79hEMYPPZ/Z39RUliHfL0CmFIsmDLLYVBACSw7hogmDbOcUrMgfLczbeC8Xjh+IYxGJOW/44z8OWucC8X7x+alDkOtx4atDLZZnw8qdpxTMSIeT1QvrcAtFQoifUtqa6vcppZ8CGMI4NObU1SqDDNIHHEfQPd+PLI/ADFXgCJtN08zipRjFf7/1JVMiGlDZtOk25uWAKnZjJ4YT8KjnZ4Z1kna2LllCtuLESBKCmZd1t0hEc4ZVVEvYvo7ZHqAtqqBq2WbmNeb5ncNvJZlir42BPKAORk8lmI8/pZmPx6/RSXCIJSiUrmI2dgJFLo5gXkUxfv2HL/DUpBJU2bS7pX/ZCwCqBHp8x/hYSEJrVDax2YlIDEX9eOdBUyjUB7UH0XVQ0Wm99h8LJDl5SHw6wakPSxVNIUnPWdLe88Xvf61L47PgxEI2tkYx9cVPLMeXVw3DfevUPsNoeq5BY4tYx4ryvAh42kP2Zr2yFfMqipHtcaH68l66GqTx+Jrqcr1exvGHlY849cVP8H93XJJSeF0GJwaZMW4+/cFOPFjRHzFZgV/k9QVGJ7+Ihe98pYd5as902bShyPebTeM1X8HfTi1Dr8KAbpkVlmI42haDi+OwYvowyJTi+6NhvPfFQUwd0QNtUQUcIVg3azgiMUUPPf23siI0t7Hb4J6GVosFy4KxA0zXdPfaz/D0TSXwCbxtf/PFdy14fet+/b3TrC4kmTLFbLS2zBqfWGHeBQH2PVo1w1rOv/6kq3Uu8MFO/Oba/ujbJQvfHwuzxQNnDrd4/kZlyhwjjzfSIREdZqFICBkB4LcAAgDOj6uYzqSUzj6zNcsgg/RDMol+J7N4J+sFJ0YwFeuIZMyCk/S80/k9IoeKwUUWU2CPaBazsdshBJxZSadr8AhsA3mNMZTjOXXGfAsAeLCiGAAQcNswnm4upfqlG4gdg0qAmSu2oqRbrq3xsNauPtnbjBkjOSgU1mefJPRGe1ckSWbawuR6OswwmdYQeHJapNvPBOza6/Ey+tGYzOwHfnOtfW4eK7TUyL7Z5ftxpD0vq2bDLkv9i/I8WDRhEF746272tRlETeqaQijMciMaU9DcFmWeDwDTu82ufqGorWo6XgAAIABJREFU/IN4UP5YkShyVNItFzeP6KH3dx/cc7m+CPvd7BGWNlnXFIIkK4jEFNNiTStLkqmp71w0YRC65npwoCmEKfGNiyuLCzFnTB+TdYvRxF5j0s7L81hSP2oqyzDv9/+01Illy5LjE+AROYzsa07B0eYx79ce0udABQE35l7dF3ev/dQ2v1Cm1PJO1MTHFdY8gBBY7hEAEFjL6dHZbzsX4OJ+jcy5CiN33mludKLoSCPg4wCuAvB/AEAp/YwQMvLMVimDDM4+ODJ2DtYLTrvpqbBtT8dVT7UdtKfjO2hJf0/aGdFk5w9Hk7B1fvX7joI9KbCeya7ByWLE6RqDEQUuomBNdblumn0sFEEwoiDHp9YvGSucbqAU+GjHIcvub/f8HijplotZo3rZ5n7wHMFHc69AWIqhORRLet+ToaE1yvytcec24/V24jibGMVk7fV4cCI5iokseGI7tCvTxRM9l0uSFQTcPFbcMgwEBHVNbQhGYvjyu2b85tr+iCkUq6vLEZJk7G5oxUsb9+C+q/qZyivMcmPic5swr6KYne9tE7J9Itecwckj8b7PGtXLFLXi4jnMr+iH0cVdQSnV8xKNgkQ5XgEUVlGxO8f0tuTsa7YSPTv79cgaF0dMdhIFATfCkoInbxqMiKSgLSpDkik27mzAVT8518TK5QdENCQoUBflsW1Z9h5uQ58uAdt5zB1jeuOD2oNYNm0oPAKPm+IL3JhsFeXRxuU/bG/vuxQKRCQZYUnBtr2NliiUn/bvqr9rmtdkQzAS//4R/fvafCPZXOB4hOu0vMbE757sCNWhki8opfsTPspIXmWQwSmGY46iw3FtN70ozyw/ra1R7I5r/ZpCVTZNk7OeuWIr3q2tN5ndM38f7604u/IN+Xs3j+iBBetrMfG5TViwvhY3j+hh2u3P8bKlubU8Sp/bRrrbbWYEE69BYz2dVVWTX4NP5BCjHCY+twmXL9yAic9tQoxy8MVZUcGlssLGa7xjdG89jzPdYGSbNAnwawadB8Glqs0VZrmZsvxLJpeiJSxh0vObEIlRUJz4jqrTzq2WW3X9sx/jkkc+xPXPfowdh1p0JdsMkoPjoO/wa894ZN8ueptPJ3iE9qgF7VoqBheZohZSgcYOGtt0Krl5Ggt+Xp4PBVlu02YFq8yllaU4Fle6nvjcJvzqjX+gLSrjl2s+Q+ULf4fAcyjIcqOsR2e9z7nxuU0IRWVs29uIOWP6YN2WfXp5j4wbqHskvl97CHMYfVFEkpnvxolecwYnB9Z9N46TexuO6REVly/cgHl/+CfmXt0XJd1ydabM5+YQkmSL/dUF+T5bJm734VbcGG9TB4+G9e+VdMvFvVf1xauffIv9R0KoWr4ZY5/5GBOf24SyHp1xpDWKquWb9fE1KisW268lk0vRrZPXMo5qlkh2Y8Gk5zehtHs+Fr7zFQ4HI/r3tn97xHbcv760fXyatuwTBCMxeATOdM8mPa/W3S1w+ru2YH2tqiZcNRRfHWzG5f0K9e9PfG4TaJxlTLwGo3Ady+6MlTvvNK84UXQkRnF/PPyUxoVp7gTw5RmuUwYZpCUkSUZ9MKKzUYUBNwRB3bF1YuScjlOH/Dmn407lK0ry3zvl7zmpqgJqHuX6T+uY7EbAA7RF7FnJPJ8zI+jEWDpdY1vUnpHM86t5pMkYzXRDMpb7vnWf49UZ5UxZ/rCk4LujUf3+vMrIAUk1d0wzerao7SbJrZrx8hb8bvYltmHeGbRDUU4NC9cRkDRiwJ96OU7s4PFCY7w7+QSsibM4uxpa0dQm4Vdv/MNUX03hdOaKrbjntc+wurrcck2zV27D6upy/OmLg7h5RA/cMPQCcAT4/lgYx+K5jGOKu+hsksb+R2MKIjGKhpYwOI4z58if4ms+kfvzY4wISLzvAHRRGgDoXpCth44C7W1kxfRh+Lo+qI8vVcs2oyDgNvXDoo1qLSEEv9vWzsQJBrXRWaN64f7X2Sq7txlyXLXPCQgzImH6pT2Zlkh2YzBHVBukpz/Yifuu6geP0M60llzQCQvf+Yo57muCPFob5zmCsKTOIxK/P6+iv+U+Lq0sQ+kF+XjozS9M369rCjPnAvOvGwAAoDbXfevIC63PGAQib84JNc4rThQdaaE4C8CTAM6D6o/4LoDbz2iNMsggDSFJMvY2taHuSEhXvmqTZHTP80EQeN3c3Kj4tWjCIBMjlyz/xufmcOeYPhYVLo1t84kcHqgohhSj4AiQH3DjgYpinQ1zKp/jgFsu7WlbP44DfnllHxxsVsNQRJ7DL6/sox+3y9+TDawSR8DOX4jXIWaTQ/jANWoOYZaHrVqa5VEr4RE4poqcx3APqkf2wi/WfKoff2LiYP0eODGShNjcozSd8yTLS1VZPVm/n5os/7OTS+EVOPz3//tS/75CKZ68cTDuWv2p6b4ny4PTJo8KpXiwoj8OHQ1DoRQiz+G+q/vBG39mGa+3k4NH4HBtQu5wjUP+aEeFUx718SBZPrkdWAseACafvDvH9EbPAr8edsqq77m5Xrx390h9Aspu3woGX9AJTW0SZhr6s2cnl+K3N5chGJZVX77xAxFwuyxKz099sBN3/7Qv+nbJMi0Wf+jNFZba6vNTh5jqdbbDeN8PNLWZnrddJJFMKWo27ML2/c144Jpi1DWFUNcU0m00AGDjr65gjnc+kcPYkva85CuLC/VxU1PXtVPZlRVqKpOAMsdshVLkB0SLuqmLI1gzsxyKAjSHJBxuiSDPr6qzv3LLMAQ8LlQt36y33fvWfQ4XT9j5gvHr1lhQbe5yZXGhRe9BnctQy/VEZQWEqHMXF8frcyOeo7hrTB/Tu6XNhxSFIt8v4uel3UzXzWLgYzEFh4NRPP+XXRhX1g35fhHn5nrxyyv7nLQaeodZKFJKDwOYfKbrkUEG6Y4jbVEcbomYJJ4Xjh+IbLcLXXK84AlnYxatTthSYQzdCb93GySYFQU41iZZJgwBgU+pfA5sM2suHmnvFzk0BmGxhvDHJ/R2+YVGM2wn5VQnRjAYZjOO86/tj2yvupBj3SOtBiLPIdvrMh3P9rogxo3hnT3nCFOd7WTVzc4UkjG0Wv7S6k/2YcX0YWhsjaKxNYqnP9iJO0b3Nn1f4AiyvYLlvrtsFoqsyaNRXGHh+IHIias9ZnKrTg4RG6XetWmo1OsUUXA6YbfgyQ+I+iLROJktyvNixfRhzPpme1yY/Nu/o64phA/vvdymfXMISwrueM3suzh75TasuGUYOuWJmHt1X4QlBfets3rLzqsoxoyXt+CN2SNQmOU57ffHDpmIADMS+zO7SJ/9R0K496q+eGnjHvt8OUIgK4qp35UVBVLM7IeoLcBenVEOQtp9DVll7mpoxeL3d2LB2AG4IN8HjhDbecMrf/tWZ9x4jiAqqxYXiaJ8j98wCDwh+NUb/8DC8QNREHBj+/5mPPq2aqlk56+ove8aC6odH1fWzRIJc//ragSMEUV5an6nyHOIxihuXfmJacOlKE+1M+vWSb3ulzbuwU3DLkBzm4S+XbJSYuDrgxE8+f7XTAsU10n2Sx1mK48Qspjx3wJCyNgzXbcMMkgnSDaGzFKcjYrFzZa1+P+q5Ztx+6rtei6WwBPcOaaPKefkzjF9dFYmFLeOMP6+atlmhKLq78MxhWlGH477fLldKlOjLYo05kaLuY8plF2/eP1bwuwJZ0tYLV90qWyeMU6/prIMoiGm346x0xQ0PTZ5AZ54GZJNjqJ2j0NRBQvf/grR+D2Nyurf2j2KxBRMX77FdI3Tl29BJH6PNEYy8Ro09uV4lNDSAQEP+3q1z2WForR7Pqa8+AnG1/xNv9+zV27DrFG99Ocjujis27wPRXleFGS5UZTnxbrN+/T7ngijCfWa6nLMqyjGso/3YNaoXu3vTfyeZnKrTg6SQjGiZz7eu3skPrjncrx390iM6JmvvzPpBL+b3V79bvOUSlEoGloiONDUhoaWyCnJZ2W12cff24GwJJtC+oz94//88UssSejPairL8PBbtfr3mtuiePyGQabvPH6DGqVwTo6H2d80BqOIxccbn8gzv9OrwK+LlpzO+8KC8TzRmMp8JtbvxxoRkNiffVB70JKfp+X73f/653jgmmJd7TtxXJQpe8yWFKvS6riybojJCjgAz0wqwetb91vy6haOH6gL6VQt34ypL34C0cXhgWsuQq+CAAqy3OhVEMAD11wEgSfYWR/E7sOtaGiJgBCChW9/hXFl3Szvwd1rP4OkUFM/D0A/TzJ9hWcmlaBPlwAWTRiEpVPKUNIt15YNpaCWMv73j18iElOYKRbhqIILCwPgCdGvyyNwePy9HWhsjdo+Q2P7lmQF48q66YtprW94+oOdiJ1FPooeAP0AvBb/exyALwDcQgi5glL6izNWswwySCPYhRBpg3Fi560d1yZshBC4XWZjW7eLgJDUzOZTCZuMJJja1lSWgfiS19+pfO24yLPZPKOKtuDEGEZl0y6lrFA8/9Fu3DH6QuTDmfHTBHVYdg+p3COFgvkMtPmUHaORriFUisJ+ZooCLH7/azxYUYx8v8i8Z/3OycKqGeV4+v2duPeqPmwLBhuRH5YJ9SPjBiI7bomhhl6p3z2TuVVnA/wij8rhF1iejV9MP0ZWtmmvxn2a0xXqaNdmXXFGiDV5fbe2Hr++tlivLwXQyS+YQuxcHAdCqOmaBBeHxmAUh4NRZn/T2BpFQZYbdU1sb0aNkZp7dV+4eS0/+4cJAU0WLWBU8vyxRgRwHEHvggBW3XoxgpEYsjwC3ALB6upyHIg/z8feab9XlAKtUZmZLzepvLvtnEPP/0sI29TSJeZVFONYOIZl04YiGIkh1yvgl2s/08+rlcUR4FhYtqR7ZHtclnK1PpxVpwNNISxYX2vq5wHoCzsWa/lfPx+AsKTg9lWfmM6hULZKqqIAC8YOwPn5PggcwV2rPzWF7ibWKSJTTHnh76YIrA1fHVJF+MB+X3oXBLCzIah/vmzaUBTleZl9g9Ha5kTQkRaKFwIYTSmNAQAhZAnUPMWfAvjHmaxYBhmkEwSeY4pyuFIMa4zGFFtjc8DZ/sKpfCezeN5BVMRJLjoYUfQdRR94nc37zbX9kRNfjLo4YvFpevyGQXodXRzBxt2NWLu1znSOu/5FDXV0uzi8OG0IDjSF9UnVeXkenRV1ks93cUSXItcMij+oPZjyMxA4oudVGCdBQpouWtqiCj7+ut5yP37avyvera3HjMt6IT8gMp+7wBHsPtyK5lDU0bYkESwT6vtf/xzLpg3Vyzfm0J2J3KqzBXa76alYl3Q0hCUF6zbvw/gh57e/35vNVh+nK9TRrs2+cdsIPD91CL4/Gma+J0daJb2flBX1HTP2szk+0SRmov1Os0lI7G8eGTcQL23cg19X9Fc3+xjejI+MG6iLi6ytLtdzKzVGVHtHH39vBx6+fuApfbdY9/++dZ9jwdgBqFq+ORMRAKApJGHSb/+OeRXFWLB+KyaWFeH6siJTWgMQN7s/3AqPwOFfis+xbPbYhWy6eA7PTCrBkVYJ3TqpmwYFAXVjoa4phBf+uhu/ubY/PAKPfY1tWPz+Ttw5pjfTBiMsKdi65zBWzSg3jRGd+ne17cOZiziqMopuF4c8v4g377gEh4NRdPIL4AlB1SU9LONqTKaWVI/7X/8cj00YhCWTS01pNk/eOBgHj4b0NrZqRjm272/W50CsOu093GqJwFo2bSiqlm/GmupyZj+yduZw0+eL39+JpyaVmASKtHqebB/bkRaK50HVCzsa/9sP4FxKqUwIidj/LIMMMjDCxQFzRve25AhqkZcegS3EYjSDT8bYafYUFrYsXr6t0Iu3PbQ0GZumWT9YzOzjrJDgsjG7dyVn84xh+jIoBBdn2T2XYbavsLtGrwBEY9TCinrVdDZHc/EcL8c0d89J8R4poPCKvKn+XpEHPcmdwzMFo8w4q00qcUGFZyaV4vZV5nZ9LKwqOmpGx07P3gg7AYdgJKY/07x4jmIGJwenNp1OcHq/gdMnfpRonK6VK8kK+nbJQpdsN5ZWlpnEMZZXDUUoKpvqu7SyDPdd3Q9Vy9TP1s0aziw3HFP0PK7V1eX4/mgYja1RvLRxD+aM6YM/1R7U++PH3lFzvbp39qExGMXDb32pM0OtURk7DrWgk09gvqOKcmrD5u3uf6/CAD6+/4pMRADa71GuV8DEsiKMuqgL/vPNLyxj35LJpfj1H75A78IAZo/uhRW3DENjsD1XfO7V/fDExMEmcTZVXI0inBA9pG0eAGpfrfkqauc5N89jOz+xGyNYz7ktKluu4+lJJYhIChasrzXV59VPvsUtl/ZEOKbg0bfNmxiPvr0DT9w4mHmOc3M8oAQJWgMCtu89on9HVhS9rvle0XJtNZVlmPf7f1rKFlyc3j8y+82E9JPt+5sdrc1OFB1pofgogE8JIRug+kaOBPDfhBA/gD+dyYplkEE6QZIpM0dQ21UKS0kM6aEyejMv627eLd+yT2fsFAe2rMVG6OU31/ZHtseZcXSyfnA6noo9hqIAz374jYl1fPbDb9otOBzsK5pDChYnXOPi+DX6PcntHgDVnsNOXj/gsbdqMNprfPrtESYDl45IajcAoC0qxxlDBa/ccjF4joCCoiUUw7dH1N1prQ04PXsjEgUcSrrl4s4xvdHJL2LVjHJ1xzquHpfBycFZoCl94PR+A6dG/IilbpqsXI4j6OR3I0t0YU11O/MCANPiC0KtvjNf2YoFYwfonzW2ssNLc7wCSrrl6ixP1xwPuuZ48JPzBmD+//0T48q6WcIRV//9W5R2zzeFeHpFHjc+twlrqsuZ7+ipFuKyu09egf9RRwUY2xSJs8qd/CKuLyvCjfFFW0NLFPPi4f5dczzgOYKGYASzRvXC90cjePGvu/WxaVxZNzz69le4a0wfy5ygcngPJhM3r0JVD7fYYsTfIW3+UJjlRsDtQlRWko4RrOfcOSCic0BUbWIoxa76VgTDMYtNzP2vf45VM8qx8m97MHVEDzQEIyZF12RMIM8RfaFr/HxVXMymKM8Lkeewuroc279tRCefgL0Nx7A6bl3DcwRC/N4aoUXKFOV5TZYipjoxPrcT8kvFHioZOsxCkVL6AiHkjwCmAPgKathpHaW0FcB9Z7RyGWSQRnDaVdIM7xMloLXO22gmzWJ3BJfNbnqc0XOylvCIbMbRa7COcMrvs5OwBlK0x+BszqFZcNjVwWAhcjI5iE7Hc70c5ozpY7lHud52CxLW7qrvOA2/OwqS3Y+iPC/OzXVbLFkWjldD1d6vPYSSbrm4eUQPtERix7WjyhvY8YKAG3Ov7msKO3rWwMRncHLw2bz36dhmU2FHNbEQizppiqGOdrl8vQsCScuNxRTsqA/izU/rcM2g8zB75TYsmjCIWV+fIT/ULnT0v9Z/gblX90VBlhtegUNMpuiS48WBpja8W1uPOaN7I8CwLegcUOtj7BtVhoV97+hJsh6JONn7fzYisU3NvKw75ozpg6rlm/Hy9GH6c9m+v1lfLP35vlF4KM4yul0c3C7OMvYtmjAIboHTNyO0dxtgP+vCLLdtO4jEFLxbW4+Glijuvaov5ryqqu3++b5Rtu8cK8LII3I40BTG7JXb9L5d4NnsY/2xMK4ZdB68Nn1Urpf9OYm36cTyaDx38dnJpXjyTzuxcXejKvqjUMxZ/bnp+2/fdSk7eokAz08dgsKAm9mOWZ87WY+dKDrMQpEQciuAuwAUAfgUQDmAvwEYfSbrlUEG6QYnQ/vE3BSNrdKOOzGOUiz5brpjjmJUgSRJWFNdjphC4eIIDh1tQygqAH5nRtDJGD0lewwl+TkUCshyzFTHXfXHoEVHpVLHZPfA6XhzEsbR71Fz+uyeUd5xGH53FCS7H6tuVRnEh978wmL03NQqYUxxF4wp7oL7X/8cL9vYANjtqHIcpzPH/c/N1nfUgfTOoeuIOJvabCrsqCYWsnbmcEiyAoHnUBhwW0IdJUlGfTCi9zOFATcEgU+a45hMVKk+GMGsV7Zi2bShunl4YVwBOLG+bdH2MNjt+5vx0sY9WFNdjsPBKHwij7AkY1xZNyz7eA/+/WcXISQpIAD2H2nVxxGPwFsiWO5//XOsri7H+/dcDkWhiMoKFApcWVzIZEKOl2lNBRnxKSu0NqX1o70K/HreIM8RLJs2VDeur9mwCw3BCDhC0NASxWPv7MCj4weCEGJ53ve89hkeiwvTJL7brGddGGd0Wcfk+OagZrmyaMIgNIekpO/ctr2NltzFfH9XU+SRJCs4J4ed597YGsWC9bVYU12OXC9nGvcVKqM5ZN932dVpdXU5eA6YNaoXZozsiY931uOn/btavn/waASvfvItM3rpws5+uFwcLuzsN9WpMOCGy8WZ2jchBJTSpJFQJ4oOs1CEukgcCmATpfQKQkg/AA+d4TplkEHawWlXSeAJ7ru6H+qOqJ2VZk+h5dc45Xk5qY763DbMgbudDRMEwZybYGAWnBhBn8gx66/93idyWFY1FHVHQnreQFEnr4m5UCg1LTq0gVFjngJuDp0CXlMdayrLEHC353GO6JmPGSN7mlRRtXugyYhb8ijj91jgCZZXDcV+Qx27dfLqx50MvY83F6+jw+fmsHLGxZBiFBxRF+qCi8Dn5lDyn++b8ku0UCYtp6VngR9H26T4ZAcWcYEllWW2qqf5fhF3/7QvZry8Ba/ccnHSdp3BySGmUDS0mKXeG1qiaZmj6BHY7dUofKQo1KRKqDEBRnVPSZLxVX3Q0lf2KwwkzXFMJqqkWed4hHbmx2gqbnx3gPbJelGeF3PG9EFIkhGMxEy5wI+MG4iYQkEIxX+/Vasbej9wTbElV0qrZ0xW783NBqaxprIMBT8g05cRnzJDswhJVAl9elIJGoNRUy7hM5NKkOMVcaQ1iscnDsabnx7A3HWf40mbfL2CLDfuNfTNGitmx5ZRsI89/9FuPD2pBDwhui9nUZ4Xb94xgj1GiBxG9C7ArvqgPpaO6F0Aj2CeJ0gyRUxWLPm7SyaXIhiJoSDghkwpKDhEJAUcUX8juDjkejlm3yXwhDnX4TmCX//hn/j3n12EoyEJzW0SLulTiPe+OIinJ5WgqVXS69qva8CiKfHs5FK8vHEPrh1chN6d/fj6cKslr7Fflyy4XJzevg8dDcHjZs+NtEikE0VHWiiGKaVhQggIIW5K6VeEkL5nulIZZJBucDK0BwgOt0RMg4LRWPxE2TKN0YtKFD6Rw/KqYXqHTghFVFInhG1Re7Yszw9d5t2yS0facxiZ9Xer3Vk0RtHcah70Hr9hELLd7d2dyHOWMMOF4wfq3o6tEXtz8Byfs9S/rIApIz7tkp7qPeSJJcm/prIMnfxxVtTB0DuVPMx0giIDx9okiwBTQFDvZ11TCE2tkn6/tM+0nBbiI7hzTG/UH4tCTLAVURQF1EYnI5F1SNauMzg5eFzsd86ThrG9lLLbq19oZ8VSUT2tD0Zs+8ITzXHU+meA6H1EXVNINxXXTL2f+mAnqi7pYcpFe+jNL3DfVf2YfcurM8rRGIxYNqiWVpbhyuJCUyqAmkNFEI1Rk8rlrFe2OjKiGZw+iC4ed47pbXm+iX1rQcCNtqiM21f93TQ+9euaBQo2E7ivsY05HiWbi7y0cQ+WTRuKoyEJja1R3Y7j38qK9EWnVp6s2L9ziYvcheMHIs8nMucJ3Tv7sOKWYaAU+LaxDb/+wxdoCEawcPxA+EUeB5rDlg3eLDfP7Ls4QuBJGG88LgKBJ7h5RA9MeeET0/evHNAV+4+ETHVaeevFeIqhuTCurJuuBp/YR8x6ZSvWzhxuyp1XKPD1921w8cRU/lM3lSDodsHvOfF205F66DpCSC6A3wN4jxDyBwDfneE6ZZBB2iHg4TE3wdB+7tX9EPCoE4yorOgdHtAuG66ZwzuxWV6Rw9IEY96lhhzDmEKx9pN9es4Jperfqebn8XHrB2P5C8cPbF+Ixg2eLfU3+ERqthfacc1oV0PMpoyYoYxk5uBhO+PcmHoPOQKM6qfm7Yxe9GdULd+MUf266DmMoSh7IaoZwxOiMmPLpg3FmupyLJs2FEviqp5AanmY6YRwTGEKMGn3E4CtobesUNz32mfo3tmHzgER/+/z71CU50VBPNzu/33+XUqm7oQAT0wcbGp3T0wcjMz89dRApux3Lh3bbMSmvUYM7TUV1dOYoi6klk4pw5rqciydUoaCgBsxhVoM0ROZNzvTereLw7JpQyzqqJqpeGMwipkrtuLd2npwhGDB+lp4BXWS+25tPYI2eb6UUhRmu3WGcumUMiyaMAj1LRH8188HmPqqZVVD4RM5/O8fv9RNzY3XrzF95+X5UJBlDcfN4PQg3y+iR4Fff74l3XLxyi3D0LPAjxXTh+HVGRejpFsuZo3qZXlXZ72yFcXn5uDht2otpvQ1lWVY/P5O07nqmkJ6rv+C9bWY+NwmLFhfi5tH9ABH2nUAFr7zFSIxVYlUs5Hoku22tMFk7xxzPmDzeUwGDjSFMPXFT1C1fDO272/Wj4Ul9rgeirLLisQULHxnhz538ggcGlslhCTFshi/b93nUCjwwl93Y15FMdZUl2NeRTGCkZjOVoouDj07+zFndG/0KQzofQGzj5DNu5+SoqBzQNRzOrXzznl1e0rjXzJ0GEaRUnp9/J/zCSEfAsgB8PYZrFIGGaQlpBhFKIGtWlJZBinWvnCzmwgAsM0hcXHtYjNigtm0KHCm0NZk0vGOPo4yW6J68U2DAagTJFb9tYmS3UJXSVgo2i06AHVRwmIMNfEHp99HbGS2n4xfg9NiWfNjND3DyaX65055qOmGVMRB2qJsxk+ddIoQeQ4cB2bbE3n2fTGKO/x2ahmyva4EqXMXxDRkvDoiYrKdzHv6LRRTaa+pMILJWNZkOXbJTOsVUERiFHVNrczzN4ck/d/n5XnVPson4J/fHUNRnhfwdnqsAAAgAElEQVT1LRHm73Y1tKIgy40RPfMxtuQ8fSJ8ZXEh5ozpY+qrnrxxMAjU8Lxcr2B7/Rn88OCgPoeCgBu/+td+plD+heMH4jfXFYPn2KIvmpCcpoqqjW2dAyJTuVOxiW76j58Vw8UTvLRxD8aVdUO2x4Vl04aiLSqrZTHaYLJ37ng+p5Taitocb1kypabw7rlX98W9r31mKx6lKNTCyD87uRTzryvG7au26589Mm4gnvpgJ+Ze3Rd+kc1megTze8QTgqidkOHZslA0glL65zNdhwwySFdEYsmtBpwWGS4Cthl9fK7dFlF07y3j79dUlyPP5ywd77XJIdQYSY4QpkS1Xj+HhabgcBxQWVaWBYgQZ2GjDubgTuG3mpx44jXwKV5DWGLvnmrnF+Ksa+LgIaTpzrzT/SjK86Jrrtvk3/X61v2ouqQHRJ7Df/ysGO99odqDJLNOSYQxPNDvFnATw3A8XcN5Oxpsw6nTsM2mImaTiuomIYTJVLxx2wgA9jl2ycJapRjFrFe2oiDgtuSAPTu5FATAazOHoyDLDSmmQOQ58BzB61v3Y+mUMrSEY3hp+jDdAL0hGNG97xqCESyvGoZH3/5Sf8c6+UV9Y0ary12rP8WCsQNw55jeumCO8fpZth8ZVvH0o7E1ipWb9uLl6cNACPTQSKC97S0YOwAXFgZs27fGJGoQeQ4ujmBpZSnqW6L6mF6YJcLt4nD7FRfiSKukf/f2Ky4EIeo7ZDzGcwS5PgEEQOcsEStvvRgNLRG9r0/2ztn1K3aid80hybYsO1sqZlmkPbx7XkWx/i7blc9zxMI0zl65zWRTU9fUbiFy3zo1fJfVR7w2S7WT0d4lhVJ4BfYmf+Ki8njRIReKGWSQwYnDabfbSewmRtlm9DGaWuioc2gpEGHk5/EG64mkEs8EWDRhkGkndNGEQar7airHAfhEwrQA8YntFh/JroHjbJL0U7wGJ8EfJ8bSKxJ0znKbnlHnLDe87vScbAVs7kfAzeF3s0egk19ESziGW19qz/l4dnIpcn0CRBcAcLjo3Fwo1Lpjm0zkxxgeaGcrk45iKx0RgstG4MlGaKgjI1l7NcKd0I+6E9hpyUYIRpKTm88nC2vV+o66phAee0eNajg314tsjwsPv1WLhpYo5l7dF5UvtOefLZ1Shv+6fgDqj0VNgiQ1lWWQZBn/+eaXuieiGM+/0t6xdbOGM+viE3l0yfYg2+syGdwDsGVDM4vF0wtFUTCybxdMffGTpJYpduObR1A3eQ+3REyblMurhoKCWMZ0gQd4jrN8DlAQUPAch1c/+RY3j+ihb4zOvKw7KgYXWcRbktnr1FSWmayTllSWQXQRpsWUR+CwbW+jpaxnJ5ci4GbbUgU8HO4Y3ZspTqfdw1yvoP+bZTWzZHKpbcqI0aZG+0wrz24uIMUUS2TB/Ip+zHuUZ2D1TwSZhWIGGZxlcNrtdhK7oRS4Y9V2y+9PlfVDMMzOz1tTXY4cb2r10+L8teMv/HW36fgHX35vEZKZOqKHXp9gxJ51zfE5X4OiONcx2fG2iIKtew5j1YxyUEpB4pLenXxdkZfk/Br70hJWsG7zPjMjulm9xuyTSFo/UwgmuR/XP7sRS6eUYcH6WstO7GMTBoHkesER4J7XPsOqGWwzbztWkBjYdbsd6HQ0hO+IkGL0uNjejoxk7TXHp36nsTWKqS9+YnmHjWI2xCa6gziEkNuFtQouDogplnbcGonhtjjL+Oj4gTgakjCvohg1G3bpnnlrqsuZ/fKyaUP1RSKLFWlsjTLr0haV4XPz6OR3Awb7k4aWCH6/bb+lf5456kLICjIs42mEbBBBs2O92qIy2iIyc/z69bX9IcuKybaiZsMuk0ALYB7TWW3q1RnliCnArFe2Yl5Fsak9jR9yvoWh1oTkmO9c/65YbGNdYTfGTx3RAw+9+YWlL/r1tf1tbTDsIoy0e2i8n9v3N+Oxd1TxqB6d/dhxqAVPxfs6u3tuhBYiXpTnhSRT27lAYmTBJb0LdUscY/3nXzfAJHxzvMgsFDPI4CyDkzWDR2DvmmnS7k5iNk5smEdgH/eIydkyjbnxiez6afYWTmb0HoFjsoUegz3GiV6j392ep5mMuRJ4YrsDqd2D+eu/wvz1X5nqMPqicwA4M5YxhWLpX/Zi6V/2mn4/qbw7u1F0cHAE6H1ODiY9v8l8vfH7me8Xmc+LQGUCFar+fTQkJX2uifCJ7fLmHKHsdufO5CieCsjx/CajOiYAPFhRfIZqdOLgOJv2amgqqYjZ8DaRBzYptTrswlqD4Rg+2nHI0o5X3DJMt0Uw9otaSClg3y9rm1Mas8MlmIyz2BON7e/st4bNElBLHvGSyaU40ho1GbZnWMZTD6M+Qc2GXZbIm4XjB8Ir8nj+o93M8c3FqaklRobwkXEDke1x2Y7prM8VSiErZuZMg4sjzN9EZIpL+hSa3jltXsDqVx64pti2TiFJZv5m/nX9bcd1u+vQxo+aDbtM6SANwQjyAyKe/fAbrN1ap5ef+K4smjAI+YF2f0ft/XnrswOoqSzDc39ms5Mujlj6GBdPbO5F8ggFJ2QWihlkcJYhZmPNcHPcmiEs2ZvHAs7WDG0RBXsbjmF1dTlkhYLnCLZ/24hOvnzk+dTy7Xb+4Hdm65yMuZOZ3/o98fw+uxzN+M52Ktdod45cn8oY7vz+qMXkt3u+SidIMkVza9hkkrur/pgeemWb85AiY5lKjlQ6QUli9/HR3FEgIFg3azgaW6M6C1KU50VhthteFwcpbtL8XXMo6XNNRKvhOcsKsbdt8Z3+e3C2w+mdSyc4vZ9AamI2HMfhox2HLH11ny4XOtYhPyBi1YyLwRMCbzx07bqnP8ayaUMtjMzew21MWwQtF0rkOVvmwu3i8N7dI+ETeTz05hdMVkTkOayuLkdYkvH90bDOFO9vaoPAc7pBOKDm0CeyM7cx8rQSrUQyOHmILt407iiU4umbSpDrE+HiCQ42h/HQ/6nqozvrg1gwdgDO7+TDNw1BPPbODjx5U4kld/7+1z/H8qphx5U/yBECwpmZM+07vI2Y3t7DrejWycucdxzPuV0cQZbbxRx/k9lO2V3H+k/r9PdX4AlW3noxAMTHYopZo3phxsieWLdlH1Pc54W/7saMy3oxIy0EnsPG3Y3YWR/Uj7dFZYQlBTK19jGCrRDhyfWxmYViBhmcZSgMuDFh6PkmM/cJQ89HYUAdcBVKkesV0bOzHzxH0MkvItcr6mbzOV42m5bjbWfTunfOws5D7Qa33Ttn6WwasWGH9Py8JLkGgMo8sMxttfy8mA0z8cA1xfr12e3+aXDM07RjP+LnyPJwKOvR2bK7meVtZz3zAl5MfM58PNdw/IGKYt08OD/gxgMVxfrxbC+Hu/6lD2auaL9HS6eUITt+PMvDFgTK8qQn+yXH7UhmjOypT5if/2g3OA442BTBL9Z8atqBfeGvu1F1SQ8cC0mQFYq/fl2v78I+M6nUZBZuZHITYXzO7/7iMsd2k8GJgyOwmE3n+YW0tB/hCHDLpT0tedDGa0lFzCbPK+DahOiHGkNOEUv0BWDn+HXyCToDmNiOF7+/E//fRHZOWr5fRH5AxPpPv2P2KT43h5AkwxNnbh4a219nojSlx7vXfmqq/0/OzcHBo2GMr/mb2ndVlqFv3CDcjmXK9QlYOqVMnyzXbNhlYl8zOHnkeQUL21xTWYZjYQlekYdX5HX10oZgBD6RR0tE0sP+26Js6xQXR5h5gjleDksml+G2leZcQBevbrY+Mm4gXtq4xzQWR2OypaxHxg3EH7YfwNQR3U2s8+IbS8Bx7H5FcBFme26NSNj4zWGmMb1dDqFCKTvChwAVg85DXVPIJOLz0sZvcX3peaY8ziWVZWiLSLhzTB/TtS2tLMODv/+nHt6t4cGKYnzX2Kbfi5krtuLK4kL86l8vUucplCLX48LyqqH6XM/jYs8LfOLJzQsyC8UMMjjLwHEEUswcHvL8lCF6CI+T9UMkBuT7XXjVwJbxHEUkBgQAuHkb64b45075eSGJMtm6+dcNQB6cjbmd2DTeJu/HyFwQEGYdH7puQNJzGHME7dinbI/Ketod93uAkAQcbZMsoal+gYffA0iy6qlksiBxcZDi86ZQlKK51Wwy/PgNg5DtdiH7xFMRzhjs2iSlRF8kAup9vOe1z/Dy9GG4Z+1naAhGsGDsAFzSuxDrtuzDtYOL9HyVfL+IzgE3Nnz1PX7avyvzvMbn7He7zhrGqyOCIwRSTLG02XS0dKEU+iIRaG+Xaw25sMnsLTQcaYsyc7jeuG0EOgfczAVhfkBkKp5qrIesWJnBhmAElLKN0nO8Ag4di6C8V2dmnxJwu9DQEkG2R8D8in6gVA3vXzB2ALrn+zDlxU8s9V9568Vobovqn818ZStemzUcXXO8tqxHjlfQPeCMYZAZnDo0hSSmefuCsQNQtXwzriwuxMpbLwYBsKuhFf/7RzU1Yl5FMYryvAjY9JEiT2zzBJ/64GsLWzb36ovAETDtMbwCj4C73aaoOSThsXd24M4xvS3vyp2rt2PdrOHMfkVW2GNkt04+XHHROfiu2Wx8v3D8QPTs7LcdA1jzhfnXDUAwErOUM2fMhbjp+b9bxv+1M4ejqTWSIBSo2jsZUZTnBaXA3Ws/RUFAFa3r3cWP5raYnvesbR6Dts/1Xps5HAC1XHOOJyNmk0EGGRjQ2BrFjBUJE4kV7WE8dqaymuBHWFLw0Ju1lrAMbaEXjil4KkGU4imDKIXAEyz4eX9IssoUnZfnxeBu/UHisqOSrNiwdWocfUxhG3NrkzDRxeHFaUNwoCmsd7bn5Xl0vzvOxjrCOEHjCDDjsp4WCxDtK4KLYNm0IagznKMoz6MrNJ6s8isr/Mr4DEJRewsS+AFJoXrdtd/fvfYzrE5TKwe7+7Hy1ottd3i1HVifyIPnCEq75+sTCa1tFeWpoUp2jKLP3d6WCIEltzex3WRw4lAo8PxfzCJUz/9lt745k06QkrzfRhbQK/KgsGekQxI7jzEsybYWGKtmsN8JWVFZj3Vb9lna8SPjBmLLnkYmUzN33ecAgMU3lZjsYYx9yrKPVSGTn/bvivpjEdwRX9CtqS5n1qWhJYI8A3Na16SqNAJqxEtiPZZWluF///ilpc9/Y/aIlJ9JBs6wy5vVNonfra1H7cEWLK0sQ+csNxqCEdQ1hbBgfS1W3noxFEqZYysIbKN8WJ/fNupCABT3XNkHPMeDI2r/4BEICFGjgkQXZ2Lsu3f2MesejSm2Y6Hd55yNLc2a6nKmNRjHEVRd0sM6pyDAso/NC0jtXTGKRWnnkGQFM1/ZZrqOojwvVt56MWoPtqAg4MadY3qje2cfDh4NoyDgxvb9zVj8/k4snDDIslCeuWKrKWS7c0DE//zxS0sf++uTFAzLLBQzyOAsQ8RBRCEV+4xkQi1Ox0UXwf6mqCW0tFueGvpql6ukTcjtJmFSvH6SrOBYyLyL98TEwchyq91Z1M7s/sbBenmyjQWIJnri5gkiCaxsTWUZ3Hxqyq5Ox092oanYiQSkqZVDMiGNZCxfUZ6qGCcr1FbwRpIVuF3soS4qUVNburK4EC9PH4ajIQn1LRFLu8ngZMC2LgFJvzabLOJAYwG1sEzj5DJRoCVZOXaTeruICRfP6QyNV+CwprocB4+G0dgaxba9R3B5v0Kd9eldGMDOejXvTJvI2oXsR2MKbh7RQ99EyzKIj9gpZza2Rk0htsb+3eXi0K9LFtbOHI6YrMDFc+DjC43Ec2uLywxODezyZptDkv53XVMIXpGHi4eeD0gIQWs4BrfAMcfWpyeVWMq9srhQLz/xfPUtEfTrmoVjbRJuW9nOkC2ZXAqR5xCWFAuD5+LYTDRnI35jJ1inKO3iZ6zfsOYFlFLmdT8zuYTZpymUYsH6Wl0sSsupZ4WF1zWpomwLxw9EwO3Sc0CNIbdjS85Dc1s06SIfAPgE6xqtDCdxLCekZ0JLBhlkYAsCtQM1wvg3yzTXuIixS+jWUrUohS7A8ME9l2PZtKH4aMch/bhRIGRNdTnmVRTjqfe/RmtEHfQFjuDxGwbpddB27YSEyZNd/UBhCUf8xZpP9fPzHMHYQefgoq7Z6JLjwUVdszF20DkmY29KgWc//AbRuF9ZVFbw7Iff6GUEI2wLj2D8GtwuDksml5quYcnkUt0nzRv3djIer6ksg1c0h8/aXaMmdrN0ShnWVJdj6ZQyXFlc2B5ea/P7dDQvB5Lfj4XjB5ru48LxA/H9sbD+726dvFi3ZR+6ZHuYZew93IaozYRTTmhL79bWY+qLn6C+JYKZK7aiIRg5abPiDFTYCRYpabgWsGuXLo7oLOCsUb0srMWMl7egsTWaUjnapN6Iojyvqko5dYjpN89PHQK3S2U9Fqyvxdx1/4CLI5BkBQvW1+Lqn3TF7JXb8G5tPWau2KoKlayvteRFsc4nutQFKKVqv7mvsU3/Xs2GXXhmkrkffGZSKbbtbYQrnoqgXZPIt083XS4O5+Z6cX6+H+fmesHFFwHWc5/ad09RKBpaIjjQ1IaGlkjabqydKLS82cT2VrNhl/4dNZSUQ0tIBqXQc7T9bh4KhSVMsiBLVMfDhPHugWuK8fBb6mIpcRys2bALLkIswji3rdyGSEwBzwN3jO6NBetrMfG5TViwvhYCT/DkjYNNZT1542AIScYOuzGyuS1q+xttXiC61DYp8Jx+3TNXbMXE5zbpY4PdXEmSqf7vWaN6oShPTaUQbcZ1niM4Fo4xhYJmjOyJ+1//XLehSayz0VpDkim7jz3JZn5WMIqEEB7AFgAHKKUVhJAeAFYD6ARgG4AplNJosjIyyOBsgZ1Qi7aGcBKrcRKDEVzEIm9uNM62Yxy18/vdBLl+0bRrl+sX4Y+bxTsZc9slnOvWFiJbaMaY0M1xNnWMf8XJPkNbYBqvwfh5RFJAiPk4IerngLOFia3xb9yqgXN4xukGOzsQCorOWW7VLxFAW1RGfkCER+CxYvowfH8sDL+bxy2X9UQ4pjBD6x57x54VpDZtKdcr6DkgJ2tWnIEKp/c2nRCV2VELi28arF9jouw/YLXHiNiU8+RNg1GU5WGK4eR6VfGxxNzH/U1tePTtHSoz4RHw/bEIfrftAF6ePszCutRs2GUZAwSeWOwSFk0YhKMhSWUUOSAao1j8/k79Xd2+vxnbv23EylsvRkNLBI2tUTzz4U7MGdMHPpHD72aPQHObhIIsNzr5zAsMI1IR/jlZJJqTsxjesx1a3uwbs0cgIskACI60RnQBG23h+Lttdbi8X6EeilyU58XTk0rQJdvNHJfcglXXQKGqUFhDS9TUvvN8AhqCkaRRM8/86RvcdkUvLK8apoelchyQ5XGZxtQsjwuiwB5Lk1lM5XhdlrGiprIMLhtG7sk/fY07RvcGoG4matdt16cdizO0dU0h9DsnC8urhsHFA+Bga5tlFxGjsZAsG5qayjK4Xe0RBsEwW2xIPsmV4lmxUARwF4AvAWTH/34EwOOU0tWEkBoAtwBYcqYql0EGPySM1g1GewrNuuFoyN4sOuBRRSdmXtbdbOa+ZZ8uOiHFKNN+QzO0TyYxrZ3fLv8u4HEun7MJvdLq1xa1F5LJi9tjKEryOjqFPFIKPPXBTowr6wYfeERlxZSnqVDoiqWJ1wioO3/JrjEYUUyy28bjOT61fJasfvf8HifabM4oktkNrNu8D+OHnA+B57DncCt++9EejCnuglyvgLCkgAOBJFPsqm9Fr0I/Hr9hMDoHRMiU4vujYRRkibZMq10oVmGWG/MqivHkn07erDgDFamITKULOGIVoCjIEk19k11YppEl423K4QlxFMNJtI0QeA4FWaqAkyQr6BQQMWfMhYjEKERGfxZw83jllmEQeA6EqH3aB19+b+lTSrvnY8H6WqypLkcwHENDMILH3mlf3OYH3Jj827+byq492II11eXo5BdRmOU22WMw72cKwj8nC7uczx+jBQcBASEENz63CSN65mPZtKEQeA4cB9Qfi+DnpUVYsF41pD83xwOPoC7MqALbsfW9L77H6OKuoAAogFA0hqI8L7bvb8bMFVsBqO3/5enDMK+iOGl6hmYJMWtUL90Sok+XAKYv38IcU59O0EzQ7CXsxhSe5/Hmp/uY46udhczsldvw6oxy/MfPiiHJiv59u9Ba7d88R3Qrj9IL8pm5+OtmDUdhtodpAaWJP23f36y/d/l+ETleAc1tEha/v0u/xs4GP0ZjfU420ijtF4qEkCIA1wB4GMAvCSEEwGgAk+JfeQnAfGQWihn8SBCwsW4IeNrtLZzsK1iG9RojJ/A2jGKcDbNl4xzy77TjhAAj+3axGENrfZ0TY+qU3wfYsxsaa+pkn2HHSGrRVU7lewT2PfYIqd1jp9+nG5LlvS79y16Mvugc+EQeeX7BIjteU1mGTn4BPpFHRJLhFjhdiTGRjU4Ei8l4ZNxA/HLtZ3pY3oMnaVacgQpbFjwNm6zAE1tmQGMqEg24WSyZ6OKY5bgNwlypLmIK/CLmjOlj6Tdf2rgHv7yyD5ZMLsVtK7fpuZNTXvjE9L1unbzMPueVv32rMqEyhShwePLGwbhr9aeYuWIrivK8WHHLMGZfdzgYxdhnPk6ZuTueaz0R2OV8/pgsOIys6qIJg1AQcGNsifrMjTm1SyaX4uYRPfDSxj24eUQPPSRy3azhzHvIcbDMOWoqy7Csaqi+KayNUV8caMKc1Z9j64NjbG2yjJYQ2ufJxnWWYM5DY/vbvqNEoew5BsfOXdSiAw4da7d8eWTcQHgYVl8Lxw/Eo2/v0P89Z9V2NAQjWFJZxozWKgi4cTgYtUTCvLRxD+aM6QMXD70f2b6/Wc99nLvuc/zqX/uZrn3Tv1+RNFLpRJH2C0UATwCYCyAr/nc+gGZKaSz+dx2A885ExTLI4EwgmMS6IcfrzPg5MXKSTJMqdtqycSkIOADO9hpOx1Mxo7djNziSWh0cGUkHVjYsKZAkCWuqyxFTKFwcwaGjbQhLapij0z0OSwrTYuQ3J6ludqZgZMG10CWNBf/w3svhFXhwHEFbREZMjpgU5WbF26YalurG7JVbbO9bIoxMRigaw3dHw6CU4lf/2k9X+3XxabiS6YBgmU0nmtSnCySZ2rIYRpsAhVI8NmEQzs31witYWbKog/qxHVj+is3hmKXffmnjHtx3VT8cDUk4L8+DV2eUgxDgP9/8wvIcHqzor9elpFsuZo3qhWhMwYyRPdEciiImK6havhkrb73YZP7ttrG70EQ2WMydnT9k4menklG0ix441XmQHRnNoSi+PxrGogmD0Mkv4j9+dpHugTmvoljf1PAIPG5buQ3zKopN45yWJ5d4DxUFlvFo8ftquGYia1d1aU/8Ze4VCEvsyKbc4q4IuHmsmzUcMYVCjo+PLo7gnV9cBq/ogqwoiMlqeXbzDUVR5yLLpg1FMBJDfUtEf0cB+/GbVZYWHaDlFxu/b7yGSEyGV3DhiRsHgyMEv99Wp284anOoxPJZth/3v/45lk0bioXvfIWHrhuAojwvXp1RjkPHVHEqTSBHVWNvL68lLCeNVDpRpPVCkRBSAaCeUrqVEDJK+5jxVWaALiGkGkA1AJx//vmnpY4ZZHCqkGp7dVTMdGC7nPLznMr3COwcSI3tyvKwj2tm8RwBZl9xIZpa1Th/kecw+4oLdeaB45IfN+5IGnc3jTmKAZs6aKxrwMMxDXm1406Moc/NYfzQ803Gt+OHng9fPMcw18shJLnx9aGgfrxbJy9yvcnLlw2MZzLl2Y6CVNtsrpfDpX0Ksau+/X5c2qcQrREJ01/aioXjB6JzQMTCd3boOSJGRTlZoegcEMHb7Agny9HQmAxJcoESNfSZI0B+wI0HKopRcArzpH7McMoL7ihIpc1yHDBndG8cDqoTR5HnMGd0b/Ac2ybg4/uvYLJlTn0xC3a5dtkel15WSbdczL26LwJul84Wzb+uGEdaJVxY6LdRRqT6IvHeq/qaji+pLMPb/ziov0taKCEAbPzVFUymOCy1M3VG5o5Z/ylD4BY4k0fcqcgfTLQqOd15kGcCqfaxikJxsDlsUfIuCLhNrBkABCMxFATc6FMYwKIJg9AcklCzYRczT25JZRlzPHp6Ugk4Qkys3RMTByMYiWHass1YVjUUF52ba2IhF00YhHBMhldQ0wyMbPzjNwxCltdlGiPGDz0fbRHJklu7pLIMD735BX5ybg5+XloE0cWhIMuNo62FkClF/bGI7TjBassvbdyDRRMGQaEUa6rL9fshU4r567/C/PVfYdO/X4GjIQXTl7dfz7OTS7G/KYS1W+tQ1xSCwBPLvMPO9iMYieHd2nr85lrVYIeAwu3isGB9rf7bC/J9pja9bss+ZqSRpm1wokjrhSKASwBcRwj5GQAP1BzFJwDkEkJccVaxCMB3rB9TSp8D8BwADBkyJP0y6jP4USHV9upoSG8jM83HZ2xO+XlO5UdilMl2zY/7pQXDbDZs/rX9ke1V68cy0OVJfCEJG+Pu+B5RNEbBcWYhGU2IQUNrkjrkeIFwEkP7HC/gcsi3ikoUh1siFiPe7LiFR2sUaGAd9wjwe5zzuZxY4Y6CVNus3f3oVRBAXZPqcbVg7ACMK+uGd2vr9eudV1GMBetrwXMEYUlBfoDdtoUUWMGgJOFom2QJ28n28MjLKJ+eNJLloXYkpNJmeRCm0XaXLDe7/dnk5znlW7Ngl2v32szh/z97bx5eRXm3j9+znjUbWdgSZZEtYEISwIBWKdStgrQCLhAUUBbr0vpa1L4tLkX7slZFZZGvBqEiILQ/a1rBFrVaqVVDxEoEKYsmGCGEJOTk7DPz+2POTGbOPHPmYNgS5r6uXsXMmZlnZp79/nzuG7kZLmR7HfjltQMQjIiYt0Wuy0smFcAfFjD/jS9QPn04se/YOEtmO+aO7ms4fvcfKvHMLUORW1mrK2H+qfUAACAASURBVEtuhguCyXedWJKn+x0Ve6bjrSFj+dd/qvODI7GQpwrSgnTdzBH4489GIRIVzwhreS6QbB/b0BrGHIKS94IJQzBj7SdxObWSHJ78sj48een2fXhl5yGdbcY71XW4enB3Q51pbI2o7UP52y82faZ+Z4ai1MWdcvzB13dj/Z0jEIwYvZQf2Lxbzm+Ma3O9szzwR0R1vM/0OrB425e4tEcaRg/qqhPkWVlWAo+DMWVGaZpS63JOigNeB4uwIOKx8YNx3BfCPRuqdPd2ath0QQQxOqB8+nBsrqxFboYLkABRFPUidyD3AV4Hq/YF3zbJz5/tdWDBhCHoleWGk2PQNcUJAGpuLwAcOHZS/T5KbmQXdybS3N+/jp1ne3mnBkmSfiVJUq4kSb0A3ArgHUmSpgJ4F8Ck2M/uAPDGOSqiDRtnHS6exquzLsPf/+cqvPPgVfj7/1yFV2ddploz0BSI9hTxOYDa41q2imMpojWEkgcWEURVhl2Rkn67+hiiMUXQiCgh3cWjT5YH2SkO9MnyIN3Fqz6JUYFsoKucHzUxm1cYzYgo4Y1dcsecHZu4vbGrVr2+8htSGSOaa5DuoRynTSw+tF6QJENf5fywIBKPK6qpVt/AitHsaLB6H7WNMjPbL8eryopnex3I9PB4YUoxaAro4uUhiBLRbiDRXFCRzPeHyGGA/pCdo3g64Ijl42kl7+8d00/Nx+tICJu077BJ/WNNKqBVOyfe2yTXTunX7x/bDw9v/RxunkG214HV00rQI92FYEREttcBX4isjBgWRDw/pchUfTErxSH38wyFm0tyUT59OF6ZOQKN/jDmXTdQ913vG9sfWytr1GdaOVVuo6IoIRhJbPquK1M78gdJC+rbX/4YFCj0zHAjO8XR4ReJpwKzetMryyOzi7Gc2twMF9JcvKF+P7z1c9w/th/uGNUby/++H3u/a0FdUwADuqdBArBsciFWTytBUV46AMDNM8T7pbvl9ArJxMuQpii0BCPEYydaw4Y2FxUlNLZGsHzHftzy4kdo8IXwdvUxTCjOJabQBMMi0dZl0cQCrN95CPeP7Y8FFdX46YqdmLH2E4iSnEusLBLj7628M7NIK56lUT59OF6YUoSwKOGeDVWYsfYT3PLiR5ix9hP87q/VWB1nLbJoYgHCgojV00pAU1DnIlU1TZix9hNMe+ljCKIEmqbUiJieGW4IkoSKz48iEPMWDoQFfLD/RLuVpTs6o2iGhwFspCjqSQBVAF46x+WxYeOsgaaomJFtGzOycmox0pxyc5dMzOalWGdilZ8HCeBZSiddLYiCGuBtxkgqg7KbZ1A28mKDaIIyUYiYdLjqQtIi9JU3EYLhNQndVnmUicx6ATlkLNE7TOb8xAs9ivgNFFbWKseyo8FKACk3o80vauFbe1HvC2HJpAJkp8gTX1GSGcmuqQ6y3YCJPYaWdXj1rssS1isb7UNrWMAf/vW1Ln9mzfsHcc+YS5B1rgt3ikhUX80MyeExXseyryXALNdOhNwn5Xkcal+iiJNoWaHWUJR4/tcNfnlxacKKsjSFR9/Yg+wU3miRMLUYG2Zdhqgg55Rt+08dZl7RB7/68SAcPu7Ho2/sQb0vhDW3D0NazHom/vpaPzjlb+3JH7TFa/QwqzdHTwZVJc0e6U48f1uRqTF8n2wPNnx0GBOKeuLhrZ+rAji3vqgXxlu6fZ8hf065X5qLQ1FeesIxuMlPVgzWepAqZQpGZKZcua/CjJpZH0VFCVU1TaAp6NqdksYwbVQv3bjuZCnTa0U07d3secKx6Kdlk+XN+PjrvF19DI/fONjQB8wfNxgLKvbgVz8elHAuoYXHZG7l4dsXEdPxtvJMIEnSe5IkjYv9+6AkSSMkSbpEkqTJkiSFznX5bNg4W/CHRaKRrT8sMyOiidm80u9Y7fxHBQnL3v4KB+p9qG8J4UC9D8ve/gpRIeazaGIizdFKaKioCkFsml2K+ePy8fw7+1VTdCszeo6hiaa1SnihmRBMRGjrWDkTRlApYyITX0Ce4N0btzN474Yq9R3yDNlAWimjstCLP66EljIUMOsHfXTfYNYP+kBZ6yYy6u6IMHvfyt+XTCpAhofDwre+xNzRfdUd3brmILwOFhxDI8PNgo9ZBGiRyB6joTWMp/+2TyfXHl+GU32nF7qptxk4mkJTIIyDx1tR3xLCweOtaAqE1TbXkZCovpLqH2WygZPjlX3p4tm4HK95uCXJNH3N7cMgSRTu3VCFA/U+XJOfg5xUJ5EVYmiKyGIu37EfD76+G0dPBg3Hlf67qqYJE0vyjEzNq7sQFSTc/vLHuPrp97GpshY5KQ5Me+ljzFj7CapqmlDbKIeTMhQMfdfTNxcir4vL8EztyR9UFkZatHfx2ZFBqjfl04fJ9iUpDjS0hvH2F3Xo4nWoix4tlEVc2cheCEdFLJtciMUaVV9Azzx28XBYRWDKFr71Je4f2w8UoR4o9SwnhceKuKilVWUlKkutLdN3zUH1vnNH91WZUbNnYDUCN0q7m7O+UrWjqGsK6eZGS7bvQ0SQiNdysjSevW0oBnZLAUdThuddMbUYa94/qIbVShKIcxdIMMy3TrTKzOjh437iOQxNGcaWYIQcFROMtC8qprMyijZsXLCICCJ5J00T1kgUlYjNZQIR8s7/fWMvkX9gIaQiShJcPKPblXPxjMqW0Rb3txK78TooEzN6+QJW9hvKO0hzc7oyprm5tpAvCkTzaTX00+IeHgdFFNTxxMpoZb8hmDCWSghJIsPvjggHRxYgcnA01s8cge9OBvHEn6tRVdOEO6/oA0B+393SnHjhnf9i58EGrCorAcea2BaY2GOIoqjWxS1zS1ULAS1TcirS4raptzlcPE1sty6+4+1XJ6qvpPrHm9QhjmMwMBZOragf53gd4BLkxJp5DtY1B1DbGMCO6qO4d0w/NGrC9BQooX3lHx7Ea7NK8W1TQMemAFCPr5s5AjRF4buTQWR6OARj44dW9ER73WBEwLqZI0BRFBjavI8MRY191+/+uheryopPq48iyfqmM4jXfF/QNIV+2V68NqsUEUFEgy+ME60RgwjMkxV7UN8SNli7KPZPx1vacg/N7DIu6uKGBAluniGydr+5IR9Ojkaml9eNcZleHhQF8BwDSZLw6l2XQZQkHGkMoHuaA/eN6YfquhbdmLzwrb3qfdNdHOp9IWR6efAMRbSK8Ifl3OLVZSV4efow1ZsxN8OFtTOGo8EX1gnGKHOT+DlJ+Yzh+LY5iPtea8tbXF1WrLblcFTEmvcPYnMsr7e2UbYRIfWBDo42zLcmluQCAN76T53hnBVTi7Fu5yH8pDhPN7YkYw32fWAvFG3Y6GRgaQrX5OdgYkme2kFvraxJ2n6CpmTD280a4YLcDBd+/qN+6vmJhFRECXjr828N1hCKRLNocX6LidDMYzGxm5YE9h+pLmv7DUBmHXfur8eY/O46O4arB3dXn/Glfx7UleGlfx5U3xFDk+0vlHu0BEW8+VktUaY61ZWcBci9mpwI5RmUd0RTFOp9IZ36YEcOPQ1GRJzwBXQT5gPHTiLDzeGHy/6h/i43Q5YqV/7N0ZRaTxWbjFOxGxA0dTEsAJWHGwxy7UqdSAa2qbc5rGx3OhIS1VdS/ds8Z6TptTiOQc+MU1OaIHkOKgza2Pyu+FnM2oDUD/ZId+HR8YNxvCWkExPRHv/V9YPw3ckgyj88hEfHD8b6nYcwaZisqKkXPWk7z+vk8GTFHsy7diD+7697Me/ageQQVoYm9100fVrbiNmC+kLesGkMRPBdcxC+UBS9Mt2qWA0Q8/NrCeGh6wbiQH0r/rTrCBZMGIK8Li4cqG9VLVS00UpmojBOjsaBYyfRNycVWytr1LnI3NF91blIRJCwdPs+TCzJgxsMwoKIpdv34bHxg7Fk2148On4wBFECz9B45I//wcbZpbr+OSJIePEfB9QNDqXulk8fji2ffoNpo3oTrSKKe2WitjGAObG+59W7LouJoQlwcwwWx437yrhcETeetwaj6iIRQOyau7BgwhD07+rFU9v3YmJJHiaW5KpzMFGEaR+oRYabVce56y/tbjhHad+z1n2KP997OQRRDrVOxhrs+8BeKNqw0cng5Mg794o9hZVMvZWhvRWb5uRNzOBjzIHV+WYGur++IV89nmjXjKatjb2dPG0wCNaW0eodprvIz6jYW9AUTA19ASDVRb5+aux8qxxGK0ayo8HroJHhdeGWF/Xfw+toU5VTQpMUM+P451XqELFumSTza3NPJEkk1wkuecbLzosyx/exgjhfkai+kp5ROgvPqDBorTGxGpKVwZJJBbj/NdkAvHz6MAODvmJqMRZU7NFZ0ACyObnynbZW1hiYmkUTC9ASjOCOUb3xUMwY/Oc/6m+4/5rbhyHH6zhrTB9pQX0hQxRFODkaD2z+As/dVqTWVZIlipLz98j1A1WTd1+cyAypji2aWIAn3tyD+8b2h5MnM+yBiACOoYnj/BM3DsadV/RR8x7n/KAXVpaVgKOB4l6Zuv55yaQC7D/mU3PWlbq9aGIBXBxt0CpQngmQ22VdcxCTVv1LM/6yptFO8eP5KzNHENu6m2fAMeSoJ7M+MCpKhrnEe18eRW6GuX1GTooD2V4H6pqCqprtPx8eTWRRzSJqkoW9ULRho5MhGDHfuQesZeolCXh/31HDTlyvTJkRZCwYy2A4gRm8x/p8q10xq+Oi2GbermWGemW27doHE7Ab8Fgb2jcFzM/3OK1Z05MBEYfryTLWKU5r2fzvI4JxPsMXMn+fr8wcAZamUNcchCRJeOT6gcTnVVhjYt0yWUFrBR7CJrYup/JObVNvc3wfK4jzFYnq6+n8/lofQIqiwFAATdNEZkxh0Oqa5QliVU0Tlm6XQzwvyfbimxN+/GnXETx03QB0S3VCkIBMD4tX77oMJ1rDyElx4Ik396gTd22fpbS1Dx4aDZqisI7Q98y7diDeqDqCuaP7ItPDI93FIdvLq32eltHrl+3F5jkjERVEsAyNHO+ZUSDVvj+bUZQjKJSNAcV+obYxQLREeXirbEmksHRhQTQIEVXVNOGVnYewaXYp6pr1ZvDVdS2mER7K2Fw+fTiW79ivYwVpioI/LKj+jalOFhWf1eL2Ub0N15q35XNsnF2K/Ud9WLytLXxaqbcKo8ixNKIEBlIRx9G2X7NxO/7v3zT4iW3dHxYQESTT/oE0PkWEtgWkwuzeWNQT1xf0gIcjjyleB4v7x/bTWZ4EwiKRRVWiub4v7IWiDRudDBLIstPKnrYVo5hmwpalxdgup0mukcLGWV3f6nw3T85RdPNtbB7puMLmuU3YQrcmF8oqj7G9rKbV9TmGwsVZKTq1uBWafDjOJL9COe51kN9he411zxUSvc87Xv4Yq2LM3r0aH6tFEwsgShKK8tJR7wvJu86MSY6iSY6YNo/JLPf2VAzh7bwoc9AWkQodCYnq6+n6/qR8V8X8+4GrBxDzXmmagoOl1b6jqqYJCyqq8crMEVi+Yz8euzEfgbCg88d7+uZCeSId6/Pin0kQJdwxqjcoCmjyR9HoC+DKAV1133HF1GJs+fQbVQ1T++zx5RRFCfvrfWc8j9fOFzZCG0ERjAhqezTLO+2V5cZzO/Zj58EGLJpYgC4ezjD23je2PwRRwqRV/zKcb9ZOGlvDmPDCh7ookXpfCC9PH4Z6n96/eGVZCa4v6GF6LTHGxsX/nSKwgFoGUssuKueYqpUTmMDlO/Yb8pSXTCpAVooDYROdCJZOnENPYnZXTzPmUq6YWgyKAnpneXT3YWkQFd9PJc+eBHuhaMNGJ4PVzr0oJma7mgPmbJrXac3GWTGWVuf7w+ZsW4ZHZvPi8wWUXTOPM7lcKKs8RtYkBzFZVtPq+mbKrMo3iAhSwp1BX8j8G7XHWPdcIdH7nD8uH8t3fIWZV/Qx1KnbRlyM56YUIRAW1PdzKjmK8XlMidpFMrDzoswhdiIWPFF91X5/F88gKkqoaw6ccl0g5bs+vPVzzB+Xj/9vVw1uH9VbzY/0OBikOuVrhwUJuw43YNPsUoSiIgRRQmNrGP/740HwOjhd7nNto+wPu2DCEHTxkG0xGJrC+/uOIq9Lb9z9h0psnF2K+zZUYf64fOR3T0EoKiEQETB1ZG88WbFHd+1Z6z7F5jkjIUmS+vxapWGlHjz9t3146qcFpzVM1M4XNkIb8fBtcxBbK2uw8KZL0SPdRWbCGRr3jLkEP/9RP9ScaIUvKJiOO2btgfT3704GAbSxgq/PHYmIIEGSJMxc+2/D2L10cmFC7QXSPUhaCgoDSQF44s09KruonGNq7UWYU9X7Qsj28nhtVqmqcyBKEjZ8dBjTRvUmXicqksf9jbExhsTszllfiVfvugzrZo4AAN1cIL5cLMPgL7u/sRlFGzZsJIaZ2peivCdKErK9Dl1nv+q9A22qpDQw+8q++MWmz9Tzn7llqMqsWOUa0TRw5xV9DIqhyvlWbBtNASW9uqhWE4D830qEGmmnUJuvFhXJz6dV/rLKY3TzNCYNvwi1JwKqItuk4ReprCTHmjB+sZ1BK+XWZPIsrx7cXfeM2m8gmDCev4kxnh0NTo78vpwcja2VNXjk+kFgaAqBsKD6KCqKd8tuLkRtYwDjCnu2Kw8uGbXcZGDnRZFBU8B9Y/rhuE8O9+IZGveN6dchGcVE9VX5/u1ltMzyXftke9A9zYkn3tyDiSV5yPTwyE5xIBARkO1xAgCuGtgVXx31YfmO/aj3hbB2xnAEIyKa/LISalFeOuaO7qv2j1leHjQloXzGcF2fl5vhxLqdhzB+aC4QGzdEUcLc0X3RI82JRn/EkKtY3xJWJ+C1jQF82xRQ88DW3D4M2V6eyNyLYvsk/JN9fxdyvrA24mHVewfw+I358IcFLKjYYxgPV0wtVkORtVE5b1cfQ31LWK0/E0vydONptteB+8f2w0WZbrA0hWduGaqbS8QzeUqo5d2v7sKyyYXEb5ad4gDHUrhvTD+jKjVLGXJty6cPM2UH5U0LOXdSq6C6YmoxaAqG8irj7vNTitDYGlHbRoaHgyhJCEaiqG0Mqn8fV9gTgXDUoBq7cmpJQn/l3AyXKbMriLL1TPx857E/f6F77zQFXF/QA7WNbW34+oIe7e5j7YWiDRudDCGNT6EyEXj+nf3qzj3P0AYj5iWTCsDHPP4kiVI7SkDuqH6x6TNVuc8yf06ETk2vtlH2ENqs5KowNPF8xWPQzdP4pjFkmIRdlOGIlS8xI+pkyc/nZNtiCK1Yz3BUwvGWkC4EZsmkAqQ65C4zErVg/EyUWx+PKbeavQPlG8DkG7we+wZnSt3sXCFkkhP6+I1DcMeo3rpBcuXUYgQjIjhW9qzbf8yHBRXVeGFKEUQJp5QHp53Ml08fnpAFttE+KO1bF1Y2tVj9e0dCyCSf9fEbh6i/aS+jZdbPujkGS7btNSy21s4YjhOtLZizvlI3oVy6fR9qTgQw/40vMH9cPq7JzzGcu2JqMVwcg7qmoO77PH1zIW4sysWc9ZVYMGEIHrpuAFiGwoKKaswfl6/aCCjPpzCeiqJpfB7YrHWfmuaBJVKG/T6w84XJcMRsl3pnecAyFO6JpT/Ut4Qxf1w+Mj08clKdeLJCn6+qzbGLrz8bY3msSyYVwOtgdYu2l6cPw9LJhaAAZHodWLztSx2Td//YtsWfmaLuNw1+DOjqJfpDb55dinQ3pzJ7DpbGkaYATgaCpmOBWcTOrCv7ItXF6iw7Ul0sHCyNSFQ0tA1QwPG4UNklkwqQ7nZh8bZ9OtXY5975Co8mYF4XTBiCnBQyq/91g9/QXtbOGKEu2uePy0f/rl6IkoRAWDCUp7154PZC0YaNTgYrtikqSgaT3HlbPteEPVr7MCZS3IxYMHo0BTx9cyEe2Lxb1+kq8/FEQhFp7gSqqTHWSJAklH+oXwSWf3gIj9/YFuJm5SUZMXlHSogIZbJzp30HiXIc6ZjZcPxiVrm/WY5DJPYNaJoin99BFzXmOaGiYVJ5d0wafEFFNV696zL8YqO8oD7RGsEL7/7XsPPbI91pmmeoncyvef8gXp4+DEc0u8O5XVwJzc9tJI9QVCRO9E4ltPd8QUQQTfrYNlasvYyWWR8hiBImluQZ2oWyGCQt3Nw8g9pGWQl12c2F6saL8jslPFvpk5W/P7B5NzbNLsWoPplw8wxe+udB/O+P87Fh1mWgKUoVHFn1niwSUtsYUPMxlY2AR9/Yo3v+08XcWyHTw2PdzBH4usGvtueLM90XdL5wQ2sYt7/8MbK9Djx321DdWFpV06Qu8N958CrTfNVHrh9kqD+iJOexBiMi5m3Rt/GZaz9VNw+K8tLx0HUDdEyeVtVz1XsHDOygstnxzK1DyfMSUcLPN36m5h0yNIVfvr4b2V5HwnkKKSopFBXVXEAFuRku07axcXap6Txh7ui+WL5jPx65fqD6Xh+/cTCxTTM0hRlrP0FRXrqhzPFtSLlPICLovtum2aXoke5KOG/5vrAXijZsdDKwjAnbFAs9tVpomcbpJ+nD6DBh9PgYo2dlJm8VlmlWPkXZkgJ5EahdQpnlSz0ae4ZEISKAvNtP2mFUdu6sGL8gwXR68TZ5MEx0vsJukUyrF2/bh2dj53c0mH1TlqaI30EJ0dFulLp5BvUtYYQiokEMgQZ5Aa2dzO8/5sPJQFR37pppw8B0QMbrfISVLU5HQjJere1ltMICuY0/N6UImR7e8C6VxaAWSluRYveuqmlCcyBi2r+S/l7XHETZyIuR4mBwx6je+N1fq4n969LtsiBJmovDptml8IcFBCOiIQ/M7N2diT2uUFwfveb2Yaf/Jh0I4aiAbK8Dv7x2AG5d82+8MnME8VsIsVBIUv1u9BvrjyBIeGXnITx03UDTOgjIi5rF2/Zh/Z0j4AsJSHWyqGtuY/6qaprgC0XVuUFTIKLWq0Rt7tHx+fA6WAiiCBfPorYxgNrGgKr6m+7ikJPiwP+99aU8xpuM/7++Id+0jzqVv0eiIhZUVGPJpAI17SE3Q1ZETTTuK0rF5dOHozkQQUNrGL5QFPW+kO4euRkupLlYFOWlq+3LHxbMUy/a2cfaI6ANG50MDEXh2VuHIjfDBUDuVJ69dai6kFIm5VpoF1ocTeGFKUUonz4cm2aXonz6cLwwpQhcbCR3sjTmXTtADZPkGfm/ldBOUQJxV0vpqxQz+RlrP8EtL36EGWs/wb0bqqCkkbEm5VMWWa6YKqr2+VaWlcDFt92fFNqk7Ss5msKsH/TBgopq3PLiR1hQUY1ZP+ijPqMSGhpfBiVMThQl4g6j0iGzMcZPW8Ylkwp0YjeK6fQtL36EOesr1cFQOb66rFj3DVaXFavHHSyN7BT9znh2Cq8uxjsaEr0v0ndQQpREURYAAOSB8v6x/Qxhz3f/oRJmw6QymQfk68SH+85a/6kaOmejfTDtdzogC27VvoG2fDDtb0gKqKIoob4lhCONftS3hNQ+hKFpYh/BM7Ixffy7lHMKje/XHxbQM92plvdYS8i0fyX9vaE1jJ+9ugscy+DhrZ/r2MyivHTMH5cPB0tjyeRCvDx9GIIRARKAAd28yE5xoHz6cBTlpavP73EwxHfn4k9vSKhZ6O+F3J55lsH9Y/up3291jMGL/xZr3j9o+EYry0rAsZRqkaHFcV8YMy7vjZoTAd2xorx0lE8fjkwvj9XTSlCUl47sFB5RQUKKg8XB+lb8sbIWiya23av8w0PI6yLX23QXh/vH9kP59GEJ29zK9/6Lg8db4WAZHKxvVX+jsG0Pvr4bhxv8mHF5b/AMDRESZlzeWzf+z7i8t2kbSNR3EdsSQyPb60AwIiInxYny6cPx/JQifNccxIhe6eiT5UF2igN9sjwY0Std129U1TRhyfa9cHIMFlRUY/G2fcTnBuSwXeVvGR4uYfnbA5tRtGGjk4GigBSnPs4+xcnqxGAShWSwDAWGpnU7savKStoYSUlCKCoZjquhnyI5bFKIiRVYCY5YCcG0hgS89+VRnU/iG7tq8ZPinujiSY65YBkK6R5e947SPTzYmBiNk6fIYhW8fNyU9Yw9gxkbsPw2eefQygKEouUFb3w+FxVbBzpYsqGvo53GuucKiRjSeAnylVOLUbH7iGryreR1ZHg4pJmIASghu/HQijvkpDjaFSpoIzFM7TE64N5GMox+Mgq4iQRvGJP3JUkSeqQ6sbqsRPVQy81w4eJMt8GaQ8nnFUSo5e2R5sQLU4pxz4a28L7VZSXwOmlDW1OYQi17orD5JCn/p28uxO/+ulc1QFdsD1aXlaB7uhPpLnmR3DXVqet7u6a2HTtdsMVsjMj08DpLhf3HfKBj+XFunpGZ53QnbrvsIgQjAhbedCnyusiiNCcDIQQiIqKiaAifdHI0ABosLaqho9lehyGy6OmbC5Hm5gwhn29UHVHb0sWZLhz3RQxRIY4EbU4ZC5dNLsTyHfuJ4ZvBiIh0DweGAfytUbh4RlcHXTxjOjeiaRjHobIS8Caidg6OIraNbxv9ROsxr7NNsyA3w4U7RvXGm5/VYl3MQ/hIUwALb7oUHEOrz73s5kL0zfHi/Xmj8eV3LXjiz9V4YWrRGbEgsheKNmx0MkQEyTTOHrAOHQ1GRLVDBOTBda5iXxG7fqLjVmI3NEWWuVaOtwTN7TFSXfL5myprsezv+3XXv6kkF0CC0FRNbxmMiJhR/gn5HXkAfwL7iQy3dfgrTVFExk95Rn84wfU9slhOonyuZCxAOhIYDcOqQPlm6W4Wr80qRVgQUdcUwHPv7Mdvxg3GkxV78NB1g+B1MJg/Lh8r3v0vHjcRCzBL5o+fzJPOtXF60JnsMRLVVy2sFHATWUXQNE18X0/9tAAcx2BA1xSiaf2m2aUIRgQ4OXni6w+L4Bh9eYvy0rFgwhD0yfaAoig4GAonAyI+PXRcZ57+RtURzB3dF5keXrUnUNh8kpT/A5t3d7FUmQAAIABJREFUY8OsUjy/Yz/mbWkTtpnzh0r86WeXq8/sYGkM6CYvhmmaPiMWMraYDRk8S2PL3JFoaA0j1cmq4kcKcjNc6ndTxsSIIMHF8zh4rBWvffw1bh/ZC2tnDAdDUTjuCyPVxcHBUhBEeRNVGaduiQnlAG31Y6lG2VSJ9ll406VoDQtgaApREYb5hTK2mbU5ZSzN9PK4f2w/7Dp8Aptmy2MGQ9MIRaL4tjmINR8cwGPjB4NlGLy1q9ZgfzVp2EWmfdSbcZZcH+4/hqsHdycKBz46fjCxbWyaXWp4J8qzbZxdiu9i7W7p9n2oqmnCX744KkcUfXgoNl+Sd9WyU3iIEuDi5Lq8tbIGc0f3tZzbfV/YC0UbNjoZrHL8XCaG922hm4kZP8HkuMIoWjGWTo58f6diPdFOM3q3w4St05jRWwkqmAoCjZPFaLwmrKfX2fYMiYzfrQSHrFhRs28kJWEDcT4ikd3ITSva6sGyyYWobwmjsTWMO0b1xuJtX+L+sf2xtbIG943pBwdHJ6wbJCiT+bomf6cxhD8fQVsISHUkWPVByUIURVOriOwUJx64eoCBbcz08AlN67M9PPbVt+KO8k9UVicnRS/sUe8LgWdp2QB8QxV++5MhSHGweLxiL1qCAkYP6oqtlTWGsq0sK0HFZ3KooIOliX3QsZNyTiMANTdNYfLaYxdyqtBGC8S/vwsRJPZ65dRiZHv1kRQKa6zUxROtYdz96i6sv3MEcru4iPWVZynU+yK68XD9nSOI9SM7xaHLrattDKB7ugt3xARy3nnwKuJ5PEsec1NdtK5M1+Tn4N4x/dQFmVJGRXDpNzfkw+ugicb0VV+fMB23V39wGKs/OKwr15hB3Yjj+P/+mJzrmGje0dAaxqRV/zIcY2hy9JDHQat9wf1j+2PuHyrx5n2jiL9NcbUvbMNeKNqw0clgKaQSkVB56LgudPOd6jpkDukBwJoRZEwYQYVNkyTg/X1HDdLTvTJ7x+5vzobBk5wZfSL7D39IREXc7p9iXZHhbntHZua9gDVj6Aua3yPNZf0MVqyn1XGzb0S1Uwb7XCGR3Yj2HT74+m41XOjVj77GxJI8BCMCHh0/GOt3HsK0Ub0T1o1E6EyM1/kI0aJf6Egwk9e/fVRvHGn0E8NMSRBM8qk3zxmZMHT1RGsI3zUHdaqjivVGRGiLVuif4wHPMoiKEniGxjO3DEW6m1OZIJqm8MytQyFKEriYCFr/7qmo+KwWvxk3GFPWkNmPpkAEKU6O2Ac1tIaxoKIaa2eMwIF6n/p3iqLaZRdyqkgm9PdCgjZnU/HRDEVFLJlciHmv71YXbrkZLuSkyrmlCsu2bHIhBBFwc4ypNVX8mH74uJ9YP75p8GPu6L6qCur9Y/tBkoD54/Kx6r0DpkI6zYGo6ZirLdPEkjzD2Kuo/y6oqI6dC+L4rDwz6R5m4zHp75yZoGCCcV3JHY4/JkogPvedV/YFTVNoaA2rDGxLUCTO7bq4uyPV+f3rjr1QtGGjkyHbwxN33rJjO6keB4XL++fgwDGfGp9/ef8ceByxRQgNrJxajOO+sHo8y8uruURWbJnbQWN8XBz+Kg2jF7Wwz7BiREWJzMbNH9dm/0Ha/ZtS2kv9d4qTxrzrBqL2hHwfnpH/W8mDNM2n0uR5jivsidrGgM5oV1mnCSbPqDCCbp7G2hnDUaMxt87r4lJzFLUGxrr7x75BIsPvjgiS3cikYXlgaMqw+9wry4OTgTAmluSqwjVtTAy5bjw6znqxx9IU7ryij+6ayyYXnrI3pRjbHbYnp3p4HDQxP8fj6Hh1ljZp/zQNjPy/d5NmyySLyACF7VbqVF1zAC7e6Heo5BKKoghJkvDw9YMQDAvwhUXc/fInKtMy77qBuj4HkNRIEQD4f3eUwBcUsPqDwxgzqBuxbBFBgi8YxbN//4rYRyk5jRxDYdV7B9R3wVAgXu9M5gxahf5eSFByNkm5pdp80iWTCtAciOCkP4Rpo3ojHBXRxcPj9U++xpTSXuQ6IUoY1ScTs67soy5mtv2nzjTn9dc3DFKtMrQ5jIsmFqDq6xPE8wIRgTiuTy3tpRtrc1IcRJa0V6Yb62aOgCBKcr3wyr+bO7qvOkZ7nQzGDOqm66OWTS4EQwPlM4ajVtN2cru4kOIyjsNLJhXAH44S24ZpJAJLYWtljeGcVWUlYGlg4rA8XV8zcVieqkSqzcUVRQmPV+zF4xV7de9oTH63dtUde6Fow0YnQ1MoSsx/e/KnlyKHZxEKS2hqDRusHdIcLOACONrEGDv2dyu2LBAi5zhunl2KDDfgMrHPcMUUO60YUSvGMxkz+kBYwvGWkMGYNtXBItVlzS6xFAVfKGo4v2tsUuLkGOIzOmM5BRJkZjVeEEiZsoli4vsnY/jdkcAQ7EaWTS7Eku378MtrB6g5G7kZLlAATrRGiJ5xm2aXmjCt1mXgWBpOTm/b4uRocKegJJtInORCXyy2JvBHTXef48KdIhT1Y7M+Mlm2LJk8uvg6VT59OLHuL51ciOOtYTXn7N1fXoVpL7X53c24vLeuz5vzg17ISnHoN5umFqNHuhO5GW3KwvFlA+SNqttGXIxUJ4u1M0aAoYEjjQFdO2VoCqvKitUcxIbWsJ0zeA7BsbRpbum8LZ/jtVmlsUUUkOJgUEvThvQPigLxG7p5BmUjLzaEcvZIdxCtLrqnOfHclCL1+ko5Ht76OV6ZOQInfGHDeUsmFxLvbWbHtXjbPnWD8Zr8HEQFCXe+8rFuzsOxNO7dUKX+7dW7LjOoZj/4+m68PmckTgb0AjvP3joUqQ5WHYf7ZntQcyKAxdv24cFr+mPdvw4Tx2+ziJfHbxyCRn8Y5dOHIxgV4eEZLHzrSzwxYQgafGHDXCPNKYd1a/sQU2u0dkYadbytPBs2bCREMCLg7epjOln1t6uPIRiRlR/DJtYO4RjbFYqKqIiFVb3z4FUonz4cFbuPIBSVz7fK74tYMIJRSZbAnj8uH5tml2L+uHyUf3gI0dgqyesg2194Y8yDkgOpPa7NgVR27bTH4/OHIqJEtPCIiG15lneM0stn3zGqt8oohk3OV95hVBCJx6Mx9c1AmLyYDoTFhPdXnlEx/I7/xlETdc/zHYJkrJMPvr5bleKfO7qvOriztLlnnFXdSISoKOGeONuWezZUqfU2GdiS/OawihToSAhFRaLYlNJHKn+zYsuSsdCIr1Nmdb97mlNdJBblpYOm9B6k8Wbck4ZdZFy4v7oLwYiIZZMLVYZDW7Ylkwrg4Gi1nYx//kP86Pf/wLSXPkZEkNRF4oqpxVi/8xBoWrbyoGkqabsQG2cGLE1hVVkJ0YOztjGA474Q6poDEAQJJ4MCjreEkO11qMd/9uouNXw5vn8NR0Xi5nEgLMLJ0Xjw9d2qvYtiaWGWh89QFH731y/Bs/rznBxF7NujJmOx1jrikesHqQrBym8e2Lwbja0R3d/qW0ImLLqIn2/UWyf9fONniMQiWOasr0SDL4wZaz9BVU0TGJoi2m/QFIjjtiBKkCQJNyz/J65++n182xTA7S9/HBvTE89VMlwcNtx1GbbMHQmOpgxzp6dvLmz3JqXNKJ5H6PXIX874PQ4vvOGM38PGuQVrwrgpzgmihZk8x1DERG9loWVlNm0an68u1CRiQjyghJYCqS55p5qm5P/mWErjg0gR2TaFTUuUP6TAbJBS3oEZo/hojNGzeodmi2Wlc7eeNCd+RrPciI7KWkUE8vtQpPgHdEvBwpsuxe/+uhdLby40ZTvao/oWiZJtXSLR5BfftiS/OZJh+jsKkln0JsOWJZNHF1+nzOo+S1PqIvGX1w6AKLXlehXlpRsEsBiaIj4DQ1Po4uHwqx8Pgi8YRfn04fCFojjWElJl+Unn9c7y4J0Hr4IgSljz/kFsrqzV9bl2zuC5RSAsIN3FIsiRWewsr7yAnPbyx7pxWWGJaxvlkOhUl2y9ldfFhZoTMov89K1DTdsDydLi8RsHI9PLm+b31ftCWLq97Tx/WABlMib++gaycExeF5eaT9sSjBJ/447z7jRjvc3aiqjJp9S2SyfH4LdvVhue+7kpRabX1zKDyrgHmIsHiqJEFLV6YUoRFt50KZwcgy4eHmFB0IWXfx/YC8UziLOx8LNhIx4sQ+PpmwtVhkZlYmLhUoyFkItVaKmDpVWvJOX6K6cWwxEL0WMoinh/rdiNWUI8IMu5T13zb0Nnqlg/MBTw4DX9wdAMaArI9Drk/47NNxwsjdtKL4YyN6coCreVXqyWD5BzEsmDVEy1NLYjGB/OwiUpNmM1KbY6zlAg3l95Ri5mPmxWvo4GzqROKoPvvu9aVLl2CsCq9w4Ynn9VWQn+tqfOkD+7sqwEWW5r1uJ0yOnbkvzmSHExZH9UV8d7N2ZiWEr7PRW2zCqPLr5Oker+mtuHwcUzutDCJZMK1N/NHd3XIC5iJhrC0BRmrP1UFf+IP2523qHjrVi+Yz/mju6LiSW5uP7S7nDFTcTtnMFzB55lcPh4K3jWOHasmFqMI01BA3OliMAofa8oQbXeUjYk6n0h03QQ1sRGxs0zYGjjPEHxxlXKp9x30USZhSSN+5zJWFpzIoAZaz9BboYL62aOIP5GztNtw9bKGrw8fRiONAbV9IMuGiN70nxB6dO07dLrYInPzdEmvossjbAg4tW7LkNEkNAS1CxYJXJ7kz0VwwZRq3s2VGH+uHyUvfQxcjNcWDBhCFK6cu2qO/ZC0YaNTgZJksCx+lwrjqVVgQSepYliNDzbJjaTaLfcyYFoVhsLmYdgcn/Bwl5D2fWyuj9FAeGohLtfbdv5XBnLn1COtwQF44TU0dbd8RxlMKxeXVYCB0epZSQ9o5UFiLJOSyckua8sK1F9kKzEaIIm5sLPxAy9JZC/QccL4pOR5iJbplQeOo4VU4vxh399jdwMF565ZSjCUQH1vhCyUhxYXVYCt4MFIKs6Pl6xFzeX5OrY5HQ3B4fDeqhLd7Lkb+ZMfpi0JfnN0RIQ8OWRJp0/6s799ejizm6XIt+5QLpJfU130fjw4R+eVrYsvk7V+0LITnFg6eRCUAD8YQEOlkYKz2JVWQmCEZmBXLxtHx67MR8LJgxB72wPHtj4ma7P2vLpN8T6rpy/6r0DxD5uzfsHDX9fPa0EXidryBVbM20Y0l02a3g+INPDoyUYQUswApamsX7mCHkc4RhIkFBzImAa1aHUDe3YXVXTpLJ+KSaWVF4HTaxDgijii9om9Mr2YunkQuSkOPB1gx9Lt+9DdgqPedcOwIIJQ5Du5pDi5ODkaDg5CmEfcLcmz1Cxx4i/tyICs2l2KfxhAWFBMCxKl00uhIPTG90/dN1ANPkjhlx5ERJ5k8tJQaI4vDarVFUOXjq5EE6O/NyiJIFnKV20VFQUEBZE3Lz6I135184Yjunln6AlGMWyyYUGkTWagqmoldaWxs0zaK9rlr1QtGGjk0GQgBXv/hcTS/LgBoOwIMpm5LGwRbN8AoXRs9otbw6IWLxtr+76i7ftxWPjB8PrlBlDJUFcgcIIAjLjSAyb1IjRJLp/RJDUHEpSaGlC+40YgmERz8aJwTwbM7yHR34G0jtUQhitQhybAiJRbOax8YPhccplJMpYD+6uvgPSjqTKONI0sXxP/bSgnbXn3KApYP7N1u08hPvG9sONQ3vgxfcPYP64wdg4uxR/qqxF/+6pyPTwyEl1oiUos4+bK2uxubIWgPzOFKNvK9S3hk0Fgnqku5K6hh1eZw6eZbD83QN46I9fqH/LzXDhh4Pap8h3LpCovvbMOL3KPPF1iqIoPP7nL3TKvrkZLmyeMxLLd3yFedcORG6GC1U1TXjiz9WYO7qv2p/Eh/PxDNR+VJSAUETAgfpW9Xzl95keHt3SnFi/8xA2V9Zi/zGf+vfuaU6AkgW4yj88pHsns9afOfsLG6cGmqbQK9ODRn8IgiSH2kdFKbZ4oWUlT8K4nJMiK4oq4xdpbB7SI9XUuoI0Ts67diB6ZXmxJDaPSHexuCTHi2duHSqPcZSES3K8ECQJNEXhWLMfVJrbtM3F99vLd3yF+eMGwxeSF2G/2ir3OQsmDEHfbA9omsJv39yD+pawrj24OQbTN32iu8eDr+8m3kN5H0+8uUd9H2JsLKcoytQK6Pdvf2V4fwsmDDGU/4kbh6ht/rl39uiOv/TPg3j8xiGGvMuHt36OBROGoCkQUb+fPywklaOfCPZC8RRgh5La6AigLYytrczc3Tx5t1yxbqBMrq9aQ5gwhgobZ2VWneIk318xjbXKoUwmf8jKYsPqHZgxYGmuNlaWdP1f3yBfn6aBft3SVJ8y5R0yGguSRO8ow8WpJrvaXcgMV/tCTM4VEn2zKwd0BUVJ+OCrY6qgz58qa1Hcq4uuDj5zy1CUzxiOGeV6+4Vk34kiEBT/zX5zw6kJBNnhdWR0Jrb1bAvzaOvUkUa/oY7WNgYQjdXfdBev9h1VNU1YUFGNTXNKVYZDG873yNYvVGVIQGZgtEyicv6iiQX47Zt7cN/Y/jjUIN9/QUU1VpaV4Ik39+Dt6mPqNetbwjo7Gzs/9/yCPyyg0R/Rh+dPLUavLJchJHXRxAL8z+Y2j8UnfzKEGI1E0yBaV5SN7EWcK4QFEWlOFnfEFpJ3jOqNu9bpx9Lndnyl1quVZSUJ2xyp3/7V9YMMBvYz1n6C9x8ajeV/368+h9IeVpaVIJpg7mI2npP+/umvxxKtgJy8MZrr5enDcDzmPap9R4CE7BQHolGRONab2c1cnOnGg5t3q+koXgeL9u5T2gtFGzY6GQRRSpgDaJVf5w+b75ZneKxzDM0YQyVHMSJI2HW4wcCmXR1j01qC5vdPdVrnUCYjmkFTFP449zJ0TXMjKkpgaQpHm/0qq+kPi2j0BbBpdql6/MCxk+ji5pDhkVlVsx1Ur9O6DKKY+B1aCfI0qrum+l3Ip35a0CEXKYne18NbP8faGSMwbVRv/PbNPXhiwmBMKM5FVBBRPn24Kpzxi02fYf2dI7B+5ggIkoTvmoN47hTeCWeSt6rk9tpoH2iaQr9sLzbPGYmIIIJjaOR4HR2SbT2Xwjw8y5AjLmL1d2x+V1WCf2C3FBysb0UwIuKEL6CG/bI0hV1fNwAAVk8rURkVF89g7ui+yEnhsXF2KcJRURWnebv6GKrrWrBhVikeuX4QeJbGb2OLRMCY06a8E4qiIMa862ycWzQFwgAow/h596u7sHF2KS7J8WJTrI582xyEJEl4dHw+vA4WYUFMOPY+Pm4gxuR3hxhjAd+prgNFUYZ6J0ECBbkuKOyisqBSy/OHSpRPH447r+ijY+/M2pxZv202D7l3zCXgWYowvqeanmN27+duLUDRxZlqOH3V1w2yKrLJHCZ+XG8NRXHva1WmcwGzsf7xG4cgN8Ol84KUw9ApLJlcAIaicNwXRjAior37V/ZC0YaNTgZBIpu9ixpGLz5hu2eGU2WrrBjBePU85bhyfSdHGwxzV2ny7ziWwqh+2ThwzKfef1S/bHAxWVYrxtPqeDJm9GkuGv6IA18d9ekMdBVGkGMpdEt36473zHCrZaQp4MoBXXU7hlrW1smTy+DiE+eBKs+Q7eGJO5LZMfYlHBWIO5mPje+Yu/eJ6kxtYwAtwQg4hsd9Y/qhwRfR/W7F1GIAwObKWjT4wpi06l/IzXDhhSnFSHfxSTMaOV4HsQw53o638D4fIYoS9h/zYdZ6DaM4bRgGdOt4HpNWfdyZhFk0QXaMsW0NRdW+4d1fXoUZaz/BmmnF6JWdqvPFW1VWgqduGoLZ6/TX2XW4AekuDg+ubftOyyYXYv8xH6pqmtR+XpKAS3uk6Rasq947oDLEynmP//kLPHD1ANtL9BxDFCWcaA2DZWgyMydIqDnhk60lftgXg3qm68avRRMLQAHEuYWTp1HSO0sXIaPkD8bXu5VTi1Gx+wimX9EbP/vhJaAoo6JottehqqTzDI37xvQzbXMOlpwP6GAp4hjsdtD4+ngAaW4Oh4/7sXzHftT7QlhZVgKaNtEeoEHOwXQSni92HdI7DkYEQzTU+jtHEH+rwGysXzABWDdzBI6eDOpY4GWTC7Hwrb0qC7zjwavavYFlLxRt2OhkcDBkA1o+xoxIEtASjBrMYxUDVytGkKVNmJeY2bQgSBBEUSe0IogiBCE2wRCR0EDWivG0Oh6MmOcHKmgNSTrzaaUMqQ5WzrO0KKNowaoGw+aMIzzWFiM8z2JAtke345nt4cHzcpfd2dQ1oyZ1JirIim9N/ghyUhzwOlmdibiyo10+fTh2HmxQ/QprGwO4Z8MurJs5QlWytQLL0hjYNQWb54xEVBDBxhgvlrUZxdOB476QukgE2nLY/nj3KOR0MDWbRPX1TKMxECF6sP7pZ5djQNcUfHcyqPYNTKyvHtg9Dbet+chwzoIJQwx/W3/nCEMbe/D13Vh406V45I//waH6VlVNcmVZCSo+q8XqDw6rfWRehgvvzRuN2hN+dcJaXddi5yqeYzQFwqhvCSE7xUkcO7R+hKV9szDl//3bML5tnTuSOLcIJohCInl1vjJzBGhQCIQFNLbq7V6K8tLx0HUD1Dqo3MO0zYmSLpc2zcVhyfa9eHz8YNN5gMLgaQVglPKaaQ8crj+pE+Kq+roB6a5M0+cmvWMnJwvObZhVCkGQy97sJ9vdcLFxx2ysp2kaXieF21/+3NBWtUq1LYEIUp226qkNGzY0iIqSamivdHblH7YJrURFiWgeqyxyrBQ9aQpEawatGf09BDGbjUpYpYlB7sZk759g1095PnKuWb76b6syWB23YgQFUSLmbEwt7QVAZjRJO5QKownIi8WePLmL7kz5XoD8vs3qzJJJBcj08qBpgBbNvd+UAV/79xOtYThPYaHHsnTSwjU2Tg2BCNljMhjpeCx4ovp6ppHIq5OmKXRLdap9QygSxYqpxaZRIPE+crWNAdAEhqe2MYDuaXI/v3jbPvVvSojg6g8Oq33ka7NKcbQ5iLKXPkZRXroa2hqOCnYI6jlEICxg3pbPMapPpiH/fVVZCQLhqMoWSmhjDnNSHPA6WAQjAgSTcfHVuy4js5Qm4yRDU4jE5im3j+yFV2aOwDcNMrt3/9h+pmMvsc3NKkVVTZMa7rxl7kjZ3J6mTPMK4xfAysLKTH+BpoCCvC74rjmIhtYwtlbW4I5RvREVyN67gigR50gUBfzo9+/rfl+Ul25gSpdMKlBZwERjfV0zWam2X44X5dOHo4uHQ06Ko93zgg69UKQoKg/AOgDdAIgAXpQk6VmKoroA2ASgF4DDAG6WJKnxXJXTho2zCVMxG81CKtEix8zY9omYaqqVdcP3DR1N1uxeEBMfN/NV0oZfWJXB6rgVI0ibHFcmSU0BER4OOsYwFImgKSDCmwS50tnUNRO9715ZHqz950H8cFA35Ga4TJhUGq/sPKQT5sjNcKGhNWyzGOcJzCIBOmKdteofziSsogm0fUMkKmDLp4dw+6jexHPifeSUPoz0WwdHY/G2fbo2VtsY0PWrtY0BNUdN8dnTjkNrbh9mh6CeIyibBYoitBLt4mBpNLSGEYqIKlu4ZFKBgTlcNLEAqRojeAVKHTiV/EGOpoiLspVTi5Hp5U3nD2aLUe2101wcHtryOZ69dSjx3lScBGhtY5sFiJma+a9vyMfUGMOqpDW8+tHXmH1VX9N5AGmO9NyUIsPv630hZHt5w2+fn1IEeBKP9WZ9wf5jPiyoqI7ZaFDtbm8deqEIIArgQUmSdlEUlQKgkqKovwGYDmCHJEkLKYp6BMAjAB4+h+U8b3Cqyq2HF95whkpi40zBKizSymyeNjF7V/oaK+sGs4WaYgZvJRpiZXbP0RTmXNVXZUWV0FnlOEuTzei1ExoHSy6D4iVp9Y4cLG1qnKscJ5XBobl+zYkI5m3R7yL2zU5+UdOZ1DUT1YnWkIAbh/bEyWAU63ceMjCxK6YW4+976vDzsf1RXdeim9i8svOQagtj49yCM2mXXAdcNJxO4SNRlNDQGk56wyeZaAKlbzh2MojRA7siEBGIXnM0DfU5lO/B0OSIES7W72uRm+ECo3nm3AwX6pqD6Jnuwv1j+xnGoVnrbLuMcwUlDDnb68DY/K440RqGBKBnuhMpThaZHhq3xHLtBFHCun8dJoZgKtfQCqi4TXLyPQ7yOChBAiTKUD/ujgnjEMdmkzbX5A+r/140sQAPbfkc9b4QOIZcpneq63TvRdkwWTG1GG6eNsw9VkwtxlN/qdaV854Nu7BgwhDwJnmQHgdNnCPxDHneoGgfKMhO4XVpJGZjPakvUCJrahvlMNTNc0Z+vwqjASW114nxPAJFUW8AeD72v9GSJNVRFNUdwHuSJA1IdO6wYcOkTz/9NOH1L0R7DHuhaIpzOrtJVF+/bmjFVUveM/z9/XmjcVGmB9/FwhV+saltofXMLfLuW7c0F75uaMUvNn6mDgRKwvqztw7FRZkeNLQG8W1TyNA59kh3INPjRLM/iJrGkCHpPC/DgTS3E982+fFtU9Bw/x7pTvRId6PZH8QxXwS1JwI6oZkcL4c0txONrUEcbzUez/JwyPA4UXOiFfe/Ziz/8tuGIq+LBwDQ6A/iCKGMPTMcyHA7UdfkR11zCPdvbMtlWH5rEbqnOdA93Y1vm/w4GYyApRmdcW6qk0OPdDdag0HUnYygRlPGvC4udE/l4HE6cbwliMaA8RkyXByyUs5IvtY5n40nqrN1zX580xAwmApfnOnCo2/swZ1X9IGbZzD++Q/x0a/GoCUYBUNT4Fk6tjste28FwiLqW0JqeND9Y/tjYNcUO8/wPMDR5gDqTgbR2BpR63yGh0P3VCe6phHDfc/bOpuovnZLS95HURQl7DvaYlj0WbFuyS4ulb78oesGoG+OB+GoBEGUGT+Pg0aDL4xajahZXheX2mdq+64uHg4eBwtRkjBTI3IjT64Z/Oj376vvYOFbe/H8lCIIkoQrF79nKNPQW98yAAAgAElEQVSHD//wtHtNnkc4b+cFSvtTQlC1C7fF2/bh1ze02Uls+/kVaGiNGKKS+mS7cfRkyHCN1dNKkJ3CIxSRVEaZYQAXS2Pm2kriWAwAPyDUjw8eGo2mQNQwv4hEIuA5zjBm90h3oMkfxdcNbcI0yyYXIs3FwutkAVBqXiFLAw2+iOo/qFwj1SXX7TQna5hb9OvqwRWLjOV8f95ocAyFD76qx6h+2eo9du6vx6V5GWjyh3XvaM3tw9CnixtHW0MIRyV13uBx0DjRGsGc9foyJTtuKX1BIBzFl9+1YNV7B3Ssv0V7S6q+dnRGUQVFUb0AFAH4N4CukiTVAUBssZhzDotmw8ZZhVVYpCgBX9Q2GuwplNwsM8ZQFYtJYB0BD+ALifg0ZiavlcrOcHdHmlsW05GN09t2K198/4CaQ+kLiYhGo+jf1ate/2QgBF+IQZpbtq5QvPK05VPsO2iKXH5aE3LiD4lEyenHxg9Ghlt+R6v+8V+9uts//quWUZJANM5VjjcFRHRN5eDiGPUZUl20HHLqBMKCpJoNu8EgLIhYsm3vBct+iSLwzpffEcV/FFn+8unDkZvhQliQcPXT8sR085yRyE5xgqZlCf4WNiwL/6Q48Nj4waddjCYaFXHMF9LZO9iL0ORA0zRWvPtfXZ1f8e5/8dRPC8510U4ZierrqaChNawuEoHkWbdkowk4RmY2blvzb3z48A/x25g5eN9sDxp8IWR6efTJ9oCmKDT6w0h1sAhFRaQ42qaGYUHE43+uRr0vhOdvKzI88+ThF2PT7FI0BSJY+NZe1PtCKhuSKETWxtkFTdMIRkRi/t/8cfmIxOyG3DyDFCeH3//tKyKjSLrGnPWVeOOeUaApCaIkRyVRkDfu/vfHg5Dl5SFIEiKCiBG90tWxmBiKTlGqCE1OigOZXgeerNiDedcOxJLte4lj9sK3vsTEkjw8cv1A1ZB+YkkeVr13AHNH99WJ3CyYMASvzSpFVBRjAnwSghFRbb/x43JtY5BYzrAgLwyXv3sAD/3xC92x8unD8addR7B2xghwDAWOoZHt4VHfGoYkAS6ORlSU4KAphCKiukhU3qciTpVMG1f6gvoWqF6M2rJwp2F86hQLRYqivAC2AviFJEkn42OQE5w3G8BsALjooovOXAFt2DgNSLa+ppgIpSiG9W6eIkpZu3klvy6xWIyTo5HhdalhKsr5qv0FQ6G4V6bu+lqzeCdHNqtXznfzNE74acP1FbN7qxxIK7N6wFrwJt1FLmN67B1aPUOai8ahBiPr2jtT7vglEwPfx8Z3nggPIPk66+RoskFx7H3WNgbgDwtYObUYgiCoO7TdUp06JuXbptApszPJIhoVsfdoi2FH22Ysk0Omh8cDVw847wWYkqmzHEMZZO7j+5hkkEiY5nRAa/lCyglT2KR6X0i2maHkc+pagpix9hPD9dI9PMo0uVrLJhdCkkQds6r9pp1JcOt8RbJ9bKaHhy/kINa3HmlO+MMC5r/xBbK9Diy/bShR54CigOwU4zVuKcnFt83G8e7iTAeiJ0RMe/lj3d+feHMP7hvTjzjPoCjg7epjqG8J45fXDoBwMoi3q4/hV9cPMhWnMeQ6lpXguR1foaqmCQsqqrFoYgGWbN+L+8b2B8tSuOz/3iHWf9K8gCQ2s2JqMQRRgJNjTUNPJxT1xPTyj3VjxZuf1eLKAV11ZV1VVoJsr/6dfp8+gBSGumRSAXzBKLI87ROR6vChpxRFcQAqAGyXJOn3sb/tgx16elpgh56a4rwNMTnS6McTsZ3jeLarZ4YbRxr96iJMgcLIKcfX7TyEScMuMuyWJ3u+1fGjzX6D2X3XNLd63Kr8B46dRN+cVB2j2TcnNanzk31HVsf/tqcOY/K761jZqwd3R88MN75tCiAYDsPBcTqxGifPo0e6C/UtIfx0xYeGd3QG83fO2zA+AAnrzOWL3kVuhgtrZ4yAPxxFpocnhtud6Xf6bVMAN6/+l+H6m+eMtJVSk8Qp5uOdt3XWqo9LFmejH4hGRRxtCQIAscxaKf1k+vAvvj2pY2hmXN4bwYiIvjleuDj9Nz3V/MtOgPN2XgAAdU0BTI7rw67Jz8Fj4wcjEBHBUDJDFREkLN4ms3Q90pxwcnIYZpaXRyAiqGHJbaGkRTr7FaCtvpjVOQDYWllDHGOfeFNmEJsDEbWe/WbcYDxZQR6T791QpTKHOalOHK6X5wNKOChFAVEReKe6Dpf3y8HVT7+vlmX9zBH46phPvRapvP/fz0YhFJXtLBiaQmsogke2foHnphSpLL22TI+OH6x6K2qvUz59uLq5pP37gglDdBsz37cPONEawu6aZt23qfeFEl2r84eeUjJ1+BKAL5VFYgx/BnAHgIWx/3/jHBTPho1zAjO27NcxtsxM9VRRD+NY8m45H0u4tjrf6rjXSeOEnzMwhl6nzMqYSVQrgQIpLjKjqTCmoglbpwxOgMwI3Dumn2lSudU7NDMYdsZYT4YC6k5G8PBWvWHxJdnybnqGiyOaB2e42ud31FGRqM4o727e67ux9OZCNbQ0HmeanYmYSKFHBfG0XP9CQGcRYDKzmxBPceP9bNjcsCyNrilOfGsipZ8e63O0fbSZRRFFQWdDcMeo3ij/8BAeuHoActONCrad5Xt3FmR5eN24c01+Du4f218/lk4thtfB4I5RvfHKzkO4Y1Rv3B0bJ5Xfx/sLm7UHs3493cVh4Vt7Daq4K8tKcODYSdw3tj+BrYdpFI/WHuMv919hmB8oAi9VNU3408+66MpyrKUtTeXJnwwxRCO9PH0YjsZ+o70eIPupWllwaO/F0GTrmV5ZHp2o1PftAwJhgRgJ0N4xsEMvFAFcDmAagP9QFPVZ7G//C3mBuJmiqDsBfANg8jkqnw0bZx2JpKqTOR6JSmpHCbSZmiuqqe29vi9ItobwBUWkueT8v0SqrS0Bc3PfVKeco2iW+6AgIrTvGUMRCZWxPEwto5g5pAcAOR+EJLOt5GM1xvIr4vMtnvppwQU5sUr0vhfedCmWbpfDg+pbQkjN9hKvYWUbcKbKyHRuhsQGAcn0MUld5yzZ3LAsbWp70RSIqP9W+jczm4DfjBus/rZ7mhMsTeGpnxZcCExhp0BTMIpAWMCCCUPQO8sDjqF0DFpto6w8+tos2XheYfXmj8vHqvcOYGJJnrrIVH4/b8vnpkqlLE3hmvwcA+PWFIigqqYJS7fvw4IJQ5DXxYUD9a14bsdXmHftQB3rph2bzcZ97T3TXW2b0EV56Zg7ui8cLI3Fk+Tw02MtId3vtfU/Ikj4y+4jujzc1lAU975WZZiPzB+Xb9qmzMYKIbbxGf93J0uflj7gTI2BHXqhKEnSP2FOnY49m2XprLDtNDoecrwOYtx8jteR1HHBYrfcKgfQykw+zUXjkB+4vVzPxuWktjGCie5vxVgm2g1XYHWPLDdPfIYsN6++w2FxjOIqzTu0yscKRwWTHMWOZz5+OpCoTlEUhewUHg9dNyChefCZZmesLFFsXDhIpo9JFmeLdXMSLAyUHK34PjzH6yCyN2/sqlXbVfe0jumBeSEjHBXwu79+iV9eOwAOjkI4Sh4HGVqO6tGyeosmFsDNM8TfJ+q/SfWo8tBxAIgJH9GY9/rnqlLnI9cPOiV2UoiN2bkZLjx9c2FMgCZA9PFcWVaCis9q1d9r6//KshJwLIUrB3TVPfcrM0cQ7ysv5sj9gIOlDWPRqrISbPn0G8PvlRzF05HnfqbGwA69ULRhw4YRHMdgYI5Xx9jleB3gOCap44zFbjlp102r+NccEFXVMmUX8bmYOpnXKR832xn0JsEIWrF9ZrvhiiIpYH0Ph4NF/yyP7h1luXk4YmqALEtjYNcUbJ4zElFBBBungGnFFJxp9qujIVGdUthkOeTUaTo5PdPsjASKWMa7rrzktFzfRsdBMn3M+YZgWETFZ7Uonz4cHEuDgqxOuezmQkMfThojvE4GN5Xk4tbLLrYZxA4KnmVQ7wth6XbZ0D0ikBkuMy9mRXk6/veJ+m+zsX7MoG44UN+qhoQq1zJj3UwjOigKO/7nKjT6w4gIojq2zx3d1+jTGLv3lNJeYGnZiP6ZW4eqEUE/Gtzd0K7rW0LE+/ZId4FlKNPIofixKMPFoeuVl0AURWyaXQpBlAzzhvbiTI2B9kLRho1OCI5jEooqJDputVtOUzDsui2aWAClL2pvjqTV/a0YzRQTxVIlhxGQ8yRJjKGSJwnIi8WeDvMukmXphCImiZiCs5Gb1JHg5smqp26eVutG1wSLRAVnkp3J9PD4SXGerowX8je7kOHmyX2Mosx8PiIqSlj9wWGs/uAwkW2JV20ljRFku0sbHQWZHh5rpg3DrPWfIiyIePEfBwy58osmFiAqkMfosCAaxs1FEwtMdQ04hpyTFxUluDgamV4e9T45FFS51pZPvzGM74smFpiquae7aAxe9K56/aK8dJXVM4saeuov1UQFYJ41MqDlM4ar70zb73dLlf2OzSKHSGPR2YgcOBNjoL1QtGHDhg5Wu+WixfH25jBa3d+K0WwJiIhEIrrd8KPNfrQEOMT6dviC5l6QZ2MydLZykzoK/GERh+tPYmNsp5WhKVR93YAu7swY00qfcwsK+5vZUJCovmZ4znXpyND2u9r8sD7ZHoSj4vfygbTRsUDTFAZ0S8Ef7x6FiCBi58EG3HZZHhZMGKIqZS7dvg9LJhcSx+g0Fwd/OEr8vdmYbDbWK+P4hlltbcgfimDSsIuw5dNviON/lpfVjdk0LaEpIOruUVXTpP6edG8Hx+CpnxbomD2apuDiaWS4HMhw8oZoK4YxzyG8EMYEe6Fow4YNHczyU5T8u2wPTzyeHWNWMl3k/L5MV/LHSdfXHiexT9rjJ/wRgyqqclx5xhN+o3Kq8oxnA7YiYBsyXTx6ZaeqkuLa3eLV00qQ7Tk/3pP9zWwA5vVV28ecb4jvd+t9ITg5Gr/Y+BnqfSFdH26j84KmKeSkOhGJCFhVVoLlO77C7Cv74hebPlPrsiQZmcNVZSVgNF7KWu9MnqWIY3Kqy5jXvbKsBKFIBFmpDowbmosnK/bo2L1r8nOI47/XSeObE0avxn6ZHkNZ7xvbHweOnTREJq25fRiyPI6ECzmaJkdbmfX7F8KY0OF9FE8XbB/Fc4MOLH5zXvsltReRiIBjvhAxhxEAwuEo6lvD6vFsDw+eb9t3CgajaAi0Hc908XA6z5/jyTxjJ8M53+K0qrPx3yzdRaMlJCHLc/pyOGx0KJzXdTaZPuZ8g7bMHE2BZWgEIgKxD7fxvdCh5gWRiID61jAoSJBAISqKYCjZd9DF0fCHRbV+u3kaYswJKCpKiIgSRFECx9BwcBQ4BjgZEHX998mQCI6mVQ9ClqaQ5qLRHBDh4mk4GApNAQEUJUcSiZIEmpLbkrZtuXkaKQ4e0ahIbHPx85EsN4+TYQGiKEKQAEmSOi3b1050fh9FGzZsnBlY5TjyPIueCSYVTieLngkmTef6OGD9jDbOLkjfzOM8R4WxYcMCyfQx5xs6YpltnDlwHJMwz/5Uw6hT4vprs/7b67T+DamesixN/DtpPpKdQF/AxqnB3qa1YcPG/8/eu0fHcdz3nt+q7p4HHiReJC0RJEXKpGRtQlIY6CaRHUWmNr46ibJeX8KSbcCSmYQWSVuxFS/X2c09G9/dzd11GF/ZlkXAYq4lK6SfZBLbco5jH8uKci17bYCimFxFT1IiQCki8eADg3n0o/aP7mpUd1f3zAADYEDV5xwczFTXs7sev57+dX0VCoVCoVAoFIoA6kZRoVAoFAqFQqFQKBQB1I2iQqFQKBQKhUKhUCgCKCdexZJS6wZBy3jzG4VCoVAoFAqFYtmgdj31IIScB/DaAmTdBWB8AfKtN8uhno1Ux3HG2O1LVbjQXxvpnMho9PoBjV/HetRvSfsrUNMc2+jXo9681doLVNfm5dJnr/TrdyW3r95taxS7IIkr+XrG8VZsM1C53VX1V3WjuMAQQoYZY71LXY9KLId6Loc6LjaNfk4avX5A49ex0etXb1R7r3yupDZfSW2RcSW370puWxyqzW8d6tVu9Y6iQqFQKBQKhUKhUCgCqBtFhUKhUCgUCoVCoVAEUDeKC8/DS12BKlkO9VwOdVxsGv2cNHr9gMavY6PXr96o9l75XEltvpLaIuNKbt+V3LY4VJvfOtSl3eodRYVCoVAoFAqFQqFQBFBPFBUKhUKhUCgUCoVCEUDdKCoUCoVCoVAoFAqFIoC6UVQoFAqFQqFQKBQKRQB1o6hQKBQKhUKhUCgUigDqRlGhUCgUCoVCoVAoFAHUjaJCoVAoFAqFQqFQKAKoG0WFQqFQKBQKhUKhUARQN4oKhUKhUCgUCoVCoQigbhQVCoVCoVAoFAqFQhFA3SgqFAqFQqFQKBQKhSKAulFUKBQKhUKhUCgUCkUAdaOoUCgUCoVCoVAoFIoA6kZRoVAoFAqFQqFQKBQB1I2iQqFQKBQKhUKhUCgCqBtFhUKhUCgUCoVCoVAEUDeKHrfffjsDoP7UX7V/S4rqr+qvxr8lR/VZ9Vfj35Kj+qz6q/FvSVH9Vf3V+FcV6kbRY3x8fKmroFBUjeqviuWG6rOK5Ybqs4rlhOqvioVA3SgqFAqFQqFQKBQKhSKAulFUKBQKhUKhUCgUCkUAdaOoUCgUCoVCoVAoFIoA6kZRoVAoFAqFQqFQKBQB1I2iQqFQKBQKhUKhUCgC6EtdgSsRx2GYyJdRtmxkUxosh8FxGAgA02GwHQZDo0jrBEXTgc0YDEpBCVC2HaQ0CsthsLx4zSmCoslm01ICXSOwHTe+RokfZtluPMdh0CkBCKATAstxw3VK0JqhKJS9eIxBIwSEAIwBaZ3CdBw4Dvww22GgXhmEAqbl1kPXiJ+Wl6tRghQlsLx8HebWUacEGYPCshlsBphemKERlG23TQBACAFjDIQApu2eg4xOYTMG02ZIaRTtGQMThTIsrz1pnSJftv3PDASdzSlQL0+FQtH4FItWYFy3ZSmmSww2Y2AMyBgUts1Q9ubBlEahEaBguXNJV1MKM5aFmbITmBtaDB2ZjI5SycL4zGz+XU0ppNM6ymUL5/NuuEEJ0gZF0XSQ0jU1j9SZ8DXuzKaQySxPM2Qp2yLaGCldQ3vWwFTB9L+3ZXScz5f9dTatUzjeZvgF00bW0AC46zDv5wBQKJdwoeDA9tZybgMYOgFA0JFN+eUQQqARd802NGCm7PjxGXPtB/59dUsahlemrP68/HDYXMeeLH81jt3zcqFQRrFsw/RtSYqy7YB619NmcK8rJdApQaEcPIeW5eD8dMm3PbMG9foAw6WCExgPk0UTgDt/24xBJ14fKpoo2w7SOgUBUPTm8EyKolh20JlNBcZWxqAgBEhrwAWhjNYsxVTexsqshnzJCawdF4sMKzMkEL8tSzGet/36hdebsgNkqR4Jnyq4dTUtx7ej+XiPmwfEPphJUZRNhrLtoC2rYboUPE+plJbYXy3LwbnpEkzbgaFRrG5JQ9flz/kWYl5anjN0A+M4DC+8eRm7HxvGqpY0/tfbr8MjPz2Nfe9+OwplG/uPnsTYVAHvuWE17rttC/YeHsHYVAHd7Vkc6NuKvz1+Fu/rWRuIt//26zF+uRRMu2Mz9h45Hkh7dXsW5y4Wcf+3nvXDP3/Xdhgawce+9gzGpgq49zevQd9N6wP5dbdn8dmdW/HVp0/jvh2bAQAPPvES7rl5Iz597GSgjM6WFP7yH17AD587h+72LL7wge1YkdGx69HhQLyulhQuzJiBugwO5NCSpvjwf/2lH3awvwfff/Ysbr1+DbIpDQd/8jI+9Z4tKFsMe48c98+hWNfBgRwe/PGLfh0O9vfg8M9ew9OnJvz8/ueedbhuTataHBSKZUCxaOGliXxgPhwcyGFTZxovnS/ixGuTeOeW1ZF564E7t+E///3zWNWawp/ecQMuzpjYJ8yLg/09WNFkYA0gzX9zZ3Mk/EDfVvzFD17A+ekSDt3dq+aROhF3jTd3Ni+7m8WlbItoY/CyhwZy+KK3Jt77m9fgju3dgbqJ62zYxuhuz+LQ3b1Y357CqYlSIB23Cz6+YzOOvzqB3o1d2CM5ft9tW/D4iTHcct2agM0gHr9+dQsMQ5PW/9DdvUjrFHd/5ReBsLmMvbj83+rj2HEYXp3IY2K6FLDLxPmOX697bt6Irz59GrveuTEwF769qxkvnJsO9IEDfVux5W0teDXUdwYHcpiaLkDTdL9PxNm9vAyeZrIlG+m/13ZlIv1zcCCHtAaMFi3p2iGLv6kzDUC+HmzqTEvDN3am8c9npyN2qGz94OGnp2YC9wH7j57EH737WrxjbVskfleLgfcP/VzaXy3LwfNvXg6c86GBHK5f0xq5WVyoeUm5ntaZiXzZn6D23Hot9h89iZ25dZjKm34nA4CduXX+xQSAsakC9h89id23bIrEG5ssRNN6xpCY1rSYPwHw8E9+8wQm86Yf1te7PpLf2FQBnz520s93fLqMnbl1/uAWyzg7VcTO3Do/7BPfOIGxqWIkHiE0Upe9h0egUy0Qtu/IcfT1rsf+oycxlTexM7cOGtX89vFzGM5HrMO+I8ex+5ZNgfx2PzaMiXx5Qa6xQqGoLxOFcmQ+3Ht4BBcKDqbyJnbccJV03rr/W89iz63XYmduHUyL+TeJfh5HjsO0WGz+svD9R09iz63XYmyqoOaROpJ0DZYbS9kW0cbgZe8R1sS+3vWRuonrbNjG4P38QsGJpON2wb4jx7Hjhqt8YzV8fO/hEfT1ro/YDOLxc9Ol2PrvfmwYr03MRMLmMvbi8n+rj+OJfBmvTcxE7DJxvuPXi/8Pz4XnpkuRPrD/6EkUy9G+s/fwCK5dvSLQJ+LsXl4GTyPrv7L+uffwCJrTRuzaEReedEwWfrHgSO3QpHkgfB8wNlXAzZtXSeNbNmL7q+yc7xHGU+AaL9C8tLx+xlsGlC3bv0htWQNjUwW0ZQ0Asx1BPCYyNlWARkkkXrVpKYE0vCk16/KhUYKmlCaNx/NtSmlogjwOPxaXf6W6OIzFtpnnLaaNays/L2Ie4fzKlg2FQtH4WA6TjnPLYWhKaXAYS5y3AMTOOZQk55+Up5pH6kfSNVhuLGVbRBtDLJv32bANwY/z8LjjSWNhbKoAxpKPx+XLj/NzE1d/mR0xl7EXl/9bfRyXLbviHCpeL5n9Wus8Gg6vZM/Vo4xqwvnnhSxDZsPaMfFldjHvr6btyMuwHYRZqHlJPVGsMyldQ3d7FgBwoWCiuz2LCwUTM2XbDxePiXS3Z2E7LBKv2rQOgzR8pjw7QdoOi+TH4/F8Z8p2bBn8WFz+lepCCYmE8TbzvMW0cfUI18H2BoKYX0oPLjwKhaIx0SmRjnOdEsyUbVBCEuet8LwhHndYcv5J84uaR+pH0jVYbixlW0QbQyyb99mwDcGP8/C440ljobs9C0KSj8fly4/zcxNXf5kdMZexF5f/W30cp3QtcQ4VP4f/82O1zqPh8Er2XD3KqCZ8McqQ2bBaTHyZXcz7q6FReRla9PZtoeYldaNYZzqbUzh0d6/rR/zkKzjQtxXHRkbR3mzgQN9W/yIeGxnF4EDO/859tQ89dSoSr7sjG03b3xNJa+gED9y5LRD++bu2o6PZ8MOODp+J5Nfd7r5LwPPtaknh2MgoPrtza6SMte0ZHBsZ9cO+8IHt6G7PROIx5kTqMjiQg+XYgbCD/T04OnwGB/q2or3ZwLGRUdiO7bePn8NwPmIdDvb34NBTpwL5Hbq7139BXqFQNDad2VRkPhwcyKEtS9HebOCJ596QzlsP3LkNQ0++gmMjozB0goOheXGwvweGTmLzl4Uf6NuKoSdfQXd7Vs0jdSTpGiw3lrItoo3Byx4S1sSjw2cidRPX2bCNwft5W5ZG0nG74GB/D5547g0MxRwfHMjh6PCZiM0gHl/dko6t/6G7e7GhsykSNpexF5f/W30cdzansKGzKWKXifMdv178f3guXN2SjvSBA31bkUlF+87gQA6vnLsU6BNxdi8vg6eR9V9Z/xwcyCFfMmPXjrjwpGOy8JVZKrVDk+aB8H1Ad3sWT790Xhpf1xAIE/ur7JwPCeMpcI0XaF4ijC0/t4+FoLe3lw0PD9clr0q7njoOgy7seuowBr3KXU/5bqZ811PTdvwdSave9TRLUShV3vWUEsDxdquiZOl3PbVs93w0yK6nS/ozeD37q+ItwZI/tqnUZ+N2PXUYgxPa9dTx5kaNuDvmaWrX02VBjTvyLfmJT+qzy2HXU8vbmVLc9bRo2shU2vU0ZBeoXU+rpqHtAnHXU8u3JSlM2/GvZ7W7nnLbc667nrp9b3nsenqh4NZ1vruemraDlfPY9dSyHej13fW0qv6qbhQ9lOGtqJGGXhAUihANbXQrFBJUn1UsN5RdoFhOVNVfG9b1lBDyFULIOULIvwhhnyGEnCWEnPD+ficm7e2EkBcIIS8TQv5k8WqtUCgUCoVCoVAoFMufRt719FEAXwLwWCj8AcbYX8YlIoRoAB4C8NsAxgD8khDyXcbYcwtVURncncnQSMiFEuCP4ikFHAcBNynHE5YPuHsSwHbgC5walCClE5Qt193T9tywdOrGo0R4lG9Q2A5g2Q5IqLyMQVGyHNctwMsjnJYQoCC4cjWlKBjcMO6aKuY3XbKR1SksBt/thRKAeu6vlsOQ1ikMncAK1T9tEBgUuFwMPpbnj9EznvsMPzcaASilvtvKpWIZ+ZLtu+wmPZ4HgiKmLWkNRXO23LCrjEKhWFhkrqeWA99Nh49/cR6klMD23PpXpg1cLJkwdBKYsyq5CIkuqWIZy10QvhFZSnfNetPobXEchvF8CUXThkYIVmRpwDVwRZZiuuS+ZuIwhrShYYXhut2FXU/D7nQEDCXL8d0JWzI0sG63Zimmi8x/xSS8ntYiIK6oL9x1lM+jzSmKoicGn9IpNGEYjQ0AACAASURBVEJQNN0dUkuWE7DvXJd8irIYrlO0pHQwhsh40HWK6XI54BbKXVJNT3w+X3JdlkVbkrt7iv3pcsF9TYsK/dJ1MXWQMWhgzufpebpqXE9bsxQXZmx0NmkRd9ULBSdapwyF5RA0aVognxVZism8jayhwbJnXVX5qw6yeYO7npYsGwSuyzZA/HFhmrbrelqFfboQ81LjzGohGGNPEUKumUPSfwfgZcbYKQAghHwDwHsBLNqNYrls4YXzeTx+Ygy/u20t9gnC8Y/8dFbMNCxoP9jfg4xBA+L1D33oRmiUBsQ2H/rQjWhO6zgfEp8eGsjheyfGcOv1a3wB00d23YTpooXBJ1+WlgfA1yzkLxaLaUumExH6TBsUB37wfCS/g/09+Mfnz6F3Y0egXl/60I0wLScg8jo0kIPtOPjY157xwx7ddROKofIGB3IwTRP/1/df8EVL+TEuDnv/b1+HtiYd5y+XA2LbcaKkAAIipjdv6sTAb2wICnUP5HyBYIVCsbDECQVv6kzjrod/jlUtafzHO97h6bbOzlWdLSkw5r73XLQdOI6D6Wknkk+SMDIPF4WRw3Ea6QZgubKUIvX1ptHbEhad/8wd1yO3sStS37etSOF9Qz/D2FQBJz9zW6RNfI2977Ytvoj43x0f9e2asakCHvzAVlyzakUk71fPX8J93zgZWU9rERBX1BfZuT/Y34MvPfESfvjcOX9eHT49id+6fnXEJnr1/CVs6GoNhB/s78HGrgxelYjbr+9IY3QqGm6aJl4+l8cNa9vwxR+/GLAl/2bPr2FyZlYb8T03rMZ9t22J7ZebOtN4ZbwYqeuaFQZek9RpU2caNiAdv2vb0jgVk0YWvrEzLc2HOTZeLzvStSQcf2ggh6xBcc8jv4y0749u24LNXc14cTxahsw+Xah5aTmOyo8TQk56rqntkuNrAYwK38e8sEXjfL7sC9DuCwnHi2KmYXFa94YtKF4/mTcjYpuTeROjEvHpPV6ZooDp2GQB9339mdjyxqfLgbBwWpnQ59hkQZrfviPH8d6e7ki9pvJmROR1z+ERTObNQNiopLy9h0ewZmVTQLSUH+Pncfdjw7BsRMS240RJgaCI6e5bNkWFuhPSKhSK+hInFHyh4PjzJ79J5Mf3Hz2Js1NFaFTDmxdLMC0GnWqxgsOVwmVzzHIVhG9EllKkvt40elvCovM7brhKWt+yNau7dlkiNs7XWFFEXLRrAODGDZ3SvG/c0Bn4ztfTWgTEFfVFdu73HTmOnbl1/vf9R0/ivT3dUpvoxg2dkfB9R47jUoxQ/XRRHr5mZRNu3rwKew6PRGzJNSubAml4/4vrlxcKjrSupoXYNUXW1/ceHkGhLA+/EBP/Ykx4Z0smdi0Jx99zeARnJgvS9u05PILxGflcIxsvCzUvLbcbxUEA1wLYDuANAJ+TxJG9nCndsYcQ8lFCyDAhZPj8+fN1qyQXvRQFaGUipvwYZ2wqKjorE0htSmmxwqm8TC5gyuNVW54srSxNXH4yUd6kfKqJZzksUah1bKoAO0YMWCZKCgRFTJMEiBuJheqvCsVCUW2frSQUnDR/UQL/f+w8UKMwsqwOivmxlCL1tVBNn230toRF552EccGJaxMfFzK7BogXEbeFvMWyahEQV1SmFrsg7txzm49/j+svcdd6LoL0PK/wvBtOU8n2m0vZc0mzkOFxdnilvMIs1Ly0rG4UGWNvMsZsxpgD4BBcN9MwYwDWCd+7Abwek9/DjLFexljvqlWr6lZPLnopCtDKREz5Mb+i7VHRWZlA6kzZjhVO5WVyAVMer9ryZGllaeLyk4nyJuVTTTydkkSh1u72LLQYMWCZKCkQFDFNEiBuJBaqvyoUC0W1fbaSUHDS/OUw+P9j54EahZFldVDMj6UUqa+Favpso7clLDpPE8YFJ65NfFzI7BogXkRcE/IWy6pFQFxRmVrsgrhzz20+/j2uv8Rd67kI0vO8wvNuOE0l228uZc8lzUKGx9nhlfIKs1Dz0rIamYSQq4Sv7wPwL5JovwSwmRCykRCSAvABAN9djPpxVjWnfAHagyHheFHMNCxO64rMB8XrO5qNiNhmR7OBdRLx6SGvTFHAtLsjiwc/eGNseV0tqUBYOK1M6LO7IyvN72B/D75zfCxSr/ZmIyLyOjSQQ0ezEQhbJylvcCCHNy/OBERL+TF+Hg/d3QtdQ0RsO06UFAiKmB566lRUqDshrUKhqC9xQsFtWerPn1/4wPbIXLW2PQPbsbFmZdrdIMuxYwWHK4XL5pjlKgjfiCylSH29afS2hEXnn3juDWl9U/qsYdkqERvna6woIi7aNQDwzGsT0ryfeW0i8J2vp7UIiCvqi+zcH+zvwbGRUf/7gb6t+M7xMalN9MxrE5Hwg/09WBEjVN+SkYe/eXEGT790HkMDuYgt+ebFmUAa3v/i+mVblkrrauiIXVNkfX1wIIdsSh7eFhN/ZUz4xHQxdi0Jxx8ayGF9R1bavqGBHLqa5HONbLws1LzUsDqKhJCvA7gVQBeANwH8mfd9O1xX0lcB3MsYe4MQcjWAv2KM/Y6X9ncAfB6ABuArjLE/r1RevfVnatn11PaE6sVdTx3GXBFTYddTLnAa3vXUcRj0GnY95eUFdj1lDAatcddTSX7SXU8pQEF8d4NUaNdTXv+l2vXUsh00177rqdJLUiwnlvxRR6U+W+2up+I8qHY9XV4shBj0QpLUZ5fPrqcONIIKu54CaYP6u56Gd5dcqF1PqxEQX2Y0vF3Adz3l8yjf9dS0HRhLvOsptyXjdj1lnl0s7np6qeggXbddTx10NtEl2/W0bLlPFikB2OLselpVf23YG8XFRhneihpp+AVBoRBoaKNboZCg+qxiuaHsAsVyoqr+ekX8hKNQKBQKhUKhUCgUivrROH4SywDudlG2bGRTGiyHwbRcwVjRtXOl5+Jheo/RU5RA00jAtTGboiBwXThNhyFrUFi264oZdn8yNOK6A1iO/8idC+Jy0ftsioIx95joLmBoBJbtunYWTPeRe1OaYqYUrItlM99FlruYXiq68dM6Rdl2fHdZ5sCvp+24dTa8l5OLlgODEuiey23GcH+LENvOw3h7uTuqRgHbnm23ToknCuu6xJaEvC0HSOvEc4XQ0JbRcT5fjgj48mvmOA5sBt+lRnRbpZQE3M9ENwGFQrE4hF1mVmYppmZs6IJL/IqMhplycC4pWw4czz0ub1nI6Ii4DuVN96dT0WWKj3FR/LurOSi2PBd3QnGdSOmaP8coGt9dsxbi2iJe/+a0218XW1g+XDdKgbQedM9ryVCY1qy90JrRoJFZV28eZ7roeC5+DDZz3bxlLn3iuGlKua+85Mu2dD2txZVOUV/E+S5raNA11w4VbUtKXNfKacGdOJOiKJkMKzMkcK0znu3akiaReXe6xJA2SMD1VOwr4fm8NUsxlbcj83A2ReE4QNaYndtdW5CiaNpI6a49zV+bastSXCw4WOH9F8u+WHRt2bB7dVuWIl9maE5F25EvAytSeuTViEslhhWSdo/nbTSHXHeb0xQzZebuzu2wwLwhup7K1gzxmiXNI47DUCiXcaFg13WOXZ4z9BIgCtiKwsz88yM/PY17bt6Iq1YYeHUGAUHTLw/0gIFEBGYzBsVHHvmlND9RqPPwH/47XC5YePCJlyIi96IwZ0eLgfGQ6Pxgfw8ef/Ysbr1+Df7iBy/gvdveFhHeFevipxvI4cl/fRPfHBnDVz7Si0sFCw8/9Qr+4F2b8KlvPyut54G+rfiLH7yA89MlDA7k8PiJMXzo1zfgUtEOlHewvwddrSmcnSz4+ooyUVUxv0DeoTatak1F0g4N5HDd6ha8PJ7HAz96Ifa83f/b12Fje5NUpHRLV7O6WVQoFoE4oWDm2Nj3tRM40LcVoxN5vGNtW2QuyRoUB/7hBV98OU4wWSbKvLmzGS9P5LHn8Ai+/0c3S9PWIlYcFjrvbs/i0N29uG5N61v+ZrHRReprIaktp6dmsPuxYdy8qRMDv7Eh0OcWQ1heVrfP37UdK7I6fv/R4UB9V2Z1fOjQ/4e7ct2469fW4eylcqRNpmlWFEAfHMjhwR+/6Iu2Dw7k0NGs46EnXsbTpyYC66lp2nj+3HRVAuKK+mJZDp5/8zL2HB7BqpY0Drz/VzFTdvAliW0pu6amaWLCMCJz8LVdmaqE6u/9zWtwx/Zu7D08grty3bj1HWsiadZ3ROfwuDJibcSBHLpadJyW1Kk1o2Hgr34RsQUrrR+y8V7revP4iTHcct2awHl+ZNdNMC0HH/3rEemaIV6zpHnEcRimyyW8Ns81TIZyPa0SUcBWFGbmn7loaNowIoKm5y6XpQKzo57Ipiw/Ma5lA3s9UdSwyL0ozGlLROf3HjmOvt712H/0JPbceq1UeFesi5/u8Aje29ONsakCzk4V8clvnsDO3Dp86tvPxtaTl8HT9/Wuh2lHRU/3HTkO24Z/kwjIRVXF/AJ5h9okS8sFfHc/Npx43nY/NhwrUjo+0xjiyQrFlU7cGOxsyfjj/+bNq6RzCSE0IL4cJ5gsE2WeKMzOzXHi0LWIFYeFzsemCu4ck1dzSaOL1NdCUlv49d99y6ZIn1sMYXlZ3T75zRM4O1WM1Ldsubpr7+3pRtliseLolQTQ93rC6eJ3xyHYfcumyHp6brokTb/Q50Xhnns+3+259VoAFPtibEvZNQ33BT4HJ827Ynhf73r/+3t7uqVpZPNwXBmxNqLX/2T5WzaktmCl9aPWcNl609e7PnKexyYL/k0iDxPXDPGa8eOyeWQiX8blmPrMd45dXj/jLSGigK0oAMo/J4ljVhKcl+UnQklQgDOcTyXReS6Q25Y1YoVUZYKffKMjXv9K9eRxxHL553C8cD2qyS+cdzgsnJZfi/kItioUioWn0hgcm4oXe6YEVY3lSuH1mAfCQuc8D76b3VuZK2meraY/hYXp/TgLLCxfi6g3f8jtMHcn9mrGTqW1mn93GAvYAPw6X0n9YLlh2k7AhqvGthS/z1dgXhwTcbZorWXE2Yhx8cOOHdXagvUIl80JcfcHfM0Qr1mgjNA8UrbsBRtb6olilYgCtqIAKP+cJI5ZSXBelp+Iw4ICnOF8KonOc4HcCwUzVkhVJvhJCAnUv1I9eRyxXF73cLxwParJL5w3D0sSyq7mvDW6eLJCcaVTaQx2t8eLPTsMVY3lSuH1mAfCQuc8j5SuXOqupHm2mv4UFqb34yywsHwtot7cfqSEVC2mXmmt5t8pcaVrxHyS6rcc+8Fyw9BowIarxrYUv89XYF4cE3G2aK1lxNmIcfHD90zV2oL1CJfNCXH3B3zNEK9ZoIzQPJLStQUbW+pGsUpEAVtRmJl/5qKhJdOMCJqubk1JBWbXeSKbsvzEuLoGDHqiqGGRe1GYU5OIzg/29+Do8Bkc6NuKoSdfkQrvinXx0w3k8J3jY+huz2Jtewafv2s7jo2M4nPv3xZbT14GT390+AwMLSp6erC/B5oGPHDnNj9cJqoq5hfIO9QmWVou4Hvo7t7E83bo7t5YkdKupsYQT1YornTixuDEdNEf/0+/dF46lzDmBMSX4wSTZaLMndnZuTlOHLoWseKw0Hl3u/u+Cdd6fSvT6CL1tZDUFn79Dz11KtLnFkNYXla3z9+1HWvbM5H6pnTXsPzO8TGkdBIrjl5JAH3QE04Xv1PKcOipU5H1dHVLumoBcUV9Wd2S9ue7oSdfAeDgYIxtKbum4b7A5+CkeVcMPzp8xv/+neNj0jSyeTiujFgb0et/svx1DYEwbgtWWj9qDZetN0eHz0TOc3dHFg9/OJiHuGaI14wfl80jnc0ptMbUZ75zrNJR9KhGf6aRdj3lOzbVsutp0bSh1WnXU8thSNdp11PHYa7Qq7frqWk70Oa462lYwDe86ykXbK3DrqdKL0mxnFjyn+sr9dml3vXUsh10ql1PF5SFEINeSJL6bC27ni62sDyvGxcwV7ueLhoNbxeI812mAXc9vZC3I/NwPXc9vVR014ul3vWUj81adj2tNI/MYdfTqvqrulH0UIa3okYafkFQKAQa2uhWKCSoPqtYbii7QLGcqKq/KtdThUKhUCgUCoVCoVAEULue1kjYlXFFhoDAfRxOPddT22FoCj12Fh+3i4/MXTFcgrL3yFzXCUzLdQEV3VF16rqZUkLgMMB0HGjCY/OMTpE3bT8sYwTdTET3Ut/FwHMfdRigUQRcT0V3U+7WGnYfNW3XbdQOPcLXPRfUjE7B4Lp7adQ9bmg04P5laARlm/kupSXTdcXl9bK8dhoaASUk4lYLBlgM0Klbtuk90jc0is6sgYtlC0XTRpMxez3CgqWOw3D+cglFy3XNNSjByrSx7LS9FIrlTNiVj7sNZXSKkuXMutF57vaEAAQEDMx3HbpYcLAy5AbXlqXIptIol22pq6AoZtzerAVc6pazIHwjUqPraUMT15awoDngvk4R54ZcLlvuaxNePquaU0ilks9JqWThQtH017uMroEQAITBtFjA5dRx3LHSmnFfibG811tsYX0V3e8uFKKvuHBX085sChOFMjIGRdF0YHivmIhrsmkzrMhSTBeZ//pMuE2yNut6svvdXFBu4EHEvsldhLnrJ7dLC55d2pqhuCy4nq7wXqlqy1IUzFmXZW67yVw2yzZQNJn3CpFrW4kuql2ei6nY3zTivnZQshGxYdNa9LWCqYKDZqEd/LWFS0UHKzOC3a1R6AQoCO6pURdTuevpeN726+r3dZ3AshFxxc2mKC4XbaRD7rArshSTnlvtxdAaQykC44FSgDHi26mV5k2xn7dltVpcT6tiec7QSwQXU+YC7letMLAy4wpuPvjjF33B0rDQbrVi8qtaU/j4js3Yd+S4VND+c+/fhoxB8bGvPeOHcbHQj+/YjMM/ew1Pn5rAlz+cA2OICHRmDIq/+MHzfj15GU8+/yZ+d9vagDjowf4epHSC//LDF7H/9utRMp1Afo/sugnTRQv3fT1al13v3Ii/PX4W7+tZG6i/TPT3YH8Pvv/sWbznV67CyqyBjzzyS2nbB/t70JrVA0KpX/lILy4XLfzwX97Azt51mJguB9IMDeQwfHocz70xHSt8TCnB8/92KSB2eqBvK7pa01iH7LI1YhSK5UScgHmzAUzmWWDs8nnmnps34qtPn8ae33o7hv7x5QqCyZCGb+5sxssTeew5PII/u+MdeFtbkzSOmgfmT5JI/XI7v0lt4f1Jto6JQtqAe8P0wvloPtetao69WSyVLJy5WMD45VIg74fvzsG2GfZKxsr/8Xs34FWv/8vq9dmdW/HUC2/iju3dAVtGrJNpmpicMfHq+Uu4ZtUKPH5iTGo3fP/Zs7hjezdGTo/jM48/H2mTrM1DAzk0GRrufuQXseeqVri9xnUt65HnciYs3H7vb16DO7Z3x9qlgwM5PPjjF/HD584J82ga4zM2Ls6Ygev+5Q/ncFGn2PXILwM2YlhInttWR395Br//ro0R25nH+9aeX8fEtBmo26O7bkIxZIcODuSwviONM5Ny0fvwnB9u3+MnxvDlf3o1MU1c+MH+HliWhQnDiIRzWzxc3tq2NE5L8u9qMXDXwz+PjNs/um0L3t7ZnDhviv382J5fx6mJYt3nWOV6WgNcTJmLk6YNwxfcFAVLw0K71YrJ78yt89PJBO0/9e1nMZk3A2FcLHTfkeO+uO25S3KBztHJQqCevIy+3vURcdB9R45Dpxp25tZhbLIQyW9ssuDfJIbrsv/oSey+ZVOk/jLR331HjqOvdz0+8Y0TGJ0sxLZ975HjEaHUs1NFfOIbJ9DXux5np4qRNHsOj2DHDVclCh9P5MsRsdP9R09ibLKwLIWgFYrlSJyAedowImOXzzP8/x9945k5CyZPFMr+3HbD1SuvGEH4RiRJpH65kdQWUdA8vCaJQtqA+xRBls/5fPw5GZ8pY2yyEMn7zYsl/yaRh/Exwtis+LisXp8+dtIXQ48TX+di6zdu6PTFw2V2A89nxw1XSdska/OewyN4bXIm8VzVfI08e62eeS5nwsLt/DrF2aW8L/BjfB41LRa57vf+9QjGPPuNh8mE5Llt1de7HpaD2P5m24jUbVRih+49PILpYvVzfrh9fb3rK6aJC9935Lg/JsLh3BYPl1coy/MP27Z83O7x5pSkeVPs5/yc1nuObdif8QghXwFwB4BzjLFf8cIOAPg9AGUArwDYxRi7IEn7KoDLAGwAFmOstx514mLKojgnEBUsDYtq1iomn5RGJprL43Jx2zgBz6aUhiZokTLihIGpJ2Qt1osTV0alPGX153H5sbi2h38E5HXQKImtD/NEf2XHLNsBixF9bfJ2tVUoFAvPXESWZf/nI4yshMAXlivp/FbTn+LWMS6kXSmfpLJl613SmmyzyvXi62TccV5X2/sft67ycHGjRLFNcW2W2QbiuaoVbq/VM8/lTFi4Pe76yexS/t1y3F07q7l+SXaoRonfD2T9zZbYZXH5zWXt4J81waic7/ohhvN8w+XFxXdCm4pWu6YBwX6+UHNsIz9RfBTA7aGwHwH4FcbYVgAvAvjfEtK/mzG2vV43icCsmLIozikTdQ+LalYrJl+NoL1MNJfH5eK2cQKeM2VbWkacMLDjCVnL8osro1KesvrzuPxYXNvDfZ3XwXZYbH2IJ/orO6ZrNFYge8bb1luhUCw8cxFZlv2fjzCyEgJfWK6k81tNf4pbx7iQdqV8ksqudU3WSOV68XUy7jivq+b9j1tXeTghJJI+qc0y20A8V7USt7bPJ8/lTFi4Pe76yQTs+XeduntkVHP9kuxQ23t/Lq6/if21Un5zWTv4Z1swKue7fojhPN9weXHxKSGRsGrWNCDYzxdqjm3YG0XG2FMAJkNhP2SMWd7XnwPoXsw6cTFlLk5aMk1fcFMULA0L7VYrJn9sZNRPJxO0/9z7t6Gj2QiEcbHQg/09vrjt6hVygc51HdlAPXkZR4fPRMRBD/b3wHJsHBsZRXdHNpJfd0cWD37wRmldDvRtxaGnTkXqLxP9Pdjfg6PDZ/CFD2zHuo5sbNsH+3siQqlr2zP4wge24+jwGaxtz0TSDA3k8MRzbyQKH3c2pyJipwf6tqK7I7sshaAViuVInIB5yTQjY5fPM/z/Fz9w45wFkzuzKX9ue+71i1eMIHwjkiRSv9xIaosoaB5ek0QhbQBY1SzPZ1Vz/DnpakqhuyMbyXvNyjQGY8YKIbPi47J6fXbnVl8MPU58nYutP/PahC8eLrMbeD5PPPeGtE2yNg8N5LChoynxXNV8jTx7rZ55LmfCwu38OsXZpbwv8GN8HjV0ErnuX/5wDt2e/cbDZELy3LY6OnwGOkVsf9M0ROq2TmKHDg7k0JKpfs4Pt+/o8JmKaeLCD/b3+GMiHM5t8XB52ZQ8/7Bty8ftkDenJM2bYj/n57Tec2xD6ygSQq4B8Dh3PQ0d+x6AbzLGDkuOnQYwBYAB+DJj7OFKZVWrP1PVrqeMBXbZnMuup7bDfCFTS9jBjIL4u4HS0K6nM6bth1W16yljSGvxu56atitMWu2up3w3Qp26u5OmQ7ueUgLoi7DrqeMw6IFdTx00GbM7J4YFS/mupyXLBq1+11Oll6RYTiz5Y5tKfbbWXU/dH0kJAAanDrueWraDNrXr6YJS466nDd1nK+16ygXNgYXd9dRxGNIVdj2lBGiR7Hpqh+wItevpvGlou2Cpdj01bce3rRZk19M0xUwpuOvp5aKDFXXa9XTC261UDE/pBGaddz0Vx+0i7XpaVX9d8BtFQkgvgD8FsAHuO5EEAPPcRyulvQaSG0VCyJ8C6AXwH5ikAYSQqxljrxNCVsN1V73Pe0IZjvdRAB8FgPXr1+dee+21GluneAuz6AuC6q+KebAkBozqs4p5oPqsYrmh7ALFcqJhbhRfALAfwD8DcHg4Y6xib5bdKBJC7gGwB8BtjLGZKvL4DIBpxthfJsWr9gkN/0UmbRAUy47/1M90GFLer2niL98apbBsBxC0CyklSFECy/v1xGHuL46ap83CHATyE5/yzZTtwNNFy5FrJqU0Gnj6lvGeqDEGP55/TKfIe/kS71d6nQAgs08Zfd0l231SaDls9lcayp9Qusf5U9KS5cDQKNI6CTyN5BqNOnX/296vUp1NKRhG8FfF9qyBqYK54L8Imqbt/grs1XF1SxqGkfguQ0P/cqhQhGjopzNA9AkN168KezjYjCHleULYjgNC3F+q27MGLpfdNxPE+UambydqqYq/xma9TaxMK/4JkGLRWPITP5cnirWS9NRrDutSIB1xH7jDdBgMjUAjxH/CkU25NoFoM9iOa8to3lN7Xm5rhqJYZkinCGbKzPcSMihB2qAo2wzMYbAZwBh7K4+dhrcLLMvB5VI5oDuY0Smmy9zDDbAdIGtQlEwHesgObctSTJeYr+GZ1ikoIWhOBZ/2GTqBZTE0ZyimJU8mCYGvc8ifUItliE8teR0zRvSJ4njexsqshrzwRJE/AW8Jlc2fQNoOQ0ez5j9h5zayrgE6iZYxYxK0GlpgvLdkKGZKDCuEJ4pcO7zkjTHxvHY1pXCpbCNrsMgTxUrzRtiTMWmMlUoWxmdm69nVlEI6Pb8niovhU3OeMfbdemRECLkdwKcB/FbcTSIhpBkAZYxd9j6/B8D/WY/yuQ7N8Olx5DZ2YeT0ON65ZTXGL5ekWoRc9/Chn7wc0Yk50LcVXS0pXJgxcf+3nvXDB/t74DCGvz/5ulSjiOuzfOlDN8K0nEBarr1y347NABDQUxrs7wEAPPjES5G6iPnyPO79rWvRmnE1D0XdJZkG09BADgQM9x4+Hmgf14YMa0h+5SO9cBjDVN4M5PPorptQDunuDA3k8EVBy2chdJBM08bz56Yj2jPXr26palFWKBTzI06XbmNnGrd/4WkM9vfA0An+8KtyHbgH7tyG4soMLNtBvmQH5s2wvp04t1y38Uu2CwAAIABJREFUugUvj+ex+7HhqnTvFAqgfpqQSVp/tu3MaV3i69mDP34Rf/CuTfjUt5+NrMtc160lTfH//P3z+OP3bIFGCMany3jkp6elOopr29IYnSwFxtCBvq3obEnh2PAobrluTSCNGjuNh2U5OJ8vYjykUSizAT++YzOOvzqBnms6A/PpI7tuwoV8OWB7PizRUTzY34Pjr04gt7Er0od14mB9RxanJkoY8expMc6R3b+GSzNmwIYdGsghbQTLSNI+1ImDyRkq1UT857OXcamYipyDt61M48ylsjSNbLx3t8+WLVs/xPM6OJDD1W0pnJ6I5p80b4T125PGWKlk4cXxaD23dDUn3SxWZDE2s/kzQshfEUI+SAj5D/yvUiJCyNcB/AzAdYSQMULIHwD4EoBWAD8ihJwghAx5ca8mhPy9l3QNgP9GCHkWwC8AfJ8x9oN6NITr0Oy44SpfJ4jrGck0hbjuoUwnZv/RkyCE+oONh+89chyTeTNWo4jrs0zlzUharr0yPl2O6CntPXIc49NlaV3EfHken/jGrOahqLsk02Dac3gE5y6XI+3j2pBhXZezU0W8caEUyWdUoruzJ6TlsxA6SOemS1LtmXPTpbqWo1Ao5MRpRV0sOP78pVMtdg66/1vPwrQYGCOReTOsb8fDuZYqN9Kr0b1TKID6aUImaf3NdV3i6Xbm1vk3iTx9WNeNayW7Y8vVIo7TUSyUncgY2n/0JM5OFdHXuz6SRo2dxsN9dzaqtSezAfcdOY4dN1wVmU/HJgsR2/OjEh1Fnl7Wh1dk0742oSyOabGIDbvncLSMJO3DFdl0rCbiuo5m6TkoW6wmHd6Z0my4bP0Qz+vewyMoluX5J80bYf32pDE2PiOfl8ZnGl9HcReA6wEYmHU9ZQD+JikRY+yDkuD/GhP3dQC/430+BWDbXCubBNehcTyNF4exgJYfvzicsamodqF4jCbo0SRpFAHJmkn8cy11Ceu+8PhAUHepVn1HWV14XFl4Upv493rrIF1J+l4KxXKk0hjk8yVQWWc1Lp9K4dXo3ikUQP3WjCStv7mWkaRPF16XHcbQljVAyez6W0lHMRyeZK+osdNYmLYDBvkcKbMBnRr0DGU2YJxOtTivy8pIso1ledU65/PP4WP2HPKqtH6I53UuYzqs3x5OO19d1mpYjCeK2xhjvYyxexhju7y/31+EcusO16GhnsYLJSSg5ce3pOV0t0e1C8VjToIeTZJGEZCsmVStjqIsX54Hjw8EdZdq1XeUxZ8p2zXrQInf662DdCXpeykUy5FKY5DPl0CyzmrcnFov3TuFAqjfmpGk9TfXMpL06cT1lNswFwomHDa7/lbSUQyHJ9krauw0FoZGpRqFcTYgrUHPUGYDkpiyRA1yWRlJtrEsr1rn/Lhj2hzyqrR+iOd1LmM6rN8eTjtfXdZqWIwbxZ8TQm5YhHIWHK5D88Rzb/g6QVzPSKYpxHUPZToxB/q2gjEHD9y5LRA+2N+DjmYjVqOI67O0NxuRtFx7paslFdFTGuzvQVdLSloXMV+exxc+MKt5KOouyTSYhgZyWN2airSPa0OGdV3WtmdwVVs6ks86ie7OUEjLZyF0kFa3pKXaM6tb0nUtR6FQyInTilqZpf78ZTl27Bz0wJ3bYOgEhLDIvBnWt+PhXEuVa1BVo3unUAD104RM0vqb67rE0x0bGcXn3r9Nui7zvLhWsju2XC3iOB3FbIpGxtCBvq1Y257B0eEzkTRq7DQeq1vS0CUahTIb8GB/D5547o3IfNrdkY3Yng9LdBR5elkfvlQo+dqEsjiGTiI27NBAtIwk7cNLhVKsJuLoZF56DlI6qUmHtyk9Gy5bP8TzOjiQQyYlzz9p3gjrtyeNsa4m+bzU1dTgOoqEkH8FcC2A0wBKqEEeYzFZ6F1PibeL2ELueqp5u1VVu+spTyfuekoJwJJ2PXUcpLXqdj0tWw50tevpgqB2PVXUyJI/Hm+UXU8t2wloqapdTxuWJT/xV8qup5bDoCfsekqJ+7TJ3/U0ZCOEdz01rVldPLXraYCGtwvidj3NC7ZltbueOg5Dao67nlICX+dwPrueTuRtrKhx11PHYWhXu54CDbTr6e2LUMaioesUV7d5j3abl7Yu9aRzqSsgsKo1nfh9ITAMDWvbmxa8HIVCISeT0bE2tGA2Z2rLozNBqDwwdwtQShZljlFcWcj661xI6n9zXZcWYj1b4Q2dldEhpFhG6DpFu55Be8h+rcUGjJuX48LDfaZViFdrXuFw/r0t1N1XZORli+lbaywjPN553knrlHheV3k3bC01rmu1rFHptI6189jhVMZi3CiqHUEUCoVCoVAoFAqFYhmxGDeK34d7s0gAZABsBPACgP9hEcquO+HHum1ZinwZKNsOGGOgxBWtZwwwNAJdIyiUXddTjRCYDnPdO5nr7sHdUdM69QRunUAeac8lwHX9dO+5GQMcoSyNENgMAJjrAuq5i7SkKUo2g2W5bgJZwU1WpwQpz5XVoATNaYqiGRXbbUlpKAqP/5vSFIWS47nGUlDiuoJx9xZKCVIaBWMMNvPq47nY8jbplMCBu5W973JLCXTPVYELuaZ0Cp0SMIZZF1WNoqvJwMWSjbJlw/DimJb8kXySW49CoWgc4lxPs57bu2k7yOiu27vpuaunvPlR9+awsuXOoabN/HnF0AnasunYcc9dUk3bQdbQYDNXUNwQ3FMV9WGurpSNSDWup9WsP/WKI8YjYChZTuA1mJQedO9rSlGULOa/vpLSqO9Gx9dqhzHftVvXCECAfMmGRgiyKQ1t2RQch2Fypuyv0TolMDSKjia3jtWuv2qtXjzC45Dbommdomi5rpk6da+3wwCDEmRTBJeLju9Sanp9K6VTMIehKU0CrpxtWYqihchrR2kDfrz2Jg2XBdfQljTFdMlBW5ZG3D8vFBzfpTToFgowh6Hs9WNDo1jp9WOZSyt/nUFWhukAGapHXEwvzthI6RQE8F23+XgX5wFDo9AJQcGyYVCKlE789cnQCCwH6MgYkXmDUuB8fjZsVXMKuj77Gha3cwvl5LFhWU5gLBqUoGOOLvEiC36jyBj7VfE7IaQHwL0LXe5CEBazfM8Nq7H/9usxfrkUENnkgqV/+rvvwKXLNh788YvY9+63o1C2fTHbrz49K2orE+oURU//8flz6N3YIRXC/dz7tyFjUDz0k5cjx4YGcsgYFB955JcVxUAf3XUT8iUbD/3kJT+fmzd1YuA3Nvg6Ou+5YTXuu21LQMzzoQ/dCNNm+OQ3T/hhB/q2YmWTgbLl4ONfeybSpo+9++3SNKta08iXLHxMSPPorpswJYi7yurgbmRBA2UdursXm1e14KXz01IxY7UAKRSNQ5yA+abONE6encb+o/J5UpzDhgZyMDSCP/jqcGBe6WxJIV+ysbatKTLuLcvB829exp4YweShgRyuX9OqbhbrABeCr1VAvhGJ66+icDYXyk5af+oVR4z3d8dH8bvb1gZE0gf7ewAgIGAuE04fHMjh8RNjuOW6NQFb4kDfVqzw2vUf/+6/4/x0yd+4o2Q5OB+ygR64cxsuFU1QQnD3V35Rcf2tto2K+SMbh5/duRVPvfBmpN9wm23XOzeiqzWN51+/gGu6WgP96EDfVmzsasKrISH5R3bdhJI5q73J5+uVTQZ+8ty/YW17E97W1hQZQ21ZilMTZsDOvu+2LTBNE5MzRiT+xs40/vlsPjJvnz5/CdesWhGJf9WKFA49dQp3bO+Wrjeycf2vZy/giz9xN6v5ix+8gPPTJX+8h+OLccT16WB/Dwzq/hgSzn99Rxp3PfzzwLmzLAe7/1qer2xsWJaDVyfzkbE4NJDD24V5aS4s+urHGDsO4KbFLrcehMUsd+bWYWyyEBHZ5IKlpidsujO3DlN5MyBmK4pnyoQ6RdHT9/Z0xwrhfurbz2Iyb0qP7Tk8glFPoLSSGOjoZAEf+9rxQD67b9kUEFvdmVsXEfOczJv+DR8P23/0JN68WMJU3pS2KS7N6KSbnxg+GhJ3ldXh/m89Gylr92PDATFtMVyJACsUjUWcgPmFguPPW5XmsD2HR/D6hWJkXjk7VUTJYtJxf2665Bsysvz3VCFwrqiOuQrINyJx/VUUzuZC2UnrT73iiPH6etdHRNLHp8sRAXOZcPrewyPo610fsSX2Hz2Jc5fLOHe5jD23XuuHlSyGUYkNdP+3nsXoZAGvTcxUtf5W20bF/JGNw08fOyntN9xm23/0JMYmC7hxQ2ekH+0/ehKWg0ieY5MFf27lYfuOHIdpMey44SrccPVK6RiiRIvY2XsPj2DNyiZp/IvCGsHD9xwecesqiV+yGPp618euN7Lwmzev8tvK+z8f7+H4Yhxxfdp35DhWZNPS/KeLTuTc8ZtEWb6ysXFuuiQdi3tC89JcWPAnioSQPxa+UgA9AM4vdLkLQVjMMkncnovY8s9iuPif5xOXx9jUrCBpkth9E5JFUCuJgcrEdsMiurI8qhVfFdsUd85kacL5J52DcJhlO9K4SgRYoWgs6iVoLJsHmlIaKIF03JvCHBErNG4782ucAsDCiUEvBdW0hQtlh+OI/bBeccR44XUbkK/TcWu3LL04tpqg+WGU1G4DyMZhtW1UzJ+4vht33fm82JTSYgXpZeFx/cJ99YrBYnI7UGZny8Lj4ifVicePa2tSXuL5qBRfjCOuT9XOgXHnTsw3PDZM24lNN985djGeKLYKf2m47yy+dxHKrTthMcskcXsuYss/h8VsqxGxD4ueJondJx1LKoMPAJnYblhEV5ZHkviqTBw16ZzJ0oTjVmqnGKZrVBpXiQArFI1FvQSNZfPATNmGwyAd94YwR8QKjWvK7bQeLJQY9FJQTVu4UHY4jtgP6xVHjBdetwH5Oh23DsvSi+vzhYLphzmsdhtANg6rbaNi/sT13bjrzudFLs0miyMLj+sXDgMIiRe9l9nZsvC4+El14vHj2pqUl3g+KsUX44jrU7VzYNJ9Bf8cHhuGRmPTzXeOXfAVkDH2n4S/P2eMHWGMFRe63IUgLGZ5bGQU3R3ZiMgmFyw1PGHTYyOjaG82AmK2onimTKhTFD39zvGxWCHcz71/GzqaDemxoYEc1nkCpZXEQNd1ZPHQh3oC+Rx66lRAbPXYyGhEzLOj2cDn79oeCDvQtxVrVqbR3mxI2xSXZl2Hm58Yvi4k7iqrwwN3bouUdeju3oCYthiuRIAVisYiTsC8LUv9eavSHDY0kMPVbZnIvLK2PYO0TqTjfnVL2hcRl+U/VIXAuaI65iog34jE9VdROJsLZSetP/WKI8Y7OnwmIpLe1ZKKCJjLhNMHB3I4OnwmYksc6NuK1a0prG5NYejJV/ywtE6wTmIDPXDnNqzryGJDZ1NV62+1bVTMH9k4/OzOrdJ+w222A31b0d2RxTOvTUT60YG+rdApInl2d2T9uZWHHezvgaETPPHcG3ju9YvSMeQwO2JnDw7k8ObFGWn8lcIawcOHBnJuXSXx0zrB0eEzseuNLPzpl877beX9n4/3cHwxjrg+HezvwaVCSZp/S4ZGzt2hD8fnKxsbq1vS0rE4FJqX5gJhbGHdPgghWwD8LwCugeDqyhjbsaAF10i1Aub12PWU7yrq73rKGNJaHXc99XYZne+up7bD0Byz6ynf4Slp11OHMThCXXl7xV1PLXtWuFfc9dRxGAydwqAETmPuetrwwroKhcCSP7ap1Gcr7nrqOMho1e16atnMn1eq3fXUsh1kvF1PTcuBrnY9rTs17nra0H32Str11PHW1up2PXWgEUh3PXW88t7Cu54uC7uAj0Oxf8h2PSUEsJfRrqeOw6A3wK6nRcuGvjx2Pa2qvy6GPMa3AQwB+CsAy97hXCZmWVEUurnC8Qp0zS951aysMl4j6NKvShDWFlFi2grF8kAmYF5xbsX850ddp7i6TamILwYLIQS/VMj6a5hq1p96xaklXhKVxlxnyJ6hlGD1ivhE1dZHrdWLx1zH4YoK02RYwD7O9BXjhfNc6VUrTvQ+3NXi+ms14XFxwuN6ZUK7K80DsvVJFn+txKaNjIcK9xK6ThPH4lxZjJ9KLcbYIGPsF4yxEf5XKREh5CuEkHOEkH8RwjoIIT8ihLzk/W+PSXuPF+clQsg99WyMQqFQKBQKhUKhUFzpLMYTxe8RQvYB+FsA/j7YjLHJCukeBfAlAI8JYX8C4MeMsf+XEPIn3vdPi4kIIR0A/gxALwAGYIQQ8l3G2NRcG8Af07dkKGbKrhizTt2XcYuWKwItcxttzVJM5W2kNIqUQVA2GcqCwHw2RTBddMXrDY14LqRs1kWVAo4D/3E0f4zOXTf5MV6+6Ti+sD0XSW1KE8yUZkXsDY2iOUXcdtiz7Sjbs3XnaXWNoGQ6sy4GGkVTCrjoPa5Pea6nRcuBQQkoJShZDlIaBSFAyQvXdQI4mBVEpQRZz4XVz5sSgMJ7vO7A0AhMmwVcFvgjfH4eDI2gbDOkKIGmETDmlim6DEyLbg0ZDa3pVECfij/az6YoCmUn0Y1IoVAsHHGup4ZGoXnzSUanMB3mu/k0p1zX9ELZwUrPlYiG5s22LEU2lUa5bEtdBcV5wPA2rimY7mflelpfqnHXXC7EtYW7Mpu2U1UfkrnjahrFRL4Mx3HXJNtzqeN5OQ7DhUIZhbINmzFkdA265r5qUbKi62dKpzA0wHaCroBNaYp8yXVTy+oUuk4C66Bvy2QoLhcdNKUoZsqzrqm8XlmDYEZIlzEoyhYDwPzXTSilia+EAFhw19MrxL11zliWg4vFst8HuFs/g/v6ELfHXFf+oCspt7vashTTgk2Z9lwyW9Ik4srJ9zIS+0ZrlmK64NrBMnfVfJn5rxtxexbMdZ3OGoiUcbHooDVDI/mILtTcxTbsenqxELVBm41oOy6VHDSno26vl4oMzRkSCF+RdcdKWqOB17Y6sylcNm00GSyQP39/kM8lGZ2CAShb7jnKptzzK447hzHolKKrOYULRcvvzytSGmZsCzOl+tqyizFD8yd6+4UwBmBTUiLG2FOEkGtCwe8FcKv3+asAnkToRhHAvwfwI34jSgj5EYDbAXy9tmq7cHHSqekCOluzuDckgPm3x8/ifT1rAwKXXKT0vtu2IF8s4ys/fRWf+B+3RNJ2taZx4AfP44fPnUN3uyteTwnBdMnCIz897Qvf8zSDAzmMnB7HjRs6UDQdfOrbz0pFokVh++a0LhXg/N6JMXz5n17168KFPMW0GqUBsdSHPnRjJExMK35+4M5t+M9//zxWtaaw//brMS7UgQuohkVKV7WmwQAc/eWZiPCrKFzKz0PPNZ34/rNncev1a7ChqwkTl2e1omRlDA7k0NViY02r60fABX5v3tSJgd/YEBQoDoknKxSKhSNOwHx1i4GdQz/DA3duw7eHxyJz7dBADqtXpHCxUMLEDMWDP35ROm9u6gROT5QCcxcf46enZgJC3+I8NjSQw/VrWtXNYh2oRqR+uZDUlpcn8oF+ltSHZOLn7jpl4M++898jfXloIIfrVrdg9EIBb14qBsbCgx+8Ec1pDceGR3HHtrUBUfTB/h6sWZnGv10sRda5x0+M4RevXsB/uXMrLl+2pYLr9922BTpxMBkzxoYGcvjij1/0bRm+Rv9KdzsefuoV3HPzRnz16dO4/7evw+ZVLXjp/HRgzB26uxdpneLur/wiEBYWFZ8PjsP8NX+hymhkLMvB65cKuDBjYt+R477t+MhPT+MP3rUJn/r2s/55eXRXL85Ps0i/3NCZxuuXzIA9192exd/s+3WcmogKyW/qTOPURCkSbpomrlnVgldDxx7ZdRNMy8FHBVuZ98G/vPNXpXnFlfH4iTHcct2ayFqwoTONh378Cn5ve3fElr3h6paaylizwsBrkna/bUUKZy8WI2MtPp8U7nr451J7/tFdN6FoOvhihXF3729eg4+8ayPGp826z7GLsevpRslf4k1iAmsYY294+b4BYLUkzloAo8L3MS9sTnBx0mtXr/Bv9IBZAczdt2yKCFxykdK9h0ewrqMZO3PrpGnHJgvYmVvnh03mTYxPl7H/6MmA8D0/vvfwCHbccBUm86Y/qGUi0aKwfZwAZ1/v+kBduJCnmDYslioLE9OKn+//1rPYc+u12Jlbh7FQHfi5CeczOukKjcqEX0XhUn4e9h05jr7e9dh/9CRsGwEhWFkZew+PwLLdXy1Fgd/dt2yKlBcWT1YoFAtHnIC55cwKeMvm2j2HR1C2mC9kHDdvXig4kbmLj/Gw0Lc4j+1ZpoLwjUg1IvXLhaS2hPtZUh+SiZ/zdUrWl3ler03MRMbCfV9/Bmeniq6YeHg9O3IcZYtJ17m+3vXYc+u1sBmJFVzfe3gkcYzt8cLFfHfccBU++c0TfvyduXXY/dgwzk2XImNu92PDeG1iJhIWFhWf1zXLR8d6vctoZM5NlwJ9gNuOO3PrfHsS4NqGVNovLxeciD03NlVA2UJNAvZrVjahUI4eG5ss+DeJPIz3ncsxecWV0de7XroWXC44bp+X2KDTxdrKMGPaHTfW4vIpWyzWnh+dnB1fSeOur3c9LFten/nOsYv6Mykh5OHFKEYSJt3alRDyUULIMCFk+Pz589LMuEDmXEVKLYclisRzAU3AFdmUCd+LaRhjAVHNuHhtWSOQn6ze4fjhtOF01YiAhj/L8ko6H00pLfacisKljLHA+beZXKQ1nIfDGMqWHRD4TRJfbSSq6a8KRSNRbZ+tJEScNNfanitq0rxZq1hzQFTZdmprtEJKtWLTS00tdoFIYj+L6UNx8R0WbzdYDksUuU8aJ3HralvWACVyAfSw4HmSzSF+52s0j8//m7YTW/dwWFhUfD6Ia/5ClbEUVDvHmrYTuMbh6yIS1xfi+l6SuH1cuOxYko1Z65hLsuuSji1FONdalF2LSvcEfNxplETsYLHc+bDY/jS980z/JiHkKgDw/p+TxBkDsE743g3gdVlmjLGHGWO9jLHeVatWSQvkAplzFSnVKUkUiecCmgB8gVoxfTgNISQgqhkXjwvbJ4nqhuOH04bTVSMCGv4syyvpfMyU7dhzKgqXEkIC518jcpHWcB6UEKR0LSDwmyS+2khU018Vikai2j5bSYg4aa7l79QkzZu1ijUHRJU15XZaD6oVm15qarELRBL7WUwfiotPSbzdoFOSKHKfNE7i1tULBRMOQ0VbJmmMibaMuEbz+Py/odHYuofDwqLi80Fc8xeqjKWg2jnW8CTYwraj7HrG9YW4vpckbh8XLjuWZGPWOuaS7LqkY0sRzh+CyK5FpXsCPu5sh0XsYLHc+bDYK6Dsxq4WvovZdx7vAfAdSZx/APAeQki7tyvqe7ywOcHFSV85dwlflghgHnrqVETgkouUDg7kMDqZx7GRUWna7o4sjo2M+mEdzQa6WlI40Lc1IHzPjw8O5PDEc2+go9nA597vCuXKRKJFYfs4Ac6jw2cCdeFCnmLasFiqLExMK35+4M5tGHryFRwbGUV3qA783ITzWdfhCo3KhF9F4VJ+Hg729+Do8Bkc6NsKTUNACFZWxuBADrrmivuKAr+HnjoVKS8snqxQKBaOOAFznc4KeMvm2qGBHFI68YWM4+bNtiyNzF18jIeFvsV5bGiZCsI3ItWI1C8XktoS7mdJfUgmfs7XKVlf5nlt6GyKjIUHP3gj1rZnXDHx8HrW34OUTqTr3NHhMxh68hVohMUKrg8O5BLH2JAXLub7xHNv4PN3bffjHxsZxaG7e7G6JR0Zc4fu7sWGzqZIWFhUfF7XrDk61utdRiOzuiUd6APcdjw2MurbkwC/QXSk/bI1SyP2nHuzjZoE7N+8OINsKnqsuyOLh0O2Mu87rTF5xZVxdPiMdC1ozVK3z0ts0JZMbWUYMe2OG2tx+aR0EmvPr+uYHV9J4+7o8Bnomrw+851jCWON5fbBIYR8He7GNV0A3oS7k+nfAfgWgPUAzgB4P2NskhDSC2APY+wPvbS/D+B/97L6c8bYI5XKSxIqDe96anq7EeneLp/phF1PL3i79qUNgpLJ3Mf/Ne56yndsku16ynedEsungkiquOspFyPlu56a9mw7+K6nYtpqdz0tebvAUkpQttyd3gjB7O6wV+aup8tCWFeh8FjyxzaV+mwtu57awlwWt+upuNNdrbueFk07sMukoj7UuOtpQ/fZSrueWrZTVR+a/66nQEan89r11PF2W+S7noaF2MO7nvJwtetphIa2C+J2PQUYGHNdoWkNu546DvOF6Btx11Oxn6pdT6VU1V8X/EaRELIF7o6nGyDsssoY27GgBdeIMrwVNdLQC4JCEaKhjW6FQoLqs4rlhrILFMuJqvrrYuxJ/W0AQwAOAVjebw0rFAqFQqFQKBQKxVuAxbhRtBhjg4tQzoLBXUxasxSFkHi9TgHTnhUe5TvwZXQKy3Hj8sf23DVSdAtpTmkBd0lKAcYINE/IXqcETSkK02IB101dJzAtBkKAjBF0m8ymKKaL7uN13SvLYe7jde7eKoqrGpQgpRMUTeY+7vfCMikC03LrzB/d80ffKZ2iYNq+a0BKo4F2ZAwKy2awGWA7rgsBFVx1GWOgXl0s7yVc7mKgUYKi78LKoIEEziV3LSMEoMR1Y7HYbB6MueekZDlee90dv3RKYOgEYO6PKKbt+O4ncW5pCoVicZC5norCztzVnc+LKc+djzEGy2YwPJc87gIv5mNQHZRSXwidu7MzELRnDUwVTJQtGzqlAJhfRldTCun07DwgcxM0jOBmGG91Ue8kanQ9bWiqaUvw9QbNXccsJ9AvZPmkUlpiHyqXLZzPz6bJpChWplO+i2uxaGGyUIauEzDHXeub0xRlk/k7TvLXSRib7e8rPXe8sLuh463XYXc9vimJaQdtB5sxYR1mAZfZasfGfMYRTxvnulstV9pYLpUsTBZMaJ7dKroyapSiKUWQF9wWMzrFdOiVH+5uYO/KAAAgAElEQVTW6buSZiguzNjobNYiLpvjeRsdzVrELZT3oZVZDflS1FU6XEZLhiJfnH29IFxGa0YL2MA8fdhubctSTORtz+2VBlw0V2Spv2nLhULQzVMj7hib8dyyDW+sTJeC4ylrUP91Lf7KBB9brVmKqbztt1msKy/Tdwn3ykp7drahue6n4jjN6ClcKpkgYAHX3vC5q8ccuxgz9PcIIfsA/C0AX0yIMTa5CGXPGy6sa5omZsx0VDh+x2bsFcRL9x89KRXNHBzIoTWj4es/f80Xk5cJvXNx0V3v3OiLPj+y6yZcKpj4xDdOzObX34PHnz2L/+nGbjCGiJD0k//6Jv759Yt+/fixhz50I0yb4ZPfnM3rgTu3oa05hV2P/NIPO9C3FVe3Z3G5YAXy5vX7+I7NOPyz1/D0qQn81T05mBYLlDM0kAOlwEcfCwqa8jYd7O8BYwwf+9oziW0f7O9B0bRx/7eejcTb9+63w7Qc6bGP79iM9iYDZy8WAscH+3tACXDv4dm6fn33r+FCwboihKAViuVInID5ps40/v0XfuaHfeED2/F/P/6v/hyS1gk0SvHfXjyHd25eBYcxlAQNq9l8gDcumPiIMMcd7O/B8Vcn0LuxKyK87M8/Azls6WpGOq3HiqNfv7rFv1l8q4t6J5EkUr/c5tlq2iL2BZlNcOjuXmxsb5Lm092exvsOPi3tQ+WyhRfOB9Mc7O9BvsnG1SuysCwHL0/k8b0TY9jZuw4T02WMXy7g+qvbcCFfDqyHB/q2oiml4TPffc7v7w96At7vuWE17rttS6Ru/Di3JzRKI+Mnm9Jw8Ccv477btmDk9Dh6N3bhutUteHk8X9XYmM844mkf+NELUoHy69e0VnWzeKWN5VLJwssTeXz3mTH87ra1+NITLwXOz2fuuB65jV2RfsXtvMGBHNZ3yAXj17bJw+ME5kdOj6MppeMda9vw+Ikx3yYW4zx+Ygxf/qdXK+YVDr/3N6/BHdu7A/G4XXjfbVuwti2NLz/5SiSOmNeDEnH7g/09+NITL/l9n2+k9vuPDvv3Ax/fsTnQjvBa0pqmGJ0K2pqP7roJRdOJ2PCvnr+EDV2t/vkP57Wh090RdWpmNr8n/vhdODWDus+xi/GW/j1w31F8GsCI97dsnKi5sO6alU1y4fiQeGn4MxAU0RXF5GVC71xcVBR9Hpss+DeJfn6e2Py5SyWpkPR7e7oD9ePHJvOmf5PIw+7/1rMYmywEwvYfPQnTYpG8ef32HTmO3bdswthUATrVIuXsOTyCNy+WInnyNu07chyTebNi28enZxe2cLypvPn/s/f+4XUc9b3/e/bH+SHJsiXZCollO3FwEtx7bUfHQAktTZMHyC300tZKSGOFEPiG2OFXc9OU3vv028vl+22/BD+5ISRYAhdCwOYCsdvCBUrhJuVJ29AWy4ndNjiEOHHsJMS2JMeWdH7t7nz/2J3V/pjZs0fSkc6RPq/n8WOdObszs3tmZj97ds68lO/dse8QABZ7f+e+Qzh1vhJKK1t80YigCaIVUQnMzxadUNrHv/FUaAzRNR0nxoq4ZuOFODlegq7pStHxicgYd8e+Q7hm44VS8bIoY+feEZyZcscBlRw9KFNf6lLvJJIk9a1GmmMJtgVZTHDbVw8q85kqO8o2dHoyvs8d+w6hYnGcmihjtFjBDk84/tJ4CXfvP4Ir1/Xg5Fgxdj28e/8RjE1WQ+1dCLy3FdZI6ybeF/GErP+MT1b9/UUfOzVRTt03ZtOPxL4qQXmwv6bJZ7H05TNTFdz+tRE/Bo2en2s2XihtVyLO27l3RCmkL1bqE9Vfs/FCXLVhFXbuHQnFxMFtBrauTZVXNH1g69rYdiIuFHWVbRPMS9Z2xDkTr3fsHcFL46XQ/UD0OKLXElPXY+WeGCtKY/gr1/WEzn80r/NFB5yzUH5Z02zIGNvwr/E455c0uoxGIgSZMtFoUICp+ltwcrwIjQFg06JPlfQzKEIF1BJSXWPK97hC2Jsk6pXVN6l+wv2i2k6WZ1BkrXo/zbEH81Hl4Sjko9FyVfVvNhE0QSxW0srYo31fY+4Ywbk7Pif1Zdl4oxojgmWIOqSp42KVes8FaT/jVqDetqCKCepp96INqfbRGGDZDjji8YEtiV/Efm0ZHW3Q/dei7dcSfAPJ8UQbdD8WSTpWWd+YTT8S+yrPue3UzGO2dWhGxPkXcWf0/KjGQhHn1Wqv9aRz7v4sKVgfVbn1llErrhbTRJPyStP2o7FkrX1Ux6DqQ3bg81LlJfq6oFFjbMOfKDLGTMbYxxhj+71/H2GMmbX3bA6EIFMmGg0KMFV/C/q68v4yveI9lfQzKEIF1BJS2+HK95hC2Jsk6pXVN6l+ttf4VNvJ8gyKrFXvpzn2s8Vq4nt9Xa60OE29VPVvNhE0QSxW0srYo2OIw90xgjF3fE7qy7LxRjVGBMsQdUhTx8Uq9Z4L0n7GrUC9bUEVE9TT7kUbUu3jcMDQNf/9YHygS+IXsd9UxQ61d/F3LcE3kBxPiP0ZY4nHKusbs+lHYl/lOdfThb2LrS8H24Xs/KjGQhHn1Wqv9aQzxqBH6qMqt94yasXVhsaU24i80rT9aCxZax/VMaj6UPD8qPLSI59Zo8bY+Zh6OgSgAGC396/gpbUEQqz76mtTcnF8RF4a/RsIS3SDMnmZ6F3IRYPS575u97c5ofw82XxvZ1Yqkv72oZOh+on3uttNfPa94bzuu2Ez+rrzobRdA5tgGiyWt6jf7u392PP4MfR15WE5dqyc4cECLliejeUpjmn39n50t5s1j31lR8atn2S7rnZT+d7u7f0AeOz9oe396F2WCaVlDbZoRNAE0YqoBOYr8loo7f4bt4TGENuxsaY7j8eefgV9XTnYjq0UHa+JjHG7t/fjsadfkYqXRRlDgwWsbHPHAZUcPShTX+pS7ySSJPWtRppjCbYFWUyw531blfm0ZTVlG1rVHt9n9/Z+ZAx3caWefAbDnnB8dVcOuwY24cnjo+jrzseuh7sGNqG73Qy1dyHwPjByQlo38b6IJ2T9p6vd9PcXfay3I5u6b8ymH4l9VYLyYH9Nk89i6csr2zL4ws0FPwaNnp/Hnn5F2q5EnDc0WFAK6fOZ+kT1jz39Cp549jSGBguhmDi4zf6DL6bKK5q+/+CLse1EXCjqKtsmmJes7YhzJl4PDxawuisXuh+IHkf0WlK17Vi5a7rz0hj+yeOjofMfzWtZ3l3sMZhfuVptyBg7Hx7Fw5zzzbXSFpo0Yt3gqqdCXj9Xq576gts6Vz3VGJCd4aqnQq4aXPW0ajt+WmjV08iqojNd9bRiOcikWPW0bLmy4uCqp1bgHDmOO2WUeaue2l5+87jqKfmSiFZiwR/b1GqzSaueOt4qchpzxyN9FqueWt7qjLTq6fxT56qnC37S0sQFrbjqqe31k5muehoUs4tVT4OxwxJe9bSp44KluuqpxtyZYzNZ9VTEqqpVT0XMr6VY9fTspI3ONKueenVzVz11z0+DVj1tGo+izRi7lHP+HAAwxtajxXyKuZyB1d6J7swtcGVUtIdfdrfLNyPkBD9jgiDmH1kfbJ/j8faiFXlp+qpl6Z4ymKaO1V1tidtoGkud31JjMY2zaY4lTVtQ5ZO0XyZjYHVGXXYuZ+CiGZ7njhp9bjZ9sp6+MZt+NFd9cLH15WzWwIXZ5HaxIjK89Ui2ibaBzrw8XbxepkiXlacqY3mNMqIxsKqdBtNVQ7lq32hcXW9fEPcPsmOO5lXjMuPWx3DbZtcs61WL+Rix7wbwd4yxY3DvXtcBuHUeyiUIgiAIgiAIgiBmwHysevooY2wDgMvh3ige5ZynW5+4SRBTQ6KPxztyGl6bsv1pTBXbAefwp0YGH9+LqRg2BwDuP+7P6Jo/NUL3pplGxfcdWeY/SjY1BkPXUKrannyegXMOh8N/VC6mYZre1NNS1d03b+ruil/eFE/xuDzjTcksVtxH5llvikg1MLVgouwdm/cIX0xdMbXp6Z7BKbliipipazB1Bs7dFdksbwqrOJcin7w3dUZMATMN90f5jsP9Ka2mN3VE05g/HURsV6yop/YQBNH8yKaejk7ayHjjkcU5sroOgPvjKQeQjfT16HSx4NRSGheIuaLOabQLjmU5OD1ZRsWaji0yBsOkN50uY2juT1Aqta+fNL16cSA+x7JlgwG+6J0xQGcMVYdD92I+2dRREfs6Dg/Fqf52JTcGFD+vElM2zxbdNrbM1DFarIRiV52500DPSaT30amnHTkNrxVt5EwdluX4MauYfimb0iqmngZ/2iB+OtbTlsHYVBUly/b7yPKsmdivLcvBqYkyqrbjx6j1TrNW5TGTz/NssYJixYbNOXKmjpXt2Vn3zYaNaoyxazjnjzHGfi/y1qWMMXDO/7JRZc8lQqyrkoL+8uwU/sd3f4Yvv38rzhUtfPHx56SizuVtJkoVC/f+cFrkGZXwfvLdV8Tkz/fdsBkr2jO4NSCKDoo377thM0xDw+6/+0Ws3Ptv3ILOvIlbH/qpX9ZD//g8Pvhr63HXI2Hp7splWez6wVGcPl+JiYGHvYV4/ucP4xLSXQObcOGKHE6fK8dEvqKOw4MFmDrwwYfDItegvHTXwCasWpbFZ35w1E/70i0FVCzuOxpFXdoyOt735X8JlfVXh17C7/avjgmNW1WOSxBLCZXAfH1PFkdemgj16/tv3AJdY/jI15+M9XUAIUn2Ozb24mPXXhYaU2lcIGaLqr3OVmzdKCzLwTOvnsftNWKL+27YjD///lGcnigr+8liE9EvVaKfoxDVP/Doz3HHb74exYqNh/7x+VjMNzRYwAOP/jwUu132uo6Q9F5s19eVxdFXJmLx5JruLAzG8ezopFRuL4Tz3R15P/2rtxbQ1ZGPlfHLs1PoyJmhMoYGCxifKGJFey4Ws1/YmcHp8yVMVQ2cOV+O1e1zkWNbuSyLNchL+7VlOTj66vnQ9WV4sIDLezvwizOTqfqIKo8rLlhW9+9pXxidxKvnSnMeBzdy1dPf8P7/bcm/dzew3DlFCHFVUtCNFy3HyfEiXhov4Q+++ZRS1Fm1OHRND70flfDK5M93fuswTkZE0UHx5p3fOuzLbaPlfvwbT/n7irK2Fdb4N4nB/E6OFbGtsEYqBt6xdwSvnC1Ly7h7/xFYNqQiX1HHHXtHoGt67JwE5aV37z+CE14dRJqu6f5NYrAux0enYmXd9rb1cqFxi8pxCWIpoRKPny06sX798W88hfHJqrSvRyXZ2wprYmMqjQvEbFG119mKrRvFqYmyf5MIqGOLO7912L9uq/rJYhPRL1Win6OQ0G8rrMH4ZNWPF6Mxn9hGvL57/xGUKo60P0yV4+P3jr0jmCg5iXJ7IZwPpl/a2yktY+NFy2Nl7Nw7gkt7O6Uxe9ni6MxncXKsKK1b9NhOjhWV/frURDl2fdmxdwSnJsqp+0hSHvV+nsdHpxoSBzfsqy/O+X/3/vwU5/z54HuMsUtmmi9j7HIA3wwkrQfwp5zzzwa2uRrAtwGIcv+Sc/6pmZQXlZQGCYoshTRTJd0UN/PB99MKT9OI64XcVrVvUGSv2i4o3VW9rzo2WXpUjK16X1YHAMp8ZedD9fm0qhyXIJYS9QqbZWOA6OvB7VXjHY0LxGxolNi6UVRtZ0axhayfLDYR/VIl+jmKGCr4+acVz9c7fot+klSGHdl3JmWkidlrHVub95MmGap+pSpb1keUediOtEwVFctWHtNs++Z8eBQPSNL2zzQzzvkznPMtnPMtcJ2MUwD+SrLp34vtZnqTCMQlpUH6uqZFlkKaqZJuOtyd5x18P63wNI24XlWu2Dcosldtd7ZYrfm+6thk6VExtur9aBkCVb6y86H6fFpVjksQS4l6hc2yMSBj6DFJtmrMonGBmA2NEls3ClPXUvej4HVb1k8Wm4h+qRL9HEUMdbZYrRnPRmO3esdvoVVJKkPX0svkZ1K2SnQvi0tV/VrVr1Rly/qIMg+9vtuzjKErj2m2fbNhN4qMsSsYY9sALGeM/V7g3/sBzNXirdcCeI5zfnyO8oshhLgqKejTL7+Gvq48Vnfl8Nn3blGKOk2DwXbs0PtRCa9M/nzfDZvRFxFFB8Wb992w2ZfbRsu9/8Yt/r6irAMjJ3Dv9XHpbl93HgdGTkjFwMODBVy4IistY9fAJhg6pCJfUcfhwQJsx46dk6C8dNfAJqzx6iDSbMfGUOScDw8WsK6nLVbWnsePyYXGLSrHJYilhEo8viKvxfr1/TduQVe7Ke3rUUn2gZETsTGVxgVitqja62zF1o2ityOLL6SILe67YbN/3Vb1k8Umol+qRD9HIaE/MHICXe2mHy9GYz6xjXi9a2ATchlN2h/asvHxe3iwgI6clii3F8L5YPpzp85Jy3j65ddiZQwNFvDcqXPSmD1rMJwrltHXnZfWLXpsfd15Zb/u7cjGri/DgwX0dmRT95GkPOr9PNf1tDUkDmacN2aqBGPsPQB+B8B/BvCdwFvnAXyDc/7EHJTxZQCHOOcPRtKvhvsk8ySAlwH8Ief835PySiPWrbXqadV24ARWPRUrmda16mlWQ6kSltemXfVUrEjqcA42B6ueCsH9spyGyXL82Gay6qm/Imudq54GhblNsuppU4t1CSLCgj/qqNVma616anOODK16upRY8A8pTVzQaqueVq3p2EKseuo4HCatejoXtFRcUM+qpyJGrWfV03MlB0Ydq546Xnw436ueOt6qv2LV07Jl+30k7aqnlu34MepMVz2N5lEv4VVPgZyp1Vr1NFV7bdiNol8AY2/hnP+kAflm4N4E/grn/NXIe50AHM75BGPstwDczznfIMnjQwA+BABr164tHD/esAeTxOJj3i8I1F6JWbAgAQy1WWIWUJslWg2KC4hWomluFHMAPgjgVxCYcso5/8As830PgA9zzt+RYtsXAGzlnJ9RbZPmm0OZpzBjMHAAxcr0tx9Bj6KpazAYULQcGJ4nUWPARHn6WxFTZ9C16Sd/YrvJiuOXMVVx38sZGhwOVGzHf7poO47vUcx4396IfDrzGs6X3CeUeVODZXMg8C1NRtdge44ynU0/HTQ0hrLtwGDuU0vH+wY/+rTU0BjKloOMoYEBKHnH2Z7VULG4/21O9DyIfMQ3V261eMjRmNE16Jr7pFQcv6ExrGrPwDB0/9saxhgyOkPF5uCc+9/eAEj8Rif4jY/pzQcvVu20HpuW+uaQWPIs+Nf9M3mieLbofROta8ia7qwH/9vkrIZSFbAc99vpFTkD48UqHO6OOY7jeaQ6Zu+RIhaEBf/Q5uOJYtKTh7RPJYLbMcagM0DTNKzIGTg9WfGu/zoc7s7QacvoqFrTT4VMb1aR5QAVydMfcYztWXd2kXjd25GFaeqp66qq5yJ6ItnUcYHjcJyZLLsxo+PGgFldg8XdRVVETGd4M8WCMampuzPUOAfK1fATRQYgYwLnJR5F8WRS1qaykbixLathquz4Y38wHjZ097dy0aeW40UH7d5+sWtHJK5dkddwZtKG6ZUVbMvL8hoqVSBvhssQ/VrV36PpHTkNEyUHOVND2XJjb8M7Txws1CdFrAkg5lFUzZyr9XSyWrXdp5OSPiohVXudj3kSXwNwFMA7AXwKwHYAP5uDfH8fwP+SvcEYex2AVznnnDH2Jrjta3QmhQhfksz1Itx/HMCuHxzFLVddgoefiHtngk7Bfbe9GeeKVsgFs/f/ehPOF62QL1B4ZN5w0XIUJzh27h2JeRfFbwqER/G/vOMyVCwe88Y88OjPfT9i0Isjy++ebZvw8BPP49a3XuLX+fM3XYlS1cGX/uFY4rEF/37o1jeiXHVCbpjg+6KcD/7aeuRMDZ+XeCB3DWzCxSvbcGaiGnPnrOwwcf3wP+HkuOtK+8g1G0LH/dUPvAlly1F6bGQuqKj7sV6PDUEQM0PlpXvh9Dl89BtHQmOZcFxFXwtf65i3tLvf72/eistfR443Yu6YK49ikpMQQCpfoSyPe7ZtwrO/fA2FS1b6scP/eM+v4I59h3DV+h7c/JZ1oXhDxDKTZQsfDvhJhwcLOPj8GXzyu0d9z170mK/o7YCuazXrqqrnw088jzvffjl5GBuMOP/3/eiZUAz4337ripgDe21PHmMT1ZjDuqfDxJnzlVjbuex1HTgu8She3JPFvwU8uO/Y2IuPXntZaLtg3DU0WIDBHIxNaVKnrszVGE2XlSHa2UevvQzLshp++O+n/L6RpowNPe3K/i5Ll7kdd2/vx/Ez53Hxqs7Q9sODBeRMDe8P+EyHBwtYnjfw+3v+WXqeVG7EatXG0VMT0j6acLNYk/mIgl/POf+/AUxyzh8G8C4A/3E2GTLG2gC8HcBfBtJ2MMZ2eC8HAPwbY+wwgM8BuJHP8NGp8CWpHIInxoq+g/ATB+TemaBTsGrxmAvGshHzBQqPDDDdYWSOw6BH0dB0qTcm6EdM8jieHC/6xxCs89hkFXc9crjmsQX/PjlWjLlhgu+Lcu565DDGFB5I4WiUuXMse3oZ/G2FNbHjPj46leixkbmgou7Hej02BEHMDJWXzh0D5f6u6Gvha415pL5Gjjdibpkrj2KSkzCtr1C23ScOHME1Gy8MxQ7iGnnb29bH4g0Ry4xF/KQ79o7gmo0XApj27EWP+dREOVVdVfXcVlhDHsZ5QJz/aAwoc2A7DpM6rGWxapJH8VzEg7utsCa2XTDu2rl3BJ35rNKpmyZdVoZoZzv3jsDU9VDfSFNGUn9P63a8Y98hXLmuJ7b9jr0j7n1EJK1sceV5SnIyqvrobJiPJ4pirdmzjLH/AOCXAC6eTYac8ykAPZG04cDfDwJ4MLrfTBA+lCT/IADfMVjLOyNzA6p8gbbDQ+/VciCm8RkmeRyj24j9ajkio/kH90lTlyRHo8ot6QTu+2X1quWTUbmggvWr12NDEMTMUHmn7IBXJ9g/Va9VYyA53oi5ZK48irWchGnasioPHrh2Bq+RKudw1KkYzCdpP8vhQAq3YtI1l/po4xHnP00MaCfEXao2kCY9TQw5W19irbjWcjg45H1rLl2NqutZmr4nrmWyYxB/y/pLo/yu8/FE8YuMsS4AfwJ39dOnAXxmHsqdE2q5XqYqdsgxWMs7I3MDqnyBusZC79VyHCb5DGX1S6prsM5pnTqyfWptG6y/bHuVW1Jj071Itm8tn4zKBRWsX70eG4IgZobKO6UHrpbB/ql6rRoDyfFGzCVz5VFMchKm9RWqtmOBa2fwGqlyDotYRpZP0n6GxlLVNemaS3208YjznyYG1BPiLlUbSJOeJoacrS+xVlxraGzWxzHT9KgbUqTL+l2Se1zVXxrld214JMw5/wvO+Tjn/HHO+XrOeW/w6V+zI3xJKofgmu687yC8Z5vcOxN0CpoGi7lgDB0xX6DwyACOv73McRj0KFqOLfXGBP2ISR7Hvq68fwzBOne3m7j3+s01jy34d193PuaGCb4vyrn3+s3oVngghaNR5s4x9OmA8MDIidhxr+tpS/TYyFxQUfdjvR4bgiBmhspL546Bcn9X9LXwtcY8UjeT442YW+bKo5jkJEzrK5Rtd8+2TXjs6VdCsYO4Ru55/Fgs3hCxTHfETzo8WMBjT78CYNqzFz3m3o5sqrqq6nlg5AR5GOcBcf6jMaDMga1pXOqwlsWqSR7FzogH98DIidh2wbhraLCAc8Wy0qmbJl1WhmhnQ4MFVG071DfSlJHU39O6HXdv78eTx0dj2w8PFtz7iEha1mDK85TkZFT10dkwH6ue/jmAz3DOz3qvuwDcxTn/k4YWXCeNWPVUuP9mtOqptyJTqlVPubuClcYAcw5XPa3Y7opVIVejbNVT20FGT7fqaclyV9Zq1lVPS1U7rcemqVc3I4gIC75KBK16StTJgn9oi2XVU8t2kPNWPa1YDvK06mmjaOq4IGnVU8tzd8/lqqfnSg60BVz1VHgZg6uejk7aoRh7oVY9DToTAcQ8is206ul83Cg+yTm/MpJ2iHPe39CC64QCb6JOmvqCQBARFjwKozZL1Am1WaLVoLiAaCVStdf5+BGWzhjzn3syxvIAaE4fQRAEQRAEQRBEkzIfq57uBfAoY+whABzABwA8PA/lzhnRR8vL8xpeKzrIZzRwDlg2R9XhcCLTN03dXYzGiUztBJg/HdXU3GmnFdvxH5HrjPnTSw2NIZfRUK5MP+rPaAy6wVAKTEflAMqW40/xtDj3p5dmDR2W7e4vHo3bDkLTuNoymj+FVqTlTPf4ytb0tFoxXdXyphLo2vTxZgwNVdvxt9M1DTpzp+pmdQ0lKzptzD1vmrd/sC5ly506xjQga2jhemU0lCruuQlOW7EsJyQtXdWewdmSVXPaDpB+ig9BEI1BNvX0jDdNKGNocByOjMFQqnJ36r1kivhcTONLgsaJ2REdo1NM8W9aZFPRzlftpmgb4jwD3P+5jPtTDoapig3du85aFlBx3KmmGV1DV87EaLHiX9s15i62J/7XNQbb4WDe63xGQ1c+PrW7zulvDYP6axjH4ThbrKBUsVF1OPKGBjA3/rQdjnxGh+VNSc6b4bgxZ2ooVd1poRNl7k8nzegadB1gYP50ZjF+T1Y5ciYLTUnNZzScL7ltsCsyxVT8JGl5XsM5L120Q86BTi/2Dk9v5dB1oGrx2NTTNsmU1DOT7k+Nur22HvyZ1mSZY1mWxaaeGoaGsamKf55MjaHb6+9Zk4eOT0xJVfUB2biRyeiJ7bSecXOupsQHafiNIuf8M4yxfwVwLdzHnP8P5/xvG13uXKES67abwPgU0Jk38JLnOBHvC7nnH77zcpwvWfj4N56KvRcU2gdFmg/edCWqlhMSoEbF0kKO+8hPX8S/vHAWf3Td5aHyP3/TlShVHdz1yGGs6sjG3h8eLCBrarg1IPgc8gSfNwUEn2K7XT84GhK0RvPzZabXbACAkIz1vhs2o7czizMTFd/jJMrL6JILijwAACAASURBVMC9P/y5n3fwva42A5/630/jv/7WFTgzUY2d/5Hnz2DD65b7st7Xr2zHM6cmfHej7LypJKVJ0uOlfFEhiPlCNc6u78ninfc/gd3b+90vs8osNG4NDxZwxQXLYHg3krOVlydB48TssCwHR189Hxqjg59fK5HUXt/4Z3+3oG1DnOfPPRq/tgZjDXfxJwcf/vqTODmeLCq/5apLpP/f+tZLcEGnhYt72v3jbJT0u16ov4ZxHI4XRicxOlHGnd9yY8NP/ueNmKrYuHt/OLaTxXlDgwVc0Gni5XNVnDlfDr33hcECAI7b9x6K9YeowH739n7s/clxPHFsNBaj3bNtE5795WvYesnK0Djhx5jXXhbaXpTx3JlSLL40mIOxKU3aR18cK2J0siJ9L1rfocECLlqRxXOnJ2JxdJsJ/PIcYttv6GmXjg+q9LXdWfzu7iek7bSecVM1Lm3oaZ/VzeK8jM6c87/hnP8h5/yuVrpJBNRi3axpYsfeEVQsrpTWvzRe8m8So++pRPXjk9WYADUqlhZy3IGta7Hj6ktj5Y9NVnHXI24esvd37B3ByYjgc6d3LLLtooJW1fHu3HcIZyYqoffu/NZhaEzzO3GwPF3TQ3kH3wMYthXWwNB06fm/ZuOFIVnvqYmy35FU500lKU0rNiYIojGoxtmzRQcnx11ZMaDFxq0dAZnwXMjLE+tI48SskI3Rwc+vlUhqr+L1QrUNcZ5l19ZgrLFj7wjGJqv++0mictX/d+8/guOjU6HjbJT0u16ov4YZnazg+OiUH1/uuPpSjE1W/XguGNvJ4ryde0dQtYCTY8XYe7fvHcGp8xVpf4i2hTv2HcJtb1svjdE+ceAIrtl4YWyc8GPMyPaiDFl82ZnPKvto0nuy9FLFkcbRWdOUbq8aH1TpEyVH2U7rGTeTyp0NDX+iyBg7D3fKKQBkAJgAJjnnnY0uey6oJdTUUkjuZe9Ft0krqhev2zI6dI3VlM2r5KNpBZ9tGR1tqJ2fSJflq5K3aixB+OpwrMibyn2FTDgoUU1z3mSS0lrSY4IgGkstUbAYL2Tji2W7wflcyMuToHFidlRtR/4Ze59fK5FGbL1QbUOc5zRy82B/qnVtV/3fltFDx9ko6Xe9UH8NU7HsWGwIIPS6VpxnOVwZo0rHZkVbEH5cWYzmKGK+aNxcq4w015R69ml0ejRNtNN6xs1G9b358Cgu45x3ev9yALYBeLDR5c4VtYSaToLkPkk6L/4PpgG1RfXi9VTFhu3wmrJ5lXw0reBzqmKnErSKdFm+KnmrwxOErxrD2WJVua+QCQclqmnOm0xSmlZsTBBEY6glChbjhWx8MTy1zVzIy5OgcWJ2mLom/4z11pp2CqQTWy9U2xDnOY3cPNifal3bVf9PeUv2Cxol/a4X6q9hMoYeiw1VsaKqLRjeb1zTxpSqtmB7waYsRtMUMV80bq5VRlL6TPZpdHo0TbTTesbNRvW9eR+hOed/DeCa+S53pqiEmuVqFcODBWQMppTWr+7K4f4bt0jfU4nqu9rNmAA1KpYWctz9B1/E8I+fi5Xf3W7i3uvdPGTvDw8W0BcRfA55xyLbLipoVR3v0PZ+rOzIhN6774bNcLjjy36D5dmOHco7+B7AcWDkBCzHlp7/x55+JSTr7e3IuvVNOG8qSWlasTFBEI1BNc6uyLsXyd3b+wE4sXFrOCATngt5eWIdaZyYFbIxOvj5tRJJ7VW8Xqi2Ic6z7NoajDWGBwvobjf995NE5ar/dw1swrqettBxNkr6XS/UX8P0tGewrqfNjy+Hf/wcuttNP54LxnayOG9osADTAPq687H3vjBYQO+yjLQ/RNvC7u392PP4MWmMds+2TXjs6Vdi44QfY0a2F2XI4stzxbKyjya9J0vPZTRpHF2uVqXbq8YHVXpHTgulBdtpPeNmUrmzYT48ir8XeKkB2ArgNzjnb2lowXVSj1h3Jque2gHxZ9pVT6u2K6dPWvXU9qSlHK4o15jPVU8jx5sxNFi24x5zHaue6t4KamKltdmueiqkpQ1e9ZR8SUQrseCrN9Rqs/WseloNiIlp1dPWITpG11j1dMFPbD1xQTOuesrA3WtrYNXTYsWGFln11HE4zOCqp961XbXqqcYAm1Y9ldHUcUFw1VOxYr5Y9dRxOHJ1rnoq2k29q55OlNw2KFY99VfZneNVT9uzGiYjq56OTtowWnTV0zTjZp2rnqZqr/Ohx/jtwN8WgBcAvGceyp0zcjkDqyMnuiM3z5VoT5m20HnWwfJ6No7WS1JPw9Bw0YrwY/dVKS9OmsawalnrfbNNEIsF2TjbXuc4m9SP56KP0zgxO2RjdKsia6+zXYZ+rpjNeY4e00wwTR2ru9pmnc9sof4aRtMYutuzs47z0o7LYrvOyPbd7fFtoqhi7Gi6an+RvqJNng7E2/qynDrP3uhBYLq/S95S9gHZuAEgsZ3W059V+c+G+dBj3DrXeTLGXgBwHoANwOKcb428zwDcD+C3AEwBeD/n/NBc14MgCIIgCIIgCGIx0rAbRcbYA5he7TQG5/xjsyziNznnZxTv/ScAG7x/bwYw5P0/I4KPcvOGBsubFmpoDKbOvCmZQMUW0yEBHQyWw/1H52JKqc05qrb76Dqf1VCpTj/C1zUG02CoWq7IVNMYMroGmzsAZ950D3dKqRaYrpk1NNiRsjgH2rMaKjYHd+BNJXCnDohH0qbOULXdvzMm88WksmME3Cm28PK2HQ5Dd6eWliwHOUPzjy2ja2DMnbJqagyGV47lcLRndJQjU1Any245YnquELmaugaNAbo3vdSybJyerPjHZ3MOQ5t+DD+baSY0pWxxcPEff6/ufV749LsaUBOiXmRTT4NiZ1NMQQVH1eJoz+qo2BxVy6E+2yIspnF2rsTW9ci0Z4vjcJyZLKNctf2fhpQs9/q7qj2DKcvGZNmdlpj3ZuOULBs6Y6H+xhiDzhD66QfReoj2YDsOHAd+bKVr4Z8/mRqDAw7HATpyGqbKHJXAe7mM+/lPlMLTPC0HmCiH472K7caGInZlmI5rxZRnMXU0OC30XNGJpa/IayjZgKkB572yTY3BMDSUKjY6cnroZ0sr8hrKtvsTq+BPpzK65selnTkdU5XaU0l1jUHXNCwzdek4oBrrZOm27cx4qnY0v668ifFidU7H2EY+URQTpd8KYCOAb3qvrwcw0sByAXdq61e5+wPMf2KMrWCMXcg5f6XejIICS6mEdHs/NIaQaPTBm65E1XJ8X40qLSq8FT/0ffCxZ32h6K6BTejMm7j///wcH/7N16NUdfClfzjmi3RldQrKSS9cnsGzZybxzCuvoXDJypj49HuHX8INb1qLqQkn8RgzBsO9P5QLfP/q0Ev43f7VoX3uu2Ez/vz7R3F6ooyh7f144LFnsSKfweBb1sXEqOMTRSxvy0JjDBNlK5TPZ9+7BV98/Dn88XVvwFTVlkqEhwcLuLy3A784MzkjuS6JeQliYUkSmL/z/p+ExqJleQM//tmr6L+4JzSWUJ9tbhbTODtXYut6ZNqzRXb+dw1swmd+8AxOT5Sx77Y349xUFTv3HYrFAe/Y2IuPXLMh1N9EnHHn2y9vyc9wqSPaw30/ega3XHUJHn7ief//D73tUvzBN58KtZN8RsffHHkZv72lL9Redw1swqW97Xj1XFhgPzxYQM7U8P6HfpoY8953w2aYhoaPeGnv2NiLj157mfRacGy0nCp918AmHHx+DL9xRW+ozQ4PFpA3NdwSqNNn37sFnXkDH/jKQby30Ier33CBtF9H+/s92zbh8Wdexbu39Em3f358KjbWbVjVgWdPT4TTb94Kw2C4NVCnocECrujtqHmzKOvTw4MFfO7Rn/v3EHMxxjZs1VPO+cOc84fhPtX7Tc75A5zzBwBcC2DLbLMH8EPG2Ahj7EOS91cDOBF4fdJLq5ugwFIqId13KCYaHZ+s+jeESWlR4e3JcVdGGhSK3r3/CE6dK2NbYQ3GJqu465HDIZGurE5BOWm5ynH3fldiKhOfDmxdC85ZzWPUNV0p8L3tbetj+9z5rcO+2Hend0y3vW29VIx6aW8nxiarODNRieXzB998CtsKa3B8bEopERby0ZnKdUnMSxALS5LAPDoWWTZwzcYLY2MJ9dnmZjGNs3Mltq5Hpj3rOkvO/937j/jX6arFsdPrU9E4YFthTay/iTijVT/DpY5oDyKmCv4vbhKB6XYyPlnFwNa1sfZ69/4jqFg81h927B3BibFizZj3zm8dxnggTcSusmtB2vS79x/Be/r7Ym12x94RvBip0x988ym8NF7CyfEi3tPfp+zX0fRPHDiCga1rldvLxjppnPq1gzgZqdPOlGOArE+LODlY7mz753z88voiAMsAjHmvO7y02fBWzvnLjLFeAD9ijB3lnD8eeF926xybBuvdZH4IANauXSstKCiwTCuvlwlJ65GURoWiQnoffL9WnaIiepXENCg+TcpPY+r3dI0p6xD8W7WdkLgG65GUjyoPWXoauW6riHnTtFeCaCbSttl6RMTutPuZ93diYVhM4+xcia3rkWnPFtX5F9dXjanjgFpxRrN9hkuJmcYFoj0ERfZJMVZbRlfGcLaiP8ji21pp9cZ4qnTVNSKpfNU+qjKSYlpZuqq/y+qUZiyp1afF69n2z/nwKH4awCHG2FcYY18BcAjAn88mQ875y97/pwD8FYA3RTY5CWBN4HUfgJcl+XyRc76Vc7511apV0rKCAsu08nqZkLQeSWlUKCqk9yKPNGLUqIheJTG1HXf57Fr5OVz9nu1wZR2Cf6u2ExJX1TlSHXs0D1l6Grluq4h507RXgmgm0rbZekTE7nL9M+/vxMKwmMbZuRJb1yPTni2q8y+u00lxQK04o9k+w6XETOMC0R6CIvukGGuqYitjOF3RH2Txba20emM8VbrqGpFUvmofVRlJMa0sXdXfZXVKM5bU6tPi9Wz753zcKH4FwJ8C2ATgLwH8BoCfzTQzxlg7Y2yZ+BvAOwD8W2Sz7wB4H3P5VQCvzeT3iUBYYCmVkG7vj4lGu9pNX2qalBYV3vZ1ub8bDApFdw1sQm9nFgdGTqC73cS9128OiXRldQrKSbMmw64BV2IqE5/uP/giGOM1j9F2bKXAd8/jx2L73HfDZl/sO+Qd057Hj0nFqM+dOofudhMrOzKxfD773i04MHIC67rblBJhIR+dqVyXxLwEsbAkCcyjY5GhA489/UpsLKE+29wspnF2rsTW9ci0Z11nyfnfNbDJv06bBsOQ16eiccCBkROx/ibijFb9DJc6oj2ImCr4/2ffuyXWTrraTew/+GKsve4a2ISMwWL9YXiwgDXd+Zox7303bEZXIE3ErrJrQdr0XQOb8O1DJ2NtdniwgLWROn32vVuwuiuHvq48vn3opLJfR9Pv2bYJ+w++qNxeNtZJ49Sbt6IvUqehlGOArE+LODlY7mz7J3PXe2kcjLEhAA6Aazjnb2CMdQH4Ief8jTPMbz3cp4iAO3X265zzP2OM7QAAzvmwp8d4EMB1cPUYt3LOE+3kacW6SaueihWidA3QxKqngZWVxKqnlrfSqGzV04zBUElY9dThPCTAFTL74Kqn4r1GrHrKAqutylY9tWx3tVLGgIq3mppY9dT2ppgqVz0Fhwbmnw+Rv9acq542tVh3qUKrnipZ8JUmarVZWvV08VPnOLvgH2bauGAuVj1NI9OeLdOrnnqxSqpVTx3oDLTqaTpaKi6IrnoqYkex6qllO9AUq55WA+8pVz3l4bTgqqeOw5GJrHrqeCvfz8eqp6Kselc9tb042zUctPyqp6na63z8RvHNnPN+xtiTAMA5H2eMzfj2lnN+DMBmSfpw4G8O4MMzLSNKIwSWzchC+XGXpyw3kzGwOqP+HGYj1yUxL0EsLLJxNq3YmWgNFtM4O1dxQT0y7dmiaQy9y9SdKpMxYoJyYvFSqz2oWK5orrJ01ba1iI79oprR9Hbv/05VOe2Sl+2yDafpkrxvmjpWK4Jk2TigGutk6ZqmzrsWsvzmeoydj6mnVcaYDm8xGcbYKrhPGAmCIAiCIAiCIIgmZD4ek30O7lTRXsbYnwEYAPAn81DunFGpWDg9WYHG3B+fB6dO5kx3mmXw8XZbVsNU2fGnj5oaQ3uWoVRFaF8zMCVT1xiyhoasCfexfmA6ai6joVxxUBXTUzUG02RwHEinkpo6Q8V2H8HnMwzFiptfe0YLPVJvy2rgfLrupsagaQzcm94q6hU8RjHtUzy2NwJTEkQe+Wg5kddZw81P14DJcnh6QbECVGzHn2omprqaOoPGWOz8iTTGAID502UNjaFsO9DZdPnRx/DBR/amt3hAsWo3XHpMNBf1TlddIlNV5x3Z1NPJCkfFdqfD2w5HRUxD1RkMTUPGYJgst768nWg95mrqaRrq/WmEmM5atR3/esY5x5nJCiq2g6z3Uw2Lc2R0DSvb3etddL9lOQ3ninboGIPHXM8UuUYf80Ll2WpYloPTE2VUvJ9KdeY1FINT/HUNAEfWCP9USUxL7cxrOF+cjkdFPJc1gHOR6aITJXesLlmOn3ebH5M6yBk6LNvNy9AYluc1nCs5WJ4LTzHNZzRULY6OLItPPbWAqs1RttzjMTXmbyfqHNx+vOjWZUVex2TZLTtraHC42z46clooLu3JZ5DJ6DhXqvjTsg2NoT2rozOXQaVi+32iPfLTqraMhnMl28/nfNWG7Tj+T8WC+Yt2KZvWLaYIl6o2dMaQz+hYkZe33UaMSw2/UeSc72OMjcD1JzIAv8M5n/FiNvNNpWLhmdOTeODRn+O/vOMyVCweEnh+a8evYnSi6rtUZLLQXQObsLorj9c8ma1I3729Hw8+9qwvxhweLGBZ3sDLngdGbDc0WMADAYHmroFNWLeyDaPnK6H8hrb347uHX8K7Nq/G9w6/hKuvuACrlmVRrto4dvo8Ll7VGarXQ7e+EZWqg9sDaVH5qdiuXHWksvvP33QlSlUHdz1yWFrf23/94piQdPf2frxueRYvj8cFrQwct++dPqZ7r9+ML/3DMXzs2suQNRhu/crB0PEuyxv48+/9DB/8tfWhOgRFwru392PvT47jiWOjvnwUQKJ8uFHSY4Ig4qgE5ut7svj+wZdx1YZVGA14Vvu68rj/xi1YljPwF48/H+rbSy3wI+YfVXvd0NM+5zeLMql2Ulu3LAdHXz0fkqIPDxbQmTdw055/xqqOLP7oustDfekLNxewYWU7fn560t/vk+++AoVLVsaOceT5M/jkd4/6r9OIwRt9zAuVZ6shaxsP3fpGnJ2s+J7vvq48HrzpSrRldHwgEG/ds20TxiaKuGRVZ2h/Ed/+8jUrlD40WEC7CZyuTMfMwfhY1g7FmH9stByLGS9dmYulDw8WkDc13BKQ1e8a2ISVy7J4ZXwSum6E4lWR//eOvIqNq1dgR6Qe7y304eo3XCC9Dr04VgrF/kPb+3HxSo4XvDpdtb4Hg29ZF95msIAf/+xV/OvLr+Gj116GByQx9NBgARd0ZvB7u38SOtcPP/E87nz75diwqgPPnp6IxaoXdOZwcU97qO02alyalyiYc36Uc/55zvmDrXSTCACnJ92bmW2FNTA0PSbwtG2EhJsyWagvJI3se4cnohevd+wdQdXiceF9RKB59/4jbrlRef2+QxjYuhZ3eP/fvf8ITowVcep8BVeu64nV6+RY0b9JFGlR+anYTiW7H5us+jdosvrKhKR37DukFLSeOl8Jpd31yGFsK6zxBqBS7Hgt2z3n0ToERcJ37DuE2962HifHp+WjteTDjZIeEwQRRyUwP1t0cM3GC/HSeCk2Ln78G64oOdq3CaLRqNrraHHu25/sWpXU1k9NlGNS9B17R1CxXLfbjqsvjfWl2782gtOTldB+12y8UHqM12y8MPS6EdfJeo95ofJsNWRt4+RY0b9JFGkf+fqTvoRepH3iwBFcua4ntr+Ib6PpO/eOIGuaoZg5GB/L2qEY82Uxoyx9x94RvBiR1d+9/whOjhVxaW9nLF4V+V+1YZVf32A93tPfp7wORWP/nfsO4VygTre9bX18m70jeE9/n3/cshh6Z6BvBs/1tsIa3PbVgzg1UZbGqsdHp2Jtt1Hj0uJfoWWWCHHmirwZEtIK7IigM0lYL0uPijHTbhctV6QLAaj4X4g8ZULUtowuzSMq/xTbyY5NlYeo71wIWkW5svc0liwDDp4X8beQj9bapxHSY4Ig4tQSmCeNVbK+TRCNpFZ7nUtUUm1VW1dJvcWDh7RCc5V8PLhSfrMc80Ll2WrI2kbaODApblPFrdE2FWx7adthrXRZPdsyes0+KquHqs2nqZMq1uWc+2WojtmO9KHgtqr+3JbRY223UeMSzaurgRBnni1WQ0JagR4RdCYJ62XpUTFm2u2i5Yp0IQAV/wuRvUyIqhLcR+WfSbJ7VR6ivnMhaBXlyt5zeLIMOHhexN8ZQ68pKu3raoz0mCCIOEkyZcZY4lgV7dsE0WiS2utco7pWqdq6SuotYsW0QnOVfNy1j4X3m2vqPeaFyrPVkLWNtHFgUtymilujbSrY9tK2w1rpsnpOVezEfILHEayHqs2nqZMq1mWM+WWojlmP9KHgtqr+PFWxY223UeMSRcI1WNXuijYPjJyA5dgxgaeuIyTclMlCfSFpZN/dnohevB4eLMA0WFx4HxFo7hrY5JYblddv78f+gy9it/f/roFNWNOdR++yDJ48PhqrV193Hl+IpEXlp2I7ley+u93EvddvVtZXJiTdvb1fKWjtXZYJpd17/WYcGDnhSV5zseM1dPecR+sQFAnv3t6PPY8fQ1/XtHy0lny4UdJjgiDiqATmK/IaHnv6FazuysXGxftvdEXJ0b5NEI1G1V578nPf/mTXqqS23tuRjUnRhwcLyBhuEDn84+difekLNxewqj0T2u+xp1+RHuNjT78Set2I62S9x7xQebYasrbR1+3GfcG0B2+60pfQi7R7tm3Ck8dHY/uL+DaaPjRYQLlaDcXMwfhY1g7FmC+LGWXpw4MFrI3I6ncNbEJfdx7PnToXi1dF/k88e9qvb7Ae3z50Unkdisb+Q9v70Rmo057Hj8W3GSzg24dO+scti6GHAn0zeK4PjJzAnvdtRW9HVhqrrutpi7XdRo1LLDiNYCmTJCqd61VPxWqi/qqnnENnDVr1NMv8Fa2SVj21xcpWs1j1VOQxF6ueOl4a0wDHAUyDQUPtVU8tbyUvQ2Oo2A60Olc9LVXttNLjlhLrLhXqXcF0JtS76mmTrKq64Ks11GqzaVc9dRwOg1Y9XQos+IeZ1GZbYdVTy3b865lY9bRqO8jUWPVU7EerntZN08cFYtXTqu1Ai6x66o6t4VVPRRw421VPRd5zvuqpDVQtjorl+PF2dNVTcQxi1VPH4VguW/WUc3Rk52fVU1Gn+lY9daAzzOWqp6naK/1GMQW1RO8AYgJPmTuzI6XXVOo/rSEITaIzkJ9MJJo67zrqEC1HWi4Qk/vOwP06o/oAi0v+TBCtjkxgHpUryyBBOLEQyNpro6j3WmUYGi5aETeQXyhJq7Vf9JrcrMe8UHm2GoahxdpBZ51xlypOi6artksas0WcrBr7o+mqsDTN/ssV9ZDVb0VbVppeaxwIxp5JXyQltUtNY+hNGRw3YlyiqacEQRAEQRAEQRBECHqimIJq1capibI/7VJMFY3K5nPe42sO7m7nCUY1BpQsJzQ9NGtoqDoOwN0pkqbOoDMGm3O/DI0xZHQNbRl3OmrF4eBees7UYNnTktSMriFnMpS8R/BCPMo0IGcwnC9NTyFgDDAYg8XhT9UUx5YxNExVbJgaQ9bUAO7WPTrlVDzSF9NDqxYPTRMQM5pL1el9g1Nxl2fN0OPxnKmhwzTwWtlCxfbkrBqD4Z2vtqyGStWdEivKrjqOLx/tzJo4V66iWLFhcw5Tc8978PE9QRDNi2zq6dmiA8cbb9tzGkqV6TEvb+pY2ZGlvt1CLCbh+XxOPZ0LgtLurD491U58DgBC0+s6sjrKFkfVdvypdh0ZE+PFqj9FTmPudV389CP6kw0xlbVqOzDT/aSDmAdEP3QcBzaH+3OlQJxncw5D02AwoOjFrpoGcM6Q0Zm/QCJjgM7cGKtsVULTQpfnNYxN2ljRpuN8yZH2k2gfErGdGPuD8aHtAO0ZxKaeTpQ5ONyfdekJ8aVl81B8LmJZccwdWQ1tpompahUT5Xh9g2NXcHro8qyO05Px6djiviHNNO3ZjIvzMaY276jWJFSrNo6empCKMoNyeiHtfOgfn49tF5W/f+/wS3j35tUwdIbbvposuxcy01dfK/mum9t//WIMvHEtzpwvh2Slw4MF/O+nTuILf/+Cv++lq9pwfCwstn/wpitRtZyQYFUIPj9yzQZfTv+VW9+IUtXB5yTHLra/6x2XhRyR4sezFywzcep8VbrvfTdsxor2DG4NSFJdIbCNl4QHZ3xaavrdwy/h3Vv60JbRcM/fHMUHf229700U+V2wPBfb997rN+NL/3AMd7798iUl1SWIVkMlCl7fk8WvfPJRf4ywHQcfDoyPe27eistfR327FVhMwvNGia0bRfDcy0Tne963FSvaDJw+X8Ed+w7hqvU9uPkt60LX9d3b+7GizcL/+92n8cOnT4XigFuuugQPP/E8PnbtZbjigmX+7x2jcvfhwYL/PrEwiLZw34+ewS1XXYLHn3kV79q8Gg8+9mxi7Co+61vfekksbdf1/xEvjpVj/eHCzgyOS9I39LjzMaN96J5tm/D4M6/i3Vv6Qum7t/fj0pU5HBuN53VBZwbbArJ6WXz50K1vxETJwtCPf6GMZT967WW4aAXw8ll5fZ8fnwqNXfds24SxiSIuXtUp3V42PlzR2xG7WZzNuDhfYyr11hqcmigrRZlBOb2Qdsq2i8rfB7auxc59h/DL18rK/IL7ViweEqIObF2Lk2PF8PJKoAAAIABJREFUmKx0x94RDGxdG97XRkzAOT5ZjQlWheAzKKc/MebmKTsmsb2u6f7FRLy3c+8IKjaU+975rcM4GZGkCiFwTMAqztfeEXDOsK2wxr9JDOYn2/euRw770tKlJNUliFZDJQo+W3T81zv2jmAsMj7e9jXq263CYhKeN0ps3SiC514mOr/tqwdh2fCF4be9bX3sun7HvkOoWBzbCmv8NBEHiP937B3BqYkyALncPfg+sTCItiA+t4Gta3HHvkM1Y1fxGcvSJkqOtD+ULa7sJ7I+JOoTTb9j3yGcLcrLiMrqZfHlybEiPvq/nkyMZXfuHUGpIi9jtBgfuz5x4AiuXNej3F6WLmv7sxkX52tMbbkbRcbYGsbY3zHGfsYY+3fG2Mcl21zNGHuNMfaU9+9PZ1qeEFiqRJlC9llLqBmVvwf3leUXTIvKTHWNKSWpQR/LyXG5IFW1r6i7yENsl3RM0bpFy6113pKOM3q+NKaWtKr2FdsvJakuQbQaaUTBqnGD+nZrsJiE540SWzeK4LlXXUODsnGVPFxcg4Np0djHst0vd1SicPE+sTCIthCM99LGrsHPOpiWRkgfTVe9p2p7qu1lsvrodSJNLFurvklxbj3HHWU24+J8jaktd6MIwAJwF+f8DQB+FcCHGWMbJdv9Ped8i/fvUzMtTAgsVaJMIfusJdSMyt+D+8ryC6ZFZaa2w5WS1GCn6euSC1JV+4q6izzEdknHpBKt6inPW9JxRs+Xw9WSVtW+YvulJNUliFYjjShYNW5Q324NFpPwvFFi60YRPPeqa2hQNq6Sh4trcDAtGvsYnmpKJQoX7xMLg2gLwXgvbewa/KyDaWmE9NF01XuqtqfaXiarj14n0sSyteqbFOfWc9xRZjMuzteY2nI9lnP+Cuf8kPf3eQA/A7C6UeX1dmSVosygnF5IO2XbReXv+w++iKHt/Xjd8qwyv+C+GYOFhKj7D76Ivu58TFY6PFjA/oMvhvfVERNwdrWbMcGqEHwG5fRrut08ZccktrcdG0MSyWhGh3Lf+27YjL6IJFUIgWMCVnG+BgtgjOPAyAnce/3mWH6yfe+9frMvLV1KUl2CaDVUouAVec1/PTxYQHdkfNxzM/XtVmExCc8bJbZuFMFzLxOd73nfVhg6fGH4nsePxa7ru7f3I2MwHBg54aeJOED8PzxYQG+Hu8y/TO4efJ9YGERbEJ/b/oMvYvf2/pqxq/iMZWkdOU3aH7IGU/YTWR8S9Ymm797ejxV5eRlRWb0svuzrzuOB378yMZYdGiwgl5GX0ZOPj133bNuEJ4+PKreXpcva/mzGxfkaUxnnzTlVIg2MsYsBPA7gP3DOzwXSrwZwAMBJAC8D+EPO+b8n5ZUkKk2z6qkdkHYC08L6NKueVm0HxixWPXW8csSqp9WAeDS06qlX79Cqp97KobTqad00vVh3KVKv3H4mvPDpd9W1fb11qjf/lCz4o45abbaeVU8dhyNHq562HHWu0LfgH2xSm23dVU8dZHU2J6ue6sydhqsxgCesemrZDoylseppS8QF0VVPMzpDWbHqaclbTVS26qnGAC1p1dMpGyvytVc9FSvyaxrgODNb9bQSiHtp1dPUzTDVhs07qtWAMdYB92bwD4I3iR6HAKzjnE8wxn4LwF8D2CDJ40MAPgQAa9euVZZlmjpWdy2s1bljliL6zmTP7oIgk4L2ZmfeJLuNrNq+ughI214Jolmop83KRMFRafLyJhzHiPS0gvA8bZtthNi6kaSRdquk4kHq+fwMQ8NFK6jTNpKZxAWN6IeGkYuN1yJuVcWfSX0ompcqXbXdTPvmclPHckkfSDpnqzPxsuq5b5jN5zEfY2pLfrXDGDPh3iTu45z/ZfR9zvk5zvmE9/f3AZiMsZWS7b7IOd/KOd+6atWqhtebIGYDtVei1aA2S7Qa1GaJVoLaK9FoWufrMA/GGAPwJQA/45z/T8U2rwPwKuecM8beBPeGeHQuyo8+Tm7PaqhYQMWeniJl6gwacx/li+0yhoaK5fjTLzMaQzbDwDkwWQ5P7dQZg6a5+5u6Bsbc6a3Mm3JpelNeNTBYDg89Qs8aGkrV6XI7shomK+70kZyhuQvVBMpi3vRWgKNqc9icI6u721UD0z8t95m9P301Wr+coWGq4ngCVoaqw6F79RXTCjLG9JTUYtWGqWtoy2iYLLuPzLvyJl4rV1CsOP603ZzJUKq69de9aa1deffbk+Dj9q68ibGpCopV25eudrdllI/6CYJoLmRTT4tVd+qT7XDkTR3dbRl/6lurC9uJ1qbVpp4C4WlquYz7c46K7V7HZdNCo9PauvJmXf1vPmTgxMxxHI6zxYr/k52cqWNluzudX3x2DNyPZU1dQ0/exGixOh2TmRoYY8jqHGeL4VjW0DSYOvPH8IyuoStnYqzk7p/P6LAsB9XAFNGyxbE8x0JTTNsy7tTTvBmeetqTz2C8VIXlOKFppD35DMZKVdiBdJ0xOHCnqBoaQ0dOw0RgSuyyvI6OTAaOw3FqooxqpF9YloPTk2VUvKm44udZ7aaB05OV2PZBxBTspG3E51Fvf5mPPtbco5qctwK4GcC/Msae8tL+G4C1AMA5HwYwAGAnY8wCUARwI5+DH2NWqzaOnpoISTQfuvWNOFes4uPfeMpPEwuzfOAr0xLM3dv78eBjz/qi2vtu2Ix1K9vw6rkKHpBI6YOiUyGOF1LbW996CbraTZwvWr4Psa8rj7+4pYCqxUOS3KHBAr771En8ywtn8UfXXY6H/vF5aVkrl2Wx6wdHcfp8JSbj/fxNV6JUdUKS+2D9HrzpSrRnDez6wVHc8ZuvR7FiS8vZvb0f3zv8Eq6+4gJ/393b+7H3J8dxtljBH113BU6fL4fKHh4s4HOP/tw/b+6P8G1MlG3fH/OOjb342LWXhcS+uwY24dwyCxd3tdHNIkE0OSqB+fqeLH5n9z/5aV+4uYD7/8/0eNCqwnaitVG11w097U17sxiUc6/qyMau88ODBVxxwTI/gJXJvKPX46T+N18ycGJmOA7HC6OTePVcKdQO9rxvKzas6sCzpyfw14dO4F2bV/t+zXds7MVHr70s1O53DWzCxos6cGy0LI1lo7Hv0GABDzz6c2msKRYwOzbqSK8Fx0bLsfQXTp/DR79xxF9g5vFnXsW7t/SFtrv3+s3ImRo+/PUnQ/s+EGjL7uIzHC+Nl0Ox5PBgAZetasezpydxe+S4L+rK4+R4KbZ9sB9ZloOjr55P3EZ8HvX2l/nqYy039ZRz/g+cc8Y53xTQX3yfcz7s3SSCc/4g5/xXOOebOee/yjl/Yi7KPjVRjkk0T44V/ZtEkbZj7wheGi+F0oTQVLwWkvidCil9UGoqxPFB4amh6f5NotjH0PSYJHfn3hEMbF3rS3ZVZZ0cK7rCXImMd2yyGpPcB+v3ka8/6e8/PllVlnPHvkMY2Lo2tO8d+w7htretx7bCGpwYK8bK3uGdn2C5ZYuHJKNC9Cs7JpL7EkTzoxIUny06obTbvxYeD1pV2E60Nqr2Olps3rYYlHPLrvM7IkJwmcw7ej1O6n/zJQMnZsboZAXHR6di7eC2rx7EqYkybvvqQQxsXevfJALwxfTRWGui5Chj2WjsK7aTtcGde0egMV15LZClX7mux3/9iQNHMLB1bWy7ux45jLHJamzfaL2myk4sltyxdwSnJyv+TWLwuKsWl24f7EenJso1txGfR739Zb76WHN+9dWkyCSaKnm9TAwdFdXWktKrRKcnx+WC+SRhfXR/WX3boPuv0xxjsH7R/VXlBOWu0frJypadt+hxJh1TswqQCYKYJq2gWDYetKKwnWht6hFqNwtBObfqmmnZjnT74DZp+998ycCJmVGxbGVsZ9lOKF4TKNtNylg2+jopr7TpQXe4rM4iPU1MXm/Zqpg72I+qtlNzG2Bm/WW++ljLPVFcSGQSTZW8XiaGjopqa0npVaLTvi65YD5JWB/dX1bfs8Wq9H3VMQbrJ/avJTYNyl2j9atVjngdPc6kY2pWATJBENOkFRTLxoNWFLYTrU09Qu1mISjnVl0zDV2Tbh/cJm3/my8ZODEzMoaujLkMXQvFawJlu0kZywZf18orbboe6HOyOov0NDF5vWWrYu5gPzK9c5m0DTCz/jJffYxuFOugtyMbk2j2dedx/41bQmnDgwWs7sqF0oTQVLwWkvghhZQ+KDUV4vig8NRybFcsGtjHcuyYJHdosID9B1/0Jbuqsvq6864wVyLj7W43Y5L7YP0evOlKf/+udlNZzu7t/dh/8MXQvru392PP48dwYOQE1nTnY2UPe+cnWG7WYCHJqBD9yo6J5L4E0fyoBMUr8loo7Qs3h8eDVhW2E62Nqr325Ju3LQbl3LLr/HBECC6TeUevx0n9b75k4MTM6GnPYF1PW6wd7HnfVvR2ZLHnfVux/+CL2B2IKYWYPhprdeQ0ZSwbjX3FdrI2ODRYgMNt5bVAlv7k8VH/9T3bNmH/wRdj2917/WZ0t5uxfaP1astqsVhyeLCAVe0ZfEFy3KbBpNsH+1FvR7bmNuLzqLe/zFcfY3OwxsuiIK2otN5VT4Mrfta76mnFciW1YtVTjQH2DFc9tWwH2Vmsemo73BexyupX76qnpaoNI2HVU8fhMAKrnlq2K1OtteppqWr70tUGr3raEmLdpUa9cvuZ8MKn31XX9vXWqd78U7LgjzpqtdmkVU8dx12Rj1Y9XVIs+Aeb1GYXy6qnVdu9jtOqp3NCS8UF4VVPgZypKVc9tb2YbKarnjreqqli1VPLdpBr4lVPrUi/EKueVi3HjzGDq55Gtw8iVj1N2kZ8HvO86mmqDZt7VGtC6pFopqWW4Ha2yOShjaBrhrL74PH3GDkgZT5RyWhvZ7JMmCCI5kUmX5bJlJtd2E4sDZJk4c1KvXJu2faz3Z9oHjSNobs9K425kj67i7Lydi8br6X7p+g3qryi6Rcq8kpTxvJ8PE3TGC5aEX/DMDRcKNsBkG4f3bfWNqLsevvLfPSx1hrlmoDoE8VleQ0TRfcbEV2LP53TmPckzXGf3lm2A8vz1azIet9EeHllDQ2MAeWqm1/WewLnP8Vj7rfrpq5hVXsGU5aFiZI9/fQwp6FUcZ8ECu/Yyo6s/w2JoQFVm4fKMw2GiZId+hZIYwyGxlC2HeiBb2l6O7KhJ3TimwzHcWDoLPwkM6ejVHFgc4BzDtPQYGgMxYr6m0kA0m9GZvutJkEQzY/sCU0mo9f1bWkzPMFohjoQjacVnygKHIfjzGQZpaoNnTHkMzpW5KmdEtOIp2CAO5uMA8gaOlbk5N5AmSsQAM5XKpgqh58Cnq/aqFg2sqaGSnX6iWJHTkPFYlie1XG+YvkxZXtGR8Xm/uy6Wn1OjMEARyXgM1/VnkEmk9xH0zoPZQTH/mjM28rXgdYY1ZqEqEdR5ZRZ2ZHBrr99JuT+W7Usi/HJiq+0kO375fdvRcVbblfmOQq6C4cGC+jMG9i+55/992VOxz03F2AaGh756YshH46Yk503NXzmB0cTPY73bNuEh594Hh+99jJc0dsB09R9f8t9P3oGd7/zchSrTizvnMFwa8AlGcxT5mPKGhre9+V/ma57wOeT5EwkNxNBtDZJHsXf3f1Eqr7eDN62ZqgD0Xha0aMokLXRXQObcEFnDhf3tFM7JXz33+ciXsTbf/3imKNQeAZ/fnoy5gq8cEUWL5+Nuw+TPIrVahXFzjzOTlVxx75DuGp9Dwbfsg4PPvZsLE6V9TnRvqMOSLH95avalTeLaZ2HMlT9SsS8rXwdoMVs6iDqUVQ5ZU6Ol2LuP4CFvIeyfV8KiDtljpmgf3Dn3hFULR56X+Z0vO1rIzgxVoz5cEQeJzz/YZLHUfgbdwbcL8Lfsq2wBoxp0rwZ05R5ynxMx0enwnUP+HyC5y3qpCE3E0G0Nmk9is3ubWuGOhCNpxU9igJZG717/xEcH52idkoAmHb/RWNDmaNQeAZlrsBSRe4+TPIoXrC8DRWL+zHlbW9b77sYo3GqrM+J9q2KeU8ntPG0zkMZqn4lYt5Wvg4091dfTUbUpZLGSSjS0rj/gk6bNG7F6BcTSU7HJLdMG2p7EkV9hCdK+FtW5E2lSyZaP1me0bpEt486aFTnhdxMBNG61ONRbGZvWzPUgWg8rehRFKjaaFtGp3ZKAJh2/0XjLVUcWa9/sJZHMRhTBt3bafqcaN9Jda113LF9Is5DGbW8o618HaAninUQdanUchIG09K4/4JOmzRuxWh7T3I6Jrll6vE4Ck+U8LecLVaVLplo/WR5RusS3T7qoFHVldxMBNG61ONRbGZvWzPUgWg8rehRFKja6JT3WyqCEHFXNN5SxZH1+gdreRSDMWXQvZ2mz4n2nVTXWscd20evfatUyzvaytcBulGsg6hHUeWU6evKxdx/AA95D2X7ru7K+b4VmWMm6B8cGizANFjofZnTcc/NBazpzsd8OCKPNZ7/MMnjKPyNQwH3i/C3HBg5Ac4dad6cO8o8ZT6mdT1tMR+M8PkEz1vUSUNuJoJobdJ6FJvd29YMdSAaTyt6FAWyNrprYBPW9bRROyUATLv/orGhzFEoPIMyV2AuI3cfJnkUX31tChmD+THlnseP+S7GaJwq63Oifati3lUJbTyt81CGql+JmLeVrwPkUfSYqUdxZqueur6apFVPLYf73sGZrHoqvGOzWfW0YofdNLTqaYiW8iW1KvPhRawX8ijOjHo9irTq6ZJnwU/aYvMoCqZXPXWgM9Cqp3PHookLxOqfDNyfHZYJrHoq8wxGXYHA3K56qjEO25l2c9da9VQ4IGey6mkt56GMFlz1lDyKjUDmUZyNvm91jUabxHJTj3lg6vHCJO2Thlr+Fmm+AV+PbF9Z2mxdTgRBND8qL12reduaoQ5E42lFj6JA0xh6l5F3mFCT5P5TeQZl6V1GDlH1eJovVHpmERvPZgxO6zxMXe4M/eLNREuOcoyx6wDcD0AH8Bec809H3s8C+CqAAoBRAO/lnL8w3/UkiMVOkzwtm1ea8SknQRAEQRDEXNNyN4qMMR3A5wG8HcBJAD9ljH2Hc/50YLMPAhjnnL+eMXYjgHsAvHf+a0sQRBC6yarNUrz5JgiCIAii+WjFxWzeBOAXnPNjnPMKgG8AeE9km/cAeNj7ez+AaxljTTc5mCAIgiAIgiAIohlpxRvF1QBOBF6f9NKk23DOLQCvAeiZl9oRBEEQBEEQBEG0OC039RTyVXqiS7em2QaMsQ8B+BAArF27dvY1I4gGMpP2SlM9iYWExlii1aA2S7QS1F6JRtNyegzG2FsAfJJz/k7v9X8FAM75/xfY5m+9bX7CGDMA/BLAKp5wsIyx0wCON6DKKwGcaUC+c00r1LOZ6niGc37dQhUeaK/NdE5kNHv9gOav41zUb0HbK1DXGNvsn8dcs9SOF0h3zK3SZhf757eYj2+uj61Z4oIkFvPnqWIpHjNQ+7hTtddWfKL4UwAbGGOXAHgJwI0Abops8x0AtwD4CYABAI8l3SQCAOd8VQPqCsbYQc751kbkPZe0Qj1boY7zhWivzX5Omr1+QPPXsdnrl5a0Y+xiOd60LLXjBVrnmNO02VY5lpmymI9vsR0btVc5S/GYgbk77pa7UeScW4yxjwD4W7h6jC9zzv+dMfYpAAc5598B8CUAX2OM/QLAGNybSYIgCIIgCIIgCCIFLXejCACc8+8D+H4k7U8Df5cAXD/f9SIIgiAIgiAIglgMtOKqp63GFxe6AilphXq2Qh3nm2Y/J81eP6D569js9Ztr6HgXP4vpmBfTschYzMe3mI9NBR3z0mFOjrvlFrMhCIIgCIIgCIIgGgs9USQIgiAIgiAIgiBC0I0iQRAEQRAEQRAEEYJuFAmCIAiCIAiCIIgQdKNIEARBEARBEARBhKAbRYIgCIIgCIIgCCIE3SgSBEEQBEEQBEEQIehGkSAIgiAIgiAIgghBN4oEQRAEQRAEQRBECLpRJAiCIAiCIAiCIELQjSJBEARBEARBEAQRgm4UCYIgCIIgCIIgiBB0o0gQBEEQBEEQBEGEoBtFgiAIgiAIgiAIIgTdKBIEQRAEQRAEQRAh6EaRIAiCIAiCIAiCCEE3ih7XXXcdB0D/6F/afwsKtVf6V+e/BYfaLP2r89+CQ22W/tX5b0Gh9kr/6vyXCrpR9Dhz5sxCV4EgUkPtlWg1qM0SrQa1WaKVoPZKNAK6USQIgiAIgiAIgiBC0I0iQRAEQRAEQRAEEYJuFAmCIAiCIAiCIIgQdKNIEARBEARBEARBhGjYjSJj7MuMsVOMsX8LpHUzxn7EGHvW+7/LS2eMsc8xxn7BGDvCGOsP7HOLt/2zjLFbAukFxti/evt8jjHGksogCIIgCIIgCIIg0mE0MO+vAHgQwFcDaX8M4FHO+acZY3/svf4EgP8EYIP3780AhgC8mTHWDeC/A9gKdynXEcbYdzjn4942HwLwTwC+D+A6AH+TUEZDcByO8WIZxYoDjQGcuxXNGjp62jMAgNHJCiqWjWV5HeeLNiyHw9AY2rMaKlWOisP9fW2HQ9cYsoaGiu2Ac0BjgMMBm3OYmgaNASXLQUdGR8lyoGmA4wS2czg0jSGja8iZQKniluF4eZsGQ9XisB0OQ2fQGUPJcpA3NFgOR9WrX1tGw1TFgeVwmBqDoTHYcOtQthyYOkPV5tPv624+OmNg3vFkDQ1Vx4HjwN8uY2ooVx2YhgZDYyhWbGQMHV15E2PFCkpVGzpjyGd0dGZNjBerqFjuNj3tGWgag+Nw/7yKfWXbETMjen7rPZ+19rcsB6cmyqjaDkxdQ29HFoYxd99blUoWRosVv6/15DPI5Yy6tqlWbZyaKPvv93ZkYZr6nNWh0e+3Khf/8ffq2v6FT7+rQTUhCDWLtf8RxEyYyfWyUrFwenK6D61qzyCTMVAqWRgrVlD1YlZDY2AAlmdNv8/lDA3/P3tnHiZVdSbu99zaurob7KbpdqFRQVEHTRtodFBnFGXGmMSEGNplAqIkIyKJJhlDzCxOMkN8flFiTHQGUBNxXyGOxiwmQwbNuERpjIwSEUWBBqWbXqCX2u/5/VH3Vtdyb1f1UvTC9z5PP1119nvvOXW+755zvg8UkUQCv8dAkZSL7bHYGopmyLBeQ1ERNOiKaBIaSv2K7khmXHcMxvu8juPabbxnh1cEDTpCJuUlHrrCiZz74VSO3+8ZlLyVzmBlNyeK9qumtX5RKXV8VvA8YI71+QFgI0klbh7woNZaA68qpSqUUkdbaX+ntW4DUEr9DrhIKbURGK+1fsUKfxD4AklF0a2OIcc0NR+2drPvYJi1L33AVWdP4ab1W2hqD1FbGeTeRbMIeA0W3fcaN5x/An8xqYLrHm5Mxa9dfAYd3VHu/cOOnLyrFyQXVe/6/facuJUNdWz6oI3zTqnhP6z4B17OrX9lQx3V4wJ0R+J89dE3aGoPceH0Gr52wTSWPbI5I93Tm/dwycxJLF+X1oaF9Tz3pybu/sOH1FYGueOy05k4zk9LOMov39zDZ0+flFPObb/ZRktXhFvn1/HAyx9w/QXTALjOJZ39uXqcnxvmnsTStPtzx2WnU1nm5+q1r2fc02nV5Wxv6eKaBzelrik7772LZnHykeNEWRwApqnZtq8zdX/7ez/z5Y/HTd7Z15nxvNYsrOeUI8cNibIYDsfZ3tqdMdZWL6xnWlVZSpDLlyYWS/BOc1dO/Ck15QUpi/nKL3a8IAjFQ8afIPQykPkyGo2zrcV5DL3X2p0hH6xsqOPUSeWpMVddHuDbF52cIa+my5WrF9bjVSZtPUZO+TXjfDR+0Mrx1eNz4qZWBVzHdX/Cjx7vZ1dbuKD0axefQSxusuShwcuvg5Xd3DjUZxSP1Fp/BGD9r7HCJwG709I1WWF9hTc5hPdVx5DT2h1lZ2sPy9dtYX795JSSBtDUHuKaBzexs7WHpvYQZ0+rTnUOO76pLcQ3n3zTMe91j2xmf1fUMW75ui3Mm1nLskc2p+Ld0u1uC9HWHUuFz6+fnFLu0tNdc+7U1KBLteHhRhpmHZv6/s0n38RreFj2yGYaZh3rWM7SOSfQ1B5Ktcm+Drd09uf59ZNTPwzp9e1uC+Xc0+auSGog2NeUnfeaBzfR2h0tynMf67R2RzPub3/vZ778zV2RnOe19OFGmrsiQ9P+UDRnrF33cCOtoWjBaZq7Io7xhbYxX/nFjhcEoXjI+BOEXgYyX7Z0u4+hbPlg+botdIbMVPqlc07IkVfT5crrHm5kfDDgWH4sATOOq3KM60irI7tN/QmPxHXB6ZvaQikl0Q4bqPw6WNnNjZFizMZJ1dUDCO9fpUotUUptUkptamlp6W92ovEEpX4PTe0hKoK+1MOxaWoPUepPvk1JmDonvpC8bnFa64y8fZVhtwFwTecxlGt4+nfTqtctfUXQl/E5/R70lS7f/UsPiyfMjLRueaPxBGOJwfbXQonGE4O6n/nyx7Kenx0fT5iDaHUvcYex1tQeIm7qgtMUUsZg2lDs+JHCoeqzgjBUFNJnR8v4E8Y+I+E3diDjoa88+cLdZL50udKtnISpHeXxQuse6nBbD8hOOxD5dbCymxuHWlHcZ20pxfrfbIU3AZPT0tUCe/OE1zqE91VHDlrre7TWs7TWs6qrq/t9MX6vh55ogtrKIB2hGLWVwYz42sogPdHkA/IYKie+kLxucUqpjLx9lWG3AXBNlzC1a3j6d8Oq1y19RyiW8Tn9HvSVLt/9Sw/zeoyMtG55/d7Cz5ONBgbbXwvF7/UM6n7my+/Len52vNczND9HXoexVlsZxJv20iNfmkLKGEwbih0/UjhUfVYQhopC+uxoGX/C2Gck/MYOZDz0lSdfuJvMly5XupXjMZSjPF5o3UMdbusB2WkHIr8OVnZz41Aris8CtuXSq4Bn0sIXWdZPZwMHrG2jzwMXKqUqLeulFwLPW3GdSqnZlrVCj+YHAAAgAElEQVTTRVllOdUx5FSV+TmuqpSVDXWsb9zNrfPrUg/J3ht8XFUptZVBXt7ewuqF9RnxtROS5/Cc8q5eMJOJ5X7HuJUNdTyzuYlVC2am4t3STZ4QZEKZLxW+vnE3qxbMzEl374s7WNmQ1YaF9azbtCv1/Y7LTiduJli1YCbrNu1yLGfNxveprQym2mRfh1s6+/P6xt2sybo/d1x2OpMnBHPuaU15gHsXzcq4puy89y6alTImJPSPqjJ/xv3t7/3Ml7+mPJDzvNYsrKemPDA07Q/6c8ba6oX1VAX9BaepKQ84xhfaxnzlFzteEITiIeNPEHoZyHxZXeY+hrLlg5UNdYwLGqn0aza+nyOvpsuVqxfWczAUcSzf54E3drY6xlWk1ZHdpv6EB7yq4PS1E4Lcc+XQyK+Dld3cUEn7MUOPUuoxkkZlJgL7SFov/S/gSeBYYBdwqda6zVL2/oOk5dIeYLHWepNVzpeBf7KKvUVrvdYKn0XSsmqQpBGb67XWWilV5VRHvvbOmjVLb9q0qd/XmW711GNZHQVS1oagMKunnjSLpbbV01jCxHSxehqJm5RlWz21/g+11dOE9X2wVk/tcvJbPU3eyxFu9XRYXx0PtL8WyqGyehpPmHjF6umhsHo67EsdhfZZsXoqWIzoPitWTwUHxrRc0BfFsHoat2TZvq2emvg9SqyeWvRTdiuokqIpiqON4RxgwqjksJ0QhFHJiBa60xFFUbAYNX1WECxELhBGEwX115FizEYQBEEQBEEQBEEYIYiiKAiCIAiCIAiCIGQgiqIgCIIgCIIgCIKQgSiKgiAIgiAIgiAIQgaiKAqCIAiCIAiCIAgZiKIoCIIgCIIgCIIgZCCKoiAIgiAIgiAIgpCBKIqCIAiCIAiCIAhCBqIoCoIgCIIgCIIgCBmIoigIgiAIgiAIgiBkIIqiIAiCIAiCIAiCkIEoioIgCIIgCIIgCEIGoigKgiAIgiAIgiAIGYiiKAiCIAiCIAiCIGQgiqIgCIIgCIIgCIKQgSiKgiAIgiAIgiAIQgaiKAqCIAiCIAiCIAgZiKIoCIIgCIIgCIIgZDAsiqJS6ptKqbeVUm8ppR5TSpUopaYopf6olNqulHpCKeW30gas7+9Z8cenlfOPVvg2pdSn0sIvssLeU0p959BfoSAIgiAIgiAIwujlkCuKSqlJwA3ALK31aYAHuAK4FbhDaz0NaAe+YmX5CtCutT4RuMNKh1JqupXvVOAiYJVSyqOU8gD/CXwamA78nZVWEARBEARBEARBKIDh2nrqBYJKKS9QCnwEXACss+IfAL5gfZ5nfceKn6uUUlb441rriNb6A+A94Ezr7z2t9Q6tdRR43EorCIIgCIIgCIIgFMAhVxS11nuAHwK7SCqIB4BGoENrHbeSNQGTrM+TgN1W3riVvio9PCuPW3gOSqklSqlNSqlNLS0tg784QSgi0l+F0Yb0WWG0IX1WGE1IfxWKzXBsPa0kucI3BTgGKCO5TTQbbWdxietveG6g1vdorWdprWdVV1fna7ogDCvSX4XRhvRZYbQhfVYYTUh/FYrNcGw9/RvgA611i9Y6BvwcOBuosLaiAtQCe63PTcBkACv+CKAtPTwrj1u4IAiCIAiCIAiCUADDoSjuAmYrpUqts4Zzga3A/wANVpqrgGesz89a37Hif6+11lb4FZZV1CnANOA14HVgmmVF1U/S4M2zh+C6BEEQBEEQBEEQxgTe/EmGFq31H5VS64DNQBx4A7gH+CXwuFLq+1bYz6wsPwMeUkq9R3Il8QqrnLeVUk+SVDLjwFe11gkApdTXgOdJWlS9T2v99qG6PkEQBEEQBEEQhNHOIVcUAbTW3wW+mxW8g6TF0uy0YeBSl3JuAW5xCP8V8KvBt1QQBEEQBEEQBOHwY7jcYwiCIAiCIAiCIAgjFFEUBUEQBEEQBEEQhAxEURQEQRAEQRAEQRAyEEVREARBEARBEARByEAURUEQBEEQBEEQBCEDURQFQRAEQRAEQRCEDERRFARBEARBEARBEDIo2I+iUsoDHJmeR2u9qxiNEgRBEARBEARBEIaPghRFpdT1wHeBfYBpBWugrkjtEgRBEARBEARBEIaJQlcUvw6crLVuLWZjBEEQBEEQBEEQhOGn0DOKu4EDxWyIIAiCIAiCIAiCMDIodEVxB7BRKfVLIGIHaq1/VJRWCYIgCIIgCIIgCMNGoYriLuvPb/0JgiAIgiAIgiAIY5SCFEWt9b8VuyGCIAiCIAiCIAjCyKBPRVEp9WOt9TeUUr8gaeU0A63154vWMkEQBEEQBEEQBGFYyLei+JD1/4fFboggCIIgCIIgCIIwMuhTUdRaN1r/Xzg0zREEQRAEQRAEQRCGm4LcYyilpiml1imltiqldth/A61UKVVhlfeOUurPSqmzlFITlFK/U0ptt/5XWmmVUupOpdR7SqktSqmZaeVcZaXfrpS6Ki28Xin1f1aeO5VSaqBtFQRBEARBEARBONwo1I/iWmA1EAfOBx6kd1vqQPgJ8But9SnA6cCfge8AG7TW04AN1neATwPTrL8lVjtQSk0Avgv8JXAm8F1bubTSLEnLd9Eg2ioIgiAIgiAIgnBYUaiiGNRabwCU1nqn1vp7wAUDqVApNR44F/gZgNY6qrXuAOYBD1jJHgC+YH2eBzyok7wKVCiljgY+BfxOa92mtW4HfgdcZMWN11q/orXWJJVauyxBEARBEARBEAQhD4X6UQwrpQxgu1Lqa8AeoGaAdU4FWoC1SqnTgUbg68CRWuuPALTWHyml7PInAbvT8jdZYX2FNzmEC4IgCIIgCIIgCAVQ6IriN4BS4AagHrgSuKrPHO54gZnAaq31DKCb3m2mTjidL9QDCM8tWKklSqlNSqlNLS0tfbdaEIYZ6a/CaEP6rDDakD4rjCakvwrFpiBFUWv9uta6S2vdpLVerLX+orUNdCA0AU1a6z9a39eRVBz3WdtGsf43p6WfnJa/FtibJ7zWIdzpuu7RWs/SWs+qrq4e4OUIwqFB+qsw2pA+K4w2pM8Kownpr0KxKdTq6S+UUs9m/T2klPq6UqqkPxVqrT8GdiulTraC5gJbgWfpXaW8CnjG+vwssMiyfjobOGBtUX0euFApVWkZsbkQeN6K61RKzbasnS5KK0sQBEEQBEEQBEHIQ6FnFHcA1cBj1vfLgX3AScC9JLei9ofrgUeUUn6r7MUkldYnlVJfAXYBl1ppfwV8BngP6LHSorVuU0qtAF630v271rrN+nwdcD8QBH5t/QmCIAiCIAiCIAgFUKiiOENrfW7a918opV7UWp+rlHq7v5Vqrf8EzHKImuuQVgNfdSnnPuA+h/BNwGn9bZcgCIIgCIIgCIJQuDGbaqXUsfYX6/NE62t0yFslCIIgCIIgCIIgDBuFrijeCPyvUup9klZFpwDLlFJl9Po+FARBEARBEARBEMYABSmKWutfKaWmAaeQVBTf0VqHregfF6txgiAIgiAIgiAIwqGn0K2naK0jWus3gWVpSqIgCIIgCIIgCIIwxihYUUzDyQiNIAiCIAiCIAiCMEYYiKLYPOStEARBEARBEARBEEYM/VYUtdYXFaMhgiAIgiAIgiAIwsigT2M2SqlfANotXmv9+SFvkSAIgiAIgiAIgjCs5LN6+sND0gpBEARBEARBEARhxNCnoqi1fuFQNUQQBEEQBEEQBEEYGRTkR9Hyofj/gOlAiR2utZ5apHYJgiAIgiAIgiAIw0ShxmzWAquBOHA+8CDwULEaJQiCIAiCIAiCIAwfhSqKQa31BkBprXdqrb8HXFC8ZgmCIAiCIAiCIAjDRUFbT4GwUsoAtiulvgbsAWqK1yxBEARBEARBEARhuCh0RfEbQClwA1APLAQWFatRgiAIgiAIgiAIwvBRqKJ4vNa6S2vdpLVerLWeDxxbzIYJgiAIgiAIgiAIw0OhiuI/FhgmCIIgCIIgCIIgjHL6PKOolPo08BlgklLqzrSo8SQtoAoFYpqa1u4o0XgCv9dDVZkfw1BFzzscjLb2jkUO92cwGq5/NLRREARnYrEEzV0R4qbGayhqygP4fJ7hbpYgjBiGe44b7vqHiuG+jnzGbPYCm4DPA41p4Z3ANwdTsVLKY5W9R2t9sVJqCvA4MAHYDFyptY4qpQIk3XHUA63A5VrrD60y/hH4CpAAbtBaP2+FXwT8BPAAP9Va/2AwbR0spqnZtq+Tax7cRFN7iNrKIPcumsXJR47L+7AHk3c4GG3tHYsc7s9gNFz/aGijIAjOxGIJ3mnu4rqHG1Pjd/XCek6pKRdlURAY/jluuOsfKkbCdfS59VRr/abW+gHgBK31A2l/P9datw+y7q8Df077fitwh9Z6GtBOUgHE+t+utT4RuMNKh1JqOnAFcCpwEbBKKeWxFND/BD4NTAf+zko7bLR2R1MPGaCpPcQ1D26itTta1LzDwWhr71jkcH8Go+H6R0MbBUFwprkrklISITl+r3u4keauyDC3TBBGBsM9xw13/UPFSLiOPhVFpdST1sc3lFJbsv8GWqlSqhb4LPBT67si6ZdxnZXkAeAL1ud51nes+LlW+nnA41rriNb6A+A94Ezr7z2t9Q6tdZTkKuW8gbZ1KIjGE6mHbNPUHiIaTxQ173Aw2to7Fjncn8FouP7R0EZBEJyJm9px/MZNPUwtEoSRxXDPccNd/1AxEq4jnzGbr1v/LwY+5/A3UH4MfBswre9VQIfW2j732ARMsj5PAnYDWPEHrPSp8Kw8buE5KKWWKKU2KaU2tbS0DOJy+sbv9VBbGcwIq60M4vfm36IymLzDwWhr72ii0P56uD+D0XD9o6GNQ8Gh+o0VhKGikD7rNZTj+PWOoi1twthgpP7GDvccN9z1DxUj4TrybT39yPq/E4gApwN1QMQK6zdKqYuBZq11+plHp19XnSeuv+G5gVrfo7WepbWeVV1d3UerB0dVmZ97F81KPWx7j3FVmb+oeYeD0dbe0USh/fVwfwaj4fpHQxuHgkP1GysIQ0UhfbamPMDqhfUZ43f1wnpqygOHsqmCMGJ/Y4d7jhvu+oeKkXAd+YzZAKCU+nvgX4Hfk1TE7lJK/bvW+r4B1HkO8Hml1GeAEpIWVH8MVCilvNaqYS1JQzqQXBGcDDQppbzAEUBbWrhNeh638GHBMBQnHzmOp5ed02+rRYPJOxyMtvaORQ73ZzAarn80tFEQBGd8Pg+n1JTzxJLZYvVUEBwY7jluuOsfKkbCdRSkKALLgRla61YApVQV8DLQb0VRa/2PWD4YlVJzgG9prRcopZ4CGkieKbwKeMbK8qz1/RUr/vdaa62UehZ4VCn1I+AYYBrwGklFdpplRXUPSYM3X+pvO4caw1BUjxvY28bB5B0ORlt7xyKH+zMYDdc/GtooCIIzPp+HSZWlw90MQRixDPccN9z1DxXDfR2FKopNJF1i2HSSeQ5wKLgJeFwp9X3gDeBnVvjPgIeUUu+RXEm8AkBr/bZlbGcrSZ+OX9VaJwCUUl8DnifpHuM+rfXbQ9xWQRAEQRAEQRCEMUuhiuIe4I9KqWdInvebB7ymlPoHAK31jwZSudZ6I7DR+ryDpMXS7DRh4FKX/LcAtziE/wr41UDa1BemqTkYjtIdSRA3NT6PQU15AK83n02g0ctwO/oUxibF7lfiDFsQhGISjcZp6Y6mfmOqy/z4/YWKVIIwfBRj/nUqExh18qPIvLkU+qv2vvVnY28LHTe0zRm5mKZmT0cP7T0xlj2yOeX4cs3Cek45ctyYVBZHgqNPYexR7H4lzrAFQSgm0WicbS3dOb8xJ1eXibIojGiKMf86lfngl88kEjdHlfwoMq8zBWk3Wut/6+uv2I0cCbR2R4nEdUpJhKQvk6Vj2MnuSHD0KYw9it2vxBm2IAjFpKU76vgb0yJzozDCKcb861TmztaeUSc/iszrTKFWT6tJ+j08laSlUgC01hcUqV0jjmg8gaFwdrKbMF1yjW5GgqNPYexR7H4lzrAFQSgm8hsjjFaKMf86lVnq94w6+VFkXmcK3S/5CPAOMAX4N+BD4PUitWlE4vd6MDXOTnY9Y2/bKYwMR5/C2KPY/UqcYQuCUEzkN0YYrRRj/nUqsyeaGHXyo8i8zhSq4VRprX8GxLTWL2itvwzMLmK7RhxVZX4CXsWqBTMzHF+uGcNOdkeCo09h7FHsfiXOsAVBKCbVZX7H35hqmRuFEU4x5l+nMo+rKh118qPIvM4orfNvlVBKvaq1nq2Ueh64k6QD+3Va6xOK3cBDxaxZs/SmTZv6TCNWT8UCVBrDehMK6a8jGbF6esgZ9kFbaJ89/ju/7Fe5H/7gswNtkjCyGdF9VqyeCg6MCrlArJ66c5jJvAVdWKG/at9XSh0B3AjcBYwHvjHAho1aDENRURqg4jDysTvcjj6FsUmx+5U4wxYEoZj4/V4miWIojEKKMf+6lTna5EeReXMp9FfuUuB/tdZvAecrpSYAPwR+UbSWjXLicZPmrgixhInPY1Bd5qcjHCcaT+DzGngNRSyeNIITMzUJUxP0eZhYHiCRMDNWQwwDtFZ4FCgFsYROxQW8Bvb5+VAsQdBaNYkmTBTg8yhiCY2pNV7DwFAQjpt4DUWJzyAaNzE1JEyNx1D4PAr7JUMsYaKUQimdqj8cN/F7DPw+hTYhEjddV1ez78FYX30VRg6RSJz9Pb1v+yeW+gkEMn/u8vXPfPH53jyGw3FaQ71tqAr6KSnxDln8YfbmUxBGFPnGpyCMVYq9epi9I6i6zM+BSIKEaZIwdc6Yy17drwr6aQvHUEpjmjiO0ew85SUG4wIBotGEjOssCr36Oq11h/1Fa92mlJpRpDaNeuJxk3f2dbLUMp994fQarp97UobPpf/80gwMpeiKxFm+bksq/J4r6/F5DRavfT0Vduv8Oh54+QNuvPAkonHNdWl+HFctmMkv39zDnFOO5OnNe7hk5qRUeRdOr+FrF0zL8Pu4sqGO236zjZauCPddPYuDoTjfeOJPvb6gFszE71V85YHGnPoXnzMllfdnV9XntCXdp2T2PRjrPieFkUMkEufd/bk+zk6aWJZSFvP1z3zx+fwthcNxtrfmtmFaVRklJd5Bx4u/J0EYPvKNT0EYq7jNPQGvwaL7Xhv0fJTtB9mWn+/a8C5XnT2Fm9ZvyRlz6WOxkPSGgaMf1KlVsKM1IuM6i0IldkMpVWl/sVYUD9+7lofmrkhKwASYXz85x+dSW3eM/V3RlFJnhy95qJGmtlBG2E3rtzC/fjIew5NSzOy4ZY9spmHWsSxft4Vrzp2aUd78+sk5fh+Xr9vC0jkn0NQeYk97OKUk2vHXPbIZj+FxrD89r1Nb0n1KZt+Dse5zUhg57O9x9nG2v6fXF1K+/pkvPp+/pdaQcxtaQ0MUL/6eBGHYyDc+BWGs4jb37GztGZL5KNsPsi0/z6+fnFL67DrsMdff9G5+UDtCpoxrBwpV9m4HXlZKrQM0cBlwS9FaNcqJJcwMXywVQZ+jjxlw9stox6WHVQR9rn4cPYbK+N9XvXZZdhuc4rNfANl50vPm8ymZfQ+y4wWhWBTi4yxf/8wXn8/fUr42DDZe/D0JwvAhfhSFwxW3ucdJbh3IfJQ9ttJlT7cx19/09ud8ZWXnOVwpSFHUWj+olNoEXEDyANsXtdZbi9qyUYzPY1BbGUx1uI5QLOM7JH3MADnhtZXBVFx6WEcoRlV5wDF9wtTUVgbxGIq1V59Bqd9DRyhGLGE6pu8IxVJtcIr3eQx+981zCccS7D0QZn3j7tQ12Hltn5LZeW2fktn3IDs+3/mq9PNh9rnLWMKUs1hCXryG4sLpNcyvn0xF0EdHKMb6xt0ZPs58HsM5TYH91/a3lB1v+1uy/azl5LfaMNh4v9fj2P7D3d+TIBwK8o1PQRiruM195QEvL377fEytMZTi91s/Svof7+dZ+uyxlS57OsqrWXKvqXWf6e0x6hbnFt7cGSYcS+BRiqDfQ0Xw8JFDCz4sprXeqrX+D631XaIk9k1NeYA1aT6W1jfuzvG5NKHMx8RyPysb6jLC77xiBpMqSzLCbp1fx/rG3STMBKuz/DiuWjCTdZt28Z9fmkFLZ4Sbn3mLy+95lRXPbWVciTcn/cqGOtZsfJ/ayiCTKkv48eWfzIm/4bE3WHz/6xwMx1nfuJuvXTCNzR+2ZuR1aku6H6nse5Duc9Le437Jqpc459b/4ZJVL7FtXyemvZpinQ+77O5X+Mbjf+L9li6+uPplx7SCkE1V0M/1c09ixXNbU2Ph+rknURXs9YVUXeacxu6/E0t9jn7SJpYmV9Qrgz7H/l1prbhXBZ39rNltGGz8eL/Hsf3j/aIoCkKxyTc+BWGs4uhr8Mp6/D6DL937KnNWbuRL975K/ZSJjPd7+pT1nMj2UWrLz+sbd3Pr/LqcOTcUS2TIvV5DsXbxGY7p7THq5ge1Imi4hn9x1cuce9tGLr/nVbZ93MmHrd2HjRxakB/Fw4Gh9ktnr4jFEybeAqyeRmImHx0Icftv32VaTTlLzjsBv0fhMVTyLYZhEPAZeFysnsZNzWV3v5LzJmT90rOImTr1lsdrKCJxE0MpQrE44wLeVP4dLd3cuWE7b+zuSOW/+eLprHhuK08smZ3K6/MYeAzFwXAMv9dDIpG0fLpu0y7+/twTU6aFs++BbTWypTPCJateymnr08vOoXpcgL0dodS13H1lPSue2+qadhgZFf6SDkfy9a9C0uztCPG9Z9/KWbH73udP45iKIC2dEf756S058bdcUpfK/96+A5xQMz41Vt9vPsiJRx7BMRVB9naEKC9RdIbMVPy4oEFXWHNMRZA97T382y/ezin/u587lUmVpexp7+Hye17Naf8TS2a7uQUZ9lef4kdR6Ccjts/mG5/CYcthIRdkrxKapsn8Nbny5xNLZjvOU33Jby2dEX764ns0zDoWj6FImJqXtjczd/rReAzQaVb6DQMuXZNb/sNfOROfx0jJvXb6fQd6OPKIUiZVljpaPe2OaD7u6ObII0pT4fsO9DC+tIS/+dELGXWsmHcap006Yrjl0MEypH4UhX7i9RocUxHMCKt2cfi9p72HuWmd8I3dHTzZ2MRLN50PwNwfvZiT54kls6mtDDJxXEmqDKe91R+2JgVKe8BmY9fx8YEwi+9/PSd/+j7vI4/ovZ497T38jUO7Fp09JfXZ6R5A/vNV6efD3PaZy1kswY1Czu8V0gd/u7WZ325tzkjzL5/tPaPoFP/dz/XmX7S2MadtLy6fk4qv+95G1/i4qR3L/+fPTk/Fy1kKQRge8o1PQRjLZPsa3Nna3a8zf33Jb9F4grv/8CF3/+HDjPBzTz6Sv77thYywJ5bMdix/38EIRx1RwnkrN+aU/4I1xzr5Qe3o6eaLa/6Yk+f3N56XU0ep33PYyKHip2AEYO/5Tsc+7+QW1xNNZJxH6isd9O7zdqvDPq+YHW/nyz775FYfJN8I9bUk39f1Qu/5sHztFgQn8vWvQtKk98H0+OwzigPNny/ePiuRE591htEtXhCE4iHjTxB66Ws89Fd+c5tbbbsY6bjJrT3RxIDGqNu8nC3OOsngYxlRFEcAjnu+F82iqszvGLeyoY7jqkpTTk7dyvjJFZ+kdkIwuZd74/s55yHT6ziuqjQn3j4baafL1+aVDXV87dE38u5D7+t6IfN8Y1/tFgQn8p0fhP71wfQyasoDQ5I/X/zEUuczFBNLk+W7nbGolnEhCEVHzigKQi815QHX+aivedKJqjI/916ZK1v6vYq7HWx9ONnZOK6q1HWOtOdYt+twmpcDXuVYx+Eihx7yM4pKqcnAg8BRgAnco7X+ieWb8QngeOBD4DKtdbtSSgE/AT4D9ABXa603W2VdBfyLVfT3tdYPWOH1wP1AEPgV8HWd50KH+8xXX5ahTFOzvztCOGbiUbhaXHJKV+7zpPZhl3gNNMn93U51dISihKIJTA0eQ+FRYBiGq5Uqu82hWIL3m7tyzjf2tQ+9UKun8YRJyci0enpYnEUYjeQ7P2jTnz6YfsZ2qPLni49E4uzv6T1DMbHUTyDQu1Um+4xFdZkfv9/1NMGwDxg5oyj0kxHbZ1s6IwR9mgNpZ4yPCBqEYmq0n1kSBsdhKxfEYonkfGaNh5ryAD5f/62egiXLdkUIxxIYhsLvMfB7Fd9e1zuvxxImAa+H2glB0BAzzRyLpG5t6gunedkwVEEy+ChkxJ5RjAM3aq03K6XGAY1Kqd8BVwMbtNY/UEp9B/gOcBPwaWCa9feXwGrgLy3F8rvALJK+HRuVUs9qrdutNEuAV0kqihcBvz6E19hvsvd8Z8fVWGcR85XhlC57H7Zb3gllASjL39b0PNXjAuxp70mdb5wxuYKlc06gIugjEk/Q1h2hzOuhtSdKzNT4PQaGgnDcpMzvQQE90aSRH0MlDyp7DEU4buL3GAS8BnFTpwZn3NR8dCCEUklFVhlJAz2hqLOCXegP1EB+UISBM5DJo1Ci8QQVQT9TJ5bhMRQTyvxUBP055wmi0QTReCJ5ri+eIBpNUFLSO1bcztimX0PMMuSkEiamqXMURa01GtBaE4+bGYpgIpEZn0hkxme/2urvd0EQikM0nqDUl7khS1nhgjBayLdA4RTnFu7xGMmtmFa4J80Vmts8me4GzZf2sjQeTxBPmNhTmseASMxkxbxTiZuk5DSvkfxcXeZPvTQNRROUehK0hWMkzKThRp9HoXVynrVxq9s0M+dl0zTxer1MLAukrtvNHbhbmaOdQ64oaq0/Aj6yPncqpf4MTALmAXOsZA8AG0kqivOAB60VwVeVUhVKqaOttL/TWrcBWMrmRUqpjcB4rfUrVviDwBcY4YriaMbeU15dHuBbnzqZm9Zvoak9RG1lkPsXz2JPTHPdw42psJUNdWz6oI3zTqlh2SObU+G3zq/jgZc/YPE5U7jtN9to6Ypw+6Wn87P/3cFX/moqJfjrajYAACAASURBVD6Drz76Rp/p7100i5OPHAfAtn2dXPPgplR6Oy5bIYnFErzT3JXRxtUL6zmlplyUxSJgu0cp5NkMhLKAh4VnHcfi+19Plb9qwUzKAr3PMhyOs721O+eZT6sqy1AW3bBduCxNy79mYT2nHDkOr9fIW34kEufd/bnxJ00sIxDwDjq/IAjFoyJosKM1kjP+plbJaqIwOuhrHgZn+WladTnbW7oKDj9xYhnbmrsc50nAcQ49saqM91q7M8JXNtRx0lHl7O2IOo65bS25c+FdG97lt1ubM2TF6+eexMnVZRiG4Vq307x70sQydrT19Cmz5JMJRjPD2nql1PHADOCPwJGWEmkrkzVWsknA7rRsTVZYX+FNDuFCkbDPa90wd1pKSQSs/0Zq0Nlhy9dtYd7M2pSSaIfftD65rWD5ui0snXMCTe0hbnzqTebXT+bGp96krTvmmv5Hl53OzRdP547fbaO1O0prdzQ1qO301zy4idbuaE77m7siOW287uFGmrsixb51hyX9eTZumKampTPCnvaeHONJPVEzp28te2QzPdHe14CtoajjM28NFdaG5q5IakKw8y9N6zP5yt/f4xy/vyc6JPkFQSgeHSHTcfx1hFyWGgRhhGDPnR8dCLnOw25zdHNXpN/hbvOkW1xrKJoTvnzdFsJR9zHnFD6/fnLquy0rXvdwIy3d0T7rdptX88ks+WSC0cywKYpKqXJgPfANrfXBvpI6hOkBhDu1YYlSapNSalNLS0u+JgsuGIbi5CPHcUJNWY6pYkORE9bUHkJrZ7PJtjuMCsvwSHpYaZYz8fS45s4IK57bylVnT8E0zYJcJNiMFlcDY6W/9ufZOGG/CXVz4pvuXiW9/HjafpHBPvN8deQrv9jxI4Wx0meFw4dC+uxoGX/C2Kc/v7Hpc2dTe8h1Hnabo/ua99zGg1t617L6GFv9Ca9IM16XLivGra2wQ1FHusxSiNwxWhkWRVEp5SOpJD6itf65FbzP2lKK9d92UNQETE7LXgvszRNe6xCeg9b6Hq31LK31rOrq6sFd1GGOYSiCPm+OaWEnk8a1lUGUcjZdbLvD6AjFcsJsVx9u6e03RwldmIsEm9Fi6nys9Nf+PBsn8q1I5nM9AYN/5sV2bzFW3GOMlT4rHD4U0mdHy/gTxj79+Y1NnzvzuUxziutr3nMbD27pXcvqp6sNt3Bbhkz/bqcfqrrTZZZC5I7RyiG/AsuK6c+AP2utf5QW9SxwlfX5KuCZtPBFKsls4IC1NfV54EKlVKVSqhK4EHjeiutUSs226lqUVpZQRJxcBoCZY6J4ZUMdz2xuYtWCmRnhtjuOlQ11rNn4PrWVQe68YgZ1teN5fMlsplaX8V/LzmbG5IqM9LfOT6aH3tXKfO4L0nEz7dyXGWVh4PTn2TiRb0WypjzA/YvPYO3VZ/DEktmsvfoM7l98RsbzrAr6Hc1gp5u372t7a173GXnM5/u9Rk7/X7VgJn7rLEO+/PncZwiCUDwqgobj+KsIjn6hUBi7pM+daza+z63zM12PPfjlM9FoovEEj/79X3Lh9JpU3L2LZlFTHsiZu+++0t0NRl/zpFuc09y8sqGOEr/hmN5tLK5v3N37fcFMJpT6Wbv4DKrL/H3W7Tav5pNZCpE7RivD4R7jr4A/AP9H0j0GwD+RPKf4JHAssAu4VGvdZil7/0HScmkPsFhrvckq68tWXoBbtNZrrfBZ9LrH+DVw/Uhwj2Gbu1eWdU+twedRxE1N3NT4DMW4oEEoClHLIqJtsSme0MRSlp6SVkFLvAYJnVzy9hoKn1cRi2sSpsZjKAJeAxONh2R6O9yu3+dRRBPJepUB8USyLI+hkmEKYglN0G8k609oElrjM3otl3oNRWnAoCeSLN/nyYwLeA2UAeFobnyZ30MkrV3pVk8jcRO/1yCSMNlr7VG3DwjffWU91eUBElrzzkedrm45imz19LA1gz0U5Hs2fcW3dEZSW2ds0p97NBonZsbpSDNdXxE08BnelPsI09SEopGcNEF/IGXZbU9HD5G4xlDJlfGAVzGpojTVjnA4Tmuo1z1FVdCfMoSTr/zmzjBlPnLiu2OkLBf3VX4h8VkM+1KHuMcQ+smI7bMHesJ4jdzxGzfhiNL8FsqFMcuIlguy584Zkyu4Ye40TqgppzzgoaMnxs7WHkr9HgylOOqIErTWGe6bYrEEew+GaemM0NodZX3jbr7+NydRWxmgK9w7HqrL/BiGQUtXhKglV/o9BpVBHx3hpKX7oN8gFDVTMmkizdVM+tgqDRiEImZOeEXQIJIArwc6s8I7Qsn06S5sgn6DrnACr8dgQokvY/4sCxiU+/3E46bjvOo236a7sfIZip5YgtauKAGvwVFHlBCxZOHqMj8HIgkisQRKkbrmqqAfv98zZFbg+ynLjkz3GFrr/8W9cXMd0mvgqy5l3Qfc5xC+CThtEM3sF+lCrVIKv6WAaa1TLh0U8PHBCHdteJerzp7CTeu3UF0e4NsXnZyhBK1ZWE/CNDOse65eMJO7fr89ZcFpZUMdT2/ewyUzJ2XkXbVgJv+Rlm71gpkcOd7PnoMRR+uiX7tgGr98cw+fqTsGwzAyLD2tbKijqtzP+k27aTjjWCIxM8cK1W2/2Ub1OD/Xzz2Juza8y/z6yVSV+ZlQ5mfNxvd5eUcrqxbMZHzQy2Ov7uTzM2qJJ5LXdvPF01nx3FZXYR9gT3sPO5q7ufmZtzK2GV77UCNPLzuHI8sDdPTEaLEOC2e/5enL5Ug2Pp+HSZWlQ9grhpdiup8oNvmsolYGfaxZWJ9jXazSOpMQM+MuFgnBb/3khaIR1zRlJSV0hCKEYgn2tIcp9XvoiSaYVJkMn1BWktcqab7yy3z0aTUxX/mDtdoqCMLA8Rp9j19BGInYu3nsubWlK8JRR5RQWxGkIxRl38EwNz/zVko2/bt7X82Yg6dVl/PRwTALfvrHDNnt7KkTMKdMzBgPaxbWU+IzuHrt6xlhXZE4i+57LVXH2pc+SMnETe0hvnfxKdRnlWWPrb0HYzS1hVJzcu2EIMeM9+WMxTUL6zm2KsAHWeGrFszk4Vd20hGKcv3ck3LqmFJFTh57XnWab6dWBXLqtmXjlq5Ixmc3S6w3zD2JoM/gqrT7NFAr8MWy4C/7JPpJ9na0eNzkw9Zu3tpzgLbuKOFYgq5Igm0fd/KT/97Oto87+eKql+noiaUsMdkDYumcE1KKHvRaScq27nndI5szLDgtX7eFa86dmpN32SObWXTW8dx9ZT23X3o6+7uixBK4Whdd9shmGmYdS1t3zNEy6Z72MA2zjqWpLeRoherGC09i+adOSSm/K57bSsOaV1h032ssmH0c1eUBlj2ymXgCGmYdy7UPNdIZjnPzxdOZVlOe93Bw3NSU+j2u6WwjOk8vO4eXbjqfp5edM2QuFkYz+Yy9DDf52re/29mC2v7u5AuB9lCMOze8y80XT+eJJbO5+eLp3LnhXdqtMwmFWCTMlyYW17R2Rbn5mbe4/J5XufmZt2jtihKLJ9uYzyppvvLzxecrvzUUpfGD/Tx6zWw2Lp/Do9fMpvGD/QVbbRUEYeCI1VNhNNKXzBSKJlIypZNsalsxbe6M5MhkF0w/Omc8LH24kd1toZywna09GXWky8RuZV33cCNdEc3+zkjGnLy/M0JXRDvW3ekwRpc9splrzp2asoCaXccBl3HtNh87/Q6kW+1P/+xmiXXpw43syrpP/bUCb1MsC/6iKPYDRwG3uZPOcIzHXtvJwXDyTcmcH27k5mfeyhhsHkNlWF4CMj7bNLW7W/dM/26Xl53u6IogK57bmhpIURdLTHbdHkO5KmOlfk+f8UdXBDkQiuUM9Kb2EF99dHNqgBiKVHtLfB6ufaiR7c1deQ8Hew2VfGvURzp71XBSZSnV4wKHvZIIQ+N+opjka18k5nwGMRJLCmHReILfbm3m2ocaufyeV7n2oUZ+u7U59ZKhEIuEbmkStuVUU+dMlMvXbSF2iKyW5osv8RnUT5nIl+59lTkrN/Kle1+lfspESnzyky4IxUasngqjFTeZKZFmid5NNo0nTFq7ozkymZsVeydZ1g5Lt3Cfntd0KauvOdltLDqFewzlfn19yAX9SV9j7WRLl92d5Pi+LPoXagU+nWL9LolU0Q+cBNxrH0quADopS23d0dT3hKkzLC8Brlan3Kx7pn+3y8tOt8t6W2O34cP9Pa4Woexy3JSxnmiiz/hdrT20dkepKvO7KqO1lUFM3Xv91eMCya0BG99nZUPmQWqnw8G1E4K56a4s3PDJ4chg3U8Um3ztM1ws4trvAPJZTS3EIqFbGo89abr84NqrnsNt1TQcc37zGY7JioYgFBuxeiqMNUp8vfOqm2zq9RgpA4LpMpnbeHCSZe2wdIv16Xnd5v++5mS3sehWjuv19SEX9Cd9ecCb+pxtwT89XV8W/Qu1Ap9OsX6XRFHsB24Cbqnf4/iGIv3Ny70v7mDVgpkZg8xJWbr90tOpLPNlWl2y8tnfVzbUce+LO3LyrllYz50btme04c4N21ntYl101YKZrNu0iwllvpw0KxvqmFRZwrpNu6idEOTHl38yp013btjOmo3vM6HM7/ojsWrBTLweWLdpV/IcWamHJ5bM5sdXfJKpE8v4+XVnp7ZAnDixjI8PhtnZ2s3ejhBKKY6vLGXqxDIeXzKbF5fP4efXnc3JRw399tK+LFyONgbrfqLY5GufUuRMRLfOr0NZjzyf1dR8FkUBDMO5DsNK4vO4mfVONsLnVY51+LzJ+HxWEfPFl/ic4+0VQ1nREITho8Tn/BsjK/rCaGViWa9FU7cX+TXlAb4+9yQeePkDbr54OuuWnsWDXz6TWMLMmU9vv/R0Jk8I5siox1WVZtSRrXj+futHjnOf39X9hHK0rL9174Gc8FULZnLviztY37jbMc7nUa5ygVObfF7n9OFYItUO24J/tiVWWw5fs7CeY7PuU3+swKdTLAv+h9zq6UilEIt8btYWV8w7jWjCTBlnmTG5gqVzTuCo8SVUlPq45Zdb+e3WZr538Sn87alHZ1h4CngNEqZm74Ewrd3RlJuHpCWqMjwqac00Hk9aRvWkWT21t3QmLYdCqd/gsrtfzWnfHZd9kraeKMdUBDki6EOhUUrhsayRfnwwzMZ39nHlWVNIaJ1h9dRQyfKTVqsMIvEEAY9BwGswf80rNLWHuKy+lgWzj+Orj/YazFmzsJ7qcn/KymoioYmaSYusPkPh9ajkPdAQN038HoPOSJzFWQefTzlyHF5vYZPvQA245DOe4sKItW42wOvpF4OxWpqvfXvae3jw5Q9omHUsHkORMDXrNu1i0dlTUgaH+iq/+UCI9lAUj+FJWSxNmAkqg35qjkj+gO5p7+HffvE28+snUxH00RGKsb5xN9/93KlMqiylpTNMW3eUvR29xmyOqShhQpmf6nEl7O0I8cBLO3LaeNU5UzmmIsje9h5HC20HQibHVJayp70nZZkt21LbJCv+d29/xAXTj0br5Hj9/daP+NtTj07FX35P7lh/YslsN6NMw77UIVZPhX4yYvvsvgMheqJxElqlfmM8SlPq93LkEUGHkoTDhBErF9jkm5vtuBK/QTSWdE6fbvW0oyfC/q4YhkrKsPe+uINPf+JoXn2/JWc+XDLnBCIxTTytDMNQtHZHCcUSdPREKQ94KfEZKZnYYygSWqNQmJY8mjBNSrwe9h4Ic/1jvYYe7/q7GUyqCFLi77V66jMUoViCq9a+zg3nn8DZ06pT1lR9XkU4mrTA+ru3P+KcaTU5MoabXJBtQbW8xGDzzoM89tpOx/Q+j4HWOuUBwLZ6Cppo3MywnjrSrZ6KomhR6ADLEXCvnIXPq7jtN+9w1dlTeODlTAtOKY1+nJ+WzmiGpcbbLz2dEp/Br7bs5bOnT8qwTLpqwcyURVKPYWTku+Oy05k4zo/WyQHhNRR7O8JMLPejIaMcu450K6p3XjEDj0FGmG2Byb6GxedMYdMHbZx3So1juy6pryUW11xnxV04vYZ//ux0tIYP9nfz6//7iEtmTmLtSx9w/QXT6IrEc6y7KjTXPtxbtm0hKt3VxZPXnsUxFfkn3sEoR82dYb646uUcofvny85OuSpwYERPCMW0eprvXhfyLPpqXzQaZ1tLroWxk6vLUu4t+qKtO8z+rmiOxdKJ5X4mlCWfZ3c47Gq1sKykhIOhMLvaIjmWVY+dEGB8sIRIJM67+3PbeNLEMgIBb97yB2vVdABWT0es0J2NKIqCxYjts93hsKsFxrIScY9xGDPi5YJC5CS3dNOqy9ne0pURvrKhjhNqyth3MNqvOTseN3lnXyd3bniXr/zVVG586s2ULPmtT51Ma1c0Q2Z8/utnu1s93R9OyaK1lUHuX3wG5QEvoZjJh/u7uXPD9pTl0alVAfweH9uau3Is+ddNKnedt7fs6cpoz4NfPpMjSr183BHh2rT0fcmd9jVnyxX9WRAZYkRR7A+FCjFOAq5pavZ1hukIxRhX4uNL9+a+6X/smtkpU8Pp4fZq5PrG3TlvJebXT8bvMTLcQ9j5nlgyG6+hksY1rBWHuLVCabqsUE6tLiNhJp2pjg/6MHXyejyGoiOUtLS6ZuP7vLG7g9rKII9eM9vxWh5fMpvrH32DaTXlLDnvhKQ/xrhJTzSeUj7vvrKeFc9t5eaLp7tew/2Lz6S1K0JHKMaaje/T0hVh7dVn0NYdTYX9+IpPclxVWc6993kNvJalLr/Xg2Fotuw+SKnfk1FeursNN3a1dXPubRtzwl/89vkcO8HVZcaInhCKST4/hvniB1s+9K1oNrX38O8ObwX/9XOnUmuttu1p7+H95oOcUDM+9ebN/l7Iil36ip9p+Tvtz4pfIfGbd7Yy47iq1FvWN3a2MvO4qoJWHB0YsUJ3NqIoChYjts8OYEVfODwY0XKB29z6xJLZGfNoS2eEf346aZXzmCNKKPElFbOJ5X7Xfu8WHvR7CEUTJLSmxOdhYlkgVcdPX3yPBWdN4fvPZc7XH7V386lPHEPC2oW2u62HKRPL+l13X2M0FkvQ0h1N+Q4P+gzCMdNx3p1xXBVXOJT19LJzqAz6aO6KEEuY+DwGpX6D7ojzC/q9HSEuu/uVnHIKXRApAiPTj+Jox803X0JrHnjpQ66fO40Hv3xmakn+ycam5IFbF0tOkycECUWTVhx/u7U5I/4rfzU1lS47HwpsFT+uAdMkHEsQjRv4vQZPvr6ba86dyu2XnZ5qy1cvODF5TksnjWH84Nd/5rdbm1m39Cwa1rySU4ebJauEqXljdwdv7O7gycYm/udb5/G3d7zIE0tmU10esPa2l7J6wUzGlfjYdzDsWE5HT5TL73k1taL5w+e3cSAUS4WtbKijxHrL4vSGK92X4w1zT0opo+nlFWLAxWsk975nD14xTOBMPmM0gzWmky9/ISuaFUE/UyeW4TEUE8r8VAT9GedO46bm4wMRptYkv2vg4wMRjp9YmNVRpWDaUUekXqRkn6OMm5rq8gA3Xzw9Nfmt2fh+hlXTvuKVgslV5Wzf15V6ezq5qjyj/O899w7fe+6djDae/xdHFXSPBUEYOHJGWBiNuM2tTe0hbnzqzdQ8appmxg45e7Vu3dKzXOctp3KVgm0fd2asxKXXce7JR9IZjqXqsn1xf2LSePYdCBOJm1SVB/jDu81MnnC865hzCz97ahXXnDs1tb303hd3EDc1e9p7qAr6sRfKFDA+4KMrEua+l3ax1OdLXd99L+3ix5MnOF63aZrsau9hZ2tPap6uGefnX/7rbVq6IjmrizEXLwTxxMg2QieK4iCxhVbT1Cw867gMB6WrFswE4OUdrSmrSdnKyO62pCndF789h12tPdz+23eB5ApgVbkfUFw4vSalRM6YXMFNnz4FrTXNXdGMbaF3L6ynstSLqTVLzpvK7rQl+iXnTcXvUZgaJpR7icbhXz93Kv/y2el4DMWGfziXjw6E8RiKylIfZQEfptasvfqMlIGcpXNO4PiqUryG4oXlc/AaioDXwOOBl246n7ipuetLM/AYiuf/by/TjjqC/V3R1LVmX7vtDqGpPelTZsW80zLClq/bwlNLzwKcLc4uX7eFmy+enmxblgVIu7xCDLh4FKxsqMv4MVvZUIdnDOuJgzlj6Pd6uPavj885j2Dfa9tYTfbzTn8W8biZ8RbOPv9QSH439xr2imOp3+PY/9NNUFcEPcz5ixqi8V7Bbs5f1BDw9FoddbpG++WB1uRYOb5p/RaeWDIbgKDX4F8/Nz3nPEXQusagz8PKSz8BGBgKqsoDrLz0EwStswQelXzDWT6hNOOcpcfSFH1G8nche9XUJy83BKHo+D0Gd11Rl7Py4PeIMRth5OI2t9o7yux5NKHhxW37+JeLT6X5YJibL57Omo3vE0uYfPuikzNkpTsuO50Sr8G6pWeldrHZu9ISJo7+GNPruPLsKfzkv99NHdmqLg/wT585hW8++WavbHtlPb4+5uTsuXDzh634PAbLzj+RuKnpjsTZ3xVlyXlTKfN7+MKql3lq6eyMe3MwGqPEa/D/vngaHx1I+h30e5Lfy/webvniaexLC195aR2Godh3MJyxSLGyoY7/XDCDna09HAjFaOroIejzUlXmx+dxXpQo8Xlo6YwM6KhQtqxWGfTRHooN6bEjURQHSUcoyscHwkyrKeeKtG2aTe1J5573Lz6TeTMmsaP5IHcvrM/Yy3zr/DqeeWMPn/7E0YwLejnqiCA/ueKTaOCWX26lpTPKDXOn8a+fm86KeacRs5bhPzoQprUrSlt3jNsvPT31duPahxtZMe+0lOU1u/NeOL2G73z6L+iJmbR0RjimooQ9lqKV2oe9YCYBr4fq8X46w4kMhXf1wnrKAx72d0aJxk0uf6A37r6rZxGN65y93n91Ug090QQPv7KTK886LkcRs1f8bJraQxxbVcq3nnwzIyxhWSMNReOOb2JqxgWIxp3f0kyZWFaQ5ahw3OTpzXtYe/UZGW+evnbBiQPtFiOags4YftzJNQ9lnsW1rc1WlHhpOOPYjLMCDWccS4V1Nq4y6GPNwvqcffiVlg+hfPv0x/k83L/4jAxFb/KEIOMsJSri8lY0Yq04aiBhmkzOUrKy3/U3H4zmtGFyZXK3QHmJwcWfrGXx/a9njoMSa4XbZbXdtN5QmsDqje9lvIFcvfE9/n3eaQB4PdATNVn2SO89XrVgJhOSu6wtI1CK3W09GecsbfcdJX6D6+eelHOWosQvgqogFJuygOL46vGp7Wj2+CsLyIsaYeRiWwxPn/vTZTF7507Aa/DZ0yfl7JjxeQy+8cSfMuTcbz75Jivmncbi+1/PsHdx/dyTXHelJZUYg/mzJhOOmRnu5X7wxU+klEQ7/bUPNfKrG852nJMrggY3zD0pZy7/3rNvpWTo4yeWJhU1b3Kx5KeL6tnfFeOuDe+mVjHtl8ztPbEcxa+qPIDO2i0QiSWI+DyOvh0fuyaphH7rqTczZKwTqkpZvbA+Y95eu/gMWrsiXPOQ+zlHtxfr2bLchdNrcu7FUBgyFKliEJim5qOOcJ+O7b0exeYP26gsD/KTDe9mmBTe/GEb82ZM4rHXdrK7LcTVa1/j3JUbWfDTP7Ls/BP5zqdP4bHXdrK/K8qO/d1ccc+rnLdyI9966k08hsFjr+3k8nteZcVzW/nWp06mujzZ0Y8aX5LqvDMmV3DV2VNYdN9rzL39Bb711Jt09MRY+9IHGZ37ukc20xWJczAU564N72bE3bXhXTrDcboi8dQWBDtuT3s4ZzVv+bot7G4L0doVZd6MSWx8pzl1tvGF5XN48Mtn8sDLH6SM1kDyrUpLZyQnTGv4cH83hqFYt/Qs7r6ynhmTK1Lx5QGvq0+c0oCnz8Fhu8RQwLLzT6SjJ0ZLZ4Sm9hALZh9LibulqFFNPof3+7siKSUxFf/QJvZ3Jd+mtYdiHAwlf0wvv+dVbn7mLQ6GYrRbPoIORmIkTJMV807jiSWzWTHvNBKmycFIMr65K5LTZ5Y+3EizVX4oESccMzPKD8dMQok4kNwm4vS80590JK65eu1rXHD7C1y99jUi8cwf+e6odmxDdzSZrivs7KewK5zcIuIxnE11e4xeRfKqs6ew4rmtqTF61dlTUltdQlEztRvALn/ZI5sJRZPlJ0xNa1c04x60dkVJWJOV+FEUhOGj0+X3oTMs408YuRiG4uQjx/H0snN48dvns2Leafzw+UwDggCReO78dNP6LVSUOjuqt3fr2OmWf+oU7trwrqv/QUMlX0i3dkXZ3daT4Yv7mIqgYx1uY64jZDrO5UvOPYFvfepkbn7mLc7/4Qtcds+rfHwwSok/ubJ614Z3U3N0w5pXWPDTPxKJm46KXzRucjAcz5R5wnEM5Xw0zNTacSV1f0+M5/7UxNqrz+D3N57H2qvPoDscTymJGWm7k/KQ/WL9srtf4byVG7ns7ld4Z18n8biZI8vNr5+ccy/SZbuBIoriIGjtjqZWCG2H8unUVgaJxU0u+sTRXPdwI7/d2sy1DzXSsOYVFt33Gp+fMQmPofinzyQNvvzgi5/giSWzufni6cTimhufepP59ZNp747ldLqlDzcyv35y6vtN67dww9xpmFrj9RisXjCT333zXH542elE4ybVlh8VWyC189rYg90pbn79ZJY9splSvydnUDiFNbWHOK6qlOOrSnng5Q/4wsxa3mvu5uMDYRb89I/c+OSbXHX2lNT9st8AVZX7M8JWL6xHKU3cNLninldpWPNKSim+cHoNqxfMBHTKF0163nsXzWJimbvhFPtNzCWrXuLclRtZ+LM/EjdNfvDrd7j5mbfoiSYYq7uI8p0BDMWc48OxZHzcNPn645lvFb/++J+Im0khKRRN8Kste6mtDFI9LkBtZZBfbdlLyHIqm2+ffk/U+Ye/x1Ki8vlZjDpMcsse2Uw03ivE5WtDvjNIhrVd6g1+1wAAIABJREFUOb0NKxvqsN9LaE3K15Q9ph94+QPsl5L5yo+ZuRPN8nVbksargFjCJX9CzkgJQrGxzxjffWU9TyyZzd1X1lNdHpAzisKIx7azUVsR5KgjSmixXtDac9jXHn3DceGjujxAwMUHcroj+ab2EG3dUVo6ky4wnPx9G6p3jrtzw/YMX9xu/hL7GnNOc+HE8kDO8ZDrHm6kM2RiKJWximnHJ1zqSLjMx1o7v7T2GcqxTbGEyd1/+JC/veNFLrj9Bf72jheJuOyIs1/69vViPVuWc/Lnni7bDRTZetpP7P3Appn0g/LQl8/A6/Hg96qcJeU1C+sZX+Ilbmp+uqgev9eD1hDwKuJmctUhFE2w6n/e45KZk/jOz/+vd0l9wUyqywNUWNv1nA7S2nGQ7Awn1pSxtyPMiufezjiAnL694I3dHTS1h3K2ZKbvU8+Os9/22Ct36R2xJ5pw3HO9vbmLFc9tTW6N7UmujDzw5TNpak8enP7h89tS11MzLsD+rih3bniXlQ11HDW+hITW7O+KUlnqyxmgN63fwtqrz2Dl8+/wvc+dyi2X1FEZ9PH0snMK3pfd15nHax9qZPm63vNmo5F8ZwydzrfZZwDdztP2HsjuW0nxeRV/N/s47N8mpZLfbWf0fpd9+j5PYc7ktYbtHx/g0WtmZ1gcPb6qNJXfabwk0oQ4r8s12ls7fS7x9hnAaNzktt9sy6jjtt9s4ydXfBJIKpLZbnJund+rSLrVb5+BTLjcA9sgT75nJAhC8Qh6jZyzWisb6lJnkAVhJGPLBxNKfTx57VkkTM17zV1s+qCN2xrqMJTiv//hPO554X22N3fx7YtOpjzgZcVzb3Pr/LqMec02KnhZfW3KcIzXY/D9L5zGbb95hxsvPInHl8wmYSbn6oBPcTCUwOdRPLV0NtpMztmP/P1fcssvt+LxKMejSn2NOSd5xuOirNn+yGsrgzkyQsClDr/XcCwrYeqcYzZ3L6wHRcq+R/pqrdO87yZD2zYy4n281A76vRl5bbsi2db/lZIziocM09R82NpNc2eE6nEBuiNxFHDdI8k909f+9fH/n713D5OiuvP/36equ7p7emaYCzOoDMhFhIwGZGZAwN3EaFZJJEuy4I0ZVFSuuX3z9bqbZTf5Ep+NQb8mXrhIElDACII+JrqbmK+GuD/vDAqrRERAZECYYZhrX6urzu+P7qqp6qqa7mGmZ7qbz+t55oGuy6lzqk7V+XzOOZ/3wbNLZkBVOTiAZ97+DF+ZOAJPvXkksU5Mo22g7ubbp2Phb98193xs3YNVcy9Fe0hGWYFkqbxPLJiKIq8b25bM0F8Mxhjuem4vVs6pthXa0JygqlKf3oOT7EhWlfpQnrRP+71u1yHLR6Kq1Gt5UbS0mtriSlpPJxzElq6Inu77x9r1vGgva0tXFCqHfi+qSn3YfMd025fkTCCKV/Y341+vq0alzw2XS0hr6QUNp1E1zfluagshVwdnUsUglvrc+OHXL8ZSw5z49Qt7YgjdAsMTC6biTEDW4+PK/G7dSUrlpAhg6ArFTB0Va+trUJhYT8knMWxcNM2yHpJP6hGSsfvwa05UuU9C3djhpviJdQ21KPfFOzi8LsHyjj1ywxR4DEacW7A2RqvnT9bL6HLY7zLsb+mOYOnmRtM90ParKcRuCiTB0rG0tqEWBYkYw1TOtOSQP4kcRYLIODFuFem4Z8c+bF86c4hzRhC9Y2cfrG+oRUtnCFdOGmGOAayvQaFXhKIytAejmFc7Ci++fxwr51Sj3C+hzC8hpqqYPqYE100ZaTp346JpuHf2JASjCu54yhzL+9irn6ClK2qxa9c1xEVrzhvmwe8SHcEugeGnf/gIP/nWJbbv3HNLZ+J7V02wrPftEu1FFF0CQ3dEBufAqpf2m+xWuymj2ntt2x67BDBwrJp7KUoK3BheKOF4exjdkXiYzE/+sRo/+f1+tHRH8KubLoNbYHjq9un4vDWor+14QYnHagvU18DviXfcuxxsAZcomGJOKwo9kFwCNr7Rox778A1TIAiA1E9lRnIU+0BbMIJTnWG9Im28bZppfcB3P2vHjPHdmHheIRQVWDBjDA63BHDLzDH6YqJ2gbqtgait0zKuwo+OkIySAjcWbHhHP0abRqpJ8kqigLuvnQiR9Tg7Tk6QVglf3nsCT90+Pb4Wo8Lx5F/jPQ+P3DAFa3cdwkPXT8GIYi8+Ox3A2l2H8MgNU/Cj7Xvx0J8OYNXcSzFmuB8ekUEQGKKBqJ6WqnKc7AybriuJDFvumI7zh3n1XqNX9sfjFh++fgp2NjZhyVfHY/X1U3DsTBAVhR595PGz00Hbl0RWVGy8bRo4gOMdIRR5RcRUmNZW7G1UsTf1L+3/mihQrpFKFfRMMKo7idr+pZsb8fzyWags9oIJ8Rg8Y0D3uoZaMG1EMoWTEo2plljW5Vv3YHvCSYrIHFHZPBUiKiuIyJojaS/U4ks4UW1h2XYqxnNLZ+J8rwsK55Z37Efb92L70p4R4lQCRmGnEcObEyOGAsNvbq2FKIgmwRytvjmNCGqjmp1hBX873q73tIoCw5sHW1DsHY5Sf3xE8lc3XaZP8a0qjQtdadVZFBiGF3mwau6lurM9vMijj4gSBJE5nKauy1kuc08QdvbB7z9owsJZY01rBWrt9tY7L8fCje+YHKoX3z+Oq6tHoMwv4UwgvrzFDUnnNp0JYVRZgSUMZPmWRl2t3uiUVRTG12Au9rrgcYn4/EwIDHFxuntmT4Ls0KZGFftQk2fuvBxr62tMHdbrGmpR7BNwrC2mC81o59y3cx+23nm54+idnc0jAPjVqwfjjlmhhLagbBKwWT1/Mh67+TI0tYdR7HXhn9a9hVnjyrHkq+Pxy5sug8AYJJFh5YsfmmyNx147iJ99+8sAelflN8acRmMKfvqHjywzmdbU18CXhvp/b5CjmAaxmIqWQATRmIqwHI/3qyj0YEx5AR67eSoKPS4AHCFZxeOvHcQdfzcOv/n/Dute/YhiL2aNK8fV1SNQVVqgSw1rQ9Ktgait03K4JQCvW0CZ3+z43Tt7IoJRxaLMNMzrxjXVlabRQmN6lcXx6Xgq56gbW4ZbDSN3a+trcNc1FyMcU7HsyvFQVI4Pm86g5sJyjKuIr7+4bckMNHdF0NwVwdq/fIq5U0faTkFo6Y7oo4oVRRI6QjHTtNo19TX4/lUTcLo7imEFLtw4fRRu29iTl4evn4Kf/9fHeP9YOx599aBlxPLh66fA6xbw3WfeN30AHn31Eyy6Yqyeh97UnuzUv7T8az1sZb7UiqnZSH9jEFXVutzIsi2N2JFYqkQUGcoLJZOTUl4oQUz0Wjl90LX4Og5YYnliiVF4wFmoRXP0UhlpsTTi9zwuAdfXmRXUjKOOblGwHTF0J8RqBAZEYxzLt5rfocRux1FXXbXUJWBUud+kmmhcNzQcU/Gzl/5majx+9tLf8MvE1NaIosIlABdVFurTb2OqgggZqgSRcVJNHSeIbMVoH0wdVYIfX/cljCz1ISLbt6uawJ/2+76dcVXPU51hHGzuxp7PWrFgxhjLmoUAdxR7Mc7c0vJx97UT9eUxkkca19bXoLDQ5dim2rb3Ksfmt47qncE+SYSicrQFFFSV+PQBCeM5vc2Wsus4fqJ+qu6YrZxTrY9Qaunds2MfNt8+HTFFxaJNuzFrXDkaZl5osnfjyq2SydYAgJVz4m15VLHvtH705qkAemJOj7cFbeMuV2zdg2f7GUaVm0Mmg4imOHT9urji0MoXP8S//2M17v/GJCz87bv4zpo3sWjTe7qTeMvMMXjtbydx/ze+hHK/hNZAFFveOoKGmRdi1Uv7ceVDu3RBFk29006M5cF5k/Hoqwdxz459CMtmoRyjqinQUyEjMRXfu2oCVv/pY4vYx7qGWvzvbXuxdHMjusIxy/nLt+5BRFFR/+t3cNXDf8WiTe9hVHkhzgRl1P/6Hcz8j9dw45NvIywrWLfrEK6uHmGpkPfs2IdlV47XPyY/uHoC7v/Gl3TBH+24FVv3oNDjQlRREY5ahVHuem4vfnzdl7B+YS1+fN2XUOxz4ef/9GXsWDYTW++8HBeW+3QnUTtn2ZZG3P+NL8EtCvjF/MmoKPSYlKOSMfbE/Pe9X8Mziy+HSxBw/zcmYdXcS+F2MXRHZdtzsx3JIeA8OQYxeX+qRWE1Rywkq3joTwcQVXo+ZA/96QBCsqYIap++cbRL6+jQFMSC0Z4RRqcYRSUpPs8pfSFF+QBA4bAdddR8Sa0Xz/gOGdfWlBVuO2oqJ9RVPS4Ba+prTOevqa/RHVHVYeqa5j8bp7be+OTbWLq5ES3dEd0QFRlDZyiGT5u7cbIjjE+bu9EZiunrLBIEkTl8ianjxvfbOOuBILIVnyTi2SUz8Or//ioeWzAV5w/zIiKrju1qsmJmU1s89Gf+urews/EYrpsyEt3hGBpmXohFm97T7cdwjMMl2qfZHpJNavXLrhyv25PLrhxva586Cci5HfItuQTMnRqfDnvX9r34LLFywFdW78JNG97GvbN7bHDtHC0kxe4adu2xcT1lp5l8Cuc4b5g3PrPrK+NsR1iXfHW8Jf89s4cE22snzx5yuwSTeqwxD6ravzgqGlFMQXN3BI8mlrXQvPmwrJqGrSsKPWjtjuLe2ZPgc4so8o7ELYbRuqdvn67/Bswxg6te2o9FV4xFmd+NLXdcjlOdYbSHZJNkcVdYxtr6WizfmlBY5U6SvNArYUtXVJ9HPsznhs8t6OpWbtE+MLe509xz1BaQTVNrNWNWG0lK1VM0qsyHrrD9+oftIRmSKKDUoWJXFHn09Xo0x/mBl/+Glu4Ifrd4hu05osBQUuCGKDA8evNleOzVT3tdLsDYE3Pjk++Y0qwq9WHbkhkoKXA8PWsp90t4+vbp+tTkYFTBheUFukiRW2D6VGLjaJoWnycwh1411jOtssQnYdxwP0SBocwvocQn6Y5cqqmpMQcFMa3XS0xxfYEBjy+YijZDDGWp361/WNOJ30vlDDtOPU2M6KUS3AnH4h1HxvMff+0g/u1blyTOdwhQTyjH+j32MYx+T9wQ5YDtrIIcDasliJwiFFV1mXvj4t+3zBoL+Ic6dwRhj6pynOqIWKZH/uKP8dlfyW2OJsyyfmGtPguuqtSHUr+EbUtmoMwvYdGm9/DU7dPx4H+ZZ8A89uonWDX3UktbvKa+Bi/vPY4rJ43Qp4YanSwnh8upTX6ifqqt+A1jPU7cyjnVtjaHcf3HNfU18LrtQzq8boY19TWWOEhjiImd2GNVqQ8nO8IYWeLrdfTTLfbYPFr+Bb1TGBZtkAfn9XRaa7g0NdsMzHRg2rpe+QZjbDaAXwEQAfyac/7z3o6vq6vju3fvtmz/oiOIYo+A9pCKAkmAosbXmImp8SBbr1tATOGQVQ41EWvEGOBiDDE1vt0lMDzf2ISLzy82KSw9UT8VkiiY0hMFxBVRVQ6PS4BiSMPjEsBYfGqedrwWH+V1CYgoKkTGIKtcj3sSGAcgQFbiPUZugcHrZuiOGMrgEiCIQNCwzSfFryWw+JpyWnpukYFz6NdgDHhxz3HUjS3DecO8EBiDKDAEozGU+NyQFQ5Z4ZBcAkQWN6BFgaHIIyAkc0RicalilXM88dqn2N7YhKpSH15YMQtRw33xuAQEogpcAkOhV0B3OL5Pcglo6YrA5xZRIIlgLK6KqZUpFFEhJ/IuiQJiavweqRyQE/9nLG74i4ln5hIY9p/owMTzijG63LHVH9KhG6f6CsTrTigaQXuo5/6V+AT4JA8EgaE9GIZbgGW/rAIlBV6caA9imFew7O8Mqzi/pACtXWF43dbzwzJQXuR8fkdYxQUlBfi8NYByv2jZ3xpQMLrcj+bOEJCY2qnVO8nFAA5UFvtwqiOEQg+znN8d4RgxzIeTHSEU2ezvinCcNyzeU9jUFoTkAuQY9GPcLiAaA6pKC3C8LYgSn7UM7SEVI9PYf7Q1gI5gBOWFXn1/a3cYwwo8uLDcjxNtQXSEIij2efT9naEIhvk8uKC0IOUzaGoLYphPQKdhf7FPQEdIRVWpbe/GkA819lZnjYy5/+U+pfvZz6872ywR2U3W1tmjrQEMd/iG+SRRb7t8bhExRdXb8EKPgO6IaoqhD4djaA1F9XTKfRJcLgHN3RH4JXNbXegREIhylHndOBOK6m2bzy0gEuNgjENVAUGIhxC4xbgGQUzlKPGJCCTaQ09isW5NAVI7Lvmb5pUEhKOqPr29QBIQjKr68Vp7q/B4+6lt147Xfmv5KfdJOBOWLeUq90kQBKAlYL4PZ8KyZZHxdNAWKHcJ0Mt/Nmn2ph7uQNbaBQBwqiOMeeve1B2Ju74+AfOnjYKasOW8bgGhaPy5uEUBLgaEYmqifWSIKcAwr7lt9XsERGMcfsna5gYTk7IisbgN6RYYhhnqmPYOGeupZu+pnJu2+SQBHtFqd7QGFHiT3jOtHmv1Tqvnbx5swb3Pf6jfj9fvuRKuhE1b6BWgqoCUdI1Cr4BAWIXfYHcabY7Pz4QwPBF60x6UTc7k+oZalPrd4Bwo8Qk4HVBsvxscQEfSPe0IKXCLcbGcAkkwvS9auYp9Ijjn6Ar3fG+8EtBlSKvIJyBosH2SSKu+5uWIImNMBPAEgH8A0ATgPcbY7znn+/uaVrFHwOHWCD5r6cTk0WXoSKoIGxdNQ3sgahqdeXzBVMgx1bRNU3rSRFweuWEKVM5xoiOsp3dNdaWu3mQ3T3tdQy08bgGLNr5n6ll46s0j+P5VE1DoFXGyI2I55w8fNGH9f3+GqlIffnNrLaLdsCgsFRe4Ub/hHVN+RxRLaO6MmuIDf3tbHTqCsqlsmxZNQ1sgioW/edd03Y6QjEWbrDGALd0RrG2oxUuGfK2ePxl3fmUsSgtc+KfaKpzsCJuCkNfU12DLW0fx5uFW/dx3P2u33CPtftx97UTICjcpe66ePxnFPjdiimqKb9x8xzR0R1TL6M2wgv4FAA8VoWgEh1sjlvKMKwf8Xi/cAhz2x0WShnmFXvd73f07v9wv9rrfL7Fe9xd6et9flGI/AJT6es9jST/3l/tFdIZF3PikWe2t3B+vU8N8AlqDgmX/MJ+Q1j1MlX+CIDLH8F6+YYdOhx3b8LUNtdj1t1PY1tiEDbfUYWxpAQ62BmzT+fRUB0oLfZZ9o8s8+LQ1YGqXtVEaTWX91llj8fqBU5gzZSSWb92DH3xtPKpHlmDZlkbHGDA5FsOZoNtyPaPdsrahFo1HTqNmTDkef+2gSTjDaL845ev7V18MWZbhdluvM6JY0r+H11RXWgTN1jXUYtKIopTOohYu9IcPmnDdlJGm/CTbHb2lmUo9PNcIh2MIG+IT7/r6BMyefD6azgSx4b8P45+/OQmtAdl0z40225r6GsRiMbTaPLtx5R7H92Hf8W6LTVrgBgRBwOHWGF6yeU5b7pxuUU5fv7AWksts/9pdQ6s7j736iUXYZW1DLX7xT5fi3uc/RFWpDyc6wlBUrtdNp3K4mIrWoGBbZ2Oqqiv1X1Ndia13Xq4P4BiFG3u7TyU+F25Osr//drwdj/7lEDbfMQ2nk56LZuf+8OsXm+7Juz/+Go62ygNuF+TrhPrpAD7lnB/mnEcBPAtg7tkk1B6KOxBTLyyHHOOW+cVNZ0KWWKe2gGzZtnxLo76QfVNb/BzOmSk9bWH7pjb7edrLtjSi6UzItO2+nfswr3YUlm/dA5cg2p4zv260/lsURKtQSCK2Kjm/0Ri3iJocbwtbynbM5h7Ezwtbhvq1GMblSfm6Z8c+HG8Lo2HmWLhE0RL/tWLrHiz+yjjTuXb3SLsfx9vCFmXPe3bsQ3NnBGcCsmm7y+6ebGlEdzg3hUG0OptcnvaQSvsH6R51OOzvGMQyEgSRGXp7/3prw5dvacTcmio0tcWVqFtDUcd0xlcWO7ZLye3yiq17ML9utN7+3bdzH+bXjdbb0VkTKvRznGLARgwrsL2e0W5ZvqURV1WfjxVb91iEM4z2i1O+lm9pdLxO1GCDaMcm2xTN3faaA0a0Bcrn1422jQcz2h29pemkHp4cs5crtIaipjjEuTVVuv06r3aUrR1ktNlW9FJHensf7GxSj9sNtyjqzyP5OcUUWGzApZut9q/dNbS6YyfssnxLI2ZNqOgJ1eDcVDedylHs8zjWWeO1X9nfjPpfvwOBMdT/+h28sr85rfsUsbG/Z02oQFNbCIrKLOdoeU6+J3IMjs+hP+SrozgSwDHD76bENhOMsSWMsd2Msd0tLS22CWmxSPHFQq2xgXaxeqni97TfCjfHOaUzT7tAEi3btGNVbh83ZQx6dVKhSu4g08rcn/I65dUuX9rxsqKCwT6P2vHa/3tbBqS3PCXnK/k5aMcmK3MONenUVyB1/Ny5vj8b8jAYZcwG0q2zBJEt9MUuMKK9f6nacC3cJ/n45HTSuYZxuxb/pF3XGA+lpJEvp3ST7RaeaC+T03FKNzlfqcTKes1jGqrOWvy5UzxYst3hlGYq9fBsoS92AWPA2oTImsq5bieV+NyOdpDRZutrnUynfts9Jyc71c6mTL6GVnccxWVUjpVzqvGLPx6AwNKrm73V2YG4H072d2/3Qsuz8Z5kyi7IV0fRbl6A5U5xzp/knNdxzusqKipsE9JksEUhHteWrK4UjCppbdOUnoy/NdEODaMKlPH/xnOM6pDGdDWxD7tzjB9guzLEPxqwbLNTwepLeZ3yapcv7XiVxxu13sqh/d/pHrWH5F7zlJyv5OegHZttUufp1Fegp84aMZbnXN+fDXkYjDJmA+nWWYLIFvpiFxjR3r9UbThLiHIlH5+cTjrXMG7X2k3tusZ2VEwjX07pJtstLNFeJqfjlG5yvpyuY3TgHPMopjZZ3YkFylPZEanSTKUeni30xS5Q1bjGxaq5l8IlMN1Oag/JjnaQ0Wbra51Mp37bPScnO9XOpky+hlZ3eqvnmnJo8rF9LYeTUmxf03Gyv3u7F1qejfckU3ZBvjqKTQBGGX5XAThxNgmV++JKUO8fbYXbxSyS91Vl8XhD47ZSv9uybW1DLXY2HtN/P3LDFMRUxZTezsZj+u91uw5ZZHrXNdSiqsxn2vbgvMnY2XgMa+trEFMV23N27P5c/62oilXWu74Gbhez5FdyMcuyHSNLvZayjbK5B/HzvKZtq+dPxrpdh/T0jflaPX8yqsp8cLsYduz+3HZpgQ2vHzada3ePtPsxstSL9QtrLdevLPagzO82bY/Z3ZOGWpTn6DqKWp11Ks+5vj8b8jAYZSQIIjM4vX8lPqHXNnxtQy1e3BMXbNtwS12v6Rxq7rTdV+gVLO3ymvoa7Nj9ud7+PThvMnbs/lwfPXrzYIt+jm2+6mtwqiNoez2j3bK2oRav7f8Ca+pr9OvY2S9O+VrbUOt4Hclgg2jHJtsUlYWpY60qCz263ZOcn2S7o7c0tbWWjedvuKVOVw/PNcp9EkQRKPG74XUL+H8ffaHbrzsbj9naQUabbU0vdaTEZ79cTIlPsLVJI7IMWVH055H8nFxiz8intm39Qqv9a3cNre4k10/t+GNnAiZb0Vg3ncrRGYo41lm78rldrE/3yWNjf795sAVVpT6IAreco+U5+Z64XciIXZCXqqeMMReATwBcDeA4gPcALOCcf+R0Tm9qUZoqWUrV04Tyl8CgK2gaVZg6QnFVJrfIIDIGhXNd9dSoKiorcbXH3lRPdVXThPqRneqpO6EUFZI5YooKQeiH6qmmauZi4Cp0lVe3KMDrZpCV+Hp62nUllwAVHHIsPsVAEgUICdVTl8BQ5BUQjHJEY4Z8SXH1qUDEXgXLTvXU6xKg8vhyA0JCwVRTPRUNZRIEq+qpdo6QUPsKRs0qbF5vr1pPWa1uZqekZyzPub4/G/IwGGU0MORDjaR6SvSRrK6zdu9fl6wA4EOueioKgOKgeqqphfdF9ZRzDtaL6mmyyulAqp7GFBWuAVY9TTfNfFM9DYdjCCoxyLG4XelL2K8xNR5a5Rlg1dNAFGCs76qnPilhVxu2FUiCRZFUVz11CZAT9dl4Da3eafZysU9Ae1BJqPPH3xGtDp+t6qkgMFP5Cjzxd8SXZFNqebVTfAdguaedIQWuJNVTrRxa3pNVT5Pv70DZBXnpKAIAY+ybAH6J+PIYv+WcP9Db8ekaMQSRIKsbBIJIIquNbiPkKBIJcqbOEkQCsguIXOLcXR4DADjn/wngP4c6HwRBEARBEARBELlGvsYoEgRBEARBEARBEGcJOYoEQRAEQRAEQRCEibydekoQBEHkPxTTSBAEQRCZgRxFgiAIgiDOir466gA56wRBELlC3qqe9hXGWAuAoxlIejiA0xlId6DJhXxmUx5Pc85nD9XFDfU1m+6JHdmePyD78zgQ+RvS+gr06Rub7c9joDnXygukV+ZcqbP5/vzyuXwDXbZssQt6I5+fpxPnYpmB1OVOq76So5hhGGO7Oed1Q52PVORCPnMhj4NNtt+TbM8fkP15zPb8DTRU3vwnn8qcT2WxI5/Ll89lc4LKfO4wUOUmMRuCIAiCIAiCIAjCBDmKBEEQBEEQBEEQhAlyFDPPk0OdgTTJhXzmQh4Hm2y/J9mePyD785jt+RtoqLz5Tz6VOZ/KYkc+ly+fy+YElfncYUDKTTGKBEEQBEEQBEEQhAkaUSQIgiAIgiAIgiBMkKNIEARBEARBEARBmCBHkSAIgiAIgiAIgjBBjiJBEARBEARBEARhghxFgiAIgiAIgiAIwgQ5igRBEARBEARBEIQJchQJgiAIgiAIgiAIE+QoEgRBEARBEARBECbIUSQIgiAIgiAIgiBMkKNIEARBEARBEARBmCBHkSAIgiAIgiAIgjBBjiJBEARBEARBEARhghxFgiAIgiAIgiAIwgQ5igRBEARBEARBEIQJchQJgiAIgiAIgiAIE+QoJpg9ezYHQH/0l+7fkEL1lf76+DfkUJ2lvz7+DTls2V7KAAAgAElEQVRUZ+mvj39DCtVX+uvjX1qQo5jg9OnTQ50Fgkgbqq9ErkF1lsg1qM4SuQTVVyITkKNIEARBEARBEARBmCBHkSAIgiAIgiAIgjBBjiJBEARBEARBEARhghxFgiAIgiAIgiAIwgQ5igRBEARBEARBEIQJ11BngCAGGlXlaA1EEY0pkFwiyv0SBIENdbaIQYTqQO5Bz4wgCCK3oO92/kOOIpFXqCrHgVNdWPz0bjS1hVBV6sOGW+owcUQRfbzOEagO5B70zAiCIHIL+m6fG9DUUyKvaA1E9Y8WADS1hbD46d1oDUSHOGfEYEF1IPegZ0YQBJFb0Hf73IAcRSKviMYU/aOl0dQWQjSmDFGOiMGG6kDuQc+MIAgit6Dv9rkBTT0l8grJJaKq1Gf6eFWV+iC5xCHMFTGYUB3IPeiZEbnKmPtf7tPxn/38ugzlhCAGF/punxvQiCKRV5T7JWy4pQ5VpT4A0OfMl/ulIc4ZMVhQHcg96JkRBEHkFvTdPjegEUUirxAEhokjivDCiitIheschepA7kHPjCAIIreg7/a5ATmKRN4hCAwVRZ6hzgYxhFAdyD3omREEQeQW9N3Of2jqKUEQBEEQBEEQBGGCHEWCIAiCIAiCIAjCRNY5iowxkTH2PmPspcTvsYyxdxhjBxlj2xhjUmK7J/H708T+MYY0/jmx/QBj7NqhKQlBEARBEARBEERuknWOIoAfAvib4feDAB7hnE8A0AbgjsT2OwC0cc4vAvBI4jgwxqoB3ATgEgCzAaxhjJFWL0EQBEEQBEEQRJpklaPIGKsCcB2AXyd+MwBXAdiROOQpAN9O/H9u4jcS+69OHD8XwLOc8wjn/AiATwFMH5wSEARBEARBEARB5D5Z5SgC+CWAewGoid/lANo557HE7yYAIxP/HwngGAAk9nckjte325xDEARBEARBEARBpCBrlsdgjM0B0Mw5b2SMXalttjmUp9jX2znJ11wCYAkAjB49uk/5zSZUlaM1EB3wdWwylS5xdmRTfc2HupEPZch2+lJnYzEVzd0RyIoKtyigstADlyvb+jKJfCebvrMEkYpzqb5SGzE0ZI2jCOAKAP/IGPsmAC+AYsRHGEsYY67EqGEVgBOJ45sAjALQxBhzARgG4Ixhu4bxHBOc8ycBPAkAdXV1ts5ktqOqHAdOdWHx07vR1BZCVakPG26pw8QRRf0yejOVLnH2ZEt9zYe6kQ9lyAXSrbOxmIqPT3Vh2ZZG/Xmsa6jFpBFFZAgQg0q2fGcJIh3OlfpKbcTQkTV3l3P+z5zzKs75GMTFaF7jnNcD+AuA+YnDbgXwYuL/v0/8RmL/a5xznth+U0IVdSyACQDeHaRiDDqtgahu7AJAU1sIi5/ejdZANCvTJXKffKgb+VCGfKK5O6IbAED8eSzb0ojm7sgQ54wgCIIYaqiNGDqyaUTRifsAPMsY+xmA9wH8JrH9NwA2M8Y+RXwk8SYA4Jx/xBjbDmA/gBiA73LOlcHP9uAQjSn6i6PR1BZCNNa/ImcqXSL3yYe6kQ9lyCdkRbV9HjFFdTiDIAiCOFegNmLoyEpHkXO+C8CuxP8Pw0a1lHMeBnC9w/kPAHggczkcOOzipAA4xk4lH+92Cagq9ZleoKpSHyRX31cEMabNGMM11ZV4ZX9zv9Ml8gvJJfa7zmU6PjBVLMNAlCEVFAOZPm5RwNK/H4P5daMhCgyKyrFj9+dwiVkz6YUgCIIYRIxtqEtgWPr3Y1AzphwlPjfaQzJ2Nh6DSxSorc0wWekonis4xUl5XAJu+e27ltgpAJbjn759OjbcUmdJQ3M4+5OXdQ21AIBX9jefdbpE/lHul/pV5zIdH5hOLEN/y5AKioHsG2VeN+ZcVoVFm97T79fahlqUed1DnTWCIAhikLFrQ9c21OKxVz/RbdK1DbUo97mprc0wLB7WR9TV1fHdu3cP6jVbuiL4zpo3LKMaq+ZeikWb3jNte2HFFQBge/zvv3cFFBX96k1xysv2pTPBOR/wXpp0e4CyuKdoSDMxFPXVSH+ei1Nde2HFFago8vQ7byfaQ7hh/Vu2dfmCEt+AlCEVmS4j0Of8D/lL01udPd4WxI1Pvm25X9uWzMDI0oLByiKRXWR1ndUYc//LfUrzs59f158sEdnNOWsXDHR76tSGrpxTjaWbG/Xf25bMsG07BrKtzWPSekA0ojiEOMVJFUiiZZsWO2V3fCiq9NuYcsoL53zADbV0R1toVCZ7EQR21h/hTMcHxtKMZehPGVKR6TLm27sRU7n9M1OpI5MgCCKbyUR75NSGlvjcpt+KQ9tBegMDBwWADCFanJSRqlIfglHFsk1yiY7HD0RcVSbTTiZdxUlSpsxPMl3XRIHZpi8OogOV6TLm27vhcnhmrhx0egmCIM4lMtEeObWh7SHZ9NupvSc9jYGDHMUhRIuT0iq51gtzYXmBZVu5X3I8fiDiqjKZdjLpjraQMmV+kum65hIYHpw32ZT+g/MmD6rTkeky5tu74RYZ1tTXmO7XmvoauEVyFAmCILKZTLRHdm3omvoa7Gw8pv/W2vXBsl3PVWjq6RAiCAwTRxThhRVXWFRPk7dpw/d2xw/EVDOnvGRiGlu6ipODoUxJDD6ZrmuCIOCpN49g5ZxqXR3tqTeP4IHvTB6Q9NPLQ2bLmG/vRkwFXt57HBtvm2ZSPb31inFDnTWCIAiiFzLRHiW3oYwxPPXGYcyrHYU7/m6cqV0fLNv1XIUcxSHGKU7KKXYqk3FVmUzbSLqKk5lWpiSGjkzWtXK/hB/9w8QhrzeZLmM+vRuVhR58K0n1dF1DLSoLSYyAIAgim8lUe2RsQ1WV49s1o2yvMVi267kKOYrEoJPuaMtgjnIS+cO5UG/yrYwul4BJI4qwfelMxBQVLpu1LwmCIIjsYzDao3xr83IJchSJISHdHiDqKSLOhnOh3uRbGV0uwbR8CUEQBJEbDEZ7lG9tXq5A3bUEQRAEQRAEQRCECXIUCYIgCIIgCIIgCBPkKBIEQRAEQRAEQRAmyFEkCIIgCIIgCIIgTJCjSBAEQRAEQRAEQZggR5EgCIIgCIIgCIIwQY4iQRAEQRAEQRAEYYIcRYIgCIIgCIIgCMKEa6gzQOQ/qsrRGogiGlMguUSU+yUIAkt7P5F9ZPszy/b8EVZiMRXN3RHIigq3KKCy0AOXi/oyCYIgsoV8b1vzvXxnAzmKREZRVY4Dp7qw+OndaGoLoarUhw231GHiiCIIAku5n8g+sv2ZZXv+CCuxmIqPT3Vh2ZZG/Zmta6jFpBFF5CwSBEFkAfnetuZ7+c4WaoGJjNIaiOovHQA0tYWw+OndaA1E09pPZB/Z/syyPX+ElebuiO4kAvFntmxLI5q7I0OcM4IgCALI/7Y138t3tpCjSGSUaEzRXzqNprYQojElrf1E9pHtzyzb80dYkRXV9pnFFHWIckQQBEEYyfe2Nd/Ld7ZklaPIGPMyxt5ljO1ljH3EGPtpYvtYxtg7jLGDjLFtjDEpsd2T+P1pYv8YQ1r/nNh+gDF27dCUiJBcIqpKfaZtVaU+SC4xrf1E9pHtzyzb80dYcYuC7TNziVnVRBEEQZyz5Hvbmu/lO1uyrRWOALiKcz4FwGUAZjPGZgB4EMAjnPMJANoA3JE4/g4AbZzziwA8kjgOjLFqADcBuATAbABrGGN59aRVlaOlK4LjbUG0dEWgqtx2eyym2h6XyTwYKfdL2HBLnf7yaXO+y/1SWvuJ7CPbn1m6+UtVf9Op373R3/OHOv3BpLLQg/UNtaZntr6hFpWFniHOGUEQBAEMXtvv1LbJsoLjbUEcbQ3geFsQsjywI33ZbtsMFVklZsM55wC6Ez/diT8O4CoACxLbnwLwEwBrAcxN/B8AdgB4nDHGEtuf5ZxHABxhjH0KYDqAtzJfiszjFHA7oaIQB1u6TdvXNdTi0Vc/wSv7mwc0MDfdoF9BYJg4oggvrLjCVkUq1X4i+8j2Z5ZO/jItspTpoPh8C7pXVRWSW8CquZeiQBIRjCqQ3AJUVUX29WcSBEGcewxG2+/Uto0vL8CBlgCWGwTP1jbUYlJlIdzugRkHynbbZqjIeAvMGBMYY8V9OF5kjH0AoBnAnwEcAtDOOY8lDmkCMDLx/5EAjgFAYn8HgHLjdptzch6ngNvm7ohl+7ItjZhXO8p03EAE5vYl6FcQGCqKPBhZWoCKIo/lpUu1n8g+sv2ZpcpfpkWWMh0Un29B9y2BKBZtfA+LNr2HG598G4s2vYdFG99DS46WhyAIIh/JdNvv1La1BKK6k6htX54BwbNst22Ggow4ioyxZxhjxYwxP4D9AA4wxu5J51zOucI5vwxAFeKjgF+yO0y7lMM+p+3J+VzCGNvNGNvd0tKSTvayAqeA25iDIESJz236PRCBuRT0O/jkan3NRjItspTp9yNX3r9062xM5fbftByeTkvkJvSdJXKJfKuvjvYttRFDRqZGFKs5550Avg3gPwGMBrCwLwlwztsB7AIwA0AJY0ybJlsF4ETi/00ARgFAYv8wAGeM223OMV7jSc55Hee8rqKioi/ZG1KcAm5dDoIQ7SHZ9HsgAnMp6HfwydX6mo1kWmQp0+9Hrrx/6dZZl8Dsv2nUm0sMMvSdJXKJfKuvjvYttRFDRqZiFN2MMTfijuLjnHOZMZbS7WeMVQCQOeftjDEfgK8jLlDzFwDzATwL4FYALyZO+X3i91uJ/a9xzjlj7PcAnmGM/V8AFwCYAODdAS3hAKOqHK2BKFRVhcoBWVUhMgafJKLEFw+kbQ1EEY0pcIsCNi2ahmNnQno8z4XlBags9GDDLXWmud2bFk3D6e4oti2ZgWBUwagyH0oNI4zG658ORBCWFdN1k4fdjflcv7AWSzf3zBenoF9ioNDqWabiBMr9Ep6+fTqOtgZN71CyyFJynES69bvcL+HpRdNx9Iwh/bIC0/myrKC5O4KYyuESGCoLPaZYi1hMRXN3BLKiwi0KqCz06IvPp8p/rlHhl/D8ipmIxjgUlUMUGCQXQ4nH+q0iCIIgsouBarOd2t4Kv4SNi6ahyWD3VpX5UFnosVy71OdGW0hGRFbAGMAYwHm8nZEk14DmNxWDdZ1MkilHcT2AzwDsBfA6Y+xCAJ1pnHc+gKcSCqUCgO2c85cYY/sBPMsY+xmA9wH8JnH8bwBsTojVnEFc6RSc848YY9sRn/YaA/Bdznl2zckyoAXvPvLnA7jj78bhruf26i/I6vmTUVXqQ3dE0V+ca6or8f2rJmDlix+aXqTkQFyvJOBkewR3G9JbW1+DLzpDGFlSoFdWu+Dh1fMnY0SxF2PK/Y7HXVNdiWfuvDxh1OXmC0BkH4Ml1BKJqZZ3SKO/Qe2xmIKgrJjSX9dQi1hMgSS5IMsKPm7udgzMj8VUfHyqS1+EXjt/0ogi3VnsLf+5hqoCpzqjlvtRXE6OIkEQRDYzkG22U9urKCqiSW3e+oW14Nxql/7g6otNbeeD8ybjqTeP4PtXX4yJFX64XOKg2Bj5IjqXkamnnPNHOecjOeff5HGOAvhaGuft45xP5ZxP5pxfyjn/P4nthznn0znnF3HOr0+omYJzHk78viix/7AhrQc45+M55xM55/+ViXKeLcnSv+2hePDuvNpRupMIxOdf37NjHyIxbgrunVc7Csu37rEVsjAG4kZkjqXJwb9b9yAS4ybRC7vg4Xt27MPR1mCvx72yvxkLfv2O/iK3BqJ5IdVPDC2tgSge+fMBrJxTjW1LZmDlnGo88ucDfRJqSbV0RDpiMP0Jam8JRPWGSkt/2ZZGXZyluTvSa2B+c3fE9nxtf76J2bSG7IUKWkO5WR6CIIhzhd7ao7NZxsmu7W3ujugz2LRrLN0cb1NPdoRRkVhKaV7tKEvbed/OfXG7OdEGD1b7mS/tdEZGFBljPwSwEUAXgF8DmArgfgCvZOJ6uYRdD8P6hlpUFHpQ4nPbBusKDKbtTsclC1nIDuI2AoPpWKfg4QJJTOs4VVXzoteEyA5UVcWts8bivp37TD2C8aUS0jk/dS9epsVgUgXep9rv9O7GFHVQ8j/YkFABQRBEbjIYtqFTG6HNrHlw3mQ89KcDjvaxtj2mcmCQ2s98aaczJWZze0LM5hoAFQAWAfh5hq6VU9j1MCzd0ogfXD0B7SHZNlhX5TBtdzouWcjC7SBuo3KYjnUKHg5GlbSOUzjyoteEyA4UDt1JBHp6BJU0fYZ0evEyLQaTKvA+1X6nd9clCoOS/8GGhAoIgiByk8GwDZ3aCCXhQN63cx+WXTne0T7WtrsSoVKD0X7mSzudKUdRa92/CWAj53wv7JesOOdw6mEYO9yPnY3H8PD1U/SKpcUKelwMG26p07fvbDyGNfU1puPshDYqCz1Y11BrOm5NfQ08LmY6VgseTr5usjiG3XEbbqkD5/Y9PbnWa0JkB071ifP0PMV0evGc6vJAicFU+CWsTXr31jbUoiKRfmWhx3Z/ZWL6jN27u86wP9P5H2wKPYLt/Sj0ZHypX4IgCKIfDIZtaNdmrqmvwYbXD+vplvjc2Nl4zNJ2PjhvMnY2HtPb4MFqP/OlnWbpGl99SpSxjYgvcD8WwBQAIoBdnPPaAb/YAFFXV8d3796d8eu0dEXwnTVvmF6eqlIfnl8xCwwsLdVTxhgkkSGqcHDOexXaMConugQGv0dEsddezTSueqpCZEipemoMMm4NRG3L9MKKK1BR5BnI25dNDGnHx2DV16HA6R1Jtz6le36m1cii0RhaAlFd1dSouAakr3oaU1S4klRPzyL/Q95R11udPdEewqenOjC+sli/H4eaO3HRiGG4oMRnew6R92R1ndUYc//LfUrzs59f158sEdnNOWsXDIZtaGwzZYXjyb8ewvbGJj3dbUtmmFVPYwoYSPW0F9LKSKZUT+8AcBmAw5zzIGOsHPHpp3lHXyuBk/TvcH88YFdffiLhAGrOmjEA2C0KKEuzsrlcgq2hZScnzMAgMpium4wWZJxOmXKt1+RcIlW97W1phkwzEEtTDER97O8HXpJcGCk5f2LdbhEjSwsc9zu9uxp272KuUlnoQTDqxyenunXp81Flfn0ElSAIgshe+mMbnk1b6xYZ2hNiZ1q65w/z6eelahud2s+BduzyoZ3OiKPIOVcZY1UAFjDGAOCvnPM/ZOJaQ4mtMM3CWgz3SxAEwbaCGaV/VVWFwuNT7VoDUZT63DjY0m15qSZUFOJgczcWbzZf57xiD8KyCoVzeN2i7mxqeXOq7E6COkU+F2IKR1RREVNVMABqIn92L4xxTcVyv4RtS2ZA4YDXJcAlMrR0hfXyZWFPyjlLKrGXdJZm6C+9jab1d2kKQWC4aLgf25bMMKWfXHd7uwcDIWvdn3US0zk/1f5cQlHshYoURR20DgqCIAhi4EinLU+3rZVlBS3BSNwmBSAyhp/OvQSr5l5qsbc121RRVSgq19vI4QUSPB7nEUUA+PhkJ5YY1gd/cmEtJp1XPKS261CPSmZq6unPAUwDsDWx6WYAuznn/zzgFxsgzmbI3mmK28o51Vj10v5eDUsnJ/NX/+8TvLK/2ZTe9qUzccP6t0zXuaa6Et+7agJWJJbJ0F6ui4b70RaS0dwVMRn6xrw45fuRGy7DmWAU5X4JFUUedIZkfRkOJ0P6kT8fMClUamvYPPrqJxblyjxTQs3ZKSappmaeaA9Z6ptWDwdiGmCqNQT7SzqObnNXGP/6wv9gXu0olPjcaA/J2Nl4DD/7zpdRWeTt9/TX/q6TmOr8s7iHQ/7S9VZnW7rC+LS5G/fs6PlerJ4/GRdVFqKiyDvIOSWyhKyusxo09ZQwkLN2wVCRblt7JhDGifaIpc28oMSDMn9PG+Fkm2pt5MXD/XC77ddRrCiU8O01b1rysnPZLIwYNjTtUIbXYkwrgUx11X4TwD9wzn/LOf8tgNkA8u7r6CSaocnw9qbuZKt+urkR82pHWdKzk8qfVztKdxK14xY/vRsnOsP46ESnZR2ZxU/vxulAxDHfFYUeeN0CVr20H/PXvYX6X7+D7khMX5smuTxa/ufVjjIpVGpr2CRvJyXU7CGV2EuqpRn6S6o1BAci/d7WIAQAJbEEx6qX9uPGJ9/Gqpf249ZZY6Ekpnj3V9Y6VRlbHPLYYlhHMdU6i5m8h4NNJKbqTiJgXEN2YOocQRAEkX2k29aGo6ptmxmOmtsIJ9tUayNPB53XUQzH7G2fyBAKM2bDWoyZilEEgBIAZxL/H5bB6wwZmvRtcu9De0jG1FElWHbleASjMbR0wTJU7PRylPsl/dwSnxvBqAJ3QhbYeHy5X7I9v6UrggJJtN0XluMvlE8SsfG2aSiQRLSHZKzbdQg/uHqCPnqoHb/xjSP4xfzJOBOI6sdpL6+W/+Q1a7Tfva312NIVcZwSqw2vu10CXAJDKKrAJ4nx4OWYSlNYBwCneqtJNmtLMyTv15Zm6C+ZXjNPVlTcWFuFuTVVUDmHwBhe3NNkcnRVFXjqzSNYOadaH1F86s0j+PdvXQIg9T1KRaoyRhUVFYUe0/XX7TqEaCKP6azDaHd+rq47qKgcs8aVY/FXxkEUGBSVY8Prh3XHnSAIgsg/7Nraa6orwRjD8bagbvPJKrdt1+WkNsLJNgV62lBFjtnuU1Ru2+73Zm9mXBQvC9ZizJSj+B8A3meM/QXxoc2vAMjaaadni12g7oPzJuPF94/j/m9Mwl3P7e0ZKl5YhxHDPAgl1ib0SSKuqa60TH0bWerDT+deYppSumnRNDxywxT8aHtPeuWFkm2FDssKRhR77Q19Fp9yF4zEK9jP/+tjVBRJePiGKRAFZjp+6qgS3DprLBZtek+/5pr6Gvg9cUNZe7m1tWkqCj1YduV4lBdK2HjbNMiKapsHReX6NAPjEDoAy/D66vmT8cKe4/hOzUjTlLQ8m8I66KQKMNeWZkie4jFQwiIum46P5DXz+vPxLfaKuPJLI7Bgw9umKSdF3h4nTxCAJV8Zj/+17QP9mF/eeJl+jXK/hKdvn46jrUFdXCV5uZje8piqjB6XgH/55iTTO/3IDVPgSUyNTXW+1yXg3tkTLVM1vTkaz1foEdEw80LL96bQk5sxlwRBEERqku0RLXxJC3/pEaqRHNv1091hRGUVciIW8SdzJqE9JGPp34/B/LrReufjjt2f4+OTXZAcOsPdAsPq+ZMt7arbwfZQVY7PWgMmO2FUmQ9FHpejTklf6W+n9UCQkRhFAGCMnY94nCID8A7n/GRGLjRAnO3cbqOxqKgcP3t5P26ZOQb3P/8/lge7au6lWLTpPSz9+zFYmJjmpkn8vnm4FWsbalHic+PmxItgPHfHspkIyQo4B1wiAwfQHZLR3BXF8EIJPskFl8DgcQlgLD6VS1E5Xt57ApdWlWDM8AJ43SKOtgbBAL1Cl/ndCEbjxwqMIRCR0RaUUVnsxa2/fdeSj2eXzIAkCgjHFIiMgYODc6AtKJuc2613TkdU4Wg6EzK9QM+99zlqxpSbnOOf/OOl8LoFrN/1qeWlnl83WjcejfnQlhPpzZHIcE9PTscipKt66rQ0Q39IFV/X3zn5x9uC+OkfPrJ0wvz7ty7RVUa/aA/hTx+ewFXV5+u9k6/t/wLXXnoBzi/xIRZT8dmZAI4l1d8xZX64XELKPHaGwwhEVMQUQOEcImNwiYDfI6DY6015/Ugkho6ojGiMQ1E5RIFBcjEMk9zweFxo7gzjn9ZaYymeXz4LlcW2sRRD3qvSW5093hbEjU9av3vblszoVRmWyGuyus5qUIwiYSAn7AI71fu2kNwvW8lJHCa+7JpiWu7NbhYZY3HVfYXDViNh25IZjm3Eyc4wfvjsB6aObZGpKPF79DbYJTC4BIa2gIxANIaRpV4EIioEFhdtlFwMlQUenApGIMe4vt3tYhhRELd/4qEdcZuXA5BEAV90hHAmIOt2QtymVnDPjn224pZ9VZS3c0YvLC/AmHJ/yiXx0kh/8JfHYIzVJG1qSvx7AWPsAs75noG8XrbhdYv42be/jJBsP1RcIIm4obYK100ZiZuefNvUcw4Ay7c0YtOi6bbnNrWF8MDLf8O9syciLKt4+1AL5kwZid+9exS3zhprEp3RRuK+8eXzMeeyC9ARlLH2L4csI3O/uukycACLNvb04j++YGriZYra5kNWVPyfP3yEV/Y363lXVBXf/90HpmmrzZ1RABwrX/zQ9PJ+Y/IF+N4z75tGYLvCMgAXvnVZlWlEYV1DreM02mBEQcNv3jEZ6RMqCvWPnU8ScaozkqkA4JwnlWRzqqUZ+oPbLWJSZaFFlVQTYXGak5+ukAxjwIqvXYS2gAwg/jFf8bWLwAyPXXIx1I4dbumdlFzxg84Eo2gLRE3195EbpqDY60ZlsTdlHjkHTnfLFme4QPKkdf2wGsOpzqjlfE8ZgwcuRB3iSKMDFEc62KgOCzOrGerIJAiCOBex6+Rc11CLR1/9RLfrkoULU3W426X59O3TEZFVk1r/uoZayDEVTGAo80m2Kv9FXpdtWIXiEI6hqFx3ErVty7Y04vffm4Xj7RFTG7p6/mT84o8HMH1MCeZcVmVpX0t8Ipo7wpaZPn63iPZOGae7o6go8uDz1iAeffUgHltwGYJRxWQnrJ4/GaPLCtDUFtcdMYpbXjTcjwPN3X1WlI/EVNM1NtxSZ3tcphTrB3qe0sO9/D00wNcacrSX48cv7MOHJzrxRUcYkZgKfyIGcNuSGVi/sBZTR5Xo0zQXf2WcPvI2dVQJVs6pRjSm4ntXT4gLyriY7blhWcEv5k9Gsc+NscP9mF83Gsu37rEN2N34xhHUz7gQK1/8EF976K/43u/ex7Irx1vEIn747AdoOhMybWsLyPjR9r1oDURRVWp2FKpKffjsdFAX3GlqC2HF1j0YXui1vMDDCyX9ZdOOXbalEW0B2bTtvp37UCC5cOBkt22gMk9cNzkfR04HTMc+8ucDONDche+seQNXPPgX7HGB/9kAACAASURBVD3WMeQBwLlMLKbiRHsIR1sDONEeQmyARUW0NQQvLPdjZGmBSamzv3PyRRaPbV354oe48cm3sfLFDxGKxns0NcKyaisGo8Xxyopqqb8/2r4XcsIRS5XH7rCKlz5owsbbpuG1u76KjbdNw0sfNKE7rKZ1/e6w/X7tfAb79yJXu0AExmzLI7BcLRFBEET2YdfJqQkQar81W0mzcTW76jtr3sCBU12mdb2B+KhhcppHW4O6k2i8TiCq4F9f+B+c6AjZ2miSwHDv7Ikmobl7Z0/UwzGMVJX6LGFTWlqhqIrHXv0EK+dUY9uSGVg5pxob3ziCZVeOj9vPNu1rV9i+3Q/HVLR0RXD3c3tx9cN/xcoXP8Td104EwGxF2LT+zaY2s7hlOkJ76TwvJ1v2bNJPhwF1FDnnX+vl76qBvFY20BqI6hK8q17aj7lPvIGbN7yNLzoj+N27R02VfH1DDdbtOqRX6qmjSnD3tRN1ldEFG97Gv3xzEkJyj4Grnbu2vgaFXhdW/+ljtAdlHDkd0NOxC9idVzsK333GLExzxmGEsEAyz3PWRvDW7TqEB+dN1l9MbfTv0VcPosTnNqURjamWF1jhSOt6Wt6cRg5bu6NYU19jysf6hlo8+upBS5mXbu55QZzSG8wA4FxF65W6Yf1b+OrqXbhh/Vv4+FTXgDuLTmhz8o30ZU6+rHLbj7cx6D0dsRin3ksAYA6OTWLdWLhFhuumjMSiTe/hqof/ikWb3sN1U0bCLbJ+XT+mXx+272eu+lVukVne8zX1Nfr9IgiCIPpPb2r9xt/RmJK2kxK2mUXnZIOdCUQxr3YUmrsijm2cXfvtdgmObYR9WwxbZfMLhnkdncve2v3kPN23c5/z8QlPURsgSpV+b4ryfek4z5RifcaVDxhjT2b6GkNFNKY4SvAae2fu2bEPJQUSWrojuqrSsivHW86L92SELS9IodeF7z3zvn6tR189qCtTamIyRuwUUZ1GCINRc2ULRhVUlfrw/rF2PPSnA1g5pxo7ls3Extum4aE/HUBLd0Sv+FoaX3SEsDbpBXbq/Um+XlWpDyc7w7blqCr1oSsso7LIg21LZuD1e7+G51fMwvklXn0ZAacyO6U3mAHAuUpzdwSPJvXEPfrqJ4O29IIW3G6sT0axnVQ4TVEx9oI61U9NLEZ02K9NuREdHDXNr5EVblm+ZsXWPZAVntb1U+3nvEe1VXtGT715BLk6U1NWOB5/7aCpPI+/dlC/XwRBEET/ceqITbbrJJeYtpMi2nScarZk8nVaA1GU+NyONqns0H5HYqpjG2HXFnMOi41938598LpF3Q5PvrZTu+t2cCzB7Wf2aOk/OG8y1u06lDL93hTl+9JxrvkFfUk/HTK5PIaG/WTaHEdVORhjjstUJPfOMAZsvG0a3KKArXdejvagbH9egduyTWBxJaaq0gJsWjQNJzvCeOvTFqytr8Vjr32CB+dNNi0qWua3KqLubDyG9Q21WJo0d7nM78Y11ZX63PRSv1tXWH3/WDtWvbQfq+dPxr079qGlO4K19TV47LX4aJ72Irx+4BQWzhqDZ5fMgKJyqJzjDx8ctyi1rmuo1Xt/tG1PLKjBE385iJauKJ5YUKOPhFaV+vDw9VPgdQuYv86sfjWhotCi2llZ5DGVed2uQxb1qr44G+c23LJQ7YPzJiMuoZQeqeIaetsvCAwTRxThhRVXnNX5xjqmEf9Y9pzvdQvYuvhyS9C61x3/oEqiYKt+JiU+uIIg4PUDp7Dxtmkm8aWLR1wEIPWIYIlPwKZF0yxiOSW+ePqFHgFrG2otMRSFHkHP/93XTsTxtrCe37uvnajnP9dQVI5X9jfjlf3Npu3/el31EOWIIAgi/7BTPddiFKeOKsEPrp6AscP94Jw7LpWV7KT4JBFPLJhqEnW5oMSD9Qtr9ZleRntxft1oFHpdljbwwvIC2+Xgqkp9UFWOEp+EccP9EAWGMr+EEp8ElXO8+P7xuH3tEiDHVGx4/TC+e9VFtm1wdySGP/7PCdv2tcQn2Cq++yT7+9DSFbGUcf3CWhR7XXjmzsvxs5f34/1j7br96aQoX+GXHJeNS6VSbyRTivUZUz3VL8DYHznnszN6kQGgLyqSmgpRa3cUI0u9aAvIKPa5oagcCufY/u5R1Iwpx9LNjZg6qgT/8s0vwSeJpof3u8UzbNVNn759Ou5KOGnatu1LZ+Boa9BktD58/RQcPd2NmRdVQBQA8PiUO86BQCQGlXNHgZsLywvQ3BWB1y1gzV8+xQ+vvhgukUFgDGFZQXckBsYYLhjmhZBQimpqC6E1EMWr+0/h6uoRKPdLGOZzx5VJp43G6a6IKX/rG2oxotgDWeUIyyo+Ox3Ao68eREWRhB9fVw0GIKpwcK4iJKtYsXUPZo0rx7Irx+NMIL4galmBhB9t/8Byj15YcQXK/ZJFtSs5MPrp26ej0OtKa/3Fs1BIzQl1s7MhHQXK3u5XKkXQvqp4JZMq/Y5QGMfORCwfy1FlHgzzxRVB2wJhNCUFuq9tqEVViQelfm9K1VNZVvBZW9Ck6ltV5sOYRLzlibYgbrC5h9uXzMAFpQXoDIXxuU0eR5d5UOzzorU7DEVVEVXQo3oqAqIgoLzQC1lWbIPiJyaUY20Y8jmcvdXZL9pDuN5G6e65pTNxfoZElYisJ6vrrAapnhIGcsIuSF6zWhSAYESByoEHXt6vDxw8csMUuF2CSYAwWRRQVTk6w1E0tYUt7dGE4X40B6KIxuLqol2RGLxuAbdv2o2KQg9+9u1L0NwV7bEDygpQ6nfhWFvYpKIfn3LqRZPN9pElXpzoMLflv7zxMlQWe7Bgwzu2dowoMKjgCBpUT90uhtICEbIChKOqLrS3/0QHnmtswvevmmCyqdc11GJkiQetAdnWThAEZmsjJSvKV/glfHo60KvwYl/s0z4q1qdVXzPuKOYKfTG8zwQiOHCyCxvfOIL7vzEJ3RHFVHnXNtSi8chpvLj3pK5SqikWaTy3dCY8bsF03oPzJuOpN4/g5unx9cQ0h6srEsPdz+21dSpvSSxhsfG2aQCgX2fqqBIsu3I8LqooxOdn4gpNRudTU2LS/n1m8eX6S3VNdSV+fF01JJEhKMdfJIEx0wfkiQU1EBjgk1w4diZoKV9VaVyqX+Ec16/rMQC1HqtxFX6onMMtMpwJyOgMyTi/xIcz3VFEYgr8HhdKCyRc+dAuy/1/476v2Urm91V2WOMsl2PIiQbBid4+PE1tQXz/mbgAklF17PEFUzGytCB+v052mdTMNiysw8Tz4verpSuCH7+wz7I8xQPfmYyKIo/+/iSP1k08rwhl/njPlywr8Y+djSpqS1dEX4tTQ+tAqCjy4FRHCCc7wxbJ6vOKvRgxLO50pOMM95aH5s4wDrV0W8owvqIQlcVenO4K40SHtVG7YJgXw4u8Ka//RUfI9N5o+59bNhPnD/OlvMc2ZLXRfaojhMOnA5b7OW64X39mxDlHVtdZDXIUCQM5ZRfY2T4PzpuMh/50QB8J2750BmIqoKgqpIRd1R6O6U5mRFYQiXHcttG6nNrvFs/AyY6QaWaZpjx67+yJAGD55l9YVoBXPvoCV1WfD87jM/de2/8F/uGS823bTKdBl53LZjq2KTGVp73Uxi9vvAwPvPw3VBRJuHf2l9DaHdE7t71u0XYpj+1LZ6atGp/KnskwQ7I8xh8A5/lpnPN/HMjrDQWqyhGKKnCLAu65dhJUziyxSMu3NOJ3i2fg6urzcfOGt/Hw9VMsQ+Aq55BEZpIA1l7OH18Xn4NdWeRBUFbAYC8MYxSo0URitN/vH2vH0s2N2LZkBhZtes9yriaCo/2rqMCOZTPBAJwORPHAy/st0w/X1Nfgp3MvgaoCzV0RnOyM4IJhXuclLBLxiEYn8e5rJ5rSXD1/MgCg4Tfv6uvkaMe1BwOoKvWhotCjOy3BqBLvAVK5ZSqindRyOsth9Hc5hlwjlWNcIIm2i7n7EnXsdHfEoma2ePNufQ0/VVVtp66qajygOhRVsPGNI6a6v/GNI/j3b10C+FOvs5gqbkJWOb6b6AHVqCqNrwGqkUqsRlU5jrWHTKOekZiqj3pGFdU24F67RiCqYMtbR01TU7XpMMN7ub42NTUasw9KlxOCQqnuca4Rjqn4xR8PmOrEL/54AL+86bKhzhpBEEReYmf73LdzH1bOqcbSzY2oKPSgtTuqj6RdU12JH1x9sWnkcE19jaM4TDRmVRG9Z0c8/fOKvVhoWKtb2/f88pmoGVNuWjpqTX2NY5vptLRSb22Kk45BzGapjf+17QPdWfS6BZw3zKsPRBzvCNku5dEX8Zj+qrwPBgMdo5h3S2AYSTawdyybiTKHGEVZUXVHThNWMR4XjCooL/Rg1Uv7LQYtYwx3PbcXK+fE43OG+dy286PDck9Fag/JkGzmk2sBxcnnannS/v3sdAAXjyiE5BL1tV+SA4Eff+0gvnfVBMsoiSZtn3yNI4k0tX12Aj737NiHzXdM18tQVdoj9FNR6MHjC6YilFi8VLvmIzdMgcct6qNPQP+cvVx4UQeSVPfKSXXs+RWzAMBxnVCtPioOQeTbl84EAF2NLNnJ0fz55u6IrXS1NtqmBXcn1zctbqIvYjbJaYiJTLSHojjVGbasj1RS4EaZ35PyGi6B4c3Drdje2GRK/4dfnwAAjnEY7iQxG6f8pbrHuYZLYGjpjmDp5kZ9W1Vpj3gPQRAEMbCkUkD9wdU90y2BuLp88vILK7buwVO3T3dsr5zSVxwcPCchuG1LZthegznYn721KZpSv905dnk6f5gX986eaFr/fMMtdagskmw71b324R+2OOWfZZGE+UAvj/HX3v4G8lpDQbKB3RqIQu1F9UhTdbJbaqLU74bXzWzVmkLRmK6WtG7XIYws8SbEbHqOWz1/MjyGgOJ1uw6hskiyHDeqLO5YGbc9fP0U7Gw8hgfnTdb/1Zab0D4cTstu2L3AlcUey3XXL4wvYcEY8MSCuCKqXZpNbSHd0dQEaDSBoPePtaM7HLM4LT/avhehJPXU/jh7/V2OIddIOSKXYjQrlSIod2gAtGnuTmpkmh+XarQtlSqq5KD85TYofwkOqqWaX2LsnNCuf8+OfXq9k1wO10hMdfZJcTEaY/prE0HxAOB2CbbvtHa+x0EK3JPYn+oe5xq0PAZBEMTg0psCalWpD6PLC0ztjJMNxwDb9kwQ7O3jYFTByY6w7T6n9t+pjXhxT5OlLV89fzKKffZtcJFPwIbXD9um5dSuc8BiDyx+ejciMftO9b6QSkE9G8iI6iljbAKA/wBQDcCrbeecj8vE9QaLZAN73a5D+MX8L2NNfY1plG3jbXXoCMk4r9iLrXdejgde3o8X3z+OTYumwy0yiAIQUwBFjRvdq+dPhsAY2kMynnozPgWv1OfGL2+6DKLAEJEV2yH0J+qn4i93fxWcx4NxCySGkgIJv1s8Ix7/JzAUeAQUe914dskMiImgXUXl+LdvXQI5sbyHtuwFYwycc9OHwlheJ4XXznAMo8t8uuqpWxTg9wioKJLAOfCf+47j6dungzHY9px0h2P6FD1RYOC85zi3KNheM1k1P9UoU2/0RVUqH5BcIq6prrTEt2n3KuV+UcDmO6bBJYhQOIfIGGKqoiuCpnoWKue20zU0R9FpNE0bXUqliuoWma2iqNHpUAzLS2h5eOrNI/i3b12S2G+fR63eDS+QbNXOhhfE6wznQGmBS38n4iOBXF++IuIwLebxBVPj54Ph5b3HLaqqd37lorTuca4hKxx7PmvFM4lvl2CISyEIgiAGHjvbZ/3CWpT5JTxyQ3za/45lM9EaiGLdrkO2dmHV/8/el4dJUZ3rv6eqeu+efYZt2EVwRBAGcYBEUW+IC8pVFBM2BcMiMSbGuOQmRBPMva4/17BIVATRgGIeDSYuQVHjEmVAjCKLbM6wzcIsvXd11fn9UV01XV1V3T3MDMww530eH4daTi19Tn3nO9/3vW++CwTAlv3H8eK8Cq2u8LWt1ehXUGpkn581Bj1yHRDjsqmdtrL/okRR7LNj3fwKxJNs6rrKalQ1hLFqzlgIvEKWx3NAOEaR62yxwTaO4LvjQRwPCFhfWY2yXl6dfZZkGbJMTdnOZQvn1Uq3UGxF6inHcaZzkT9ePaL1P2gHoUPIbAgh/wJwD4BHAVwJYE7iWvekOacvgNUAegKQATxNKX2cEFIAYB2AAQAOAJhGKW0gSlz2cQCXAwgBuJFSujXR1g0Afpto+j5K6fOZ7jmbIuBafxRvbK/GxWW9IHDKZFCSKQSeA0+UOhuBIzjSFMEv1rUUw66acx6ioowFLyg532ah6gffVJw1ldBmzoSB2ra1PzkfM/6sZ2+aVFZiSANdNmM0DtT5Map/oXJfHIFEKaav/DeKvQ78z+XDdEXFy2aUQ06wjvbMccJt4yDKFHGZwi5wqA/EdLnoa24ai1nPGAuW1/7kfETEOHiO1xik7IIyKX93x1GUDyzCk5t2Y86EgfA6BB1z1GPXnwuBJzpWrdVzxyIalzFv9RaNbCf1mq8uGo8Sn7YGcaKENLrzuwvraTwuY+cxv4GhbFgPHwSBQzwu43BzGLEk6Qi7QNA7xwVB4BCNxrG7LmioITyzyAOHQ8jYfn0ggt3HjEQwZ/bwotDrRHM4goPHjYyk/ROMoJkQjESwv97IKDqw0AGPMzvW0/pgBEcbIzpGthKfHT3znCj0ONEYiqIpLEKU0MKaxitp4nluB2KxOHbXBg33cGaxB3a7gBp/BNcs/diyX2fqz5nesQlO+fpkuj7blGCBTf09+iUx1TJ0O3TqPquCkdkwJKHLzQvM5j6yTA32RZW2uPLcUoPdcdo4hGKSoSypb77CnB+ISAZSuHhcxq5jfp1k2yPXjUSh127aVp7bhqaQqJs/qjY7lXl0cIkHTeG4zp6oc+tbLh6Cp97dY2AxfeS6kYiKInrlewxs5jkOG6YuN9rr9QvGmZLZpM5PM73/tsxd24hTx3pKCKmklJYTQv5DKT0nse1DSun305zTC0AvSulWQogPQCWA/wZwI4DjlNL7CSF3A8inlN5FCLkcwM+gOIrnA3icUnp+wrHcAkW/kSbaKaeUNqS752wGWCwWx67aIJ7ctFtXYzWprAR3X3YWREmG1yGgLhDD0eaIJrT50HUjNUaoFbPKTR0flQTjm8NNkKHoM/bKdSo0vokV9ogow2EjkGRlcirJSl1fVJRQ7HMkCHI4cJyyz5Y4V6YKa2ky/bzKPjq42ANCCMS4DJ7XM5s+e+MYhKISvE4BNp6D284jnKhDIyAJJ5nAY+cQisloCouoaghjQ2UVbr3kTPTKcSAkygjH4nA7BHBEEWYFIQjHJOxPksz47RVligRA4kMFAHXBKMS4jPpgTPfRSGbYTMYJOHttQZczCCoysWw1hqL47njY8KHuV+BCntuRkbHzeDCKquMhA+to3wI3CjwOHGkK457XvjJELH8/ZTh65bpwuCGE5z/ej2vH9NNF024YPxC9TdhuU5ENo+mhhhCaw1HkuByaAVP/3SffjfpABEebTBzFXCcKvU7UNIVBOCAWp9r5doGAykBJrguHGkI41hRCj1y3tl/9d598NxpCERxpjGJ+UkTy6Vnl6JXnQL5bMTCRSBz14Zh2fqHLDqdTSQKp8Ufw9+2HcHFZL10E7vKRfawMVKeedGfzmzF0O3TqPquCOYoMSeiy84JkWLFq33vVcBS5bagNttilIrcddaEYfv+3rw3H/9/V5+BIs3HRdlgPH2oDUVNJpMeuPxe98hyQ5Za5b1yWABDTQMVf5legPhDVzTf65Dvx8Fu7cE7vXEwZXQo5kfnkc3JoDkvgk+y9+hxcwp4XeXg0hlvkMfJcHAJRirpATOfUPjptJEoLlIy46oZIi2OZ70Sxz4Ecpz2tPEYyO7+VlIaKbOe2skzREI4iHJMhyYo/UNwO8hgdknoKIEII4QDsIYTcAuAQgJJ0J1BKjwA4kvjbTwj5BkAfAFMATEwc9jyAzQDuSmxfTRVP91NCSF7C2ZwI4B1K6XEAIIS8A+BSAC+19aFqgzHc/IKe6GVU3zzcMH4g7v/HN7hh/EDc9PwW3QqFw8ahMdTCTlric5iGqg81hHH7y9uxbGY5Nn5RjRUfHtA6o88loCEoYvPOY7hiZB889e4eAxmIVVTSZeex9L1v8evLz9I5ianso+o5N4wfiFp/DNuqGjF31RasnjtWezZFKLUv6gIxXTRo+cxy/C3pnh+YOgJ/+6IaV4zsY4h4lvgcKE6If3ocAp6aPsqy46uRFZedx7r5FZCoIjRe4DIfgBxHTpil9CQ7macUmWoUg0lyL+o+tZg8z525hjAck0xZR9fNrwA8Sn2dGZmNmpcpyhQrPjyAFR8e0F1jesWArJ7PigVNTloU8zk5HA9xmnOi1S84lQ9qXKJojsQNZDZFXqUNp51YRj0BwOficDxkM7bvSqTnckqd4pIpwzUDYxM4JEoYEYnEsafeGLUdUuhJOIvUlBkuDel0p4bVb9ZVay4ZGBgYOhuydziMrNrLZoyGwBF81xjGjc99rgVJfnbJmShw23DT9wbh9pe36+a/kkwN5DcLX6jEywvGQZTN0zYLPHYcbojost8euW4keuc5LW1EKCYZbPWvLx+GQFTW2chlM8vhc3B49+salA8sMtjnfgUO7Ks32vVBhQ40RYjBXjeFRPhT5gmPThuJAo/dNEp4RpHHVP94WA+f5dw124ijqk99rDlimJ+nyTTKCu1KZpOEXwBwA7gVQDmAmQBmZ3syIWQAgFEA/g2gR8KJVJ1J1eHsA6Aq6bTqxDar7WbXmU8I2UII2VJbW5vxvtQJcnJBr8rQObW8r4Gg4/aXt6MhKGqkNgDgdQimxbKiJGPx5DJERQmzxw/Emz//HhZPLsPKD/ch12VHsc+JH1cMQH0ghtnjBpiyhy6cOBjFXgdicRl3XXYWin1OlPgcWDJlOBw8h1cWjsOKWeW489KhpmQicyYMRCwu49Hrz8ULN41FsdeBsCjhjh8Og0PgMGPcQDSGjOQyC1+oxLVj+gGAdv3pFQPgcwp48sfnYt38CiyeXIYn392DHUf82HXMrxzrU6I3xT6HJsRe64/iUEMItf6oJoFR4FGO61fgRpHHgT21AVy99CNMeOA9XL30I+w65tcxWrYW6kBszzY7Aq3tr1bIRN6TyRFUawhSz1drCK3YzNT6vkxkNgJHcO/kYfjgzouw+Y6J+ODOi3Dv5GFZM2Cq5Eip98clsYj5IzKe3LQbiyeXtfTPTbvhjyi1BaIF86uYuEl/RDZlZlXP94ct9oeV/Y1hGR/trsHgEi965DoxuMSLj3bXoDGxvz4cM72/+nBMub+4OTOcGO+afZYjBJPKSrBiVjnWza/AilnlmFRW0qmY3xi6B9rrO8vAcDKQbX9VHYmvDjWhuiGMrw414UB90HSeY8aqffParfj6cDOawiLW/uR8vHv7hfjt5LOx8YtqEEBzEtXjb395O0STuUSx1wEpESk0s9M2njNIatz+8va0dl2V21Jt5XMf7Yed57Hxi2o8d+N5ePf2C/Hcjedh4xfVsPE8Li7rZbovYGHXG8MyHn5rF2KJ2sOYJGPpe9/C67AZ7vW29dsREWVTZvmaQBRPpNj1JzbtRk0gavm7WbHU1wdjhuMO1ocM7yJT+9mgoyKKAyilnwMIQKlPBCHkOiiOX1oQQrwANgD4BaW0Oc1EwWwHTbPduJHSpwE8DSgh+0z3pk6Qkwt6U/UIk1HdoOQ5P/GPPXhg6gjcteFLRERJ+zs18nj3q//RRVi2HqjH/1xehogooep4SEvT/M0VZabXGlTswb1XnY2fvqjPu3baOC3Co64MFXv1kc1irwNeh4A7Xmk5d9Wc8xCNy5iz6nPd6krqudUNYdgFDn9dNB65Lhvu/8c3WvpqaqQzxylg3uoteHXReBAQbWUr32XLSgexIzQPu4qOYmv7qxUykffYTGRW1A84AOS4eCybWW5YdctxKY6m04JoxZlY0ZJkC6KYhMHKdXEYM7BItxK4fGY5cl3ZrWvZeIJlM0braxlSGDStJDrUz00mVtFMzrSVs6xGNZ02DuUpz7hsZjmciZBipvuLW7zDeCdb3Mi2zzptHH52yZmGPqW+DwaGk4X2+s4yMJwMZNtfM0k+pbRpOZ/9+V++wKo5YzXh+alj+po6hNUNii5x8lxgVN88TWai2OswEMc8MHUEAKWtUX3zNP3sxrCosZ6mlsTYeIJFF52BhqAIQCHb++WkM2HjCa4Y2Uc3f1WPtwGYnLJvWRqtRkJgGjHlOXON83Q6zan3uuiiM0DSZAJly+gfi0so8trN5w1tzDTqKCv86yy36UAIsUFxEtdSSl9NbD6WSClV6xhrEturAfRNOr0UwOE029uMEq8Dy2aWa5ISyU6j+v9klOYrNMDbqhrx8FsKw6HXKWgMR5t/NRFLpgyHTKlG5gK0RFiuH9sfM5/5Ny56+H0sfu0r3HNVGW763iDsqw2aXstl4zUnUW3n9pe343hQNKwM3XrJEN35qXo51Q1hVB0Pa6yO2rkvVBrOVRmprl76MWY/+xluGD8Qo/rm6SKd6jM5bXyik8u6la3aQCSrVZOO0DzsbjqKyayhH911Ef66aILOIXfZFEdL7WPqR9RlU/b7IzIq99fhxXkVeP+OiXhxXgUq99dp0TSeN6fK5hOEnE4bjzsvHYolG3fg+qc/xZKNO3DnpUM17aHmsGyartIcbmESM4s+q4hLFE++u0cfjXt3D+JJVLlWUU0105HnzGmyeS4hb2ERVVV1EPkMUc2IaL5yGYnJWd2fU+DM32Eb0ktOJTK9DwYGBgaGE0cmyadkpJPNqG4IozEUw/VPf4rFr32F+kDMMsuIS7D6q/tuvWSIdg/bqhrx4Ju7sGTKcLx/x0SsmjMWOU4BgJJd8qsf6u2bKFE835FLewAAIABJREFUlWLXn3p3D0SJIpxIPb3+6U/x0mcHEYtTRK2ybiQKUaKG+e7Na7daPgel5hFTK3k8KwkxgSO6e1382lcIxyRdtlO2v0Uqw7ld4OGyC2mztU4U7TqrIIRcRgh5EkAfQsgTSf+tAhDPcC4B8AyAbyil/y9p1+sAbkj8fQOA15K2zyYKKgA0JVJT3wIwiRCSTwjJBzApsa3NsNl4DCvx4p4rz8agIjfWza/AiNIcrEhxHgFoucq985wozXdhW1Ujlmzcgbgk46bvDcKSjTuw9L1vUei1W0pAHA/GdD94Q1DE7S9vxxOb9mjahOq1Hpg6AvWBmGk7bjtv2Na/0K07P1UvBwDcdt60vX4p56raj+r+uzYozqH6b1W8tbohjEA0jkllJTgejOkGS10gptUuJl8rFpd0DoHLbj5obAJn6ThkQnfTUQSg1XMmp/6qaI5IWPPJQV1axppPDsIfSegsSjLu3bgTFzz4Hi58aDMuePA93LtxJ+KJtIxgtEXORf2gP/jmLgSjyvlxi7RONRpmtTqppn1mShWOyxRv76jBgjWVuP7pT7FgTSXe3lGji7ZJaVb8AEXbyNTZTbwmgTfXQRT4loigmTZSckSwLRFJiZq/Q6mL1vRleh8MDAwMDCcO65IQ4zc232XD8hQNQlXbuzTfpS3gq3ZHSHEIVXto4whynAKWTBmOdfMr0LdAP8/cVtWIOas+x/FgDHtrAwjFJPAccPdlZxkcHiu7LqXMJ1S977iFdEU8wexvts/GE1PtRct3J1NLPWYzbUeOI2lLWsyQSTc6+TiBJ6b32Va0d+rpYSiMo1dBYRtV4QdwW4ZzJwCYBeA/hJAvEtv+B8D9ANYTQm4C8B2A6xL7/g6F8fRbKPIYcwCAUnqcELIEwOeJ4/6gEtu0B2w2XsfCV+OP4PFNu/G7K89GQzCG5248D4FoHDX+KP737zvxhylna+lhJT4HjjZH8NxH+7Fm7ljU+KOglKJXrtM0VS81mqY6btUNYXAEurSzh9/ahYUTB5u2E0pZMSrNd+FwYxiLJ5ehxKeknJpp1ygMTsb2av1Rg+bL1PKWIG6yc6iuQml/h0T85ooyndyHupqzZMpwzFn1ue5akkw1hk51gKyeOxazn/1Mty0QiRu2ZUsvrH4UUwuM8xPP0N3AcwQf76vH+spqbVtpvgu3/pcSSbZKTVWdJI4Q1AaiWLCmUrdfXTXLpD3Em/RFdZUOyJwqzFmcn9wXMh0TsdA5fOxHirZU2ELbVN0vZ9BpzKQVqUYkDfenvUMLxypVYLSLINP7YGBgYGA4cTht5iUhBETjg1BxPBzDE5t24/5rzkGvPBe+qw9petsPTB2Bh9/apR1b3RBGNC7Dbed1ZC9uOw9CCIp9TuS67Ql9Q/PvfI1fmS+U5isspv5I3GDfrGwEz+mdI7UMLJ6S9qoeL3BEiwSm7hMlqmVLqXqQqp6v1bWt7PzDbynR0r4FLuytDWrzA9MF4DSOYibd6OTj3PaO0VduV0eRUrodwHZCyFpKadoIosm5/4I1VeslJsdTAD+1aOtZAM+25voninynDff993CIEjX8cMU+Ow43RbBgTSUWfH8AZo4biJ45TiyefDaaw6IWyv7ronGGXO0/TR+NP723R2trVN88FHodmvhpIBo3yGxsqKzCn6aPNq1RVDuPmqf91Lt78PaOGu3cBd8fYHCW8j02PHLdSF1e9qPTRiLHZcOvkrapdYgqklNx1X3qykwgIlqu5gwocuvuc/nMctz3Rsszqg7BqzeP1w0angOueuojw3HZ1hg2hEWtwFgd7E9s2o0/Xj2iU9UotifSsZ/ZE9GyVJ1De8IRLPE6TB3rkkRE2JZYXUw9X03LzOQUZLp+LC6Z1uepqcI2juDp2eU41hTVjFaPXId2/WzvsdinX7Er9tm1exQ4c2c4+RnmfX+Qjrnt0WkjtWdwCJxpvYUjkTrqspvvd9lbzjc3CF0z9dTr5EzrXr3Orvk8DAwMDJ0JRR4HVswq18qJ1Pnhko1fG+Y6EVHC2ztq8PaOGq1W8O7LhqF3ngtLNn6NbVWN2rGl+S5L0jG7QBCLU03U3mnjsHLWGMxboyz0qtJyTWERz914HvI9NnAE8DkFg31zCJzpvCPVFqpzz5Uf7DPlKnAIHKoaQqb2X+Bgyh3gspvPSRwChzkTBhq284n5gV3gcMfLX2JbVaNmn83stlp2Y4VsGf2LPI60/BMninbVUSSErKeUTiOE/AcmBDKU0hHtdrF2Rjr9mVgsjtpgDDaegCME0XiLxorTxuFIk8JklFpEunxmOYSEpqEMGCZBuS4B01f+G8VeB+7777NR448hz22Dz2mD18GhPiBiwQuVKPY6cOelQ3Wd0YykZumM0Xhj+yGMHlCInjlOFHrtiIoS7AKHQ40REEATIz3W1EI/PKmsBD+7eAiefHcPppb3RaHHjgKPHcs370VjOKYN5MaQiNICFz7aXYMJQ0rAcwQOgUNYlDS6ZPU+CIBgTEK/AhfqgyLq/FH0yXfizx/sx7Tz+uIX674wDJalM0bjSFMEJT4Hcl02hEUJVzzxL8PvsflXE9GvwK05NocaQpjwwHuG4z6666KsNNhO8PxOrZeUzhFU2c8O1oc0R6p/oRsDCj2azs+B40GdgG3fAhcGFHg0imVVCyguyRASWkDqvuPBKI40hg0ahL3yXCjwODJKP0SjcRwLRhGLU03M3i4Q9PA44HAIqA9GsK8maHDCBpV4UOhxwh+J4GC9Ubupf6EDPqeiMdgcjuCYXzQI6/bw2ZDjciIYiVjSZHucTtT6IzjSFDE4cr1ynSj2Kecfbja23zvHBo9T2V8XkiAmPaNNIChy8/A4nYhE4qgJGd9BidsBp1PA8WAER5qiOqO/YlY5euU6UODpejqKwUgEQZHqJhV2gcBjI/A4sxMuZjjt0Kn7rAqmo8iQhE49LzjWFMYX1U26BdZtVY2Guc7hhhCmmeja3n/NOcj32FHTHNXNDQo8SvZVONYyN3Y7OBxpjOKxf+7W5pXFPgfsAsHOIwEUee1w2jgkaxD2LXDB4+DBE4KjzVGdfX3z5+NxtFk0zEt65diwP8neq5IdT27ajV9OOhMCx+ts7JGGEJ796ADuvHSYoa0clw1RUUI0xe4WunlTe85DhgTOsL3Ia4M/LOG+JF3y1XPHwsYTNIREvWzczHIMK/HClsFZzBatlHrLqr+2t6PYi1J6hBDS32w/pfRgu12snWE1wGKxOHbVBrHxi2pMr+iPpnBc9yMvn1mOJzYpAyE1wlea78LiyWUYXOzFjc8ZhULXza9AY0hEIBqH1yEg121TROw5AnvCARMl5d/JqZoAMKmsBL+78mzEZUVIVOAJREkGTwjqAjEcbY5g64F6TXcxeaB6nTz21YRQ5LWD5wh4jpiKXa+ZOxaHGsNwCDxKchwQJQqXnaDOL+qils/eOAY1zVH0zHWi6ngYT2zao604qe9ATSt4cV4F6gMRxCVqmOi77QKqG8MYXOxBXSCGXrlO1PqjqA/GsHzzXgBKMfTgEg/4xApWckSx2OvQWLJCMQkj++Ya2LzMkEmA3gKd1iBkcgSPB6PYddRvWAUb2tOnvS9RlBRHMNEfS7wO3YfMTDRWdRRjsTgONoYNH8/+eS7Y7QKONIZxz+tfGcR5f3/VcPTKc6HWH0FtIGqICBZ7HSj2OXGkKYzrlhuFel9eOA69EmL3mcTbjzSGseVAHUb1L9Qck20H6zFmQBF65blwpDFsKgb88oJx6JXnwrGmMBrDMfBJRkiSJeS57OiRuAczAeJ7rjwbffLdONQQMgj+qv/uk+9GjT+CnYcbMbgkR9u/t6YZw3rnafqix/xhxCVoosQCD/TwuayMQqeedB9qCGH1x/tx7Zh+4DkCSaZ4Zct3mD1+YFaLPQynJTp1n1XBHEWGJHTaeQHQMtdJN1eSZYp9dQHU+qOG4MRn++px0Vk9dIuwivC8E4GorLP5Q3t6ce/rXxsCKEtnjMY9r32N3115luk8UOUwWDXnPDhtPOIyhZ0noBSWNtXj4BCMtjipOS4OzWEZR5oi2vxRjeqtm1+BUEzCK1u+w+gBhbq27rz0LNO5+ssLx4HnoC1kChyBw8YhKsp45+sjuLisly5VddLw3uiZ49QcNpedR0SUseuoHy99dtDwDPdeNRw2nrN07rLXv2y1HnhW/bW9U09VvcODhJCeAMZCiSx+Tik92p7XOlmoDcZw8wuVeO7G8yBKMLAoLXyhUkuBM0unzHMpoXSzfTFJhtcpIN9jQ60/hh89rRfPJgDqAjGcUeLRnT+qbx5uGD9Qd/xD146Ay87DxnOY8qePdNf6zRVlmsP19Ad78fP/OhM9cx1ojsQRl6hlzViNP4qZz3wGAHj39gtx43OfYe1Pzjcwq85dtQX3X3MO6gMxXY1h8jtQ/45LMnJcdvxq/XZd6uDLW6oxe/wAzdlOTlutDUTx1PRREOMyVn64z/DhWTl7DF6adz6qG8K6D9vK2WOQ58o4UDLKRXQ1ZKLBtmI/Wze/AvAoH5tv64KWUiXxuIxdNX5DNGtoiSLqWhuMYU4iwqxCc9TsAmKSrKW1JOO3Vyg1irJM0RQSDfdf6FZ+j1jcosYxrpyfjXRETJLxs798aXh3798xUdufro5SohRhUUZDsMWZzffYkONUrpGNvMVlT3xsef2oKGH2c5WG/R/eeZH2d2MobviNevgMp3QJ2HhiSleeLGnCwMDAwHDiKPTYsXruWIMo+4qZ5QCAPJcd9cEYbnzuc50NDcUkyJTishG9dY5UdYOiG/jKwnGo84d1NnvZjNG6tEz1+EVrt2Lx5DIU+5zaHDa5rRd/oszlbnzuc12QYf2CClOJCkKAb44EtOuoEcXkbCC1rnJbVSPiMkUgGseKDw8AHx7QvZ+7LzvL0u43BiUtZbY034WVs8bA4+Bx78aduHfjTt05F5/VU0sXVcn3gtE43HbedO7zmytkTEssTKfOt9TzM0nHZXvciaBDCkAIIT8B8BmAawBcC+BTQsjcjrhWR0OddNoFDhxR9AaTRaGLvQ4UeuyW8hiNYVHTkkndp0KmMDhfi9ZuxeEmZbLfEBIxqaxEO37hxMEGRqg7XvkSDUFRq4FSMXFYD+yrDWpsjrX+GBasqcS3NUFUN4Tx0xe3oj4Ys7x39W+VJbLWHzUdSD1znWnfQXI739WHtPoulb3qsnN6GSQRkqU1GoIiblu/HVPL+xqefd7qLeA5zvBBMpPXMEMmuYiuhkw02NbsZ8rfmQRe64JRg2zKgjWVqAsqoq7qmEkdJ6qjZkUdrb7vTGL3mc53ChzuvapMGwt2Xvl3snQEzxEs+P4AvHPbBXj39gvxzm0XYMH3B2iEOZmuQSmw9L1vDQK8qi+aSd7CioZbrXG0FhfO7jfqarCiKxe7KDkPAwMDQ2cDxxF4nYJBlP3xTbuxvaoJB+qDiMUlPHLdSCycOBjLN+/F9U9/ijmrPkfvPBdsFqyacZka2nzy3T3omes0nQvkuWyWzOMUSjBk8eQyDO3pwzu3XYDxgwoBC4kKUBhYT1OlllQmftXGeh2CqX21lLsgRHMS1TbnrdliOU/gOaKx76u2uj4Y0wgiU49PJqdLteXZ2vqOnBO0N+upijsAjKKU1gMAIaQQwMc4SQQz7QlXQvNtX20QZ5R4DLWCD107Ar1ynXj6g71YMatcl7tdkuPA8x8dwIDvDzAlanAIBALHISyaRy/UKOWitVux9ifnY8cRP6obwij02E2PV6+rYlTfPHgdAu54pSVNVF1Zcdt5uKGwqC7fvBdPTR+FhqCotVHgseHe13dgUlkJfnNFGZojcayYVQ5Rkk2LcXmOYPnmvaYFvyqZzdIZo7Hyg33YUxMwFBmbyXMkRyNVxleryK0VFXK2WojZFgt3BWRyBJ2COTOW6khl0pW0irapTpOq8ZfaD9T27RyHP00fheMp/c2e0CjMJF3hsZsTn3g0sXqCUEKrKPn6yQX3HgeHyeeW6iNYM8vhcShtCBzBo9NGGtJiNEeOA359+TAIHA+JUvTOc+HMy4ch8QgZ5S0cAmdZaK+2/+cbynX1FXFZ0to/3bQ/M/3mDAwMDAxtB5WpabZLic9uiDSq88XaQBSSTC1J1DiLDBqruQBHiDW7OSH41Q+H6tpaMbM8rYRScvZQic9hetzQnj6snXc+nDYOjWHRQNT40LUjYBcInvjRKNz6lxbuj8euPxfEIiuQIzC146FYHNc//SlWzh6DHKegzbPvuarMMEdePrMcT7+/19C2Nt/K0tZ35JygoxzFaiiSGCr8AKo66Fodirgk445XvkSx14Gnpo8yjXSsmFmO+6eeg8ONUd3kdPnMctx80SAcqAvj0721eO7G83T1Nxed1RNuO4/6QMx0wKiRuOqGMAiAFTPL4bLzltS+oZiEnklSG7deMsSwSn/Xhi+xZMpw9Mx1gucIXlk4DqIkIy5R3b2vmFWOFbNGo8Yf0+oj1cnyMzeMwU3Pt4S3l84YDY9DwKPXnwtKKf4yX6EWphSwCRwe+9G5iMsUKzbvxfrKapTmuxARZd3grvVH074DdSVGjVqmHidYSDaczlqIVrCiwXbaEk4Qb874KfD6aJbRGCQYPy32C4n9UsoKnzpO1i8Yp5wvKIL2qWNFSHyNbBYGRGUkDcVkbPyi2jCeZo8fiHyP4siaXf8v8yu09kJRc4H3dfMrkO9WUiHz3DYd3Xee26alQjoEDnUBETe/oHc0cxMLGwJn3h95riWqWeSz46V5FZCoWmfc8hvaeQ4Cx6HqeEhXbK9FSS2c/a7a35k8BgMDA0PHQ7LIdnlxXgXueGWL6XzRLnC4/x/f4A9ThpvOHawyaNbNrzC1xS8vHAcesJyHpLa1IGGbrYIUySVLq+eONT1uf20QRV47PDYeeS4bXt9WjdVzx4LnFJLKhlAMXgePqKiX+ch1mcvHlea7QEHAEWjHc4Qgx2XTnNdH39mFe68ajtJ8RUv996/vwJ2XDsWam8aCgOBocyThuOqjfsm2PFtb35Fzgo5yFA8B+Dch5DUoNYpTAHxGCPklAFBK/18HXbfdoYp/K565eSTFYVMKaVNTJxe+UImX5lXAbeex4sMDSk50Eq47r5+WC/7A1BGG1RhVq6Y036WJot7/j29Q64+ZroYUeu3407vfag5Yodd8ZWVAkQcRMY6bnlfu97kbzzMM5gVrKvGX+RWGZ7pt/XY8dv25KSs4dhxriuhWVZJzwkvzXVgyZTjWV1ZjUlkJfn35WSAgCETjuP8fO1EbiGL13LFYPXesjoBFjWqW5rdIdTzzr32Gd7Vy9hiUeDuGFrgrwooiuShRrB6OmWsAPjV9FOABOGL+AVfn7JyFtISalinJ5uNEjQ6FYuZj5S/zK1DgURYXzFbpbEKLmP0FQ3voooHJ9X9W0alkraJMAu+xOMWcVVsMH92XE85uOGbtaMID8BbvkNfeIVDbFDOwppbmOxPPoBAPpEZFc5yKI5rnFEyjqnnOjvqkdywy9SkGBgYGhraDWmUcSbJpbX/fApcm8fA/V1jrC1vZfLPtYlwGb+NMtRcBmN6HkMZGJNvh+//xjUFGIzkyum5+BTgOmHxuqU57e9nMckREc7u/fn6FpT1f8IJiw0f1zcOvfjhUF1h5YOoI2Hmizce2VTXijle+NMyPX0zKGEydu2bLodGRXBsdNavYm/hPxWuJ/3c5qoXklQQrAc+9tUEM7ekzn5xSahkFU4VCqxvCePitXVgzdywawyJyXTbc/49vtE60bMZoNIdFHA+KuPPSYdhbG8SGymrcf8056JnrhEPgUd0QQlSUsb6yWhNKXzGr3PS6x5oj4AlJcijNU1mtJtOSTDX9uNJ8RSDVLHKpFiJXN4TRr8CNv90yARTArGeSBueM0eiR40SB2449tQFDVPOp6aOw+1gAv399B4p9dvz2ijI4BA7rF4wDpVTH7JSNKGl3QKZ3YRd4Uw1AdeUpKpkbg8d/PErZbyFG/3hCbN5hEdF02FpSS80Mgaw5khLWfHJQFzFc+cE+3HLxGQCs6//WJSKGVhHJ5OhUpghWpvTaTIQ5EYt39FjiHYVjsoEYa9HarZqjmSkqWhuMmUZVCycMQu88fQ1EV0CmPsXAwMDA0HZYRZ54npimidb6o9pclCN6/eBRffNw6yVDLO2pVXopxxGERRn3vr4DCycOhhs8YpLy78d+dK7pfVjZiMdSbMTbO2pw+6Sh+Mu8ChxqDKMxLGpOGaDY7n3Hgnjps4O6tp7ctBu/uaLM3LGVaUYH2Yw75K4NSiaVOh8Lx+L45qhfdz/VDWHwHLGcr2U7t+3IOXCHOIqU0t93RLunAoUuu7Zyv/KDfQYR7AemjsDzH+/H76482zJdb/nmvYYomCrWqZ6zraoRu2sCWLJxh0ZdfNP3BiUia4ojl+xEJa+QLJ5chiUbd2DJlOG6e99QWWW6svJqZTVmjeuvheufu/E8y1xxqxRX9e+Hrh1huWqk1heW5rvgsvNw2DgDy9XNiclxQ1g0FOIuWFOJVxeNx/A+uXhq+qiMHf90qjNsK9K9i0wrT06buSOppq7aec50vy2RFpkpoum286aGwJVYTXQIHD7eV68teKjt/3LSmQAUOQjzRZnEPwgMEXeVHU2F02YuaK8+o2X9RBJhTro6TIEjpu9IdUQzRTQz1+xR86iqUb62S8DqffHdcKGHgYGBoaNgZv9XzCyHjTcSAt7xype4/5pzNPvy7o4j2nw4Wd97/KBCgz1dNrMcTguhetUOWn3zrRZJzY7niN5GqHORmCTryG/UfQJH0CvXYVpTmc7uW9lz9Xgr/gxKqTYfq/XDVEbPLvBp567Zzm07ag7crjqKWqOEFAO4E8DZADS1ZErpxe1+sXZCOv2ZSCSO+nAMkkzhtvOIxmVNe40jQEyi+LLqOAYU5xhSwbwODrOeUdJLb71kCAYUucERgsONYWzeeQxXjOyjDS4zWt8/TR8Nmcr42UtGgXo1d/z5j/dj3vcHIddtw9xVW3QDsl+BG7uPBeC281rU49ZLhmhOJ6CsCqVOepfOGI1inx31AdEgXJ7jEhCXqEawEYnJuOWlbYb7W/uT8xUdSJ7AwXOgoBh/v1HY/v07JirphA9uNuz76K6LYBf4zhgl7NR6SZmQTm8nE82yKEo44o8YxOB7+Zya1mK69o82hXGtiQ7iKwvHoWeuCzXNERxtNorZ98xxoiTHiRp/BNcs/dhw/quLxqPE58yo0wgAdf4IZBgF3jkQFPmcONYUxr66oMHADSryoEeuC4cbQ5i2wqjVuH5BBXrnuVHnj+BISjr2shmj0SvXiSKfM6POopXg8fr5Feid0GFspe7gKR806fpsTXMEB+uDBvKg/oUelOQ4Tc9hOO3RqfusCqajyJCELjEvSLbPLruiVRiOSbjwoc2GY9+/YyIEjoAkbL0/ofdLAd3C/7TyUsy/cDBsPIHAEXgcHCQZOB4yCtXvPNyI8wYWYb+Jje2T7zKdC/771xdb2uSpyz/Rbeud74LXxuNwc1Q/J0/Y4LAo48crjfb11YXjsNfkGoOLPDjqj+rmJCtnj0Gx145DjWEcD4roW+Ay1RFP1uPuSAmLE8TJ11FMwloA6wBMBrAQwA0AajvoWh0Op1NAn5Tan3hcxjF/BNet+BTFXgcevHYEHDYO6+ZXIJ6YeP7z6yN4bftRLJkyHAOKPDjUEMIv123XOhEAzBw3AOvmV0CUqbLykCiMzXPbtBTUm743yHSlYmCRB/6IiKnlffG/f9+JJ6efq8v3zvfYcDwYg9PG6aIrA4r0DKPbqhrx4Ju78MJN56MhFEOBx44/vrEDb++owaSyEqyZOxYgwKGGMAgopq/8t27g8Sa544//6Fw0hGK45cVtOqd3UlmJTkOmNN+FnUf96OFzmK7kyBS4eulHnWVQnTZIt/KUKYWBEILmcNywgNA7h2TVvlWtbyyhgxgWJdzz2te6NI97XvtaS0PMFLHkCHDzxDPws5da+t6TPx6F5C7Dc8CRxphhYac0L/FBB0W+x4ZVc8bqWEflRMQumc46+RniEtXaz3Hrz7cJBKp6jdPOGRaF1BVYdX9qNsDypP12gcMVKbqDS5NYU7sa4rIMt0PQ16s4BMRl+VTfGgMDA8NphVSNv3mrt2Dx5DLTORgBcH2SZvfK2WPQK9eFI01h3bFq2dO6+RW4/eXtmrayTSBw2xRnVHUg8waXIM8pIOCL6775xT6HJRGcRClcKTWNLrvCOq7Ou1VSGjEuQ3DyyHEJBhts44FgzCJjBxTFPofhnjiOoF+BogUtUSUjqcjjwNHmMMQUIshk/e/UGsGuWiLVUY5iIaX0GULIzyml7wN4nxDyfgdd65RAEDj08Dm1ydydr3yJOy8dqkUJn3p3D2aPG4BHpvVQVmEiIu5+9T+mqan1wRgopfA4bKgPxRCTZPzhbzsAALdeMgS981ymA2fXMb+uVrDOH8MZJV7IlGJfbRB1/hjufvU/BuFUAiNram0gil3H/LDznDbBBpR87x1H/HjuxvMgSlQr3AWUgVUXiGHxa18ZrlHkdWhFveqxP31xK1bPHasr2lVTaB/70bmmKQpHmyK6Nuat3qJboWHoGKRz9GoCUVMymvULxmVVH5cprdNmkdoq8Kp0ROaPrZ0nuo+9PUW4PZSGjCbfA3Ag8IfjuG19i6P26LSRyHcpH/1MdZChmIwXPzmAa8f0AwgBpRQvfnJQY2aNZCDDiYgUfzOpQbxhwiAAirNtWePYBUEp8Pg/d2NqeV+tXuXxf+7GPVeefapvjYGBgeG0RLL2nlmJ1MrZY9A712Vqa61qHRvDolY6pM7VzJJCav1RPPjmTt03/8E3d2JJGmbVpe99qzt+6Xvf4p4rz4aNJ0qmHyjy3Xa88Ml+zB4/EDNW/ttwf+vmV1izmMoKGV/fArfmXEqyBEmmKPI5kWdI1iF91p5sAAAgAElEQVT4xbovdHZYTZN1pKkl7Grz145yFMXE/48QQq4AcBhAaQdd65RBEDgM6+HD+gXjEJdkOG08+he4EYzFsXjy2SBECc0Xex2m+inLZpaDUooSnwP764L4aVL0TXWg5qz6HH+7ZYJhAC+fWY4nNu0G0FIrqASRKf707re4enQf2HgO1Q1hbdCqMGtPrbX89eVnma60CDyHQcUewz5V3zD1Gu/efqFpO01hEYsnl2FYTx92JhX1ShbFwndfNszQRlfVijtdIFoQvcSl7KI/HAfT/qcqRxR77KaMnsUpK3NWH1tBIBpDqgqbwEEQWj7YmWoE4zLV0iDVfbet397iiGWog+Q4c2ZW9RnTEUUBCjOdGVPy7PEDszq/q8HGE/zs4iFGplu+c6+0MjAwMHRVJGvvbatqxMNvKXOws3r64LILmqNjZmvNah2T2fozzdVicQlv76jRZZgBwG9SmFVFSYbLzsPGE9xy8RBTXoHdxwIG/Ucr7cO4TNEn12XI2Fk6YzS+Ox5Eoc+pk6UqLXAhP8G3kQor/W6Z0i7nDKZDRzmK9xFCcgHcDuBJADkAftFB1zqlEAROF0Wp9UcxJxGmXze/QnOiNP2UuWPBcQQypQhFJXx9xI+ze+cYindV1tAlG3egLhDDE5v26CJ2oiRhanlf3PS9QSjxOfDL9ds16t8ZFf3RM8dhydJ6uCmC5Zv3YsmU4Rhc7EkIkVPc8cNhaAqZM7TuTkQbU/ep+oaGNAGLa9f4o1iycQfWLxinK+qVZGoaRVKJc5K3dVWtuNMFNgvNSjXilwmyDDz/8X7dosDzH+/XokeNkbgpo2fPC85AsS3zbx+ISPjzB/sx74JBOtbUn158Bgo9yjGZWE8zOWIyBZ751z7dMzzzr334XeIZZDk9M2s6ljggsyZSW3+DzgZRoti4/ZCpNiYDAwMDQ/sj1c5sq2rEko07ssraSs7sCYsS9tYEdGyemeZqVjbOLKNoUlkJfnfl2XjDwkaYzZ+tdBcFjhiCPALPwW3nEIza4XPxulTZYo8ddru5q2SZHUVOrwXOjppVXAeFKOcrSulFAH4A4OoOulanQqHHjhUzy7UQfGm+4kRuq2rEj1f+G7Oe/Qw7j/px0cPvw2nnsaGyypLhsNBjx7IZo9G3wKUNnNtf3g67wOEPf/tG+/fumgC2VTVqETueI1j4wlaEYvGENptyD2rkcfnmvagNRFHscyAal/DjlZ/i+w9uxpxVn8PrFLBy1hjdOQ9MVc55YtMe7dnUff0L3Vg5W3/8spnleGXLd3hg6ghDOxsqq7BiVjmK3Da8NK8C//zlhXjv9gtBCJQaseR2Es+evK27aiN2JpR4HVie8lstn1mOEm92K2guO485EwZiycYduP7pT7Fk4w7MmTBQYz2NxSV8dqAR++qCqPVHsa8uiM8ONGYdSbbxCmvqDx79ABc/8j5+8OgH+HhfvcbKCig1gIb+llQDqDpyyUh25Fx2zuIZlPMzOZo+l/n1fS7lfHW11qrvt/U36GxIjsBe/Mj7mLPqc1wwtIcWgWVgYGBgaF9ksjOZoEYbS/Nc6JnrRG0gmnU7VtdWNbGTt8+ZMBAOgcPEYXobMXFYD2uGcEoN899kZnM1yNOv0IPeeS7kuR3ok+9GjlP5f/9CD/rkuy2dRECZyzx0rX6em8zgfrqgo1hPt1FKR2Xa1pnQVhbJZBwPRrG9qglFXjtkCvz0RaMQvRr9U9/+j0wYDtfNr4DTxkGSKL4+4tcR3Ly9o0bXnqpz89yN5yEQFfGzl77A4sll2HqgXmNGBIBANI5clw2iRPH0+3uR7xYwc9xAyJTCxnMo8SqFu0ebIzjcGEZ9MIblm/dq7b9+ywRIMnT56gA0Bi1Jplj76QGMHlCI0nwXcpNC9k2J3PWtB+px5bmlurD/Q9eOwIAiN2QZWlFyc1hEjkuAw8ZDjMudrfC3S7CbdRTicRk1gai2GlfidUDIkkhFlikO1AdxsL4lvaN/oRsDCj3gOILjwSh2HfUbahSG9vShwJPZEYrHZew85jcQwQzr4dPu8XBDCG9/fQQXl/UCpRSEELy74wgmnd0LvfPdqA9GsK/GyMI5qMSDQo8z4zMcaghpBAAq1DHdJ98NWaaoC0YMrKtFHqeOfTYdM+2hxhCiScyzDoGgT57banyc8kGTrs9mw1TL0O3QqfusCsZ6ypCELjcvSGdnWtNGOnvY2msr9jGKiCiDJ0rkzsYTNIREVCUxqPYtcMFt480ZwheMQ1iMg1Ki2UhClBrGbOYRHfncnQinlPWUI4TkU0obAIAQUtCB1+p0yHPZ0TPXiXmrt6DY68DD141EjxwnDtQFNSdRZY4CgMZwDCtmlWvi9KX5LqycpexXB03PkKi1d+slQ/Dry8vAEeCPb+zQnLhlM8vx0Fs7UeuP4dFpI7Hyw324YfxAXZ3Uytlj0CfXhePhGG65ZAh4oqyK5Ln0H4eeOU40hUWtUFc9N/U4FYpGTFRjKEWitkodsNNWtMghrJhVbiBDueOVLzUdyDmrPtfaLc1XCqktKP8ZThFSU65bA44jGFDogc9pMzVOcZma6ii9umh81veWmlaS6si6HBxGDyjE9JUtbG5LZ4yGy6Eck+9yoNCrZ2Qr9DqQ73Jk9Qwuu7lOoxpx5DjFKUxnoNPVYdYHY/ixSaF+VyV64jmCed8fZHDMmY4iAwMDQ8ehPchV6oMxzH72s1bbI6trcxxBiU9hwFHnlesXVJiS39xz5dkG/g81Mvldg4TvjuuduDxX+2WkZZoHnC7oKOftEQAfE0JeAUABTAPwxw66VqeDGStjvssGr0MwFY4v8DiQ57JbsjimtkcIAU8Ugo77rj4H91ypRNvynALuvWq4Rqxz33+fA0op1i8YB0qprl11ELbmGTINgOTCaBXVDWED+YmVMKnbJFzPyGtOT6QzTqKFfIYYz14qIZMjG4rKeOGTg7p6h5Uf7MPP/2sI8t3ZGYB0z+CPSKbt33LxGSjwZD4/E6zGWlcdK2FRwv/+faeu5vN//74TjyUkURgYGBgYOic60h6pbcckakF+U4ahPX14ddF4Q+bZyXDiuiKLaWvRIY4ipXQ1IWQLgIuhhDavoZTu6IhrdVaYdZ5k0c3USEIyRElGrT8CjuO0jp1tZ0w3OW5tikFrB0C64uTk7WrtZupxqcQ16nZGXtO9kInIJRuoqbGiJGsp1ckRRbvAozEcw766oOaYNIZjumu0xQDYeM60/fYim2mPd9SZIHDEXBLlNFuZZWBgYDjd0JH2SG2bI9YEdFappN3BiTsZ6LB00IRj2K2cw2RHzCZwEDiCcEzvDNYFowhFJeyvC+KJTXtQG4hi9dyxiMZlHc3w8pnlyHEJONQYN607yuT0pe7Pd9mwpzZgEClPFq9PPkeNWiY7q+nabgiLiMUlvPiT83HfGzu0Gsrk4mT12hsqqwzUxA9dOwI9EmI76seAkdd0T5jRbremH8TjMg43hxFL1O+JkoTDzWH0znFpzmK+y4ZbLznTUMdoRYPdWhR77KbtF7dTXy702LF67lhDbURXHSuFLjuem3MeqpPqT0oLXChsxzQhBgYGBob2R1ttdjZt1zWHTGWz2ttGtEfN5umGDiGz6YpoKzmILFPsOubXDZSHrh2BB9/cZekMqkQ0t14yBItf+8qwUrJkynAUeu3oV6AwMqW7VrLTZ7Z/xaxyPP7P3bqwfXIOudk5qrbibT8YmrZtVdNRdQ5XzCpHkceuczLNnMvj4ZhWrKzWSQLoKoO0yxWtdyW05WNdH4zgUEPEUB/YJ9+JQo+yGFHjj+CapR8bxtyri8ZnTMvOBseaIpi63Nj+hoXj0SO37e1n+gaY4JQPonR9tqY5goP1RvKg/oUelJipNTN0B3TqPquCkdkwJKHbzgs60sGSZYqjzRHca0J4du9Vw0+YL8HsOq20q10dWT1UpyIfJ4Q8SwipIYR8lbStgBDyDiFkT+L/+YnthBDyBCHkW0LIl4SQ0Unn3JA4fg8h5IaTce/1wZjWuYAWAo6FEwejuiGMg/Uhw/67Nij7VdH6ZKg1e4vWbkUwKmW81rzVW1AfjFnuX7CmElPL+xquoeaQm51z14YvMbW8b8a2F77Q0rZ6LY7jUOxz6Oosi30K7XCxT0kDLPE50a/AjT75bhR4HLoUW/W403RwMmRAW/pBJCZrTiKg9MlFa7ciEmupcYyI5jUVETH7Osi092BRsxFtpxrCTN+AroaYJGtOIqA8z23rtyMmtc/vwcDAwMDQcejIuRvHEYiSjLd31GDBmkpc//SnWLCmEm/vqIHYjjbidLOr7YVO5SgCWAXg0pRtdwPYRCkdAmBT4t8AcBmAIYn/5gNYBmgMq/cAOB/AWAD3qM5lR8KqmDcvkcqW5zYncMlz2TTR+mSoOozVDWHEZX3UN1PhsNX+1DSA5BzydPefTdt5SSl7XZlUgyE7yDJFrT+KQw0h1PqjkOXOk5lgpWGYPI54YqGTmGTb2vKMqhBvavvtZTxPNzIbSy2sTtSvGBgYGBhODaxsansyY59udrW90KkcRUrpBwCOp2yeAuD5xN/PA/jvpO2rqYJPAeQRQnoB+CGAdyilxxPyHO/A6Hy2O9SC22Sozt6ovnnIddlM96u1RakCo6rIvToQkiepVtdSnT6r/SU+h6Wwarr7z6btxrBoei8Mpx/U9Iyrl36ECQ+8h6uXfoRdx/ydxlkULAxKMjFKJqHctj6jjSOm7dvayahl+gZ0NdgsfrP2el8MDAwMDF0Xdgubam9HG3G62dX2QqdyFC3Qg1J6BAAS/y9JbO8DoCrpuOrENqvtHQq14Da1Ey/fvBe3XjIE9//jGzwwVd/Jl88sx8i+uRhQ6MHQHj68evN4vPeriVgyZbimt7h0xmis+Xi/LvRtdq1kp89qf+9cpSbxo7suwl8XTdDlXZud88DUEdhQWZWx7eUzy7Ghssr0XhhOP3T29Ixijx3LZpbr+uiyFCKZPJcdPXKcWDJlONbNr8CSKcPRI8epq5NtyzPmOW0o8jl07Rf5HMhztg9ZTqZvQFdDrovD8pTfbPnMcuS6uoKJYmBgYGDoSHgcSmprsk0t9jngcbSfo3i62dX2QqcjsyGEDACwkVI6PPHvRkppXtL+BkppPiHkDQD/Ryn9V2L7JgB3QpHkcFBK70tsXwwgRCl9xORa86GkraJfv37lBw8ebNO9W7GeSpTiggc3Y1TfPCycOFgrxD23NBfFPkV0W5ZlSBQghEKWlfQ5nhA0RUT89q9f4anpo3Si81aFw+p2tb1U/cR09+yy84jLFGJcPmHW005OQNOeOOkP2N799URxqCGECQ+8Z9j+0V0X6fpoW9DWwvhYLI7aYAxxmULgCIo9dtjtepJnUZRQE4hqx5R4HbDZlJXDbJ4x3fkAEI3GURdquYcitx0OR/sRTbfyHZ2SAZltnz1YH0Sui0cwKmvvy+Pg0ByW0K/QczJvmaHzoFP3WRWMzIYhCd12XtDeSLVvoiRB8VeIZiMAirgM+JyCNndt6xxUldaKSzIEE2mt0wxZvaQOk8doRxwjhPSilB5JpJaqtJ3VAJLZWUoBHE5sn5iyfbNZw5TSpwE8DShsUW29UVPNFg9Q64+iNN+FbVWNmk5Yab4Lr98yAbuO+fHoO7tww/iBuGvDlyj2OnDnpUNxxytf6tj/XCli9GbXsmZsMq+NOlGGp3QakQwdh/buryeKjtbwaw/mMbtdQB+79ectHpexqyZgkK8Y1sMHQeAyPqMoSthZEzBQdQ8r8WrOosMhoE87Ooap6AoaUdn22Xw3j4PHo4b32b+gcz8fw+mHzvKdZWDIBqdjf7Vi7rfxBHNXtWxbOmM0euY4sOuoXzdnPlGmUlmmGWXkuiO6gpv8OgCVufQGAK8lbZ+dYD+tANCUSE19C8AkQkh+gsRmUmLbKYNVODsuU8xbvQVTy/virg1KJ184cbDW4YEW9r9UQhsztDZd7mSlEFqRgnRmQhQGa3R0ekZ79MtMfasmENWcRPUaC1+oRE0gCiDzM9YEWpwa9fybk85naB38Edn0ffojjPWUgYGBoTvBirn/UEPEwGYejVPDnPlE57GdvazmVKFTRRQJIS9BiQYWEUKqobCX3g9gPSHkJgDfAbgucfjfAVwO4FsAIQBzAIBSepwQsgTA54nj/kApTSXIOangOIKhPXz466IJujSxI01hHbMoAN3fKqobwhDjmSdMrWVsOhkMT1bRoSHFXrZy00Vh1Z87C6NnNhHJuCSbM6MmqLYzPWM2zKoM2YO9TwYGBgYGwHoO4E7JrKtuCEOm5rbjROaxjPXUHJ0qokgp/TGltBel1EYpLaWUPkMpraeUXkIpHZL4//HEsZRS+lNK6WBK6TmU0i1J7TxLKT0j8d9zp+6JWmCmMaOmt6nMogB0f6vINq2vtYxNJ4PhyWqFpiYQZSs3XRgdqZnU1n6ZzapgNlTb6Z4xG2ZVhuzB3icDAwMDAwAQC/mqUEwybLM69kTmsYz11BydylHsblDT2zZUVmmMqMs37zVQAGeb1tfalMCTwfBktUJjFdHp7is3DG3vl9msCgocMbAQPzB1RNaOSYnXYcqsWuJlNXUnAq+DM32fXgczUQwMDAzdCTyBwT4/dv25KC1w6bYtnTEar22tPuE5cyoY66k5OlXqaXeDmt72x6tHQJZlrF8wDpRS2HgO6+dXIE4Bp41DkSe7iE1rUwI7OoUQsCY+EXiuQwlRGLou2tovsyHb4TgOz3+8H4snl2ksxM9/vB9/vHpEVtew2XgMK/Fi3fwKS9ZThuwRjFE0BMK697m3phmFHjty24dIl4GBgYGhC8DMPj/9wV789KIz8NyN54HnCBwCB4+DxzXlpXDZeby6aHybWU9Pxpy4K4I5iqcQqfS/xW3skK2hy089tleuOTNqW64BtKzQpNaLlXgdptu7+8oNQ9tR6LFj9dyxOFgfgtvOIxST0L/QretbhR47bvvB0Db1P5uNTysH0laJj+6EEq8DhOQgLgEUgEyBIT1zUOxhEVoGBgaG7gQz+/zQtSOw9tPvcNk5vTCwyAMbz0EtYZdkmAZUmA1uHzBH8QTRlg4oyxR1wShCUQn764J4YtMe1AairSJzEUUJx0MxiDKFnFiB5zmCYEwCBUBBcaRJ+due0HQU44q2okyVc+57Ywfe3lGjTJJnjcHQnumvnUoSMqmsBL+9ogx8ot7S7B2kW6FhKzenL1QtIlGSYWulFlFb5TFkmcJl53BGiRcSVfRIBV7Zrp7PcQSDC926CFbqQk2mMZ5uvyxTHGoMIRqn4AgQFmVExDj65LlZHzeBLJuTdSnbWfopAwMDQ3dCodeOF+edD54QOG2KDfjZJWcgGqeQKUVzJA67QPDzl74wnT/LMsWB+qBuwbhvgQs+h2CqD251Tv9CNwYUerq13WaO4gmgLRNZs3MfmDoCD7+1C/NWb8FfF03IqI0mihIONIRQ54/qtGOWzhiNp97dg1p/zFSL0SZwuOXFbbrr1vpj2FbViHlrtuDVm8ejJMdped1kkpBRffNww/iBmP7nf2d8B1Z6b11BB46h9YjHZew85rfUKMwEKzKabMYGAARiMdQFRIMmn8vGIU9Q+rcoSthVG7TUQcw0xjPtb4pE0RASsWjtVt349DqjyHdbj7HuilA8bvmb2dPoYTIwMDAwnD4ws63LZ5ajZ47D1KaunF2OMX/cZJgjNIZjONYcweLXvtJFJWsT82az+arVOXluGwq6cXYLW6o9AbRFa8Xs3Ls2fImFEwdnTeZSE4ii+njYoB2zaO1WTC3va6nF2BAUTa+r/jsipr92MknIwomDNe3H1r4DhtMbmTQKM6GtFNXBqLkmXzDaErXKpIOYaYxn2h+KyppBU/cvWrsVoSjTBTRDNr8ZAwMDA8PpDTPbuvCFSkTj5jY1mpCOS50jhGOSYR58xytfomeO03K+anVOONa9SRaZo3gCaMtE1urcPJctazKXuEzhtvOW7VhpMZpp0OS5bAAUso9M0dBk6mCrazDWUgYxg0ZhJrSVojobTb5Mx2Qa45n2M13A1oG9LwYGBgYGS6b8DDYidY4gWegrSpRqf6fOV63PadszdXUwR/EE0JaJrNW5oZiUNZmGwBGEYpJpO41h0VKL0UyDRj32oWtHwM6n7w7J1MFt0XtkOL1hSzDaJkNlus0GbaWozkaTL9MxmcZ4pv1MF7B1YO+LgYGBgcHKtqazEWZzBKfNvJ2jTRHt79T5qtU5ao1kd0X3fvoTRFsmsmbnrphZjpF9c7Mm6yjxOlBa4DJoxyydMRobKqtMtRgfnTYS+R6b4fjeuU4smTIcxT4HCtzp7z+ZgObc0lysmFV+Qu+A4fRGideB5SmaeMtboTGY3M8+uusi/HXRhKzHBgAUuuymmnyFrpa+mUkHMdMYz7Sf6Sy2Dtn8ZgwMDAwMpzfMbOvymeVw2ompjchzcaZzhCKPw9DOo9NG4pG3d1vOV83OWTl7DIq6cX0iABBKu3lMNYExY8bQLVu2ZH18W1lP20rZa8Z6ahc4xCSKuCzDnqAOppTClsJ6qmo1AkBElCC0kpWys7yDU4xTerOt7a8nGyrraVyST7h/tQWRSBz14ZjGaFrossPp1JOiiKKk3KOFDmJbWE+zaf8k45QPrkx9NpvfjKFbodP3WQAYcPcbrWrzwP1XtOWWGDo3Trt5wamYq6VeM99lQ0NYhNtG0RiWs7YRye2o8+BwLP1znAZz09YgqwdjVvgE0RbGzvZg+7TZePTIdWU+sANxos/RVvkDhs4PQeDQO+/U9E9ZptjfEMrYvzLpIGbq35n2Z2qfoQXZ/mYMDAwMDCcHp2quZmZb1X97WkEabmqjPSdwTjcHSz1lOOloC2ssA0MmsP7V9cB+MwYGBobOBfZdZgBYRLHToSPSOc22A8hqW0esGrVV/oCBIR3aq3+1NQUl0/lqeq4oybCdgvTczoRYXML15aWYMroUMqXgCMFrW6vZN4GBgYHhFKE1tvRkpGxalXN0s3TRkw7mKHYitCXMb3XukGIv9tQGdNtXzx2LaFw2HOsQOMx+9rMOTzFQWa2SP0CMMZWhvWATONP+ZWuFE9bWlJtM58fjMnYe82t6k2rB/rAevm7pLHodHCae1QPTV36qvY9lM8vhdXS/d8HAwMDQGZDtXO1kpKiKooSdNQFNb1e1EUOLPdhbz8oWOhLMCncitCXMb3VuTSBq2H4waVAlH3uwPnRSUgzaKn/AwJAOAkcMrL8PXTuiVVILbU25yXR+TSCqOYnq/oUvVKImEM36Hk8nBKKyNgEAlPdx8wuVCESz095kYGBgYGhfZDtXOxkpqjWBqKmNqGXpsR0OFlHsRGhLypylSKmJ+Lnbzpse67bzhm0dkfqVLH/AUgUY2hvhmIQH39yFxZPLkOeyoTEs4sE3d+Gp6aMyFrKraGv6aqbzRZNxqY7X7ohMYsoMDAwMDCcX2c7VTkY5UTobwUqZOhbMUexEsArz2wQONf6IImVBCASegyjJcNl5xGUKMS6DEGJ6rsAb0/BCMcn02FBMP7A6Mh2UMUsxdBTsAo/aQBQL1lRq28z6croawbamR2c632YyLtXx2h2hiiYb3gdbPGJgYGA4ZchmrnYyyonS2QhWytSx6J6zklMEWaao9UdxqCGEWn8UcspquVWYPxCJ45qlH+OCBzdj2tOfYm9tAI//cw92HfXjmqUfY8ID7+H5j/YZxEiXzyxHsUmb/QvdptfpX+hm6aAMJwWZxkJbkE26jFojOG3FJ7jwoc2YtuIT7DzmRzwuZ91GOuQ5BXNx4ITmU7HHXGC+uJuOt0KX+fsodHXP98HAwMDQVXAyyonS2YjlJnPffJet3a7d3UEoZak9QMcLmGdb7JvK3sRzwFVPfWRYLXnuxvMwZ9Xn2vYVs8qxobIKU8v7aul2Gyqr8MerR6DQY+9UrKenCU47Yd2ThZNR+J6JBe1wYxjTVnxiGFfrF4zT9B/bwqR2uDGMe1//yjAe771qOHrnuVDrj+LPH3yLa8f0A88RSDLFK1u+w08uOKOjIu2nfCCn67OHGkL4/d++Nryve648m2lRdl906j6rYsDdb7SqzQP3X9GWW2Lo3Oi284KOZh5NZyPMtv/x6hEsay0zsvqBWOrpSYJVse9fF03QdebUMP+hhpBp/jXPEd32PJcNb++owds7anTH3nOlZJk6kO02Bob2RLZjoS3IlC6TTY1gW9KjRUk2HY+/vUJpPxaXsOLDA1jx4QHd/tnjB57Q9bo64jI1fV+/uaLsFN0RAwMDA0O26OhyonQ2wmruy9A+YKmnJwknWuyr5n4nozTfBUmmuu2NYdH0OJanzdDZ0Bl0NNUawWS0Z41gpvatxnV3Ha9qnUkyWI0iAwMDAwOQ3kYwW9qxOG0dRULIpYSQXYSQbwkhd5/q+znRiaFZ7vdD147Ayg/26SQANlRWGfK0WY0hQ2dEZ3CSSrwO07qGEm/7rIhmap9JxOjhtnNYOmO07n0snTEabvtpa6IYGBgYGLJEOhvBbGnH4rSsUSSE8AB2A/gBgGoAnwP4MaV0h9U56XK7I5E46sMxuO0cYnEKUaaQZAobz0HgAEoBUaaQZQqeIyAEEAhRGEllCoEjyHNxaAzLiCf+7RA4jW0xGpchJc618QSiRCFRCgfPQUpqwyFwIASIiC3tcASQKGBLXFeUlHuzCxxkmSJOKXii7JMTxzltBIGo/l5S23UIHAgH8AQIRlvuz2njEJda3oFd4OAUiO692HkOPEcAQiH+f/bePU6K6sz//5y6dVf3DMyFGURmACUIQYOBRmNgY4hkXZOQdc2gGBkvmKBI1Gw2IWZ/u3yTXTevX5SYZDXhmlWjoImBzbqru8Z8NcSsipGBSBIi4gWZAWVuPTDTXd11O98/qqumqruqq4cZmO7hvF8vXkzXudQ5p5566jlV5zyPTqHnjrnSiTYAACAASURBVHEEyOgmBI5gnMwhlaXI6qbV71z7DRPgCJy+uNuTUg0IHEG1zKE/N5ZRgYNJAd00weX6SSkQFTmAAFnVhJZru8Rz0E0TPCEwKQBCYZrWkgZZ5KEbpjPW9bKEaLToyuyy3otgy6we0J/RTDdNCkXNeu6HGpmDLEWcPQ2nun2jPQanq48uRv3TXDGZDZKJPsWELHFQVOu4yHMQCKDk9Eg8wuFExgBPrPwZ3arPrctqZA66CQgcCupPawTVIu+MY0zioenBekBVdXSlBse8IS5BkrxjrmkGOgeyTp7GqghEkb3dBsaWzNqwPYoMF2VvF2RMHemspeOqo7xjoxFi2U1BulYUCHQDGB8lGMh6bUCJJ4gKhfo1pVq2nG3jihzBeJctPCHOo08xHbvXLitLOTvTdSwmcZD4wnP0pAxE8+w3+9nBcXBsPLuOExnLjoxKHDLqYF3VMgfDQME5xsscTigm4lEOAxnvuQeyFBxHnP7JAgcTVn/zbd4amUN3ynD67K4H8J6zWuaQTBkQeQ4EFFGRQ9rVVrtf42QelFL0Zwav2fgo8dQ1Ejp2rO5RvBjAm5TStwGAEPJTAFcCCJwoBpHJ6DjYk8KhrhOYdXYNuvuzWLN9n+OE46Gb5qMvreErT7zmHPvhdXOh6abn2IbWBB547g08u7/T+r18HsbJAroGVKzetgcdSQWXz27E7ZfNwOpte9BQFcHXr5jpOdfG1gQiIocVD73qHLunZQ5+8tI7WLHwHNRXSfjuLw+gq18tKGvn++rl50EdgBO41GlLTMTyLa84x9Yvn4cJ1RJ6BzQnMHhTrYyHVlyEvpTq6ZvfsR9dNw+yxOHmhwcdlqxbOgf3PnMAXQNZbGhN4Knfd2DTbw85afVVEnbsbsfnEk1QdYrbcuNit2fry+/ipbd7sKE1gbZ3uvHka+8H9vNrfzUTmkFx66NtnvOPk0Xohokf/fpN3LjgHNy1Y5/vWG9oTWBGfTxssliW2DLrucau/ox2uqoaeLsn65MunJbzV8IYjUQfK4kgmTi3PlJwPF+P/PlIH+7/9Vt4eMVFkAQOfWnN0anF6rGP2+MYpgdUVceBrsIxn9kQdyaLmmbg9c6BgjyzGqvO+MniWJNZBqOSyGR0nNA0dJ5QsWprG5YlmnDFnEnoS6nY8tu38fefnoWelBaoa9cvnwdd15GKRQrs4MdXfgRHj+u++nXfkYECOzYmAhFRwNs9WTz1+w585sLJHp299YsXo1/RPTbgwysuQkYzPfao3zkun92IOxafhweee8Ox8dz5d/75GP5w9DjuWHxeSc+bDa0J1MgcDvdqBccnjpPwZqd1br/nR/6zKqj+cbLgsb83tCaQyqj42vY/4JGbL0J33nWx7dwvf/I8SMLgnGDv/1kcYFsNT8eO1XU9kwG0u3535I4NmR5FxW1b2zB3aj06ehVHCABrX1VHMuNMkOxjyZRWcOy2rW1oSTQP/t62BxzhnJsDAFoSzc7vVYumF5xr1dY2dPQqnmN37diHlkQz1mzfhyPJDFoSzb5l7Xw8xztC5G6LplPPsdXb9sAw4NyUTn97lYK++R370mN7cCSZ8Rxbs30fVi2a7ozH0vlTPGlHkpmcF0jeURDu9qy89Fyn7GWzJxXt55Fkxpkkus/ReSKL3pSGlkSzo0D86rltaxt6FPVkRGbUsWU2qD9neno5tOF09LGSCOpPn2IWHM/XIwtmNKAjqaC9V4GqU49OLVZP/vEwPdCV8m9jV2pwzDsHsr55Ogeyp2EUy5uxJrMMRiXRo6hQderYdFfOa3Jst5ZEMwQf29Cta1dv24OJ42O+dnBWp4H61c+OjYgiAOLYgfk6WzdQYAO29yoF9qjfOVoSzY69bdt47vxXzmty8pT6nOCIj928tQ2qTp1z+z0/8p9VQfXn29+3bW1Dc10cHUkFJiUFZWw799ZHvXOCdNa//uHq2LH6Gs/vc2rBGltCyC0AbgGAKVOm+Fakm9YFNHLLkuwLYFPqsY6kghpXXJeOpAKDUk++Gll0frv/dpeJSXzBMTtvTOIRA+8c98vHEf+0fJ8Rfu0ban+D2mr/zbtOaue3j/nV506jlAaOkfscQW2KgQ8da30EY/uNBKXIKzAos27c/TnT08uhDaejj+XASMhs2D1u5Pock/hA/VZK/WF6YCTk6kymUsamVJllMMqBoehYYFA/mnTQpq2RRV97L1/X2svz8/OdjN61/8734B9UX5CdmX8OW48H6fNituNQn0NGCc+P/PEr1f62xyhobN12v82p0rFj9YtiB4Bm1+8mAEfzM1FKN1NK51NK5zc0NPhWZHtU4jmCtGoUOOEo9VhTrYw+RfP85onXW5Pbc2mQF9O0ahQcs/OmVQN9ihZYtk/RYFL4puXLkV/7htrfoLbafxuuk9r5DZMGttHO31QrgxBStJ/F2mSPU9hYl5vHxVLkFQj3IHmmp5dDG05HH8uBkZDZYrrU1s2ApYeCdEcp9YfpgZGQqzOZShmbUmWWwSgHhqJjedc9yJFBm7ZP0XztvXxdKwTYwSejd+20fA/+QfUF2XT557D1eJA+L2Y7DvU5xJfw/Mgfv1Ltb1svBo2t2+63OVU6dqxOFF8FMIMQcg4hRAJwLYD/PJmK6mUJG1oT2PtuD5rqZI+n0aZaGU21UXz/mgs9x2rjYsGxDa0J7GhrH/y9fB5Manq8OO1oa3d+b9z5VsG5NrYm0FQne47d0zIHO9rasW7pHEyujVreT33K2vkM08CGPG+MG5bPgygQz7H1y+eB51HgubGpTi7om9+xH103D5Nro55j65bOwcadbznjsX33YU/a5Nootu8+bLXRx7vVlhfedso+v/+9ov2cXBvFpusTBedvHBdBXVzEjrZ23NMyJ3CsN7QmUC9XptcsW2aD+nOmp5dDG05HHyuJoP7UyFzB8Xw98tLBLjTVymiukyEJpMAzXlA9+cfD9EBD3L+NDS7veo1VEd88I+VNt5IZazLLYFQS9bIESSCOTffkng7HdtvR1g7dxzZ069r1y+fh2PG0rx0cEUigfvWzY7OaBoA6dmC+zhZ4FNiAzXVygT3qd44dbe2OvW3beO78T+7pcPKU+pwwqY/d3JqAJBDn3H7Pj/xnVVD9+fb3htYE2ntTaKqVwRFaUMa2czdd750TxCL+9Q9Xx45Jr6cAQAj5NIAfAOABPEgp/Xax/EP1emqaFEK+19Och1GOAHwpXk9NEyJ3cl5P7fycn9dTankZNU3rb24kvJ7m+haVOOiuMRDzvJ6aOc9LpXo9VXUTHJfzesoBhjFyXk8JgePViuOCvZ4aJi3wmsW8no7t9HJoA/N66iW/P6V6Pe3PGOCY19OKYKzJLMC8njI8lL1dEOT1lCNAZIheT20bsNy9ntr2stvrqf1csdNG0uupqlsRDdw2r93W+hK9nvalDAh5Xk8du/80ez0dsxPFoVLKA4HBcFHWDwQGI4+KMLoZDBcVIbNsoshwwewCRiVRkryO1aWnDAaDwWAwGAwGg8E4Scaq11MGg8FgMBgMRgjsqyiDwQiCfVFkMBgMBoPBYDAYDIYH9kWRwWAwGAwGY4ww1C+EDAaDEQSbKDIYDAaDwWAwSoItVWUwzhyY19MchJAuAO+egqonAOg+BfWONJXQznJqYzel9IrROrlLXstpTPwo9/YB5d/GkWjfqMorMCQdW+7XY6Q50/oLlNbnSpHZsX79xnL/Rrpv5WIXFGMsX88gzsQ+A+H9Lkle2UTxFEMI2U0pnT/a7QijEtpZCW083ZT7mJR7+4Dyb2O5t2+kYf0d+4ylPo+lvvgxlvs3lvsWBOvzmcNI9Zs5s2EwGAwGg8FgMBgMhgc2UWQwGAwGg8FgMBgMhgc2UTz1bB7tBpRIJbSzEtp4uin3MSn39gHl38Zyb99Iw/o79hlLfR5LffFjLPdvLPctCNbnM4cR6Tfbo8hgMBgMBoPBYDAYDA/siyKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiWKOK664ggJg/9i/Uv+NKkxe2b8h/ht1mMyyf0P8N+owmWX/hvhvVGHyyv4N8V9JsIliju7u7tFuAoNRMkxeGZUGk1lGpcFkllFJMHllnArYRJHBYDAYDAaDwWAwGB7YRJHBYDAYDAaDwWAwGB7YRJHBYDAYDAaDwWAwGB4qYqJICHmQENJJCPmj61gdIeRXhJCDuf9rc8cJIeR+QsibhJB9hJB5o9dyBoPBYDAYDAaDwag8KmKiCOBhAFfkHfsGgOcopTMAPJf7DQCfAjAj9+8WABtOUxsZDAaDwWAwGAwGY0wgjHYDSoFS+gIhZFre4SsBLMr9/RMAOwHclTv+CKWUAthFCKkhhEyilL43Em0xTYqelApVNyAJPOrjEjiOFORJKlkoqgmOAJRa/wix/nGEwDQpdEpRHeGRVk2QXD6DUvCEgBDApIDIEadMVjehmxQCR1AV5ZDKUmiGifEyj1TWhMgT6AaFZlLwHIHIEZig4EGgm9ZxkefQEJeQVDQomuHkq4oQDGStPGauPCEAQCAQQKcUlAIcB5im1U6BEAg8B47A07aIYL1/4DjrvNSkIIRANQbHw6AUAsehsSoCQSh8X6HrJjoHstAMEyIfnG+kON3nq3QyGR09iupc83pZQjQ6qE7C7pOw8ppmoHMg66Q3VkUgivyI1V9KnrD0bFZHd3owfUJMQiRSevlTnV5p5PenRubQp5gwKAVHLD3FcwSqQUEpDdS/YbLDGD1KeX5WCmPt/gMGr09WN0AAxwYIex6y5yeDMXapZK020Z78UUrfI4Q05o5PBtDuyteRO1YwUSSE3ALrqyOmTJkSekLTpDhwrB8rH9mNjqSCploZj9x8MaoiAjK6AZ4QRCUOqm5CUU0omgGBIzjal0FM4pFWDUyqiaBf0fGVJ17DskQTFn1wIh547g3cuOAc3LVjn1PvPS1z8JOX3sGXPvEB1MREHFd0rN62x0nf0JrAU7/vwPSGKnxwcg2e+n0Hllw4Gbe58qxbOgdVEQEmpfjSY3vRkVRw+exG3LH4PNy2tc3J98Dn56KuSsLRpII12wvbcMdl56EmJmDry4dw6cyJnnZuap0HE8RT3/rl81ATE5HVDKz75QHccdkMmJRC0Uw0VEdwuCeN+587iK6BLDa2JjBrYrXnoaLrJl4/1o9Vrjr98o0Up/t8J8tQ5fVUkcnoONiT8lzzDa0JzKiPIxoVfO+TLTfMx8yJ1eA4Elpe0wy83jlQkD6rsQqiyA+7/lL6kMnoeLMnVSATH8ilZ7M63uguLH/ehDgiEaGk+k9lerlQqswG9ScuApd9738dvTJOFtD649/5XncAobLDGD3C7ttyoRSZrZT7Lwi/CTuAgutj2wB3Lj4v8HlYKc/PsUq52AWMsctYvIv9nji+gSUppZsppfMppfMbGhpCK+5JqY4SBYCGqgiOncjgcxtewqX37sSyzbvwdmcKA1kDNzz4O5xQNPSmVKx98o9YtnkX1j75R0g8j6888Ro6kgqunNeE27a2oSXR7Ey+AKAjqeCuHfvQkmhGb0qDZsCZJNrpt21tw9L5U7BgRoPz9215edZs34fuARW9Kc053pJodh5udr47Ht8LTafOJDG/Dbdta8ObnSksu3hqQTs7+9WC+lZv2wNVp+hIZtCSaEZGM5FWDXzt569h8X2/wdon/4iv/dVMNFRFsGprGzoHsp5x7hzIOg8du06/fCPF6T7fyTJUeT1V9CiF1/y2rW3oUVQrPe8+6UgqWPnIbvSk1JLKdw5kfdPt69GdyvrW353KllR/KXl6FdVXJnpz6d1p//Ld6dL6eKrTy4VSZTaoPxFRdH6v3rYHpmnpXfuYW66AcNlhjB5heqFcKEVmK+X+88OesF+1/kUsvOfXuGr9izhwrN9Xr9o2wKqtbegKuIcq5fk5VikXu4AxdqnkieIxQsgkAMj935k73gGg2ZWvCcDRkTihqhuOMgSAVYumF0yuvvLEa+joVdCRVHDWuGhBem9KdX6blKIjqaBGFj312nlrZBExiQdH4JvOcwSGSZ2//fLEJB4xafBNetC5gs5h549JvKftNjGJD6wvJvGokUVMqJJ8J6GrFk1HR1KBbpie8pph+taZn2+kON3nq3T0nMy56Ugq0E3rfUz+fWKnq7pRUvmw9IzmX39GM0sqX0oeLSBdK7GNo51eaZTSH1t/rlo03XPMlqtS62GMDmF6oZKoZDkLmrAH6VXbBtACnofs+clgjG0qeaL4nwBuzP19I4AnXcdvyHk/vQTA8ZHanygJPJpqZed3/qRrbnMN1i6Zjan1MWy6PgGeJ2ioimDT9Qn87JZLsOn6BDKa4dTBEYKmWhl9iuapF4BzPK0aMCl8043cXkL7b788adVAWh18EAedK+gcdv4+RUNPSi3Ik1aNwPrSqoE+RYNBgyehTbUyBN4rhiLP+daZn2+kON3nKwdMk6KrP4sjyTS6+rMw8wycYulCTubcNNXKEHLLxySBx+WzGz1yf/nsRkgCX1L5sHSe+KfzpLT2lXSOgHS+xDaOdnqlUUp/mmpl9KRU1Mii55gtV6XWwxgd8p+fQOH1qxQqWc6CJuxBetW2AYKWB5+Jz08G40yiIu5kQsjjAF4GMJMQ0kEI+QKA7wD4S0LIQQB/mfsNAP8N4G0AbwLYAmD1SLWjPi5hyw3zHaXoniTNba7B1/5qJu5+aj8uu+83uPup/Tih6Lj/8x+GxHP4zv+8jruf2o/qqIANrQk01cp4ck8HNrQmsKOtHfe0zHHqsvcG7GhrR11chMgD65fP86RvaE1g++7D+PPR487fG3P12nnWLZ2DCVUS6uKic3xHW7tzfjvfA5+fC1EgWLfUvw33tMzBxp1vYUdbO350nbcdjdVSQX3rl8+DyAMTqiTsaGuHyPs/gNKqgY2tCTTmlpLZNFZFCvril2+kON3nG22Clh7Zk8Gw9Hq58JpvaE2gXrb2udTKIu5cfB7ufmo/lm3ehbuf2o87F5+H2pyBH1a+sSrim25fD1niC2R13dI5kHNfzmtkzrd8jTyo7mIR/zyxiJVH4jnfc0g542dCzL8PE2JSSW2okfmAdL6kMQpLrzSCxiurac5vWx/ZL77s+7TWNXEMkx3G6JH//LT3KNr74yqJUnRMuRI0YZclvuD62PecpV/9+3amPT8ZjDMNYjkHZcyfP5/u3r07NJ97E7gs8Th2PIuVj+7G2iWzcfdT+z1v6ppqZef4PS1z8N1fHkDXQBY7Vn0UmkmhGxTjZcvrKZfzcmpQCgICgMIwgajIIWuYiPAEhokCr6cmpXj0pXewdP4UjIsKeKcnjQlVEgSOAyHAQFbHhLgEI+f11KQUv3n9GP7y/EnIaNZ5uwdUzJwUg5Ln9ZQCOHhswHE8s6k1gYZxEjTdqocP8HrKccD3nz2IPkXF33/6g4hLPLoGVNz6qHeze2N1BHUxqajXU90wIZxGr6dDON+ovjouVV796OrP4qr1LxbI6i9WL0RDdSQ0HSju8W+45YHinitNk+JQTwrv9qQdJ1FT62OYVh8HxxEcSaaR1TRERNEpb/+eXBsDYHks7c2o0A1rCThHCAQeqItankt13cSh3hTaexXnHM11MqbVxR25KOb1tKs/CwoDmj54z4oCQMCjoToC06QYULPoVwbvm2qZQ5UUcd7cj7DX01H/1FFMZo8m0xAEeMYrKhEoKsX7xzPoSanY0daOWz8+HapugiMEfYqGHW3t+PZVcxy5ApjX03JmiF5Py1Zmj/YpkCWCdHbw/o1FOCgqxdk1sk9N5UMxp0KAtQdcUQ1oBoWi6ugeUD361Y/T/bwuYyrWLmCckZQkr+XvnqvM4DjiMUpqZAn/vnoBFLX4+v67duzD2iWzceujbVA0E63/9oqjpNctnYN7nzmAhmoJX79iFtp7FUytj+Fg5wA27nwLe9v7nDpfvOsTjrE7XgaOJNPY9NtD2PTbQ/jZLZfg2s27Ctr8s1suwbK844tnT0JU5GBQa8nqgGLims27PH24fHYjvvnZ8/Gv1364ZOVvmhTdqSxuXzwDPLG+/tTIEiZURfGL1QtLdosuCNxpfeCe7vONJmF7hUrZSxSNCpgcMCkZbnkAEEXekfN8OI5gWn0c1VHRV550k+Ky7/1vQbnfrFnk/H1CNfDw/1ovWHiOQDVNbH/5ML546QfQEBEgCBym1cURk4RA4ycSETA54t+H+rgUYIzJTh+qpAiymgrk+lAlee+JsDEKS68kNJNiwbd3Fhx/Yc0iTKmPYdL4KC44+3zc/thejz4EgG9+1rvHrZjsMEaX/OdnpaIZJhb8886C424dU65wHMHMidWBz+PG6qgzoZdFDmeNl8vuec1gME4fY8PKGEU4jqCxOoqu/iyaauWCryh9irV0yr0nLxbhHSUtChwEjuCH180FIQTXbHoZHUkFm65P+H6hzN/PYS8j6Ugqzl6C/DLuPYr2sajIex7YR5LpAuP+2f2d+OZnz8eU+viQx8OPsWAgjAXcMmPjlq2w9OHWPxIUMzjt/UP553fvH1J1w3nB4uaGBecM1jMM4yfMGAvrw5lG0DXjXfqkqz9b4HmxUve4MSqbUnRMOROme5huYjAYNmyiOELY+y/yYxB995cHAAxO2LbcMB8T4pHCt3Nx72Rt4863cE/LnLyYhQnwnPXVzi7vPu/GnW/hR9fNRW9Kc5bLNY6LQDdM56EWtC/kdBj3jPLAT1bdMhGWPtz6TzUxydo/lB/jLObaY2M73GlJNKNGFp1ljEOR97BldMzYKp3qKIeHVlyEDtdS36Y6GdXRwWs22nLFYNiUIq8MBoMxFmB7FHOMxNput+FomBT/8vR+PLu/05nkTaqJokb2GpPuMoQQfOs//4hn91uRPuY21+CuT83CxHFRHOpOOXsF3UGK3fu1JlRZBpMdT7GpVsam6xOYXBOFalBouhm47HOkgiEPcQ9KJVPRexHCrtOpTj+V9KaySKs6KCXO/kNCKGKSgLq4NXHTNAMHOgcKgkTPLDEwe6UED3cx6o0qJrP9mSwO92Y8+5g3XZ/AlLooqqODk+0zSL8wylhmS5VXxhlHRdsFjDOOkuSVTRRzjPQNVopB42dsbmxN4P7n3nAmmI998SO47sevBDoG6ezP4HPrXyq6XNXtRGS4bQ4rX2HG83A4Yx8I5X6dS3FE816fgqtzy7xtmmpl/PzWj2JSCctNS3HYU2aM+oUpJrNHkmksy9sj3VQr42e3XML2G565lK3MMnllBHDG2gWMioQ5sxkt8j2j6iZFV38GJrU2wXMcgcgREA7Iaga2ffEjMEwKw6R48WAnvvXZ8/EPn5kNPpfvoZvmAyAYyOpIZXXwHEFa1XEkaX25tB9WjdURXyciimbl5TjANAHDpBAFDjwhUDQDYs5RRzEj3+4TAXU8nIouBx+mSfH+iQxEnuCxlZfAMKw823fnHITkGc/sy0Dl0pNS8f1fHcDaJbOdZZvf/9WBAu+TxbC95GmG6ZEjm+HIR1LRoOk6zptY5XgkPKFkkVQ0p31qQJBod1DpYm0oxWFPmFfSsDEI894ZVr6S0E2KhqqIR6Y27nwLuklxtE+BYZqQeA4GRdl7VmS6bexTTF4rgZFeEZKfv1YWkVQ0dg8wGGMANlEcYdxfWxqqIvj6FTPx0Ivv4At/cS6++vPXPJ5O66sk/M8fjmLRrImO19M7Fp/neB9tqpXx/WsuxPiYiJsfftVT9m9/+nt0DWSx7YsfQVOtjIaqCMbnnOXkv+U0TeBYfwZRkfMsS7W9rXYNZLGxNYGYxOOGB3/n6zL7wLF+/MeednzmwslY7arDXq73ZnfKSb/pocG2rl8+D1agDf8xKscvUozimKaJGxec49k/e0/LHJimGV4Y1gTn9WP9Bcs+Z02sdl46DEc+oiKFTjnnjb+9RzEqDsphROAC9uRyuT4Wb4MYUF7Mlc9kdBzsSRXsk5xRH0c0KoSOgaYZeL1zoKD8rNzS2LDylUZM4vH1K2ZizfZ9Hv0Uk3hctf4lR5e608uxv0y3nRkUk9dyJ0xGhyrDpayMYvcAg1G5lM8TdozQk1Idhblq0XSs2b4PLYlmZ5IIWF8e1mzfhyPJDJbOn4I12/dh1aLpaEk0O4ahne8rT7yGI8lMQdlVi6ajI6ng20/vx/rl83Dn4hn4zv/8Gfe0eIOEb2xN4LiiYiCrO5NEv3pWbW3Duz1pT/rKR3ajJ6U6fVo6f4ozSbTzrNrahs6BbGD66m17kNW9Ewj3GOWfi1H+GBTOJBGAE/7FKPFleudA1png2OVtOQKGLx8nFLPgPrptaxtOKINySACsW+q9V9YtneOswwhrg8AR3/K218MeRfVtQ4+iljQGnQNZ3/Lu9GLlKw1NNx2jGxjUT5puenRpufeX6bYzg2LyWu6EyehQZdgv/6qtbWhJNJdUnsFglDfsi+II416SZsdQtP9305G09k/xHHHy2Mf98uUfs/M/u78Ta5fMxrioiGf3d6KrX/Ush6mLi7hm0y7cd/WFvnW7z+t3HnspXUdScdqan0fPLX8NSjfyluOUsmyPUb5QSn2vX6n7nbWAZZ96btmnqhu+y7pKlY9SloVldBP3PuNdPnvvMwfwg2s/XFIbFNXwLf/D6+YCcTj3REEfc20IG4Phlq80tID+arn+BunQcusv021nBmHyWs6MRBzdUuqzbYuw/BYMdwAAIABJREFU8gwGo7xhE8URxi+uYbH4hoZJnTxxyT9ERf6jxx2fsalWxpG+DJpqZDTVytjb3odbH21z0h5feYmnLfl1u+vxi7dohwtoqpWdtubXYceUCkznvR+uWSiOyma410/k/Zdt2nIiByzrkktc1hUVON/yUdcSRYEj6BrIOveK04bcF8GwNkgC71veHoOwOGthYzDc8pVGWH+D9Fe59ZfptjODSo6jONJxdIPy27ZFWHkGg1HelNdTdgxgx/pqqpWxcedbWLd0Dna0teO+qy8sWKY2uTaK7bsPY93SOdi48y1EBB7rls7B5bMbsen6BLav+igeuflinDshVlB248630FQr476rL4QscuhNq1i/fJ4n3z0tc/D+8YzTlvxlqe56NrYmMLXeex47Rpndp+27DxecY2NrAo1VkdB006To6s/iSDINCopHbr7Y91yM8sct48DQr19jVQQbWxO+cgJYX9P8lnWV6iiCAr7l3aVjEufbBjvWYlgbwsagXpawIa/+Da0J1MtSSWPQWBXxLe9OL1a+0qiKcL79rYpwHl1a7v0d7r3BqAzsWK358uqO1VquhOquIcqwX/6NrQnsaGsvqTyDwShvWHiMHCPpVjjf66miGuhNqaiOCiCEgCMEAk/AEwAgoJQik9vb8KPn38TyS6biS4+5YiG2JlAbF3G0L4OMZiAi8JhQHUFE4MATQBQ4UFAoqoE/He33LJUDgLv/5gKs2tqGhqoI7lw8A1PrY1BUA3VVEjI5r6cTqyLgeS7Q01m+11PDpB7Pg8XSOY74bo6fOC4CRa1Yr2hntBvs4Xp2tD12+nmwPJJMY+E9vy4o8+JdnyjJ9Xx7bwofu3dnwfHffv0TaK6zyvemMuhNaQUhNOriIuri0ZLaEDYGpXo9DfLiWarX0xK9gI76zVVMZt/rSyOlGgAIOAJY83GKuMSDgsAwKSSeMK+nZxajPmhBMvteXxoDWR2EcI68UmqiKiJgUk35h8dgXk9PGWe0XcCoOFh4jNGC44gnTECXmfU4kgGst2xP3r4AhglkdRMCR0AAfOpDk5xJImB9ybh1axvuvvICrHj4VU/5/7x9IQwTzmRLFnlIeUuxugay6M9oeHjFxTBME7Ik5P7n0dWfxXhZzAUk98qLZpjo6s+A4zhHyZ9siIuu/qzv5vhfrF7IYk6NEqNtzAoCh7MD4hUOd/keRwhu/dg0LJ0/BTxnTTK27z4Md/cU1XS887rP8bNbLgHipbXB757I76N1X1EQQgomNcXGAACIc19S19+ll68kTIrA6zG5trL6GCYXjMrHpMCKh3f7648KIExGhyrDfvnZPcBgjA3YRPEkcRvaosBB4IgzYauVRfSmVSiaAZ4jkHgOj6y4GDc8NBh64kfXzcX7x609Th1JBZfPbsTaJbMxbULMd2P4uQ1xPPmlBchoJvoUDcdTWWQ0w/l619WfRVVUwNon/+jZUzW5VoZAiPVVQhJwuFcBAZBWDUyujeKEoqF7QIXeaCIq8FANqz4CihOajl+0dWD5JdMQEawYZhyBE/NREjiouonjGR2yaCKr6+A5DpJAkFFNZwIyXOckjJGlFPfnxSaSpklxqCeFd3vSzte4qfUxTKuPO3nCvoYVq78+LuHxlR9BVqfO2/qIQDxLl4rFEIxKHL5w6blQ9UE5/cKl54J3zRTd8Udt3I6X6uMStlyfwMpHB8NPbLk+UfLyKV03cag35flima7TMa0u7rSz2BgMt3ylYVKKOz8xHQtmNMAwKXiO4KWDXTApxZFkGialiAg8JIEglTVgUIqoyGNCvDD+61gal7HGWLk2JqX47tIPobku7ui49t4UzApZoXWy18EuZ5omDGo5Nqvk68hgMMJhE8WTwM/QtmMSNlRLuHPxeZ74ZuuWWoHI1y+fB0U10Kdo0AyKLz1m5ZnbXIMbF5yDz295Bd/53Id8v2S83ZVCfZWEHW0dqI0JuPqiKXi3J13gbKOhKoKOpOLsqdr2xY/gmi27fOOQrVs6BwDw+O/exZq/mokjuTJ2+sbWBK79yFT8y9P7ceOCc/CTl95x4uf51XdPyxz85KV3sGLhOU58xi03zEfjOGlYzkkYI0uQ+/NfrF6IhupI6ESyT1Fx7ESm4KVETUxEXTwSGgOwlDhexxW9IEbgpHEUHEdCYwgKBDh6Qi04/5TawTfcUkgcRV03IAgc7r7yAmeiJggcdN2AJIWrzV5FRVd/tmCMxskiGqujoWPQmw4oHxXROC68fKVRHeXxwck1uDYv9mV1lMeSB15yXqbdcdkMTyxYvxccY2lcxhJj6dqMj/HoU6SCWK3jY+X/TDvZ62CX+/6vDhTE0a3U68hgMMIpvw0eFYCfoe2OhZgf32zN9n1o71UgizyWbd6FWx9tQ01s0N37qkXTHaV737NvFDiduadlDu5/7iBWb9uDlZeei6Xzp6C9V/F1trFq0XSnnR1JBV39WXQk/eOQrdm+D2eNi6Il0YyOZMY3TplhAi2JZty1Y5/zf1B9dh53fMaVj+yGqg3POQljZAlzfx4WR0tRDd/rqeS85obFAAyrv5QYg8XSB7L+cRQHsqXHUexKqVjx0KtY8fCrWLZ5F1Y8/CpWPPQqukqMBaYGxFlTc3uRw8ZANQLKG6WVrzRSAdcslR0MA9KSaC6IBZvf57E2LmOJsXRt+gNitfYr5RWuxY+TvQ52ObcdMJTyDAajMmFfFE+CsLhBfml2zEQbngy613bHCNvb3ofv/vIAHr35YnT2Z9GnaPjuLw9gb3ufVS5XR0zii7YBsIxfW3kHxSEzKC3abo74x4MMqs+d1z6mBsR8q4TgxGORsP13YRNJIyCOopGb94fFAAyrPyxG4HBjEALhcRRLqaMYYUtbQ8c4oLxZYvlKo5TxDtI57j6PtXEZS4ylazNc/TCanOx1sMuVch8yGIyxA/uieBLYhrYbO26QHe8rPy2tGs5yNwDoHlDx/WsudMq5y+xt78OhnjS++vPXcOujbc4ksalWdvYHplUj8Dz23z+6bp7jojqoXe8fz6BP0QLrA4C6uFTQzqD63LEj7WN2zLf8vCyu0ugQ5v48SL7t6xUV/dOjojcGYH66HWMsrP4gebFj5oWlh53fzmPHQbS/8ncNZJ08pdRRDDGgvFjiGMiBY8yXVL7SKGW8g3SOu89jbVzGEmPp2gxXP4wmJ3sd7HKl3IcMBmPsUPHhMQghXwHwRVjh0/4AYAWASQB+CqAOwB4A11NKi66LKNWtsK6b6BrIIqMbONSdxv3PHUTXQBabWhM4a3wEukHRPaDiVtf+qE2tCTRUS+AIQVY3nc3vokCg6dT5LQkc0qoBWeCgmxRa7rhOKQzDcvAg8gQ8ITAoRTKlec5jxRWTYMLypCryBGnVwL3PvI4VC8/BhCoJHcmMs+eqsVrCP/7Hn9BQLWHNFbPQ3Z/Fmu37nDAa0ybEEOE5REQO7x/P4l+fe6PoHsX7rr4Qz//5fbR+dBoM09roHhE4CDxBV3/hmEyqiaImF1euAh0cVLQb7DBnNWF7CLtTGcdZDM8RSALBhHgUHEegaQYOJdPocDliaaqTMa025uxR7M9mMZAZvBeqohyqIxFnD2K+I5fmOtlx5BK2RzGVyeCdnmxB+jn1EcSjUQBW6IoTmlbQh3GiiGhUgKrqUAy9oI0yLzh7FIuFv1DVXJphfYHlCYHAW/EVJUmAaVK8/v4J3OJylrP5+gRmnTXOGeN3ugdw2DUGU+pknDOhykk/1q8U1D+xWg66d0b9hioms6lMBr1po8CBUW2MR2e/DsOkePFgJxLnTPDsPbVDBwHECcVTbNwYo0eYzPsw6hcsSGZTmQy60wY0l7yKAsGEGO/omHLDrfMNk+Jfnt6PGlnCLR+fDpEnEHkO9bKI7vSgThN5At2EJ8yV3x7Fx1d+BDzH+ToXO8OoaLuAccZRkrxW9ESREDIZwP8CmE0pVQghTwD4bwCfBvDvlNKfEkI2AniNUrqhWF2l3GBBBmp9lYRf/uEo5k2rx+pte7As0YS/njsZqayOeETAY7sO4apEE1SdYnVuj83lsxtx+2UznN9NtTLWL5+H37zeifnn1HkmYOuXz8MPnz+IZ/d3FjjO+f8+PRsmpXi3Z3DSaqdbzmQSME3gX597A1/4i3Px1Z+/5qmX5wiqIgIkwZrMTayOoGtA9fRx/fJ52HOoB5fOnIioyMGkQM+AirSqgxDLLXZXfxYTqiRIAlfgFMeeQF53yTQAwNtdKaetW26Yj4jA4YYHf+c7KSljxvQDodhEMpPRcbAnVeAsZkZ9HNGoNQk68H4/Vj7qmmhePx8zz7KuaVj5sIkgUDyGYCqTwXsnCmMkThoneiaKxdpwOtLbTygFk+nmcbKT/mZPqmAMPlBi/T6M+s0UNlF8uydb0J9z6yM4/1vPOb9rYwIOHkthQnUE46ICvv30fkcv2uNTbNwYo0eYzPtQtjJbTF7LcaLo9/Lv4RUXIaOZzr1y+exG3LH4PE+f1i+fh6dfO4LPfrgJs3LP5Hyvp/EIj45kpqi+PoMY03YBY8xRkryOhbtYACATQgQAMQDvAbgMwPZc+k8A/M1InCjIiUYqa2DhjEZn0nfFhyZh+Y9fgchzWP7jVzBvWj0EjnfSAcsxw+o8xwyrt+3BlfOaCpxYrN62By2JZue37Szm2f2deKc7hRse/B1WPPwq9rb3edI7kooVgmNrG1oSzc4k0V1vR1LB8h+/gtffG8Bf//BFaCYt6OPqbXuwcEYjbnjwd0irJq7dvAtX/uhFfH7LK7h28y7c+ODvcFzRcNNDr0LVBx3XzG2uwdols8FzBEvnT8G3n94PzaCetq58ZDfe7UmzjfFlhh0Xa3JtDA3V3hAEPYrq68ihR7GuWU9KdSaJdvrKRwevaVj5MGc1wGAMwSn1cZxdI3sMkj7FipHodkRz00Ovos/laCK0D6ch3c9ZjjvdbwxKrb/S6AtwDmJfM/t3RrP0R1SwdOuz+zuddHt8io0bY/QIk/lKIkxeyw0/BzbtvYrnXmlJNBf0afW2PVg6f4qjf+3nwsTxMs6ukTG5Noa0aobqawaDUblU9CtWSukRQsh3ARwGoAB4FkAbgD5KqZ7L1gFgsl95QsgtAG4BgClTpoSeL8iJBkcAEOKk8Zz1t/1/jSyCI15nMUEbwmmAoxC3kxr37zCnNnZ6mPOZWC5URZATDbsv+f3Ir8dOn9tcg6/91UzP8pR7WuYgIpCCsrG8MBlsY7w/Q5XXU8VwndWElQ9zVjPc9pWSp9LTy4VSZbaU/ji6FoM61i+/X8zWchuXM5GxJLOV0hcbP53s9rwOBNsk9r0WpH+Hq68Zw6Nc7ALG2KWivygSQmoBXAngHABnA4gD+JRPVl/tTSndTCmdTymd39DQEHo+KcCJBskFobfTKAYdz9ibv00KT9mgDeGE+G+St53D5P8OckKTnx7mfMZ2gsMHbNK3+5Lfj/x67HR3yA9gMHxG/pdu97ndx2SJR1d/FkeSaXT1Zx1vj2cyQ5XXYui6iaN9Ct7tSeFonwJ9CB5oh+uoJcwRRJizmjBKdWZTLM+pTg8bw+HWXy6UKrOl9Med7ta3+fm/fsVM3P3UfizbvAt3P7UfX79iJqJn3hK4smMsyWyl9MUmXyfPba7BhKpISTaJfa8F6d/h6mvG8BhJu4DB8KPS7+RPAniHUtpFKdUA/DuABQBqcktRAaAJwNGROJkkEt/Ya1GRx/bdh7F++Tw01coYyGhYv3yec2xHWzt003DSAWBHW7vnt70f4Mk9HQXnsOtwn3PjzrfQVCujNi463lP90hvHRbAhV94vPuOOtnbcd/WFqIuLaKqV8dLBLmxoTRScf/vuw1i3dA5EgeAHyz7sW8/G1gREwRqj+rjk+5bRpNRTdssN8zG1PuY59sjNF+PYiSyuWv8iFt7za1y1/kUcONbPJosjhL0H8JpNL+Pj63bimk0v4/Vj/SVPFiWB870P7GD1YV5V62WpQMY2tCZQn3Ns1FgVwca8dMtRU6Sk9o2TOd/6x8mD6q4mIE9NLk9YG4dbPnQMQ8qHpVcaYeNp6yFZsozSLS+8XaA/N7YmIEucb/zJMtjudsYzlmQ2TF7LDbdOnttcg69fMRMnMprHJgiySbbvPlxU/w5XXzMYjPKm0p3ZfATAgwAugrX09GEAuwFcCmCHy5nNPkrp+mJ1lbIJ+Egyjdsf24tVi6Z7ljXd//m54Agg8gSaYXkx/dHzb+KOxTOgGwZEgQdHrC+SWd10vCzaXk8N0yrTn9GQ0UxIAkFNTAJPCPic11OBECsGG7He4GU1EzxHwHMARywviLb3Q44jUHUTAkdACEAIoBsAx1ne2RTVQETkcTyt4ujxDDbufAsA8MB1c2GaFONkHqmsyzsrT6AaFBJH8N1n38DBzgGsWjQdjdURVEUExCM8KAVkiQNHCFSdQjNMLNu8yzNZbKqV8e+rF4CAeJykAF6vpxQUn1v/UkHZX6xeiIbqsnn4VOym9aN9Cq7Z9HLB+D5x60dxdo1cpKRF0H3ww+vmYnJtDEBxZzhAcY+hAKBphuWsJpfeWBWBKJbmfr0jmcbed3swd2q9c6/Zv5ty7TuSTKNG5tCnDMq5/dvuQ7E2HkmmkcpqiEdEJ93+Pbk2hiPJNE4oWYyTI066/dtODxvDYuc/2qeg7VB3QR8T0yYEXcNRnykVk9mOZBq1PtcjqZhQczpzywtv4/bFH3D0XXWUh6JRj0OjY/0ZLLzn1wX1v3jXJ5xxZYweYfd9HmUrs8XktalM5cytk5dt3oW1S2ZjR1s7WhLNjg7ac6gHNyw4x9fraTHHNMWci4W1pYI8nZdCxdoFjDOSkuT1tO9RJIR8gVL6b3nHvkMp/cZQ66KUvkII2Q4rBIYOYC+AzQCeBvBTQsi/5I79W3AtpSMJPBqqvW8/G6olRETOmfwQQiCLHG5cMA0mpYiIvBPOwp4kRgQOGd0Eca24PNg54EzYVi2aDlWnmFwTxTvdKVRHRTRURxARCNKaAYAio+lQNAM1MSvshsARxCQeJrVCY0TsEBu5ietAbhLap2h4bv8x3LF4BqqjImbHJPzg2g/jsV2HQIDcfkECQggACo4Q8DwBMaxwHbUxAfcunQOesyau23cfxo0Lz8XkvKUnpkmx5Yb5BSEW6mQJSdcyWmDQcYp7crB2yWxs3PmWE0OS7VscGsUexKXsKSk2UZME3olBaONeWloKPE8Cf5smxfv9GSdUgmZYvyfXxDwhPIL6Z5gUUVFwNCABEBUFzxdpSeCR0rzylNJMpw+6bqIznYXqakMnzeJsgYMgcJAEHntyk0/AWm5+4P0TuGR6o1XepDiu6BgnD77YOK7oiEUs/SEKnK8uEV3GFclT4e7fmmHijp/uKxjXF9YsKjhWCRgmRf7dbQDIaAY++b0XAFgy9tXLzwMhBBpM6CbBWeO8jpYkgcflsxs9xu+OtnYW461MKHbfVxKGSaHnvWPXKcp61Yv9nD2StJzHbdz5VoEfgU3XJyBwBLLEW/aDbunEsEkcx1nhNSilEHmuaP6w8EsMBqO8GA1nNksJIRlK6TYAIISsB3DSn4kopd8E8M28w28DuPjkm+hPrSzizsXnFbiBzmoGPr/lFXQkLRfTX/7keZ6Ygd+/5kKIAofbH9vrxB986MV3CmIR3Xf1hYiI3nzf+Pc/OOnusBf3XX0hoiKH6/9tMKzEhtYEqqM8Ht/1Lj5z4eSC0Bs72jrQp6i447IZ+PyWXZ56l140Bb/603tYOKMBGZ063s8un92Ib3zqgziuaJB4DksvmoIVD73qpP3DZ2bDNCm6+rMeY53jCGZOrMYvVi90jPlaWcTBrgHfB4RhmHi9c8Djmvueljn47i8PYG97n7V/i+15KImwB7G9pyT/i6K9p0TTjIJrsaE1gVmNVRBFHtUijw2tiYL06txEMuz8YfUfz2SRTGsF8lsVzaI2Fg2tvzbO46yamPNF21kWFh+cLFSLPA72ZHzCS1iTt+MZFX0+bYhLPOqrohgn8ZjWMA7X5p1jXM4xU12cx4mMVNCGulwboiIKXNFvaE0gmvNZlc3qeKO7MPzFeRPiiEQEZ790/jWs1HtkQpwPDDcAWH176Kb56OhT8OWf/j7QwBwf4X3HdXyETRRHm7D7vpIIk9dyxt6vuLe9D9/95QGsXTIb9XEJZ42P4p//60/o6lcLYiQXm8gNdeLn54F15SO7y23FEIPByDEaVsXnANxECPk8IeQRACql9Auj0I4hk1Q0XzfQb3amnGMtiWbc+qg3z1eeeA3JlGblXzQda7bvQ0uiucDZy1d/Xpgvf6+NHfbiqz9/Db25vHb6bVvboBvA0vlTfENvrLz0XMsFdl7amu370NGrYOGMRnQkB43nuc01uHHBObjhwd/hqvUv4datbejuz6KhKuKkLf/xK/iLe/33EeaHWEgqmu8DoielonMgW+Ca+64dVn/tySyjNIIexHZ4irA9JX7X4jaXu/MeRcUDz72BtUtm42e3XIK1S2bjgefe8IbHKHL+sPrTWdNXftNZs6T6+wNc1/cPITxGRvNvQ0az6uhO+5fvTlvlTwS04USuDWFtDKs/aL+0JFbmG/li4Qb+799diu987kPoSWnOJNHOkx9KpyvlP25dLNzOqBN231cSlRYew417v+Le9j7c/dR+yBKPf/6vP+HZ/Z2+tkexkFVh+jifMK/YDAajvDhtXxQJIXWun18E8B8AXgTwz4SQOkpp7+lqy8kSpODc4R2CXEzbeez0UvPlp9thL/LPax/LD9XhTuM5UvS8fG75qp3u57l0zfZ9WLtkNgAUpIW9FSz2gAhyNz6jsQprl8zGvc8cwL9e+2Hfehlewh7EgsBh1sRqPHHrR333lJQSmuHZ/Z1ODDubf/jM7JLOP9zQD8OtfyTaMNrpGdXEvc8c8ISBuPeZA/jhdXMt388VRrH+2ktPf3bLJaEGZqWFLTiTGEvXppL74rfaxzRNR58H2QhBE7mhTvzsL5ruMkPdusBgME4fp3PpaRusrTzE9f9ncv8ogHNPY1tOiiAF5w7vYLuYDspjpwfliwgcNl2fQGN1xDfdDntx68em4ewaGc9/9eOOo4c+RYXIczBMioduugj3P3fQ2eNnLUsjmFQj+9ZLYTnjObtGxq+/9nHwHAfT9N/L5p6s5qcpmo6+NJDKGjAoRVTkMSFu7SPK3z9kUgqS279puxvPb9fBzgHc+mibZ2nkqWAsba4vZZ+WHbDej6Br4Q7N8K0ls3DZ7EkwqbWP9fn97znpYYZAKfUXSy+lfr/++4XHKNaGWz82DUvnT/Hsxx1KerE2jMQYDHefaDnh19/LZzdC4Aj+799dajn24q0xdb+gaKq1QgqZJgXHkaLjbjvc0AwTYgkONxgjS5hMVxKl6JhywzQpulNZZDQDPLH2IU4aL4PjCLr6s2iqldFQFUFdXBrSRM7Wxw1VEcc5V1o1IEv++e0vmvlLVW3HdgwGo7yoaK+nI0kp3qL81uLbewW/9NhedCRdexQfHfoexXVL52BCdQTrnnndd5+AvUfx4mk1WPLhJu/+iOXzMC4mYnlur2T+nsaHVlyErGbi/ufe8D3v5FoZJxTds//ykZsvxg0P/q7ggXH3lRdANUzc/dR+37T6Kgk/fP4gnt3f6dmvYJoUrx/rx6qtbc442P279WPTCvrkbv/G1gRmTaw+JYbdSW6uL1vvZnb4i/y9tKWOX9heokxGx8Gewv1zM+rjiEaFYe9RVFUdB7oK65/ZEIckhdefymQC9w/Fo1EAQE8qgyPJTMEexMm1UdTHo6F9DEsPa8Nw6z8JmR11C7aYzPalM2hPDo7X5bMbC/YauvWjrVvWL5+Hp187gr+Z14yZE6uh64av7EyoEpHKGrgpt796qPcEY/iE3dc+lK3MHlcyONxbeH9PqYtgvBwdhZYWx09frFs6BxPHRTGt3lqCcKgnhWMnMr62SdgeRbvsUPY1jpUXs3mUrV3AYPhQkrye9okiISQG4O8ATKGU3kIImQFgJqX0qdPakDxKvcFMk+L9Exkc7VPQk1IdT6V3Lp6BqfUxCDyH1w73IDGtHrphveUWOQLVMJHV7RAYBgyTYmp9zDnW2Z/Fxp1voWsgi7VLZuPWR9swt7nGqTcqWiE2VN0Ki+EXeuLhFRfjk9/7jefYozdfjDc6BzBeFvG1n7+GjqS193DVoumoj0toHBfFlx/fizsXz8DaJ/9Y8Eb/S5+YgS89NmhMf/+aC6GbFFURASaFJ812PuPug92OX6xeCAC4av2L6Egq2HR9omCi+a0ls/DJ8ydB1U3L22ounMepfvvf1Z912uUeu5DN9WX7QDjJ/ngo5vX0SDLtK38/u+WSksNjFKu/qz+Lf/jFvoK39d++ao7T/mL1l9K+Y8cV9Gc1ABw4YskZYKI6ImLieDk0hEjYOUpJf+Sldwq+SN6w4Bwn/Z/+608FY/DNz55f8hjnMepWWDGZPXZcQdYwQMDBpFa4j2t9xu/uKy9AU62M3pTqjElLohl3P7W/QMfklwOAFQ+/6jleakgYxvDp6s/i6dc6cNnsSaC51STP738Pn7mwKUgvla3MHk2mcY2PfD5xyyU4uwzDYwQ9E+6+8gJcMHk8Gqoj6OzPOGGp3DbC2TUyzhoXLTqRc5d1138GOqgpW7uAwfChPMNjAHgI1jLUBbnfHQB+DmBUJ4qlYJoUSSULk1I0VEdw1vgofnDthTBMgFKgLi4glTUxp7kOlALjZB4H3k+hvkpCz4CKZZt3eer7r9sXIqubmFBl1fXAdXPRr+iolgX89uuLoBvWpFSWOJgmRdawjOqg/RE8AbZ+4WKcNT4KgeNACGB7H48InFNmb3ufM4l7Yc0ibLp+HgBrD5BuWksJU1kNmkFRXxXBti9+xIr7yBEIPAHNheAgxCpzIqND4AgymoGvXn4eeM5awvryNy4DR4CMbkIGN+u/AAAgAElEQVTVDVRFOGxYPg9RkUdM4vHYyktgmCZ0w1o6++Rr7+PyCybl4kMSSDyHuphl/J7Kt49jbXN9Kf0ZzjK8UvbnqKrh7D2FbkBVDU+8NMPwvqAyDApRHGz/J2c14vyzx8EwKSbXyjieavS03zStWJ26SUEM01l6WGr7MrqJdFZHfVUUukkR4Qh6BlSIvDVZ1QwTDVURzx7AjTvfckKIlLLHcMG59Vh56bnORHDLC2970u9cPN2JwxYRONy5eDq6U4P7LG9eOA3NdXHoJkVTrYzx0WlDGuNKIqObeOWtHiyY0QBQK/yA3/jGJB7xCI+YJOOs8VGsXXI+eA5oqIrANK2xtHXMQFZ3XsDl7+e263OHhGGcWlTdwKJZjeCJFUqCJ8CiWY0VqWe1APnUymSPolu/2/GU/dp7zoQ4VN3Auz0pRAQOj958kRP32VIrJkxKkcyFCjIphSTwqIkK6EqpzvMjJhE8cvPF1rObWOc73JuGabL7i8GodEbDqphOKV1GCPk8AFBKFULyI4aVH37LKy6f3eiEy7jzE9Pxwck1BUtR3u0eAEUVAHjW/c9trgEIwd/+7PcFyzDtr3M/eekdrPzYuVANirc7U4hJPNKqgfMmVvnv9eC5gnAassRjR1s7/v7TH/Qtc/R4BvVx0RMSo6lWxoM3zYehm85XFbu+qRNi6OlXHc+pdj//Y087Nv32kJPvb3/6e3QNZAuWjwo8wbpfvl6wtOXBm+YjlTVwzSZv2I6BcdYyHnsJbInLQofEWNtcH9afsKWpYUtDw/YaDXdZZVWUwwcn1xSEnqiKciW1Xwxon+iSFyt8BR8YvkIWeN+l39HcGEYE//AUkdxkuzrKo/WjU7Hi4cGljuuXz0N11Cof5l4/LLxG2BhWGuNlHrNd1/yhmy4K3EudTGme8EPrls7Btz93AfqzOu59xtItbv20bukc1FdJaO/1Gsqnet8zw0uNzOHtHg23bX01T+bF0W7akAm7/0eTIP3ov78XWLZ5FxqqIvjesjkYUE088D+Fz+f1y+d5tpNsaE3ggefewLP7OwOXicckHv1ZHQ2ul3gMBqPyGA2tphJCZFgObEAImQ6g7P1j96RUvNuT9riNbkk0O8p4wYwGX3fZC2Y0gFKKKXWyx539nYtnOPn93FHftcNaerflt2/jeFrD2if/iGWbd2Htk39EX1otCG+woTWBrS+/46ljzfZ9SKY0tCSa8f//95+xfvk8T5l1S+eAUgp3SAy77JFkBrfn9l266zMMFITXuG1rG5bOn+LJZ4fxcP+9amsb3j+e9Q0NciSZwR2PF57v3Z403u1Je44Xc719MrjdhdtjU8mb68P60zmQ9Q3zYrupD3NjHxG4Allav3yeYySFhZ4ISx/I+LueH8iYJbU/Iga0TxxUd2HhK3RKfcPT6Lml+gTwDU9hm0OK6h9eQ1Gt+sPc64e1L2wMK4101vRc0/ufO1gwvuuXz8PkmqgzSQQGr8ux41m09yq+umXN9n2IiTya62RPfe6QMIxTTyWHlMiHg//9P/rTxGD9+I1PfbDgfvr20/sdG0TgeNy2tc33Hlq9bQ9aEs3ObzsfYNlB+dd1zfZ96E1paO9VRvRZzWAwTj+j8er5mwCeAdBMCNkGYCGAm0ahHUNC1Q1P6AjA60Y6aKmUkVvKqRnU486+vkpy8hcLhdGSaC4wOG/dugc7Vn0UP115ieMxVOQJNv32UEEdMYlHDDye3d+JOy6bUeBO/xufmlXQLwC+xzqSCgwasOzV9cbQbrvf33Z7Sj1f0JKxkVyu5OcuvJI314f1RzP8vdmWuqwypRrY+vK7eOimizzLKr902QcwoYTyw00Pa7+imfjh8wc9sv7D5w/i/3z2fCf/yZ5Dy50jo/uHp/hBLoTLaIfPqDTyl/Ltbe/Dvc8cwOMrL8HRPgV9ioaamIjuAbWonvDTLR1Ja0ngtLp4YEgYxqlnLMmsEnL/jyZBuuu4onnaSwBPSAz72R4Wmiv/d1ior0pcWsxgMAY57RNFSumvCCF7AFwC68X8lyml3ae7HUNFEqxln+7lJu4QF3zAcjeeI+hTNJxdI3vc2W+6PuHkDwqV0adoqI9Lvko4o5tY/uNXnLQXvv4J3zrSqgHVMNFUK6N7QC1wp9+naJD4wmU0+X11+kP8+2m4HvZ2vX5/u9tTyvncoUfcx0d6WSjHkTG16b5Yf0Sf6+1ehldK6IaX3u7BE20dnvQvf3JGyeWHkx7WfiMgzuM/5uI8jlQb/cJTjFQfh5teafjpz66BLHTDxLLNu9BUK2Ptktm+usqtJ/x0iz0uxULCME49Y0lm+YD7ny+DvgTpx7605mmve3m3baPYz+sge8Tvd1hIsErdwsFgMCxO++vU3H7ETwFI5DydxgghF5/udgyV+riEqfUxz3KTHW3tzhLQlw52YYPPctCXDnZhR1s7eB6edHfZjTvfKljGck/LHOxoa0dDLp6iG2tvAfGUeX7/ewXLUdctnYPauIgdbe247+oLURcXfc/RVBstaPs5DTFs8F2+RwqOb2hNYPvuw57zbtz5VsHfG1sTOGt8BDva2nFPi7e/k2ujuP/auQXtn1ofw9T62EkvCzVNiq7+LI4k0+jqz8KswLfXI01DXCqQlY2tCTTkxrQhLvnKsp1eL/un18ulpVfLnG96tcyVVL6xKuLbfnsZoW2Qusk3SIfbhpqA8jW58sNNH+4YVxoRgfNdyvf+iYxHVzVWF8ruuqVzMLUuhuY62Ve3bGhNYEKsMsdlLDGWZDZIXsthj6KfftywfB4aqyXPscZqyXmWb9z5FnTTwIbWhO89tH75POxoax+sL5cPsGyZ/Ou6bukc1MVFTK2PVewWDgaDYTEa4TE2ADABXEYp/SAhpBbAs5TSi05rQ/Ioxa2wrpvoSmWhG5b3L4EjiIocsprlAVQzKVSdOh7DJMEKAA0KPPun93DZ7LPAE+KEBIhJHDKa5b1RFDgYJkV/zoOoapiokUVIAodD3Sl85QkrtEVTrRWiorkuBgJrOY9uUog8h3iEIJWl0A3TCcthgsIwAY4AHMmF6dBMxCQehFjeWiOC5ZJeM6jTNkKAb/1noXv+f/rrCyDyBFnddPJWRTkMZKzffM77qcRzEHnO8XoqcATVMgcla52D4wDTtL7+8LlxVHUTFAS6aToBgWtyRsTJeD09yfiIpVKxbrD70ll09WfRkcw4DpKaaqNoqI6gJhYJdWNvmhT92axzzW0ZqI5EnODNxcJbdPVn0d7Tj4njY075Y8fTaK6vdr6CZjI6ehTVSa+XJY+TFturn98ywmPHFRzuTRfcM1PqYpg43jJm3utT8F5fqqANk2rimJT76lSsDe/1KdBNHRzhnXSTGhA4AZNqrPAabYe6MXdqvSPje9/tQWLaBJxdI+O94wrGRYjj9VTgCGpkDieyFJPGy+hNZUFBkVEH06MSBwKCunhpY5THqH/qCAuP0Z/V0d6rODLZXCcjLvEwqaW/AAKOAIQAukGh5cY1InCoj0fQp6h4rf04Jo2PIBYRYZgmDBOojwuojZdfbLszkbEis0HyWh0RHB0zmrj1I5/bmgJY2wTUnKdSPncv2c/9qMABoNBNOLaBSSkAAkXTIYsCOAKP11O7/l/96T18YOI4TKqRIfEcCKGQeB4TqiIVu4XjJKlYu4BxRlK24TE+QimdRwjZCwCU0iQhpCJeOSUVDVdv9MZWu3x2I/7pry8ApRTX5YLdz22uwfeWzQFPOGi5kBYt8yejXzEd40bgCExYiljgCVKuhw4FMKVOBoEVN3FyrYzHV14CPedqOiryyGgmJJ444TJAKXpTBmIiD3AEmklBAIyXOaSyllFlK/XxsuA8HHhiPTwyuomIwIHmzikKHLr6vUtVAeAfP2OC5waXklAAj7x4GFd8yAproeomtrzwNm77xHQoGRUxaXBfw/9j783DrKju/P/3qe3euvf2cntj62YV0VbZGhV1xiBk1HwlYxxaNAIqY0Bwy+Sr6DwzD5NkmMx3FB3jEhbNBDVgXCD+zJBvTCYYNNEYpUH4KhEJIHQD0k337eWutZ3fH7V01a2qe28D0ov38zw89K1T59Q5p85e57zeaYlCo0BQYKAoFJQALAOIgj7Y1ifXjKdm06lsC21PSNYkEegF4XwJtZ0clsioWP3rfZjXUIcQWEiqhtW/3ofvfv0ClIf0MyWv7/4cI6Jha6L3+u7P8TcXjACg5+uP3z5gaQBKioYX3j2Eb115DqpLApAUFW09ToBBW49knVWpDAtIyyJSsgbGGKhUl4p9WnnOtY2QZQjOGRa25F44hiAUYKDadjEzBBhTFUZa7l0oG1MVRqHHafQJi15fAL0eEMLALLaKquH3+ztw3ohyK49+v78DU+oq9Dj6gJ7N6ylJxYHWbkyoKbXcPm7p1H+HC4vjYLKMqqEkwOLcYRHrnXEMIKkUAsvo7SbRB7GqQVEMcgxiSQl8SEB7QkJU5DG8LAhKVbAEoIRA4AlEVu/m/HQnh7D4d9G+IPMvrwMDzOPVPprlXKMUQZ6BolHIigaBYzEiLOBETwrdKRnhAA9F1ccpiqrh09YEtu09ga9dNAITavTGh2V7wz/RlcKIaBg8y+AvrXGs234Au5o78c5DVxXrUdGKNgSsPyaKMiGERS/1tBr6F8YBb5qmOQ6Db9t7Aku/Mh4JSQXPEqycW49te0/gvq+eg1hSsTDgXvjoJ26eilKRx+INH+Dy8ZVYdNkYS/De/ALCc4xFHq2Ninj6lmmQFc3xpcQuP/HDm6aimyW42/BzdX0NVlx7Hk72ZByY/2zU9erGyXht51HcMH2USw7gkTf2YVdzJwB9SwlDgBPdaZc8xupff2KFt2bBdJSKHI51qrjjWR29fd+ciRhbFUJXUoYoMOhMKrj/1d2e0iBn6qvfUNNHPFNGCFz484fnTYY5dxEFb2kI0YATEFDMnTLKIf2wdsF0EGPaFOQZb2kJgzoqSSq6UooL314dUguSz8hnIg8cas+4wh9X2bs4EAmQnPIU+eIgcAStnYrLvTaq+4/4yGNEDHmMsICcz48EGUQjoksew5QIGWryGJUhf7mQPUfj2PDOIVeZXd04GaVBzpLF+M7fTMK4aAj72xOufJtYGcahWNK1u2BidQRHYjpZ2fwyNKYyhLGV4eIg9wzbUCqzucrrQDT77hqvPveFxZdADDCQVOAOW91Zs2A6jscSWHjZGAuqZ++jNY3iZFzCqq17HX3J8+8eAl+Unila0YaE9UdNfhLAawBqCCE/APAHAP/eD/Hok2kaxcmE3iDe9Mx7WLV1LxZdNgYapbh9w/v4yurtWLV1LxbMHAMC4sBFe+Gjv/3Sh2jpSOlfua4c75Kc+M4ruxFLyI5rsYRsTRLNa3b5iX94+UN02PzMa6hDS0fKhfnPRl2v2LwHS64c7ykHcN8cHVBidgAtnWlPeQx7eHdt2om0pKPQqyMBPHDNJKx8/SNc9ehbuOdnu5BRKP7rDwfREvOWBjlT8hemnqDdaqODVx/xTBmlcOHPH9qyB+YudEXzkYYwzndmFM1dBjbtREbRDHdv/xlF99+Rkjzx7R0Fymfks66U5hl+lw3Dnw/V356S8NS2T7Fybj1eXjoTK+fW46ltn1pxSEre/pMZg7x6mvIY+SRChpo8Rq78WLF5j6/sRWuPZMliLHlhR8588dpd0BbP4ER32iE/dKI7jc5Bmo8D2YZSmR1sUh8nExmr/Hv1uYc7klBUuNJ016admF0/wtWWmX10azzjkqt5aMse/OPXzu+fhBataEU743bWJ4qU0k0AHgTwfwAcB/ANSumrZzsefbX2hL4NM3twfDSWdly7+8WdLgx4Pnw0y5Cc7qb5SUhky0/Yn5vPj/nbLw51FaI1UH701/tAjOv5wlM0iupIAMtmTcipyeSXN2fiq99Q00c8U+YncaIaM0VZ8ZGGUAqTz8gnLZEthWC5nyHph3zhF/IM86urfWHotsvHWV9d+1v+ws9dLTCPBprlSq/Zvvi1kSGBtdzzhZN9XVY1z0WNlAdtuWinZ0NJHmOwpSUt9+6u8apLIYH17Reoz3VJUXNKcaTlYh0qWtGGgvUH9fRfAdQBeI5S+jSl9M9nOw6nYn7bGLMnc+aky/4ly8RH282Oj1Y1mtPdNFNCIvs+jVKsX9SAzcsuQ2UkgGl15dZz/fxko6794tDckcJNz7yHO3/ahF3NnQWHJ6sU982Z6DvAMydrfnlzJr762fUE33noKrx21xVnCmQzqI1jGB8qqN4c5PsSm48qms89u36Y7myB/vMZyxBcXV+D9Ysa8PLSmVi/qAFX19c40PX5npHvq+vp5sEX5T4Q8PynYrnSa7Yvfm1kUlIt93zhZF9nfBbI1IE53h/Udrr1eiDZYEuLKWsFePe5SUl13GNabVQnrPtd92vLO5OyJVdUtKIVbXBbf9TkzwB8E8AOQsj7hJDHCCHX90M8+mR+g+fsyVxtVATPEJcURjY++ombp6K2Qtctevbtg1iTJTnx+PwpiGbJWUTDPB6fP8Vx7Ue3TANDCFZt3YvGdX/E7Rvex4PXTsK0unJsaWrGqGjQhfHORl2vbpyMZ98+6LrPS1KjIszjsRudcbCjss3wn3nrAMZWhX0nlpVhHdXtJQ1yJr/6mXqCo6IhVJd86QhsnpZPXiLfl9hwgHWV1zULpiMcYK3wvTD4ZvgC642WF9jCpCHyWUhgcM/siY6vgffMnoiQ0Nvc5ZPH0HKsrhcSx9OVv8jnn2HgQtg/PG8ymEE6NosEvdMbCeplxQvZv7pxMmpKBNSU6pI7qxsno8wn3ypF7zItCt6LJuZ52qKdORtK8hi5yutANHub7dXnjqkIgcuS8DLb9Tf3Hne19+sWNuB7v/gI9764y7Mtr6sQrfa+aEUr2uC2sy6PYT2YkOEA5gN4AECUUlpyiuGUA/gxgAuhA3L+HsA+AC8DGAt9YjqfUhrLFU4+rLCmUez7vAdLftoLQ1i/qAEBjsHtG3qhNf98XT0EjoAlDCRVg6pR8AwBYQAGxJKzEFgGINS6ZspFmAQ1UWCQljVQqm8VZIkuWaFRQGAIYISXUTR8/7/dMhbf/foF+mFyQqGo+nZA1pDMCArEIW0gCgx4FpBV/WyVnRQpyxSSRq10iIakh2QLj+MI0pJmyQAEOMZ6nqIBGtWQlil60jI6kzLqKkREQzzSsu4nwDHQYEhlEOKQ1AhwDBiD7GoS2qIij1hKdlAKgVOT0DDNxInLBjrcLrfgYwMag50vPZKk6Hhz411XhwUIQi9QIhfGXtMoUlLGJe0gCr0T8Vz+FUVDV0ZyST+UBQQrjvkw+rncj8WSmG8AGUyrjYp4ZelMjIyGAACt3WmEBbjSkJCAmtJgXnmLtp4MQjx1+U/K+sLE0VgS5SLjcu9MaRgVDeV9fr7w8/n3sH5fIclVZo/FkuhKZVAqBqz0dKcyKA8FdTKuRqFpFJwhuZMx2geeYwBKIakU5SKDtKy3kfa2t0xkEA4GkckoOJnsLTNVIQE8z+JoZxIZQ9aouoRDty1Ps8tdkZB6ejZU5DGOxZJQqeqSx2EJa7UxhVqutvp0Sb2SpCCWkvUxB0cgKb0SWEGeQUbpHWMILIMSQ7JHoxSMMeagFFbbRam+LR8EUDXg9Z0teHNfGx6/eQoEhrGo7iGBQVrSAMM/pUCA71t9GaR1bUCPC4pWtCwbmPIYhJAfA6gHcALA7wE0Ath5GkE+AeANSmmjIbMRAvBPALZRSv+DEPKPAP4RwEOnE29V1RAOsnjh7y9BWlYRDnD4wS/3olwU8MLfX4KUrEJRKX7wy724d/ZExDOKgyr2w5umgrcRSWujOikyLat49vcHXUS/n9w+A90pBf/w8ofWNZMmtviKcRgVFdGVUsD4ECw7U7Ihh8E46I+rGyejqiSA1W84KaVlIR4iz1i0wKvra/DgteehzUZM9aK3Pj5/CspDPBY/t8PxjGiYR09K8UzbuoUN6EhILj+joiJiCclBVN1w+wx0pxUd/mPz/+S2T634P3vrDAQ4Brf+5H3rnr6QUxVFwycnelyUzPOGleSbLA5Iy5ceRdHwaVvC1z0fnVCSVE/i38RKriBqqaJoONbp9h+u5Ap6fj53v7M2mm1RLB91tCxIMLa6FDdn0TPLgnp5CvE0p/9ykcnpnu/5JTzrm0YAKBW4nO6DzcJBBu1JxkUrDQcJPj4a96Qxt8UzWN04GeUhHn86cBJX1Q+HrGiONsss2+dU+ueXSeB9tPEiJCTBt1x9wbqsQ96GEvW0VGRwqF22yOZmWsZV8vk92yxXW80wxLO8TayOYH9bPG85lCQFhztTONmTgawoiEZER95vWHwxelIK7ntJH5Pc+ddjMXdqLZoOnUTDuCrPtsmrzfrKpCrE0yqWbeztf9csmI5f7j6KKycNc/T9hdaXYl0rWtEGjvXHKLgSAAugE0AHgJOUUuVUAiKElAK4EsB/AQClVKKUdgK4HsDzxm3PA/jG6Ua6NZ7BgdYEbv3J++BZBgt+/Cf8Zm8r5tQPsyYod7+oQ1pOxiUXICGbSNoSS+FkXMJ3XtntSfQ7Gktbk0Tz2kNbdPrfis17ICkUyzc2QWAZz7NUAsugIyG76I8rNu9Bi0EJNK/dtWknZIVCUnoH2PMa6tCcRUz1orfqFNa06xkcw/qmTY+T24+kUBdNsyWWtiaJdv/2+C95YQcOtycd9/SFnNoaz3hSMlvjmYLLx0CyfOnJ556PTjgQ3HMRSZkcZ2pMy0ct7G/3082jwWZ+lNeelDdsxiQ9r9i8B593ZTC7fgRkhbraLLNs58ovsy7UVYRz57mPLuuZIDR/GWwoldkun/rb1Ufqaa622K+8tcYzBZXDtoRkUc8n1JS64tvSkbImiQDQOGM0lm9swuz6Eb5tk9f1ykjQlYa7Nu1E44zRrr6/0PpSrGtFK9rAsbO+jEcpvQEACCHnA7gGwO8IISyltPYUghsPoA3ABkLIFABNAL4NYBil9LjxvOOEkBovz4SQpQCWAsDo0aNzPkjRqEUQtRNCTViL/X/AmwzqRzH1o5B5hWHeyxD9dzyjeN4Xzyi+YYQEFiGwjmsMgYOY6JWOfPTW7PD80pbPT6H5kC+8QsmpfuQ2ZYCIJ5tWaHnNl5587gOV6JlNJPXTgSREP7/n5z4Q0vBFuw8UK7TM9pVWmk16plTfOurXXhQSfr48Leqynp4NpTJ7ptKSqy32o436+ckuh/Yxi1d8s+uKOa7xO5/d1zrqR1IvpL4U61rh1pdxbNGKdirWH9TTuYSQhwH8BMAyAG8C+JdTDI4DMB3AWkrpNAAJ6NtMCzJK6TOU0hmU0hnV1dW5H8QQC8xiJ4SaBDH7/34AFz+KqR+FzCsM816N6r9bezKe97X2ZHLGI5tSqlE4iIle6chHb80Ozy9t+fwUmg/5wiuUnMqzPhTQAUZtK7S85ktPPveBSvQslEhKKfD8u4ccXxyff/cQ7Mex+zsNX7T7QLFCy2xfaaVm/TfrPiEEGvVvLwoJP1+eFnVZT8+GUpk9U2nJ1Rb7lTc/P9nl0D5m8Ypvdl0xxzV+OzL6Wkf9SOqF1JdiXSvc+jKOLVrRTsX6YyT8NehnEudRSs+jlC6mlP7kFMNqAdBCKf2T8Xsz9InjCULICAAw/m893UjXRAKoq9DPx2zeccRFEDOpfFuamlEVEVwksB/eNNVFEK2KCHh8/hRPot+oaBA/vGmq45oZ/urGyRA4YtFGveiHW5qaURHmXXTL1Y2TUVshuiilPEcgcL0N/pamZiu99mvZVDSdwhp0PUPRVN+0rV0w3dOPwBHDrfd6bTSoE2Jt19ZlUVafvXUGxlSGHPf0hZyajwI62CxfevK5i4I30U80qKHhgLd7OKC7h3z8m9TRfETPfO6Uen+xNyeC5SKDe+ec66Ce3jvnXMt/Ic84XSrpF+0+lAiSQO70elEV120/YP09vCyAN/ceB88RV5tllu1c+WXWheaORM48Leqynp4NpTKbr34WarnaYr/yVhMJFFQOS0QWtUZ9ONDa7YpvbYWIJ2+eZl3bvOMI1i5swJt7j/umzet6dyrjSsOaBdOxeccRV99faH0p1rWiFW3gWL9RTwH96yKldOtphvF7AN+ilO4jhHwPgElzaLfBbCoopQ/mCqcQWlRnMg1J0Yl6AkcgGwSxIMdApQABhUZ1dD0LAskk9RlkUKo56X3t8QziGQWqRjGsLAiRZ6EZ1DCeY6CoGlRNF8sNCaxFIOMYAknVEGAZfauLcd1OKtMoLLKqYsSTYQgEhkAMEAfZL8AxCPCApABp2UmiTGb01XrVIJ/uONSOGeMqwTK6hpJJYJUV3Z0xSKgadIKpolIQg+hqp6JqBqlQUSk4Vqeplgo8ujOyIw5nm3qqqBq4IUQ99UuPLKu6u5HPNZEAeF5frW3ryeCXu1swu34EKKUghODNvcdx3ZRai+j586YWXD+91nJ/fWcL/q6hFqOiIRxuT+AXu4663P922iiMqQznJYLmc2/ryeCfX9vjIv3+4IbJqC4J4HB7AlVh1uX/ZELFGAP2crg9gWiYRY/tnhKRQcy4Jx91tCWWRNQjjrGUhtpoKK+7XxzbEypGV4ZxpCOBtKQgHOAt90RGRlDgMboilDd+Htbvn21ylVm//OrJUBD0tpsCx4ABkFJ0qrLAMlA0ncZYKQqIy4qLelphkDX9SL/2uhINs0Xq6RdkQ6nM5qvffbFcbfXpUE+PxpJ4Z38brpxUA0WjKAkwiGd64xsOMJAUClntJaGe6EpiWFkIQYNa2tsPEyQkDe09KQwrCzn654yioUxk0J3SitTTAT4uKFrRsmxgUk+z7F8BnNZEEcC9ADYZxNODABZD/1L6CiHkDgBHANx4ms+AplGcjOvbnUSeRdJocCnVEOQYUKpPeDRVh8JwDPRJDgEUlaK1W3KQzdYvbADDEGvylJZUEBCEBcY8EycAACAASURBVAYgBMmMigCvT/oEo9NQNIqulGIdKDflOAjRBXVZhoAQgo64hBKRg6xq+uQS+rZRVaMoCfKgtvOJxEhbR0LHzXMMgaRoONadQW2FiL+0JjC2MoRFBrDHtNqoiM3LLoOsUahKb6chqRpkY1LIMQDPMWAJkNE0UOhxUTSKlKRA0fQBXbnIQ9X0g/2iwOrIe2NSWG5MCs1JotlZeA0ssq/1RfKCYQh4Vn+PPMsMhg4pp3Ecg5HloqebplHE0hLMJSIKIJaWUMUGwTAE5UEOs+uHQ1I0MERfgJhdPxzlxoCZYxm83NSCx3673wqzNipi/iX6+QiOIZ7uf9egH0MO8gwyWUdNMios7bpwgEU6S/E8rcLSaSwPcrhvzrkuUqAZv6owCynreKmk6ddNiwRYnOiS0BJLIySwxjasICqMRQeWocg+DaMa1/U4MmhPqpAMWQVZpVApRUmQNfx7Zr11PRLw3kJlppElBJ93pTChpvcsrv03gXf8CAbWea9CLRJgkJCpo0wmZArRkPIxz0//y+sfWbTj9QsbMLw8gPJg74QvmVQdGogqBWIZCdUcA4ZhDKCRvnjBGKKTZl3RNIoTPSloVH++ZvgdJrBWe+DX9hQtv0mK3sfZLSVTSMrAOgteiJUEGKSzKmBa1a/31XK11X7lrZByKHAsDrTFMW1MBTiWoCtNcaIrA43qklQCJ6I7raC5Qz/nWxkJ4C+tCdSUhRBPq+AYgkiARUrWsHX3Mfz1pGFY9ct9ePTGKfi/e47ha5NHWhNGvVbpRgBwrJ6u7H7btEImgcW6VrSiDQzr74niaY/GKaUfApjh4TTndMO2WyyVgcARdKVUh27iP113PrrSMpIZFWUhHp+dTOLJbfvRFs9gw+KLkZF1XPvK1z9ynKm6c2MTVs6tx6qte/H4/ClQKcUjb/wZd111DlKSiu2fnMB1U0bhLptUxLqFDXhq26doiaUwra4ct10+Dgt+/CfL/bEbpyDIMw4JDrukxiNv7EN1iYB7Zk90hLu6cTJe23kUX7toBMZWhdCVkhESGCQyCla+/hGqIwGsbpzsQM7/6JZpONyexP2v7rauPT5/CniOwT1ZEiClIR4/2LrXGuCtbpyMqoiAzTuaceWkYXjit59i8RXj8NrOo7hh+iis2LwH1ZEA7pszEWOrQjjRncHDv/oEbfGMLyI7u+MpD3LY1xovSPLiy4bijksSTnT3EgjNLURBnkFpMICkLCOjaGgxBhBJSUVthYikLKOMZ8ExwJoF0x1laM2C6TCztVxksWHxxS7/5aI+CQpwwCEPzPo4QxqCYSiaPdzHGO7tScmTFLh52WUYXiZCA9ASc/sfW9k76FA14GRcsuqlWS7LjG1wATa3fIWmAZ1J2ZUHYQOqVBrILY8R5IBj3bIrj0aW8kYeMohGRJdchLm1TeRzx2+wGSFAV0px5UdNCe/Ig4fnTUZbj4RdzZ24c2MTNn3rUgBACYB249zi510Zx3tZu7ABIs+gJZbJ2R70ZDI4GZddeRoSGJSJntqUReuD5ZOMGUxGGOB4u7s8jR5AaSkPcpg7tRaLn/vA0caZ0jI/W3KpY2zy9oOzcP6ocpckkCmXIcky/ul/nQcKilnnD8PtG/TFY1NWI/u9bv2wBet//5mrP/2y9bdFK9pgt7N6RpEQwhBCLrdduvNsPv90LC1pIGAceOh5DXVgCEF7XMI9P9uFqx59Cytf/wgPXDMJ1ZEAWjr0AWw+gul3XtmNWELGvIY6xBIyVmzeg8YZo63Bjnm/XRZi2awJLqDH/a/udklw2CU1ls2agHkNda5wN7xzCAtmjsHK1z/CVY++hXt+tgvdaQUxI6xdzZ145I19WHX9hXhrxSysuv5C9KQVa5JohmOmw35t+aad0DTqkLPQJ5xpC59txm/JleOtSeID10yy4vPAq7utPPVCZJsdzw1r3sEVD/8ON6x5B5+2xvGkMam255+X5MWXDcXdk1J9pAj0JfK0THHSGEDc9Mx7WPn6RzjZk0Fa1teMU7KGp9/c74DFPP3mfqRk/ctAPKOhOyU7/HenZMQzuns+tHyPj3uP4Z5R/Kh/unu3j/9uG7peUr1lFyS1MPmKtKy56tFdm3YiLRfmP57xzuN4hhbkP5/7YLO05FPmJOpI40Nb9HbM/N3Wk0Fa0vQtpcZujuz3snxjExIZLa8Ejp9ERzw9OPN0oNlQKrPxlHd5ig+gtLQl3HIkdmkZRaOONpAhxPP9mHIZpWIA33llNwIc67jPlNXI9tc4Y7T1296fftn626IVbbDbWZ0oUko1AI/Zfr9/Np9/OqZo+tay6kgA6xc14OWlM3FuTQQExDXgNAcz5gTRj/xpkvtaYvoqernIe0pwmNYSS1nn8foiO2GX7vDyN6+hDne/uNPVoVRFeg+O72ruxOLnPoCqUSx+7gPwLFPw8xlCPOUszDSacTJ/e02CzTzVJwTOPT9eHc+dtkm1/blekhdfNhR3PrS7nDWAMMuDbLirGsVv9rbizp824aZn3sOdP23Cb/a2WtsDZY26tC+//dKHlv/TlX5gfSh75mp0Ieh61ece9QzF8XTzeKjIYxRq+fLDNLO9APR33m6cOVQ0apzR9gYd+eaXrT0Yank60Gwo5a/sk5bs8tqf5iejYdaf7DbQr000ZTrM96dmyWf4jVXsFHV7f/pl62+LVrTBbv2x9fQ3hJB5AH5O+5Ok00cz4S0PXjvJsQVz07cu9W2MTfz0uu0H8PQt0xBLyNa2qmiYx/d/sRdAL+JdUjUIBvraREu3xPRtpstmTUBlWMDwsiCurq+xJp/2Z5vh2M2ckNonptn+KsOCZxoYhmD9ogas234Au5o7HQQyv+dXRgKYVleOXc2d1jWGEE85CzONZlg8S7Dh9osxpjKElXPrrefa87Q26kZk+3U82YS02qi35IWJ4s5Oy1BFcXMMwdX1NS4YjIl29xswaMYgiDcmatn5xRfon/Pxny394OfOM8S1FXp142Tr+fn8F5KG040jxxDc+ddj0ThjNFjjLPLmHUcKzuPTff5gM1XTF+FWzq3HyLIggjyLeEYBAFd7YrYX5rb67379AgD6V2KNuts3M188r9vag6GWpwPNhlL+sj5pYU8hLV8UtMWU0ciOo9kXn4xLDne/NBFDLsN8f9nv0T5Wsfuz6zLb+9MvW39btPw29h9/2af7P/uP676gmBTNy/pDHuN/A3gVgEQI6SaE9BBCuvshHn0yUWAACteq9/GutOfXjaSkoq5C36tfXSIgI2uObVWysU3OPNsXDfPY0tSMaJh3SHBcXV+DB66ZhFVb96Jx3R9x8zPv4b4552JCdRg/usUpJbFuYYNLgsMuqbFu+wFPiYuKsOCZBk2j2NLUjAeumYSr62uwunEyGAZ44uapvrIcj7zxZzx47SRMqyu3BvAcSxxyFjq+Pmjhs7c0NWP9wunoSulnImc/9hZWbd2LB67Rw7HnqRci209zqbok4MofL8mLLxuKuyToLR9REtSbgwDnp9NlwGaCjCfSPWz4F3x0vni2MGmHSNAbwx4xwo8ECKpKAlh1/YV4eelMrLr+QlSVBBAJEMPdx78NNFEmeqehrEB5ilIf91Kbf/N80OzH3sLi5z7A3Km1lv98eZwvj4aS1ACgi38/eO0kbGlqRndaweLnPsANa97Fzc+852hPzHdmamPeO+dcMIyeHybJMZ8Mhnk9uz2oDnvnafUQbQfOtuWr14PJCmljCjGvYxP7TvRYC0anY17SG3ZpGZFnHBJcBz0kNOxyGd2pDNYumI7ffnzckgcDgHf2t3r6e2d/q/Xb3p9+2frbohVtsFu/ymMMJMuHFdY0iuZYEl9Zvd1xfVpdOf7tGxfizqxD7SVBnTr6zFsHcd9XJ1oHxE2rjYp4aelMgxamy2ooKkWAZ8ARAlmjEFgCWaUWzMHud9O3LsUPfrkX8xrqUBkWUF0SQCTAQlJ1GYl4RkEkyINAx1/HMwpKgzx4luCFdw9h+thKlIs8ZFVDNCSAAo6D+eZq/byGOqzauhcbbr8YD27eYx2CP9yeRDQsoFzkcbwrjfaE5PjyuPGOS3HoZAJ1FSIqwzxSUi86W2AIYJAiGQagxu6v+R7pNIE/6xc2YER5EOWie7XV73D8OVVh4+xSfsmLU1jVHbQY7KOxpGeZennpTIyKhnCiK4WDJxOuL3bjq8IYVibicHsCfzpwEpdPrLaove/ub8PMCVUYXRlGVyqDlo60o06sX9iA2oogysQAjnWm0JVMo1QMWNS87lQGZaEgRpaLONaZwm8+OuaS57j6wpEYWS7ieFcKnQm3//JwECPKRByNJfHCu4dcX/NuvXwcRhno+nz35HM/3J7A8c4k6irCVhyaOxIYWR7CaEMCJFcet3alcLQrjXt/1gt+euqb0zCqLIgaIw0lIuOS7+gpUELEw/r9s02uMnu8M4Ub1//Rqu+utnLJTLR0phANcQgJPFSqy2VIiopvvdCEl5fOxIgyESe60/juLz5yfS3/3t9eiJpIIK8Ejp+ERtFO3zoSGWQUBarWS/tmGYoAx6EiPLjkMY7Gkvj+f3/sKmff/foFfvXP09p6MrhhzTuu8v7aXVecEeKnnfzNMQTtCQkpSUUkwKEqIuBkQoLAMvr4QOTx+30nrHaXYwh4jkBSKH778XH8zQUj8P3//hi/2duK+Q21WHLleEvuyqutnH/JGMQSEkaWixheGuwz9XSQ2qAdF/SnFb8o9psNTHkMovPJFwAYRyldRQipAzBiIJ9XNBs1AuClpTNBKUWQZxEJcKiI8KAa8PLSmQjyjKUBGOQYCCyDu2efk3ObGcsQaJr+hYFnAJDeiXta1nREdCSA6kgAy2ZNwPiqEAI8B0opvvv1CxAOMOhJq2AMrUMWgMoQhAMcOAKA6A15kGOs8xNLvzIBaVlHzpu4+ADHYOXcemvyyBDgjr8aj1FRXQZDoxRP3zINqqHVOL46DIbo+oaq5j5HRAgwaXgElALdaRVBjgFhCGRFgwxda5JjdP+m7uNjN05BZ0q2JpwtsRTOH16CX9xzOVKShp60gpSkGvpPgKJqUIx3MbE6gp/fdTnSsgaW6NtuOpL64fiA8ezujIxUj3fHpCgqJEXVz8soKhRFHdQDxFwD3nxnhdKKhkfe2GeVh86UjEfe2Icf3jwVgL5F6brJwywIBQFw3eRhiJmglrSKsZUBvLx0ZtYkRkWZqJ+dGV0hOiAWoytEtCf0bdOyqmHWeTVgCaBQgCXArPNqIBvnySRFQ3VJEBmlt9xVlwSRNDQxFI3izlkTkDJ0wAIcgztnTUCPjWevaBR3z5lgTcQCHIO750xAzIiDolEsuXI8MoYGaYBjsOTK8UgYz2AZgotGlTjScNGoEisPFNtWSjMP120/YOVxStEQDXGOPJJVFSml13/2RizWuA7b/9k2GM97Afq20UcbL0JdRRibvnWptfjw4M91IqMGigtGhi2NQ54hKAmzSEscfr78MsgqRUrKGHI7AsZXhcEyBBVhAeWiAEXVoGkaKNUlOCil0DQNAOPQFI2GnbmunQKbZAgPgk/LUpIuuWBmKQHAgCAlqb3qx4PEFI3iopFlOH9EKTRKMaJcxEUjy/pc/yRFxeXjK61Jl6pRPPv2wVM+r2eWPYGjiKd7F5EiARb6zk4BimhoO7MEw0sDSMsaBI4BzzL4xvRRSGQ0WE2rLtOMWefVQNUovvPVSfj+9ReCNWS0GKPvvvaikQCAREbBsa403v+sEzdfOgaqcXZYklSHHulQ62+LVrShbP1RM9cA0ADMBrAKQBzAjwBc3A9xyWteX6tWN07Gv/73Xlw/ZTiuOLcGJ3syONmTwtjqUizf2ITqSMBxlnHD7Rd77slXNIpbfvwn6/4N7xyy5DGypSjSsoY3//w5RpQFsfg5J776z0c78dtPWrHimkk4GZccfn9401TwLHFIZqw1ZDbschWVEQFbmprR1iPhgWuc5zC9ZC+evmUaZEXDd17Z7fgK+eivdfR2PK2gMyXjoS17XPlRG+2V8vjR7/6C2y4fZ8FrssMhhOBYpxtDzjHAt17ovfbsohkI8AxuNfQe7V9Fb7t8nEMiJFtmQ5IU7GtLuPDek6rDg7LzypcegfM+u2JuexRYBm3xDO78aZPT3dg6Gs2Duc+Hwa8KswW4K1i+8YMsd74P/nNj+E83jHx5IHKMq8yvbpwM0cjjs5HGwWQVYRbdacElB/LI312IJ393AAwhOJwlR7B2YQOGlwroTCnY/MERzJ1ai2GlAhZeNsYhCbBmwXREgiwOd6aweIMzvydWhrG/Xa8rjzZehO604MrTiZVhxyA3lxXR//42lOQxSoMsZp0/DLc86yyvpcG+nbMLB1jP8hr20VnNZWbZa+tOIhoRHfn84pJLHRrMtdFe6aoFz+oSW14yF2sWTMcvdx/F3Km1qIvyePrNv+COvx6HjoSEDe8c8uy7tzQ148FrJ0HkWWxpasG7B9sd9Wio9bdFK9pQt/44HHAppfRuAGkAoJTGAAzYzeleRM0Vm/fgkcbJmFM/Au3GxGzamEqr4Vs2a4LjLOOT2/bj8flTHHvy1y9sgKxqWDm33pokrrjmPJSJvOscZEdCxv2v7vaUzFi+sQlXTKzGrZeNRUss7fL7Dy9/6JLMWG4jgprpORpL4x+/dj7umzPRRRz1kr2IJWRrkggA1ZEAJEXD6hun4IW/vwTVpQErnOz8aIn1SnnMa6jzJJzeN2ciVjdOBkA9MeTHuzKOa0t+ugOH25OucMzw7RIhLTEnjtsLI758YxPaBimuO196GAA/umUaNtx+MV5eOhMbbr8YP7plmtUYMAR46pvTHOX1qW9OgznOPV3phkLcn9r2qUN+46ltn54x/2cjDYrHeeYVm/dYK/Vf9PMHm/lJmlw+sRqrGyeDZYirHVi+sQmyQtHSkbIQ/bKHPMZdm3YiJWnoTMiuMtGe6q0rdRVhzzi0pwpvB4rof38bSmU2KXmnxdzV0JdwvMprX8MBesvehJpSV9wkhTquVUcCOBmXQDVg5dx6TKsr95S5uGvTTut6T1rDgpljEEvqEl5+fbfZ15q7MrLrUVtC8myfB2t/W7SiDXXrj+UbmRDCAqAAQAipBjBgewo/omZXSkY4wKK6JICWWMqxvdRLgqJE5PDC31+CnrSCkiCH//jVn60vemsXNuCuq87B4uc+wGM3TnH5zSeZoWj61peTPRlPdz/JjOx7ulIyxlaFPMOoyjovYdeGnFZXjgeumeRYWVy3sEHXkoylckp5hOCtMVlXIWLFq3vw+M1TC05TPmkQe7r1zrN3m6Ffvg5Gy5celVKkDbiS+b4eu3EKVOO8MscSRIIcVl1/oUXpjQQ5cGxu+YkzJS1BCDxXqgkpLH1+/u0fdL5oeQw/NL25ffaLlt8YbOaXHk2jeOSNfXhsvrtdbImlkFEpqiICWGOLfq58CfKMdf7RXqbM+/OV60KsiP73t6FUZs9EWQH82wkvGad8ZpY9r7jZZWO8+uuH5+nQOa+4mOMOjVLc/eJOPLf44pz9unndPIdqXlcLbN+LVrSiDSzrjy+KTwJ4DcAwQsgPAPwBwL/3QzwKMhMNbbfaqK7fRSlwpD2J2qjo0HbL1k1cNmsCjndmcOtP3sfn3Wnc+pP38Zu9OhHMXG0zv9h5aS6aMhsmhjo7LoQQHGlPWvdlu/tJZmTf09qTAcd40xjtE0t7nMz0Za8sLtvYhPvmTPTMD/sz/dwOtCXQFs9AUb3T7JWmfNIg9nTrWy31iSXHeL/jwYhtB/Knh1Lg/ld3O97X/a/uhsm1SssaFm/4AIuf+wA3PfMeFj/3ARZv+MASk/cL3xwU5Ht+IfHzWqk243eq/u1jOD8txjOVhv52H2yWq0y1xTO+bd9nJxMQBQ6qRnHfnIm+75VjCJZnfbkxy5R5f75yXYj5EZiL6P+hVWbPRFkBeiUsssPxknHKZ2bZ84qbZivnfjrFrE/fb9Y9Qog1cbT3qdn3m9dNboJ5nS2wfS9a0Yo2sOysTxQppZsAPAh9cngMwDcopa+e7XgUaiyBpwzEuu0HIKsUT27bj4fnTcauw+0WInrd9gOGBITupzIsWF/gcn1dA4B12w+4nhcN83h8/hRLMsPutnZhA17f2YInt+1HXYXoeG5tVD+jmC2ZsXZhg1uuokLElqZmsIx3elkGnnEyJ5FeaRpdGfLMD/MLVoUhCeL1PPP6M28d8MTajyhzSl88u2gGxhjP8wrHLhFSG3XiuIcaFl/gGFc5WbNgOgLG+TiN+ny9oYV9rWJ86oQ5RirzkY4wpSdCPmj5sIGWzxZ0zo4fzxLP9PFsbo1C+2o/yZOGIO8dxyBvSHTkQf3nk9fIl0clPu4lBcp3DDZjfNod8/qzbx/E2qx3/vC8yXhy235wLMHmHUcwtiqEd/e3+earX5ky71cp9Y1DoVZE//tbSPAusyFh8JXZXOW1L+YlYeEn45TPzLJ3wEPmQuCIdc2vv05JisvfmgXTsXnHEWucURvVz6qvbpycs+9eu7ABHAs8+/ZB2xiid6Lo9fziPLFoRRuY1i/yGISQ6QD+Cvr203copTvPeiSyzA8r3NaTwT+/tgcr516AE91OGYjf/u+v4PYN71tE0otGlYBSYlESP+9KI6NoqIwE0NyRxMrXP/LFv6+6/kIsfu4DAPrWkPvmTMSEap3cp3c++uqcKZmhGMTS13e24LHf7kdtVMSWZZeBAJAMEinLEMTTMlQKREXekqcApcioFAT6pKIjIaG6JABFpWAIfLHfAKxwGaJ/bdU0Cg3wlP94eelMy0+AY6BqerxZhiAtq9aqKSG6NAjH6ijulKST09ZtP4C2eAY/X345ZLWX4MYwOi1P1SgUqg/qqwy8ukkbJISAJYBqUDMJQ8AxOmHPi0R4Clj8AYvBbuvJ4Mdv/8WFK//WleegukSXp5i//o+u9/XKnZdhZLmYV9ohHxr+WCyJ5z1w6bddPg4jDf87D7dj2phKqzztOtyO6WMqrfDzPT+ftEUu/0B+vP3RWBL/8/Fxl0TH31wwwkrjX1q7MaGm1CozB1q7cU5NKUYaEiPhAEGXTb6iTGSQyFAMKxNxLJZEWpYR4HnLPSPLCPK8lUcnupIYVhay3M3fo6IhHOtMoSxIXPIYXWmKkeXOVX7D+v2zTa4ym+t93PPiLuxq7sTPllyKtKwhJLAWRbYtnsErd84EpfpX4sZ1f8R9V01wSLeUBBjEM5pnmXjlzstQHRbQGs+AAvhXjzh8728v9MtTTytST70tX733sH7PtC9aHgPolbAoRMYpn2kaxefdaXAsIBvEZo4h1gJXV0qBwDG+/fX/fHwcV0ysAccQsCwDSVER5Fm81tSCl5tasHaBvkhLAWQM6iml+uIjQwiI8TskMDjRnUFXSrHy5gc3TEZ1SeALlwTpZxuw44KBbEV5jH6zgsrrWZ8oEkL+BcCNALZAj+Q3ALxKKf23sxqRLPOrYJpGcTKRBtWAtrjkoO69uORSZBQdklAV0bUIBUOK4tDJJKoiAlRK0ZmUMbwsAFUDOpMySoMc/o/tjOIPb5oKjiUOqqj51Swta4beIEEyIyOWlBEOcGBIL9zh6voa/PN19SBEJ1aaE7JYQsKLfzqCG2fUYVR5EBlVw2cnk/jV/zuOWy4djWhYAEsIeLa3gdcokFZUfHYyiSe37UdbPIO1CxswuiKA7pQGjeodPM8QaMYkTKUUHQnZpSU5rFQH3MgqBYUuYyGrmvVMSaWQFA2E6BIWJUEGRzp02qY9nMqIgJaOFII8A1HgwDEEosCCAFA0DZTqKw4lQRbxtGp1jjWRAHi+sC1fdkR+gX4HbIeQj7yoKBo+be3BUls+P7OoAefWlIDjGKTTCv7SnnCRZs8xqHWJdBoJmUJSehckBI4gzBOEg0EcaU/g2y99iGWzJjikIZ64eSpGV4YRT6fRk9GgqHrZYQkBxwIlAQaRYBBdyTRaOp3lYP2iBtSWB1AWCqI9kYakuP0LHIPKcBDdqTQOd7jpimMqAigVgwCArmQabXEZzR0p6xxmXYWI6giPslAQXak02no83Et4lIlBfN6VQkJSQCmxEPGEUIQFDsPLRLTEkuhJZVxajyViALXRENp60kjJKiSFWv4FjkDkWVSXBNHanQLLEqSl3olgUGCgqhQ1pSLa42kEObgmimkFqIwEvYrFgB10A0BPOu2imq5b2IAxlQF0JjVIqoa0pKK6REBCUqFqFCfjEqoi+m4Nve1S0ZXS8OS2Tx36stEwCxbA8W73+xxbEQZj6MsRUJzocZe7SUa9KNrpmSyraEtmoNrqLcsC1SHftnbAltnuVBpHOtzldXRFAJFAwFooEAUWiqZrG5/KokFfFx00jeJEdxpJWcWR9t4+fN3CBtSUCjjemcGPfrcfd/zVeOv4gRn3Q23dGF9d6tS/XdRgfQ3XqL6YKyvUGi90JGUc60xh3fYDAPRtrecNL4HAMvj1R8fwva2fuPqfs0kG7odFmwE7LhjIVpwo9psNTB1FAN8EMI1SmgYAQsh/ANgJoF8nin6mKCpOdOtkvJeWXIpV11+I4WVBhAQWb+79HH91bg0UTcMiQ5bh6voarLj2PNe1e+ec68JO3zt7Ik7GJXAswYvvHcHKufUYXhpEeYjH7/78ORrGVlrnasztmiGBxV2bdqI6EsCq6y/ExGFhxBIyFthkNuxI/vULG6BomiVmf3V9De6bc66jg1vdOBlVEQGSouHOjTsdnUd1RADHERwxBt7VkQDumzMRY6tC6ErKIATY9J4+GX1p6UzIxmT0hXc/ww3TR7nkAR55Yx+qSwTcO3uiI22rG/XVxpIgh0dvnILqkgCOtCex8v/7CG3xDH50yzQkJdXhxy7bcVNDLWadP8w1OTivJpJ3sijLKj5pjZ+S34FoDEMwaVgJXrvrCs8OUlE08BzjgNXwHANF0awBcYnI4bnFgyM6zQAAIABJREFUl1iTGJ5ztiddKQUttkF3bYWIMK+fYw3yrKc0RNDISwLgZFx25XdpQF9N5hh90mePn8AxMMfqAgsc63T7H2ti9glQ6hV/WxI4Bi6gjym7AgAc0VfM7e7rFzXAzIYAT9AW11xxqAjrN5SJDGJJxiX3YG2/5YHPuxWX/8qQnkdhgeSUEghyGDJSA4B+BiLIO995kGfQ2i3jtg1O6YCn39xvLbI99c1pWPHqHmswPK4y4GrfzHzxet+qquFILI3D7UmMKg+iJMjj8flToVFqlTtTb7Fop2eqStHuUe8rAgJ4Pr//gWQs8S6vLIE1CfLqj/syIerrhMrr/rULG1AZ5vGXE90I8gxSsoqHvnY+RJ7BozdOAYHOGyCgmHVeNT7vlp39Akuw4Q8HMeu8YTp8LsBh8wdHcOWkYQ4YzWM3TkGAZ1yL3TtXzoGqEdcELZDVvge+gIWYolRN0Yp2Zqw/vij+CsA3KaWdxu9yABsppXPPakSyLNcWE3Ow97MllyIksKiKBHC8K42a0iAOtMatwce0unI80qjTwxb91/vW1or1ixo8t5uunFuPO3/aZP29autebLzjUvz7/92Lf/n6BZ7bQ+xbVAFgw+0XW8/3e47dT657ADjCNq/XRkUsfu4DVEcCLlra4/OnoFTkccfzOxzbanOlGUDOOEiq5nK3p9MrbW8/eJWlaWV3t2839LNCtip62KBdOcy3bepEVwoHTyZcE73xVWEMKxPzuh+LJa2FCdNqoyJeWTrT2laZb2vpF+lu5kGue87E9tz+TmOW9fvIKFeZ9Ssz2e2dvd3M/m2m3y9fvK5vWXaZqyybOq67mjsLbkOKlt+GUpnNlRbzul8fWOgWy75u0fS7f9X1F6J+RElB5dwrTRtuvxiLn/vA6p8n1EQ8+1qvuur1bs/W1tN+2uI6aMcF/WnFL4r9ZgWV1/5YJs0A+JgQ8hwhZAOAjwDECSFPEkKe7If45DQ72OO1nUfBEIKbnnkPjev+iNbutAWpMZHTi5/7AK3dTpmKXBhp8++JNRGsnFsPjtXR0X5AjmwJCLtMRT5QTr57/CQnTDy2Fy3tO6/sxrHOtJWefHEpF/m8cfByt6fTK21+gJZC0OtDCdteiJl48lVb9+KmZ97Dqq17cdvl4yw8uaxRTw1A2ZR+KMDdKz9N9y9aGqKQ93mq8hbKWZK3+LLJY/iVmUKkfeztaK588SuT2WX5oS263qrdb9FO34ZSmS2knPn1c4VKpfRVasXv/pDAFlzOvfyb/b/ZPys+baNXXfV6t2dLQqYoVVO0op0Z64+J4msA/gnA7wBsB/DPAH4FoMn4N6DMjpqeUz/MgVhvT0iWTIR9EpWNjc6FkTb/3t8ax6qte6FRgoe27AGTJcsxra4cG26/GJWRANYvasC0unIATpmKXDIU+eKSlFRfeQkTj51vImoPO1eac8WBAqgICy73fNIf2flluheCXh9K2PZCLB+e3G+RQjM6/Xzu/S0NUcj7zHePn8wCcwbjeHV9DdYvasDLS2di/aIGXF1f86WVx/DL70KkfeztaK588bruV5bNyedgztOBZvnK/GCyQsqZXz+XLZWiaRRtPRkcjSXR1pOx2tG+Sq343Z80zvQWUs796oh9jOAnVeNVV7PfrWZA+DYvu8wxjsmVrlO1olRN0Yp2Zqw/5DGeN/8B+H/238a1AWV26YSakoCjsV23/QBqDUmKyrBguWVLXJi4aPO3uVXPlGqwyzd0pWRURwIAqIWDn1ZXjgevnYSVr3+Er/7nW1i1dS8euGYSrq6vQTTM47EbdZkKLxmK9QsbHPIYW5qaXThu3U8QNSWC4/rj86dg3fYDePbtg1izYHreyZo93V5xMdO8panZhbpf3TgZdRUiKiMCVv/6Exd2u8KWTnv8okbaXt/Z4oleLwQzXhMJnLLfwWj55DECnLeelmCcI8nnXuIjHVFiSEfwnI+8hXEA0E8+IxQoTDoin/wGAJT6hFFqhCEwxLP8CsbA51TjYKahXGRw75xzHV91751zriVvIQreEieiMDTlMUIe6V27YDom1IRdeWCX9nni5qlWO7p2wfSc78VT7sRnMGkO8gezTM5As1KfMl86CMtsOEcbY8qjePWB2VIp5jm6G9a8gyse/h1uWPMO9p3ogaZRREXeUzojKnof6PS6f+2C6RhfEwbPek8CzXK+unGyZ5tiymOsbpyMijCPaJjHs28fdPXPj93Y2xfb41oputM6f/0f0bjuj45xzBchIVOUqila0c6M9Ys8hvVwQnZSSqefgXBYADsAHKWUziWEjAPwEoAK6KCcRZRSKVcYufZ2p9MK2lOShZ+XVQ08S8ASgrSiQeT17RidKRmRIA+W6CuOqkYh29D43SnN+s0xBBlFR71nlF5yIc/pVDGTJskx+jMOtiXw5Lb9AHSy2PDSIKoigr5dkOrPSykaghwDjQIU1IGtZggQ4BmkJA0hgUHSRlMMcAxYBo5rosCAYwFJ7sVgM4SgJ6O4yIGlQQ6yqseZMYionEFSTUmaQ1JDpTqZVdF0+qlKKRS1151SHcZCKYVGYcVH4BjIqma4A5rWK9UhCgwo1eEkFiGSY5CQVQRMCiyl4BnGigNLAI4lyMj6OwkJLGSl9/1UigKCwcEpjwH0llnFIz3HO1PY8dlJF6Z+xtgqjCgX0Z5IQ9XcVFOWIagMBxFLpNGRkHHEVg5GV4jGQEJ3F1g3kVNSgWg4iOOdKZR6SDt0pylGGOf/ykXG5d6Z0jAqGsLxzhT2n+hySVNMHFZWkH8AeeUlTvakEeThkrdIy0BVSRDHYkmUeTyjK6VZ5zAjQQbxdK+7+ds8A/m9X3zkK8VwoiuFSMAdv7ghr3E0lkTGQ14jwPOD7rwXAP/8TOvthKxRQx5IB4akFA0cQxAOMOhKqdb9CUknIctqL505EiDIqEDAo0wmJKA5lsS3X/oQLbFegjSAQtuBohVo+c79etiALbO56j/PMTqVWaMQOQYK1beye8kutfVkwLEUyUxvOKEAA0XVk/7L3S2WRI99fFApCujOyJYUlsjrdFVzPGf2+0GesfrFsMAirWgOuSrVeCaMvrfMSIM1HjHkuMzw/ufj4/je1k9w/1cn4vrpta54mfeb/Yb52xxzfP+/P8Zv9rZifkMtllw5Hqwx/qgOCyCE9JU87msm7VTVNIsCzzEEVSEB7SnZGMOdnhSJjw3occFAteIZxX6zAUs9tduZqlTfBvBnAKXG74cBPE4pfYkQsg7AHQDWnkrA6bSC/e0JVEU4HMrCt69unIzXdh510T2fvmUaZEXDd17pxU+vXdgAgQUe+82nuO3ycXhoyx5cPr4SCy8bg7uM7axX19fgntkTrd/mMx55Yx/a4hk8fcs0ZGTNgbV+eN5kPP/uIdwzeyI2/vEw3j3Yjp/cPgM9acUa/NRGRTx58zSUiBze+bQVDeOqnOS5BdNRGuKx4Nk/OeJbGeEhKxp+8Ms/47bLx+HtfScwd8ooBzlww+0zcKQjhX94+UNHnKtKAhBYYvm1A3BWN05GNMwjI2u420ZJM9Ny91XnIJ2VzrXGF6f/tOWf6bZuYQMCPIPFWXTEtz5pxYxxFY5389iNU/BffziIu646x3pHXnS6tQsbMNGQgxhsZpbZbLqgmZ5okMfY6lILlmS6R4MGtZQFDnZKvkRNgQVSHgRJ84iKwOYmcpYGcxM9y0UmN/FTIIhGRBdRVBRIQf4BoCxPHEQ+dxrK8jwjXxwIoa5y/PC8ySBEH+hFArnjFwky6EgCt25w5kFlyeD7OgPkzs89R+Oe9OS2eAZrF0zHT412b8PiixFPK7j3Z7tcbdHIUt7VfpvhswzBqusvxLnDIogldYL0UGgHBpppebasDybLVV4PnExbZHKvfsVO0w7x1DeclAxMH1tpgWPMfq26hEdLdwptPRms2LzH9ZwXFjcgGhGx9cMWXDdlFO7atNMx1vCK12M3TsGbf/4cc6fWWnHxGo+sXdiAp26ejDFVJa547fysHdPHVjrvXzAdW3cfxdyptfisrRu3XT4OF40sw1fOq8Hi53r76/WLGiBwzj78VMnj5pfLx/9nn6uNXbuwAU9t+9SiJq9b2IDzhhXlb4pWtFzW37Xj+6cbACGkFsB1AH5s/CYAZgPYbNzyPHStxlOy9pQ+YNa0Xt1CoBfgseTK8a5D4rGEbE0SzWvLNzaBZVjMa6izGq4lV463GlUAmNdQ5/htPmPZrAlWuObkyXR/aMsey9+SK8ejJZbC0VjamiSa99330i60dKQwu36E1RFYcdu0E7JCXfFVVUBWYcW5ccZoxxnNllgKLbG0NUm0x7mlI+Xwm+1+vDODjoTsmZYOj3Qu37QTXFb+mW7LNjahpSPluHbXpp24fnqt693c/+puzGuoc7yjZbMmuO5bvrEJ7amcH6EHrJll1i89+dw7U5qne2dKs9yz68KyLPd8/k/HPZnxdk9kCvN/NuKYz13TvM+Jalph8Yunvd3j6d40DibLlV4vcJLZJi63tXstHSlrkmi/t6Uj5VlmzfDveXGXRWv0umewtgMDzQiB5/ZH0u/fDftuucqr2Yf79Sut8UxB4WQUzTUeuGvTTmgaQXNHygo7+zkTakqxfGMTGmeMtvzbxxpe8br/1d16/26Li9d4ZPnGJkwfU+kZr9n1I9z3b9pphTttTCUe2rIH10+vdd1350/dfXh2XhVq7QkJS17Y4TlWWL6xCfMa6qzfy07xGUUr2pfJzvoyKSHkCgAfUkoTACKEkP8E8ASl9PApBvlDAA8CKDF+VwLopJQqxu8WAKN84rIUwFIAGD16tGfgJgksHxHMbn6EToY4SWjZfvPRUf3CNf2xxvmpXIRQv/Np2TyBlljK2G4CR/iFpjUksK70ZruHBBbrFzU4RNntBMN8+Zcdnlf8c+Wn6eYX5kCj8RVSXoH+J24OdPeBEAc/d9XmXh0JYOXcekf9GGzU0zNRZvPV4ULavULCHyx5OliNEODheZM9vqL3d8yc1pdxgd2yy1Mh/Uq+Mufnlot2boZp76/tf/vFq9DxiF+c/fpbM1wTqON3X6HU1Hxm0k7zjaesZ6iDc3HNtELb2KIV7VStP74orgWQJIRMAbACwGEAL5xKQISQuQBaKaV2WqpXt+PZ2lBKn6GUzqCUzqiurvZ8hkkCy0cEs5sf9EWjThJatt98dFS/cLP95YLO+NFBs9vj2qgIhhBHnPuS1qSkutKbHTYFHGCDB6+dZAldF5J/2c/zeoZffhVCix1oNL5CyisA8D5llR8g1NEvmvh5Jqin/eVuTnqCHIMHr53kqh9BY4vUYKGeFlpm+0ortZNOzcl1rraokPDz1ZuinZ5RCjz/7iGsnFuPl5fOxMq59Xj+3UPoR0yCp/VlXGC37PJUSL+SKxxZ9aaLcgzJ2X+ZYdr7a/vffvEqdDziS4T26W/NcE1/fvWsEGpqIWbSTjtTsmc/k01N5tj+3lh3elZoG1u0op2q9UcNUah+4vp6AE9SSp9A79fAvtoVAP6WEPIZdHjNbOhfGMsJIebX0loAx041spWiTj1lGOpJC3327YMuslk0zOPx+U5C59qFDVA1FVuami1imEkTNe/b0tTsIv/Z6aijokE8cfNUh7uTmCr53vfkzdNQWyHizb3H3bQ24/xfdnxZFuBZWHHevOOIK36jokH88KaprjjXVogOv9nuw8oCnttsCSGehNO1C6ZDyco/023dwgbUVoiOa2sWTMfrO1tc7+axG6dgS1Oz4x150enWZhHbBpPxHONJ7OS5woiZZ8M9F/Hzi35+Iffko6J+0XGkgOeWS3NMPdSop7nS40dPNtuFZ98+iNqoiNoKEU99c5pnW1QuMm4i5MIGBAViXScMvEm3xfNLZ8QqRcGz3g/GdjZXeTX7SL9+xU7T9gunTGTwzFsHPMnHDENRVyFaYWc/50BrN9YubHD01/axhle8HrtxCjbvOOKIi9d4ZO2C6dAo9YzXm3uPe95vhrvrcLvVr2anef0idx9+quRxk3a687N23DN7oqu87fys3XrGuiFMNy9a0c6UnXXqKSHkLQBvAFgM4EoAbdC3ol50muHOAvCAQT19FcAWG8xmD6V0TS7/hVBPRYFBT1o1ngfwLIO0pELgGFDopDGWEDAMwIJAsVFPIwEGaVn/zRJAo/oqn0k9tShhHtTTjKJZBDGN6oe1E7KKAMdC1TQoKsWzbx/E3bPPsUhl5n2KGScCAPr/HEschFA/6ikFoGqArGjQKAUFAYVOHlQMEhrPMuAY6KQzg4zGMwQqKNq6M4gEeQgsAUOIRUUVWAYpWcVXVm935fXbK2bp+WlQT818CHAMpFzUUwBpKYt6KqkW3S0X9VTRKIIGudZ8XwxDwTEcqkt8O5EBSzc73J7AP7z0IZbNmuDYtvjEzVMxujKMw+0JVIVZF7GvPaFidGU4LzXUz//JhIoxRvgVYRbdNvdSkUGH4d4SS1ogHdNqoyJeWjoTtQYxNNfzj8aSONDa7aKeTqgpLSh+ANASSyLq8YxYSkOtEcbxziTqKsKWe3NHAiPKQxhj5FFQIEhLvUQ98/eoaChv+IU836t+vLVilpXH+dKYZf3+WSxfmfVLj0lyllRNJyozxKKeBnkG8YxqUWmTGb2uK2ovgdmkx1aKgoMEXC4ySMoEZQEWbQn9ule9efqWaX4k2aL1wQqhEWfZgC2zucpr2EYyz6aeZpM8j8aSCHAEGYXa+mOC410ZHOtK47zhEbAMY9FJgzyDjEJREeRd1FNZ1aAa/X2pQVk3qaOKRhEJsEjLvdRTxYN6avrLppZqlEJSKdZvP4B7Zp+DIM9Y4RZEPQ0wSGY0K/2yrLoIpwDOKPX08+60J2X35aUz9XQXqacDxorU036zAUs9vQnALQDuoJR+TggZDWD1GX7GQwBeIoT8G4BdAP7rVANSFA2xjATNkF/45PMeTKgOo7kjhSe37ceu5k5MqyvHfXMmYnx1GBoAhgIyNRpXRcOLO47gpkvG4P5XduPBaychEuCw3KCP3TdnIsZWhUAp8PSbf8E3L61DZ1JBSGCtgcp9cyZahEkA+NmSSwHARQIUeQZtPRJ+YdDOnn5zP267fByef/cQ5jXUoTIsoLokgD2HOjC+uhR32khrD8+bjEd/vQ+7mjvx9oOzkMxo+Lw7jfaEhJqSAG5Y8y4AYFpdOR64ZpLrnMnz7x7C4ivGYUxlCMs27rQGW593x7Ft7wksnzUBrT0ZSwbgu1+/ALVR0dWIM4bkCEt0iQ2eJWjrkRxxfezGKfiPX32CXc2d2P7ALLyw/QD+dlothpUEQI0OWqVArTH4aE9IoIpqfY3hWQaVYcESTz8aS+KSf9/mevfvPHTVqRabfjWeZdAWz+DOn/buyLZvsQkJLLozmiGjoi9adGc0iMYZEYYAx7tlmAsLskqRklWEA7p7kGPQ0pkBy7CWezwjo9z4MsAxBFt2HNWx7tAn5lt2HMXfXDACgN6Je52/M+mHpSKDrqz4dWU062ueqlHcusG+21y3t1fMsp7/5LYDaJwxGixDICkaXnj3EG69fJx1r8ASHDyZwfJNdvpvA4aV9qbhgc3/z3OQoecxwdFYxkH4W7NgOoaXmtRUbyriyLKAlYftSRWSQq08VClFyBgYmdu0sp9vbk0tCbKe/kuCg1NMuiTIeubXqPIAdjd3Y9LwiEUjnVZXjmWzJqAyLGBYaRCt3Rl0JCW9nblqArZ+eAzXT6+FoumLTa/8oRnXTxuFY91pHO5IWpIuYypCqIuKOBxLorkjhbGVIc96UxToPjNGCLC/TYeyme8gGuZR478YN2AtV3mtCAcLDkfgWPzTa3scMjk7P2vHdVNGYUtTs4va+eytMzBpWAkYhlgk3raeDG5Y847VVry1YhY+OhrHyHKdDF0dCeD+q8/FiHIRbT0ZUGOBtyIsQBQYHGlPYUS5iH/b+jHu+KvxWbTxBsQzMh55Yx8A4N++cSFYhiAp6320wBEA+iTRPE+oUYpYUkY0xGNYSdCaiNnXAniedS0OaBrV65qiQuBYsKexJdSU2PI6owgAo70X04pWtKJ52FmdKBp6hxsppV81r1FKj+AUzyjajVK6HcB24++DAC453TABoCcj4WRcxlPbPsXdV+nbGOyTMy95DHPiZE7S7ptzLkSBxYPXTkJa1rBisz5JzJ5wrV3YAJFn8P+z9+VxUpR3+s9bR1dfc/RcXDNyyTUoIzOAgCaiGNQVZZVDhUHByCFGE1dRf5tlY8K6qyIxxhUG3QgiaETQNeJ6RA2aeEQdUKIjh1wyXDPM2XfX8f7+qK6arq6q7haQmcF+Ph8+TNdb71nvWfX9Ps/KLXv0g93yGRVgGeDRGRU6SychBHcnsYIu3rgdL8wfiwXrarF6zmjMXfOp7gOSvNisqq7CY+/sMsS/d9N2LJlcjk21B9EaEg0b4LU3j9E3rQsnDLRka1wyuRyLN27H8/PON1Fvr5hVif96/WudknrlrEp8sLsRK2ZVmqi3n/1oH1b9db/evgUeh6msd734BR689lzc99I/sO94EFdW9MGne4+bqLmfmj0KAs/gxqc/MT2bO38yRF9weZax3JTz3dR3wcESU9uumFUJB6v5xwFH20XTJqc0Py5/wTFoDMRM8X1ulQSAj78BX7T+E0M4z6np57kYVPUvMtCna+ZUQIf/XfKLDs3/TpKBpoC5fC6uo3xWz0szEfQ6GUw+r9RAv76yugpeZ8fzlGSKx9/dZTisPv7uLtx/1XAAHSZhyWXQTDtFmVoy/2kHyYhozWaohTMMTONsxaxKeH2s3oZW+WttSKl1fI+jex5qwjH79lryypd4dEYF1swdjYff2GGez2ZX4atDQSycMBCyQjFhWA9z33OzqDscMEi6LJs2AnluDo3+KJa88iWuqyq1bnOhe7ZpVwNLCMIx2fQM2K7GZpMBUvVXfIcziM/F446Jgw2yLTXVVfj9O7ssWTvnrf0MLy+6wGDpoplazlv7GepbwmgJxrD6g324+7IheGLmSIRismmufeC1r9EYiGJVdRU21dbjR4MK8G+Th+vjRq/T+losnXIO7rtiKEpyHfBHZIMskZUUV6J8TeLBNhU0SQutDsmH4hOB5qtoXiey4zmLLL4LTutOmFIqQyWyyTud+Z4MQvEFYWpVGW57zuxTd8elg0y+RJrMg/b/wnW1iIjqZK2xlVkduG5dV4uWoIibxvfH0s11mFbzEW58+hMEIqp56yPTK/De4gkoyREs35RFJcXAMpbv4i0XmwUJFNGJ8Qs9Dtx3xTDTBvjB17/GqrhPQSomMZXZzOxbtWj9VgMl9a3rt2Jk3wL897u7DcQGj7+zC5X9Cg3te7g1YlnWXnnqoe/37+y2peae9+xnONAUsnw289Z+hqZgB+29lW9Sd0UwJmPdRwewes5ovHvXRVg9ZzTWfXQAwThZQMhmkxOKqexvEdGalj0iquHhmHV4OB6/zYbyvS0u7SAq1NL/TtRJSVKXj8D6eWnbiYykIwj0cab5r9w0vr9uiNEaVvD4O7tM/VOTpzhZ1tN0bdhuk397OLNn1N2QjkXyzg1fgGcZ/Oqq4eb57NlaTCzvheZgDALH2j57qz6nvrhTr19+bi/LNm8MZuUxTgXSjfvuhFPFkNsSFi2lhrQvjFZ5xCQj6QvDEAzpkYOXF12AD+69GAVeB6ZWleHmNZ/BH5FSysssWFeLeT8egKG98iHJimV+bgeLu178AhzDmuYcKymuxPST11k7aJIWyYfiTOLaQTtAJ64TT904CoWe7ucTm0UWnYnOMD2NAPgHIeTPAILaRUrpHZ1QlrTQFgS7SVuUrCdX7X7tf0rV6xqTmF16RV4HZse/gGnXFqyrxZLJ5VjwbC1eXjQeRV7B8k2Zxi6m/d8aFlHocVjmkzxZlvpcyHPxaAuLpvvfqmvAv19Vjj/OGwvEtbCS89bqJSn27ZH4m2UI3qprwFt1DYZ777l8KEaW5WPbwVZ9kcphjN1U+3qkmcoC+E6U21rbawtuWJTx8Bs7DV+XHn5jJx67/jx0R3AMwYd7m7Chtl6/Vupz4eeXDgLQdaUhMg2PSIrl8/pd/Hllsomj1FrHUPviJynUsn/+8spyAB3MgsnjIJnV1C48kzZIlf+ZJuWQrr3Ul1AUFNaSAaKsoCkYQ5HNS7RM5Azs5iStzbM4Ocg2z0Duhn02XX/NFJqUQyK09bkpGMv4ixjDEP0rY6M/qq/7PMukXI/rW8JwcIzOIWC3tte3hCFbrLGpJLu0v5MPtt+lHTKJa4fEA3Qsbs6a6HKSRRZZZIbOsK17DcASAO8DqE341yWhLQh2VNGShWREqc+FAo8DGxeOQ4HHgUnlJVAodMaxh6aOsKVyl6n1RijfxaPU50KOk8fxQMT0RWVFnF0skZ10U+1BFHgclvkU5wimLzL3bNyOBn/UcP/IsnysnjMasqL6i7EWzIAa8+pDU0fgaFtEDxtZlo9Vs6uwceE49Mp34dWfXaBTVFtJbZT6XDjYHMbdlw3ByLJ8lPpUyuweuQJWzxmNF+aPxeo5o/HEzJGobwnph8RS33ej3BZlxbDgJvr0Xffkx1jwbC0aA9FuS5vt5BlLVjonn5m0wvcdfirkO6ZU9MSwXrnokefEsF65mFLR0xC+4Ef98Oc7f4x377oIf77zx1jwo36GTZzVpkfbDGVSBoFjsNKC4U+Im7+6HNZshi7H6XkG3Q08Syzbk4+bS5f6VGF2IW52nIhSn+q7uan24HeW2Ui8bjcnddc27Wo4k+RH0vXXTKGZRyai1OdCSY5gyfCdyRexQo8DJfH1PZ3kVqnPhR1H/bjhqY9t13aNYZi1kL9IJdml/U0IwaGWEBr9Ud0PPdN2OFkzUe0A3cfnRnGOkD0kZpHFCeC0s552VdixRUUiEnY3BbE5ThCT6BNk56O4YlYl/vvd3R0+edVVKPRwONCkmmUYNHcYAAAgAElEQVQUewX86z8Ng8vBmnwT8lw8bnjKzAi5dMo5cDtY/OFve3HbxWeDIQTBmIwirwMsQ+DmWRwPxvDY27tw47h+GFjigSQDAmcmg1lZXQWfm8Nxfwx5bh7H2qNw8gx+9tw2FHsF3X8s8e/EMnqdLPY1hpDv5pHj5OHkVZbV/9hch0Z/DPdcPgSrPzD7Rmr+gT+7ZBDe29GAUf0LTL6dj7yp+jYsnXIOnDwDn4dHMCobfCBqqqvw6uf1ui9jTXUVcl0cDsXNXrT7npxdBVFWcNtz2wzPjGMYeJ2c7v8gSQp2HPObnsXQHjmpGNG6LLtZLCbhaCCqE50oFHBwBD29AhwODsFIxJKIYUChAI/T+b2HByIR7G+Kmtq7X6EAbwbx/fH4yeH9CgXkZBAfAI62hTGtxsyIt3HhOPTMc2VUx+MhGWJCG/McQZGb1cPbogpkWf3azRAClgXyBOaUtKE2LyWHDyr06CQXSej0HVKqPtscjKA9IkGSobcnxwJeB4d/XvGhPncsmTwc9S0hwzh/dEYFSgtcaAqIaA6E4fO6LNttn0WfG1Tkwd6mEOY9+xnGDyhE9bi+Jr/poSXeE2ZfzKIDkYiEb5qCpmdwdjfss3b9NdfJfScyGzvfvEHFXrSERSiKApkClNLv9EVMkhTsbPDjsbd3mdbhRB/CRBK7SeUluPuyIWgOiijOEfBtUwi/f2c3GgNRPDqjAr19TjQFjH7R6XwUNX9LbS9k53f4ffgodhK67L6gKyPLetppyKi/doY8xj4ApkwppQNOa0GSYDfADrWE8OtXv8Liy4Zi2Zs7dN8BUVYgcCyKcwS4eZVqWopTQv/61a8M5kulPhcemV4BgSMo9joRlRQcaQtj24EWXH5uL1UGg2XgD4v40+f1+KcRfXR/yMSDUHMwhl//qQ6NgSheXjQeDe1RwwHwiZkjQQhBrpOHwDOgcTmKpkAMuS4eMlVpqzd8cgA3ju8PUaao/oOZSbAs/qU0JiuY/YdPTJvpDQvGgdIEamyWgFLodNsa9fZ1FhIISyaXY+nmOjw/b6wueXEobpJbs2WP/pXwvTiDJQCd7TAxnefmjYUkqzTeYVHGojiLrMa2GorJKO+VY2Bg1WUibhiJ0nyXYQGSJEWl5paVTGmzu+yC0OiP4pdJTHqbag/igWtGoDhHwOHWMI62BtEjz60/w2NtIfTM96B3vkvv88nxf3XVcPTxuXG4NQSvk4E/gRo+x8UgEFHQO9+dNv6hlhDWfrhPZyWVFYqNn32LG8f318P//NURlTWVUhBC8G7dEfxkeC893KpvvTB/bEbhANDQHsbxQAzzn+0YP0/OrkKR14GSXLUNth5owsi+hTrV+7YDTajsW5hRHodbQphhEb5h/lj0jstfUKqAZ1m9DUVZBkMYXaLkWFvI9Ix65LkzakMLdPpuK1WfTdWeXx5u1+eG9xdPAM8xkGV1fjrcGsbyt3bhl1cOA6VA73ynZd+ZNLwXijwOXQaDYwiKPQ44HBwUhaIpGENMknUa/1NB0Z+FGZrUlNa+hS6H3SER6MJ9NpM5JlMk9r9TaR6pKBTHg1HIigJFAY4HYvBHRLAMQY9cJ3Y3BAxrLgB8eN/FUOLyUZKiynoQAEfbI3h56yHcNL4f8t28Ye1XNCmu+DWOZdR4hOD+P31p2gslk/F83+1wmtFl9wVdGdmDYqehy8pjjEr42wlgOoCCTihHRtB8hX564QA0+jscqz0CizyXAw6OQIwfkBiGgBCYfFzqW8IgAH7z6tf47YwKHA9EEYzJeHdnI5a/vRsA8O5dF0HgGaz66358sr/V4H8l8Aw4QuBzO7CyulKdlGVVzuCZm8eAYwgccS1EjaZakimag1H43A5c+fjfTPWaObYfCDGbucoKRSgmIxCVEIpZ+w2IsoI/bTuEd3c2YuGEgeid70JpvgAppvoQqbT01qZ9HT6b6kavORjT6bg1qCaoIQRjMgaXeC3TUTeB6m8HSzB+QCEWTBgIlhCwDEFzMAqFUku6exfPmhYgjf1Uow7vhguUjpgkY3pVKcp75+qm0QxKdX8PUVbwwTfNmFLp1uUrPvimGVNGqqY/kkINfR0AGv0x3f+NUuBQcxi5ro7FPvF3Jv51n+xvRWW/Qr2Pf7K/FTPHdvjnuR2crnnJEMDt4E6ZjyMAxGQKn4fDC/PH6hschlG1wrQ0nDynz6IEgJPPvAyiTbhG3MEyBA1tUfTI69hUNgeiKIn/lhSKa2v+jmRoL1BUXTQeAs9CoaommFfgu62PYqr21MavZsb2q1fMm8+mYAz5LrX+92/egfs37zCkdfGwnmAYBoQQAOoBkmHUF0GJ/l2AkcY/i1MLhkn9u7vgVPoIJ/e/UwkCAkVRy7v+4wOY9+MBce1hFuf2ycXvbxgJhVIQAMfaozjWHkGDP4bBJV40+KN48PUd+ovWieU98MyH+3FH3NedAmBZgqL4vK8d8ggh6JXnwpG2sOVeyM7v8PtshyyyyOLEcdoPipTSpqRLvyOE/A3Av5/usmQCzSfGwRGTSebKLV+bzDpWzKrEpPIS00ZG4BjcfdkQnagm2dRyd0MAjrhMw7aDrYbN0fpbzseMuB6SnVnnH26qQkyG0eRqViWcDmuKaEKAw62qP6GVVMcTMyv1uifHPdIWwWXn9sS4s4vwixc+x3VVpZgwrIch7/W3nG8ZV/OZUChwuCWMUp8Tq6qrDF9Ga6qrwDHAfWtVEh+rdPY2BjF3zaco9bmwZu5ozB7fDzc9bZRrEBWK5+edjxue+rvBnCXZx+MMMnsBAOS6WPTMdxtozFdWVyHXpX4ZyXWylhICmgafi2ct5Stc8S8ruS4GzSHGIn111+ewkRtxJOg4WqWvEQ/lu1kM65OP65PSz3ezGaWfCdGEz2WtczigUNDLYNWGWhnS5ZGujD4Xg5YQb0rfF29D3iZ9zZ8r12X9DLVn3N2Qrj21+XLp5q9w+yXqRlUzZ9PMUm8Y09e+3VjmRMzLsziFiMUk7Gw0m0sPKfbA4eiMd9YnjlNFZvN9IXlNe+32C1E9ri/mrvkUxV4B919dbpLNeHRGBXKcDl2eq8DtsJS6+k3cYkqbt3vkSACBQYbqqRtHoUeuNeleVp4iiyy6F077CkkIqUz4N4oQshBAzukuR6bQqPjz3Q79kPjwtBFYvHG7pfTEovVbcd8Vw3THbH0yzXNasiwum16BZ24eA4+Dxev/OGJyJl9VXYXnPt6P+hZVUsMuX5axoIVfvxVRUbGUEjjWpgrvLps2AndMHGRK77bntqJnntMybq88J9pCEn7xguqXMKWy1JT3A6/V4YmZRmd/jfRm+fQKtIVjuPvFL3DhQ1vw2Du7sPbmMXj19gux9uYxKPQ6cMtaNT2N/CcxnZrqKjh5BiPL8lHfEsbB5rAp/0Xrt8Z99IhOG/7yogssD3/fBzV3Z6I9LFtKBLSHM5PHkGRrKQFJ7pBusE5fDWcI8MTMkSYCIq3ZRck6fVFS4wci1tIQmrwFQ6zlMbT0nZwNmU/CgaDVpg6a/EU6iY10ZDXpypguf44hlvG1jWgoat1GoWj3lMcQbJ6ZwDHYuHAclkwuxyNv7sRbdQ24df1W/Oqq4fr1Zz7ch7kX9EdZgQvEpt1YAksZgoZAtNPq/ENDYzBm2ee7o/xIqv7aFZC8pjkdHdIWCycMRHNQNM3Bd274Agebw1h82VCU5AjoledMK3W1eON2HGgOmWSo5q39DJJCs/IUWWRxBqAzXuMtT/hbArAfwIxOKEdG0Kj4H73uPP3LmyYhYSdx0RYW8ezNY9Dgj6IkR8C/bPgCv51RYXlvayiGaTUf6Qepz/Y1Y/0t56PRH0VTMIbH3lGd0T/Z32qS3EgEY2FGWt8ShkKppZTAfVcMBUMIHnx9B5ZNH2EZN2ojQ/DLK4fByTMo9gp6Hsnx36prwO2XDMKSyeXometEodeBlmAMU6vKoFCqE8xo99Yd8WPdT8/HkTYjpfe2g6145E21DIN7eEEpULNlDz7c26R/kbWj6GaIanLTJ405y/dBzd2ZsDOLktOYTcoZmk2miy9TioioGIS1l0+v0BlF06VP4hqHyURImqlxOnmMQIKOpOa/99T7e3HbJWejME0bZWpa6o/I2PL1MTw3b6zuC/fK1npcPbIPCjwnL+ERtomvSbaka6PuhmCKZzat5iPDvVo7NQVjGFTixb9fNRwHm0MQOAYRG6mb311/nnV7y93zYN0dcSZJuqTqr0WdXTiY1zSCjv1BonRFIupbVDmptrCIaTUfYePCcZb3JEtdJUtQaddFScnKU2SRxRmAzjA9vfh053ky4BiCxkAUoqzoX940c0jNjDLZtKI1JKLBH8XSzXVYMrkcjYEoZGqtP6h9tdK+MK6ZO8ZE3lJ3xI8lk8v1/KzyVWzSZwix9NMLxWTEZAWNgSj2NAYt47KMddymYAxLN9dh6ZRzMHfNp2CItRnO4baIHvedf7kIV/33BwCAF+aPtT1oLN643WRuuu1gK5ZursPqOaMxd82nWDK5HBtq6/VnoVF0J+evUEDIYFHSqLnPFBMZO7MoNo3GX7rwdBqBWnxKYfA7rW8J464Xv9A1CjmGYFJ5iYnshkuIn0rjkLPpl4nlS6UjeTJ1TAx/obZe9zHWwq+tKs24jOnSt4rPZthG3Q2pnplVOxFC9Dmo1OfC4o3q3ClwjG27W7Z3N5XA6Y7o6uaa3wWZzDGdieQ1LVEjsTUs2prGa/sCALY6jpr0RWKcZGjrZ9bvMIssuj86w/Q0jxDyW0LIZ/F/ywkheae7HJki36WamG387Fv0K3IbzCGtdI6WTRsBn4fXwzbVHsSyaSPAc0SlcfeZNYo01LeEwbPE8hBV6HGgZsseLJtmna+syGZTuFmVYFmzCVxNdRUKksq4fHqFqR5tYRFPzBxpWeb6ljD6FrpR6nPhla31prwT66ZuyDo0mOy0l7Svolbmpg9NHYGIKBveaGrtUlqg1inZDIhnkZEpUKHHcUaZyLAMsWw/7ZDBMLAM14glCl0OS7PKQpcjo/h2REYaw3K+i8HtEwdj6eY6XPfkx1i6uQ63TxyM/Lh/nl18JR4/XfncNmahbkdHX8hzWd+TFy+DV7AO9wqMXgercK0O6cKdvHW4pnWZrg7p2qi7IVV7JZuw11RX4d061Uy/j8+JjZ99i2XTRkDgCBhi3TcdHGOaI2qqq1DizW5iTxeKPdbjtrgbzrPpxndnI3lN2/jZt3p5a7bsQYGHN+0LHp1RAZ+H19dtq3V4ZXUVNtUe1H8vmzYCRV4HfB7+jFk/s8giCyM6Qx5jE4AvATwTvzQbQAWl9NrTWpAk2NEKt4WjIITCH1bAEILpq1TtNU1OotTnQn5ceoIhBDxDoFAKhaoballRNZB2HGnHOaX5kBUKJYWMxrqfnq9LViRe19gZBY6BolD4oxI4lgGBejBwcAwcLEFE7KB2D4sy/rarAZef21uXruAZAo7rYEJj4xpQLEPw9RE/3A5Wl5FoDESxYf5YUABH2iJoCsZ0Ou1Snwt/nD8WBIAoU+S6WIRjqlwFBfDAa3W6w/ujMyrg4Bg0B0UMLPFAYBkcDxi1HVdVVyEUk3Hnhs8N7VvocSDPxevSJNpX2gXP1urt4o5v3hNp7RkGaA+LKM5xosCTfjN4AtTcXZYGOxN5jPv/9KUp/P6rz0HvfHWxT0Vj39Aewb/97z9M8f/jn89FSa7zpOUr0oU3+qNw8xStCfIc+S4GIVF9e324JYRaC2mLqr6F6B2ntGwORsAyqi+ilobXyUBWgAKPWoc9De0YWJKrh2u/+/jcONYWhlcgpjIEohQ98lR5DZ4DRAkdVPLx35lIgBxuDaN2/3FzHfoVoXe+C0daw/pclNhGLy4Yh175xpcwcXT6Z5t08hgKlcGQDrkQ7fdjb+/GxPIeBtkbMT6XEYZAlFQG6HyXA8eDUfzby+a++cA1I+Bz8d9VAieLU4xYTLKUKLFBl+2zh1pCYBgKRSEG1mRFId9ZHuP7QuKaxsdZ0SMxdb5ycioDcCwuMcUyBJRSLN1cZ9iTTCovwa+uGg6ZUvAMg0I3j+MhEeGYDIaoshkPv7ETxTkOLL5sKNrCIkpyBPTOc/1Qx1aX3Rd0ZWTlMToNXVYeYyCldGrC718TQj7vhHJkhEBERlQUIfA8YrKCF+aPRVMwhnBMRigmQ+AYcAyBLFEwjOp/JUrqZLzxs28x58IBCEYVlBW4EYzK4BgCgVcPe//vn4bhhjF9dVHbFbMqIfBEZwEt9gq4Y+Ig9CtStdQcHIOopIBnGbAMMbB8rppdhWc+2I8pI/vg3k3b9bgThvYEQUdvoADCMZXCmgHRAxSqmqYEopJe9/qWMCKSAifPwMWzWLq5znCwc7AEokwRkWSIAQURUYZX4HTWtJ9eOACtYRH/+X878Msrh6EkRwDPqAtrr3zB4Iv56b7juGBwCZbFiYI0c9OHpo7Asjd34Kbx/fH+zmNYe/MYtIVFrJ4zGmUFLrXNZbVimq6cHPcZeam2Hj/98cDT3GM6H4UeB+67fCgONKuHCAfL4L7Lh+pveEu8Au65fCgOJoTfc/nQjL+ucCzBbRcPMmh9PjGzEhxr/GKZ7D+nHbxlhWL8gEKdql3z79F8HHmWYNXsKixI0DhcNbsKPKfGVw/zxk2IRKH7lHIswaj+hZBktb9TCozqXwg2wYEvHFN0XUINe44F1N8e9Yvf2T1zIcfTUChwds9cCHFTRUmh+LY5YpAI+TZBIiTfxaApJMcJldSXKTIlKIyzpgocg6r+RSbWUu0LeIlXwIWDi3VyGgLgwsHFyHGoz7DYK1i2UXE3/ULGswQCz+tkQQCQ6+IRlSiuOLcX3A4WoZiMsgIXnv7bXtx84QBVv01S4ODUQyLDEBR5BNz5kyEmBuNCjwOKJu+SlPcZot/WLeBwcOjTzRhOraD2V8bQX90OFlGp63zRTzT7bPRH8eHuBozuXwQK1Yda4Bj1sBdfg7fub8IdEwej7ohfHzs/nzgYhAA8UTkJGIaAYyWwDMG+40F973L/1cMREWU0BWN48v09+I9rzkVJjtNUpuxYyyKL7ofOmLHDhJALKaV/AwBCyAUAwmnidBryXAz2hYAbV3ds6JZNG4GH31BlLWqqq/DwG1+i0R8zUUmvnFWJmCTj4Tc0GY1aXeJCY1C9Y+Ig/Pa6CjhYBms/3IdVf92PSeUleH7e+WgNibh1/VbLfNfMHW3QgHNwDK4f3QcFXhc2LBiLlqCoHzaTy1VTXQVZUfDEX77BTeP745kPzXIbGuX8gaYQ5q75FJPKS7D+lvNBiLrxfu7j/bhkWE/dF63UpxKWPP7ubsy9oD8efmOnLuRb6nOhd74LUUlGRFTf5hOi+nkUx9nVRvXNBwjgFTj8cf5YKHFdykBExOLLhgKguLKij4GCe+WsSoRjMoIxGWcXe3BlRR/MXfOpHr5iVmVGttVnmjyGKMoIJZHJ1FRXQRRlCAIHRVEQlYzhq2ZXQVEUAAwiEQm7m8w09oMKPfGvihQegcXSKefoG3iPwELbghMQvL/zmIHoYeNn32Jg8QAAgNfJ6lTtic/KG5fncDsIBI4xpC9wDNy8+izyXQz2NUVNUgf949IWHgfB3qaYrfQFAOS4GDRbyFPkxE3HWAYQYxRi/KAnUQoeBO44j0M6iRAAiEoK6pvDeh1KC1wANAkSINfFYc3cMWDiX/V5jkDjiZAkBfUtZvmOQYUcOI6BLCuWbSTLSrd8k+9xENtnmtyPb7ygHxoDMcO9ieP17CKPYW4s8QpQFGopjzGkxItvjgczHvuZbHSzm+EzH6n6a1cEz1IM7Z2PfceDJlkibU+xqroKpQUCNt06HmFRhqJQPPj617plUE11FfJcnEFuSru27qP9qOxXqL6kvGIYaNxyKrHfn2nrbBZZ/FDQGaan50E1O9X8ElsA3EQp3X5aC5KEVCYmVmZwieaPD157LoIxWf/ilnjfmrljsKcxoIetml2FpZvrLLULNRbPbQdbsXrOaH2DlJxvzZY9psPfozMqkO9xYO5qlewlOb/kdJZOOQcxWdFNOa3uWXvzGNy14QvDge+F+WNx3ZMf48Frz8V9L/3DFEe7rhHdaItR30I3ZqxS23HBj/ph8nmlhk3wilmVyHNxeOC1rw0mpunqod3zx/ljdd29xHDNXDEVGvwRXLviQ1PclxaNt3wrGkeXNTFJZ7qZzmwxXfzDrWHMsIi/YcE49M53oS0UwbcWh5yzfALy3OlNUw+3hDDDInzD/LHonUF4uvQzaaPj/ggOt0V0Snmtj/bOc6IoJ30djrWFsddiUzagyKObpp6M+W26NrBAp+/EUvXZVPUZ/9BfDNeenzcWNzxlvvelReNR4HJYHghLcgRcu9I8xrX5LPn6y4suMJFwZLLRzW6GTyk6vcHs+uwJjL9OxaGWEHYdC9juKbS9zPpbzoeLZ/HV4XbLe9fMHYNLf/ue4dqjM85DTFYMe5ma6ir0zje6fTT6o7hmxQcZjbVujC67L+jKyJqedhoy6q+d8er5awAPA3gawEsA/hfAP3dCOTKCHaV3IqFKzzynrVQGQ2AI0/5eOGGgJWvhwgmqqaSd5EO+i9f1FBPj3rnhC9Q3h/V7kvNLTsftYFPKbdS3qDIf2iFRu6a1R888p2Uc7XpZgUvXd3v4jZ043BrR75826ixL3UNRhu5blExqY1dG7XpMUizDNXPGVNBIcpLjRsTuSZ2fjoY+Jlu3lRhnu0sXX7SJr0kNBKI2GoTRDNNPI59xovIdiTT86e6JSop+SNTCFq3fiqiUeR0stSIzLGPacBsyG6mbktmke6aJ1+yIfCKigoZA1FIv0a7P27WzlTROJnqrZ5omaxbWyLS/dhVICk25p9D+bvRHEZOVlJJTydeKvA7TXmbhulqEk9hQzzQZqiyy+KGgMw6KrwC4CkAEwCEAAQDBTihHRtAovRNR6uugiC71ucASoktWJN+nUBjCtL9THXwAe2bQ1rCY8vCXmEfy34nphGKySW7DlFdINF3T2oMl1u2iXd/TGMSm2noMKPJg+YwK9Mh14pXbxuOF+WMNOomJ5dcO1Vp5EjUUS3KFlM9Bo/82lTcD+nv7uqSN2iVh12c1GnrWJlz74nGy8dMdck40fTbD8HTpZ3LPydZBtomvZBg/bRulGH/dEemeafI1u/Fq9xLDdn6wSctKGieTjW52M/zDQKb9tauAY0jKPYX2d1MwBlmhtvcmn4NLfS7I1FqTUU66V5PsSI7fXWWossjih4LOOCiWUkqvp5Q+TCldrv3rhHJkBCfHYMUsIz37smmq9IP29/FATJeuSLxvZXUVKFUMchbafXYTcUmOgNVzRqN3vmApWVGzZY9tXE3PKPFLnFW5rOQxkmmwH51RgT4+p+Ha8ukVEDhGr3Nyutr1FbMqcaQlqPuhXbL8Pdzw1McghGBTbT0km02bQlVSHY+DxTM3j8HqOaMBAEs316E9LJraI1GCI5H+O7H9MyFocTlYy7q4LISEuwPcNtIOGjsszxA8MXMkVs9R/VxXzxmNJ2aOBB/f5OTaUL9r/nc8Y5Z6eXRGhR4/3SEnxyZ9zT/QwTKWz0MjsNH6YHK4RgSTCXV9OvmJdHXwCNZyCx6how5W8fn4i4t0z8hjE66lT2xkILrpOTHlM028tmJWJYJR0Xa88jbt7mDt5TEylcbJZKOb3Qz/MJBuDupqyHGxKC1wWZZZ28toewGeZVCS47DcN8iKbLj26IwKwxjVUOpz6VI/Gs40GaossvihoDN8FJ8E8Dil9B+nIK0yAGsB9ASgAHiSUvoYIaQAwAsA+gHYD2AGpbQlVVp2tt0N/ghcPNAeVsCzBCwhiEgdlPg5LgZUUc3t3A4GoVgC3b7AoC0sg43/HUiQb3A5GBxuNTrDJzuW98wTDHIXDo5BKCaDZYDWkGSIq27kOcyKO5pPKi/BL68sB4HGxmaUARAl1bxOI9LQ/pcpBUsIWIZAlFVJEELULxgKBSRFAUDQHhbh4AjqWyIGRsIcgQPLEEQlRff9GVmWj/uvLkeBR4BC1TLIlGJmglO8uikWIMlquWSFgsYlRrwCi0hMgRgvv5NnEBEVtIVFHGwJY1PtQfzb5HI4OdZA9+1yMDoduFpvFjmCNfnEodYQonHiEoUCAkfQJ9+dyq+oy/oiSJKCtmjMUHeng0Ge4ADHMWiPRHCwOWpizCwrEJDrdKKhPQKWpYjEaEJ8AlkmKMl1IhiJQAbgDxvHAQvA43SiPRxBg1/EwQQil7ICF0pyeOS6nGgORiCwMElLRGVVmuJYWxhugaA9ITzXxSAUl55oaIuA541yKG6BgSgCJXlOHG4JIc/FmNJvCyu6/1AwEgFgLgPidWgKRHCkzUxW0StPQKHXidZQBGFRgSR3jBmOBVw8g3y3E+2RCOqbo5if0MZPzlbJInKdTjT5I3Dy5vwjIlCY44QkKQiKMZN8h4dXn+Hh1jC+OdZmku84u0eeLnGShE4/Qqbqs/5IBAzM7UHj10RZgawAHAs8//EBTB99FjwODrH4HMWzBAUuHoQQHGgJmfpevwIPKKWqPEYCyQ3PsybJhhwXC3/YTEST9VE8eYiibPkMbNDpDWbXZ+36qwIgx9nh1366iI2s8gFgkMdwsIBMYVgXCFHX26NtEaz+YB9+celg9MgTIEkUoqJKanGMKvvFMgRggPawynoqySpZTY7A4mi7cT15avYoDOlp7vOJ5SSEgCUAwzCnvF06kVCqy+4LujKyPoqdhq4lj0EI+QdUWkQOwFxCyF4AUagFpZTSESeQrATgLkrpVkJIDoBaQsifAcwB8A6l9EFCyH0A7gNw74mU28MDe5ui2Px5PWaO7Yu2sGQguNAOOH/+6giq+heZCDy2fH0MgahoSd7y3o4GLJ1yDvoVeXCsPYKHXt+h+wQuWFeLtTePMbB81sQFuR94bQduv2SQgfFQUcwBjjAAACAASURBVBSIkoL/ubEKrjj9+AOv1VmysdZUV4GAYsG6jnpoLKe3XXw2IqJiYDP975kjIUqK6gep1W1WJQSeg8vBoihHwLdNISx+cTsaA1EsmzYCvfNd+iHxv6aeg5hEdQIKrW02LhyLqKQeRuoOtSDXVYC2kGho3zVzR+Nw2Hwo3vx5PVb9db/+OyYphoPnH26qQksIpudR5JXRI8dlWjQCUdm0uevOONJqPuTk9VA3D6Eo1Rd1QDUTWvBsLTYuHIdcJ+ByAPstWEP7xRn9KIADTWayGo3xjyVAxIJ1VTPlFVh1TNmxknoFkjLcI6SOn+diUoZrSHWPkwMEPolVlGcQl5KEQoFGf8xEdlPqUzeJLAA+iZWU5xhoW2Innzp/SVLwbbM962mBk4fP6zKxrhY4+VPXiU4jGNi3x29e/Qq3TxyMSEyGgyOYOqoMr28/glH9C0zzWp6LQ0swZup7iqJgT1PINMYHFrqxs9HM8Lvl62N4obbedMizYpo11IMhGNIjBy8vuiDLepoEUZSxoyFgauuhJd5Uh8UuiVT9VcPpemlglc/am8cgKimGa8/NOx9tYclQZm3dv/2SQbj/6uEQeAb1zWGEYrJhbC2fXoE//G0vfnbJILy3o8E09p6eMwqPTK8AAfS50rLdGIJCj+N7bZfsy5ossji1OJ12EpOh+iZeAeBsAJPiv7Xr3xmU0iOU0q3xv/1QiXL6AJgClVkV8f9PmCynNawSc0wbdRZEGSaCi1vX1SIUVXBJeS9LAo8plaW25C2Xn9sLc9d8itl/+LslcUxzMGZyED/YHMbUqjLcun4r5q75FNc9+THmrvkUtz23TX2LLvBgCMGs//k73qprsCS+WbiuFg1+Y9r3blIF2puDon5I1MJagqJ+SNTrtn4r9jQE0RYWcdPTn2Dumk+x7WCrTtrBxH2oFk4YCI5hLdstJgOz/ufv+KYhgKG98iFK1HTfweawiZxCex6Jvw/GiXy0ayzDWj4PSYaJWOJMI6CwI/RoCEQBxGUbLP2oVKKW9rA1GU17WA1vswlvi4e3hhXL/FsTwq3in67wTNOYu/pTwxibu/pTPTwcsya7Cccyi58u/6ZwzDK8KRzLKLy7IVV7TK0qw63ratEciuG257bhUEsEl5/by3Jei0rUNFctXFeLRpsx3hi0bscplaWmeaApGMON8blOe6Y3Pv2JaZ7Q9Ov6+NwozhGym9M4GgJRy7bW5qXuhEzmmNO1rljlcyDhpYh2LSZRU5m1df/W9Vux82gA4ZiC5qBoGlt3vfgFplaVYdH6rZhSWWoKv3nNZ2gLiynHxelqlzNtPc8ii87GafuiSCk98H2mTwjpB2AkgL8D6EEpPRLP9wghpMQmznwA8wHgrLPOskxXI7XQnNStNtiSQkFtwihVzSCtwhLTTLbTL/W5DBPbyLJ8LJwwEH0L3SBQBbcT06xvUU2tKKVQEsqSjvgm8Voi+1ki7BjQ3A4WbliHRUQJK6urEBVlMMS+bbR87drXLu9E0gCr+tjlqVBqIpboLgQUmfRXID0rqUbEkHhPqS9zMpruHt4VynA66tgVkGmfTVWfZHZmt4OFg2N0qSDtBVt9S9h23KdK325u0v7W5oHuMk90VZxJfTaTupyu/mKVj9W6aTc2EseVnIYdVVtD7cITf9vV8/tul1OZfnfQRM10js0iixNF1/S8/o4ghHgBbALwC0ppe6bxKKVPUkpHUUpHFRcXW96jkVrICoVCYUtwwdiwEBJCbBn3NOmGUp8LxTkdrJ6lPheemFmJTbUHAaiHxLsvG4Klm+twyfL3MPvpT3DP5UMwsizfkF4optn9d5QlFetp8rXWsGhJlJOKPMcu/fqWCBws0CvPadtuJF7OkhwBHMtAocCk8hKsml2FF+aPxarZVaCwjpsoe2FVH7s8GUJMxBLdhYAik/4KwJbQQ2OA5RliSWqQKRlNdw/vCmU4HXXsCsi0z6aqTzI7cygmY8dRP5ZursPdl3XMg6U+V8o5+rtcJ3FWoMR5oLvME10VZ1KfzaQup6u/WOWjrdkjy/L19dRuXUgcV2wadlRtDbULz6Se33e7nKr0NRPWa1Z8gAse+guuWfEBdh7z68zVXQWZzrFZZHGi6PYHRUIID/WQuJ5S+lL88jFCSK94eC8ADSeavsYAufGzb8GzMDGgakyF79YdsWQpfGVrvSUj54pZlXjq/b36fTwLPDK9An+5+yKsvXkM/m/7Idw0vr9uvpmsU7R443bcMXGQnt6yaSNQWuDCu3VHICmynp8d62lJjsNwTWM8K/DwJnZRn4c3sVz+7rrz0MfntGRMXTZtBHrlC2gPS1j74T5wNu32bt0RLJs2Av+y4Qus/2gf3AKD2ycOxtLNdbjuyY+xdHMdCr0OE1uh9jy0349dfx7KClyGe+SENkiMx7Ewfb0909jYSryCLcMjoPoAFuUIWDrlHLwwfyyWTjkHRTkCvIK6yUnHGppnE54XD0/Hapou/RynTXxnZvEzYT092TqebBnShRe6HJbhhS5HxnXsTkhVn021B7F8egU21R7Esmkj4PPwqNmyRzedWzhhoN7HBc78EqSmugo5LtZyjBd7rNv5la31pnngTJsnTjdKvMIJM1N3NWQy/k5Xf7HKp2+hG2tvHoN7Lh+ir6frPtpnKrO27mv7BwdHUODhTWNIG38rZlXila31pvAVszpebKer5/fdLqcq/awJaxZZqDjtrKenEkR97fsMgGZK6S8Sri8D0JRAZlNAKb0nVVp2bFH1LSFQKoMhrCXrqZNnEJWUOOshMbCUuhwMAhEZHMvA7SDwRxQoGqsoq/o5OTgGL9fW4/JzewJQ03OwDESFgo0zcEoKxUXLtpjK9v7iCQBUnxieIeA4gmhMUX8nlMVjwXoaiVFTHhxDwDCAoqiEJVpZE1lPRVkBG2dLIyBxllD1a6usUL0skkJ1oo0ZVaX4xU8G6fdwDAHPEXx1yI/fv7NbNx3730XjsWLLN5haVabrKW6qPYj/mHIOREUlvWEIgUIVxCSKQFRCcY4AB8vA6QACYZUZlWUIHCwDloHheTh5BnlO1XQkFUNchiYmXZrdTJJU8XFJVsCxDEq8Arg48cahlhDUJ0z0ttF+9/G50eiPQlIkKApJ6BcUHMOhOEfAgaYgoqIEj8Dr4cGoCCfP4axCDw61hCDKMniW1cO13318btS3hPD2V0dwSXkvKFR9pu/WHcGlw3uhNB7uD0eR6xL0+O3hKHJcAkp9bhxoCiLPxSKYwHrqiTMM943nHxVFCHxH+bTffeKspweagnByBJLS0fc5BohIFH0LPbZ1FHhOD1eb09iGkgL0LfSgviUEnwXzaktY0euQ42QRjhnnC39ErQMARCISmsIdbJyFLgeccTadQy0hBKOiqXweoaOOSej0zzap+uyBpiCKPKypvZqCMiSFIhiV4PM4cLA5hIff2Gnw535v8QSdQbMtIiIqKaBQ5xqeIfBHReS7HCjOcVqO8UQmTienMq1GJUWVCUgYN0D3MEXryjhTWE/t+uvxYMf4BTqX9fR4MIprV3xoMMNc8KN+uHF8f50ZnCEqEyrHELy/swEjyvKR53aoLixUTZdjCLRd4vFAFBFR3cfICtW/UnoEFsGoDJkCTp5BkSe1b+733S6nIv1DLSFc8NBfTNc/uPdiuzkW6OL7gq6KLOtpp6FrsZ5+T7gAwGwA/yCEfB6/9q8AHgSwgRDyUwDfAph+ohm4HQwOt4pYuO5TFHsF3DFxEPoXeUAI8OtXv8JbdQ0o9bmwqroKPg+PmKzoJnz+iKwfqtrCsn7Y0/wN8108eue7cMWIXoiIChau62Dp0tLTDlalPrNPGccQiAqF28EgHFMQiSi6TpuW9/aDzRjex4fmYAxNwRg21R7EHRMHI9fFgQBoSpLZSGRBy3PzaA2JyHPxEKkqpdHgj+IXL3yO+hZVguO+K4ahLaxuzvrkO9Hoj6LBH0XPXKde3g219djdEMDCCQMxpEcOKABJpnDyDO6aNBg8y6A1LMLJM7hpfH/cu2m73tb3XjEMMYUCoGj0R9EUjOl+SaU+F15eNB4xSUE4qC58HYdDBa9uO4zKfgX619hSnzUb3FM3jsKgYu+JdpEuDavXQC4Hi6PtERxri+rsjT3yBPTMVRk7fS4eOxsiJvmMISXqG1qPwCIYk7DrWMAQ3y2oGz6vk0GDX8a+4x3hpQUu+DxxjUGOYFT/IsxMYMGtqa6Cg1PHjZNjEOE4Q/plBS444xt2J8fgcFvUVP5Ct3rglxWKPY0hlPfO0+u8pzGEIT1z9d9OjsG3zSEDk++jMypwVoFbD28NKTjU2lGGAg+vf1F08SyOtUdwayID8qxK9Ii3oYO1Zm7tkePQ02/0R8EyLBgCiDJFIH6gAYBoVEJDKIpYXLJFlCkaaBQ9CCAIKtvw8UDUVL6inO5pBuniGbSEZVBK4i+pgJawDCfPYMx/votSnwsvzB+LxRvVuWHV7Crku3ideZRhCAghOOaP4k/b6vFPI/rgtue2Gvpvocf6yxXPqy8wMmFL1IhqsjgxaG3d3eEVWOxvimJBwvjWJK0Scbr6i1U+ogVp2aq/7sfMsf1UqnlQHGiO6Eylw/vkIc+t7jm0l7KvbDuE5W/vRqnPhU0Lx6E5KMLtYNEekVCzZQ8aA1FsWDAO+W4B+d/hsWbSLidz2DsV7a6ZsCbvu7Km5ln80NCtD4qU0r/B/kQ88VTkERUpFq6rRbFXwN2XDTEcOh6aOgKN/hi2HWzFgnW1WDK5HEs316Gmugq/f2eXfohcNk1V/ij1uSzTeWJmJZ74y26DiYOW3qbag7jn8qFYNm2EgY760RkVONQawcd7jmPCsB6GDammx1ic48AdEwcbJDYemjoCv39nF24Y0xcxWcHSzXWGfO/dtB1LJpfj8Xd341+vHAaZUlwf39CvnjNap50fWZaPm8b3N6SdqAO5/pbz9UlW87FMrPPy6RVwO1jc9tw2/drz88bilrXWbZ2YtnaYvWvSYBxtM27WtbCfXTII151/luGNan2Lygan1UG7Nm/tZ3julvMx83/+brtB7E6QJAU7jvlN8hhDe+SA4xhQStEWEg0SAsumjUCP+MLaFIzhsbd3Ycnkcv3L7mNv78LSKeeiR54TlMIyfnHchCwSozjuj5rCcwUOeS5AlmHJivrignEA1MNto0X8vDhZAsOQlPnnu1n0zHebpCPy3R0LPAVM7Jh3bvgCGxeqZSBxX53kPEi8PyiU6v1Oi3/r+q16fEk2Mwzeuq4WG+aPBQBwLEFUoli0vmP8rJhVCS6uIRKISWhNkopZMasSHp6FIHCglFqWr7taiDg4gmN+yXSwLvMJ+nzX4I/giZkjban7f37pYPxpWz2uG9NXn5cAte0fe3sXfn7pYKPWW9IYtzM1e3nRBdnDYRYGxGSqHxKBjjX7xfj47wqwO+jsbQzi9+/sNslmPXb9eQhEZcxd/alhDOY4WVwwuARNSbIzy6aNQHGO8L2YDncFiQvNhDW5DFlT8yx+aOieDi2nEbE4g6SVn6DmH6P91ljBFq6rxdSqMv364o3bISsUD00doX4lS0rntue26vdr0NKbWlWGOas/xcNv7MSSyeW6T5mkUCiUYkplqWlDunijWq6pVWWmDblGh+12sLaMqFq+UpIcSCIbmp3f5MIJA1HfEsYDr9XpfolW99714hdoDoqGa5ocSLq07920Hb+6ajg4ljVt1rX6LVq/1fKNqh2jW4M/esb4IqSTxwiLionefPHG7QiLKiuqTBXcNL6/wVf0pvH9oVA1PCpZx4/G5TVEhVqGi3ESgJgNK6soZ5Z+unB/xJq63h/poK5PJxESs8kjllCGVPFFG1ZErQ0iorW8RiT+DCKSTXg8/XTPsLshGLV+ZsGogjVzx0BSKGIShT8i2VL3L3hWlc1JlBXSoIWnGuNZVtMsMkXMZvyLUtcZf1a+esumjcDv39ltKZv18z9+jvokmalb19Xi0uG90BSIYf6z5n1GrpM3mGafKnQF/8BETdQP7r0YLy+6oNu+PM4ii5NB9qCYBpqUQKpDFWBk/Uq8rv3mWQaPvLkTZQUuy3Ss5DFaw6Ke77aDrVjwbK2uU6SZa6aiqrYrc6HHgdawaMtY2hoWVTOPJDrtxPvTtcdbdQ0gAJZMLsegEq/lvcmSFkfbIxm1dX2LSkPOIDXdt2TBNmvH6Ja8AHXnDWI6eQzZ5hCjMclSCsuXIhrZW7r4duEaW5w2phJR6uuQ5zjR9LXwTKjrT7YM6eKnY0U8WfmLdG3c3ZCqvk2BqOovmCOgZ54z5Zhn4/7HyW1f6HGkPQRmWU2zyBTpxn9XQPJB54/zx+r+vd9FNktWKAis11rt5d6pRld5aZPVRM0ii+xBMS00KYF0lNEPTR2Bmi17DNeT79t2sBUHm8OW6RR4zCykNVv22B7mCjwOvFN3zHZDmuogWOBxoGbLHtRs2WNiLNVY0Ao9DhPVfCKDaqpDpva39nWEwJqyPlnSQmNVS9XW2t+yQiFwqem+OYbgj/PH4pXbLsCq2VWYVF6CPj4nVs02Mr+tml2FIy1B/PnOH+Pduy7Cn+/8MRb8qF+33SCmlcewCdf8W2WF6n5gmkxJsVfQD0m8TZ/TfHMdadJPJ8+RLn2eISYZlUnlJRnLe2RUhgzqkMwE/OiMCj2+wDEmpt8VsyohxN++n6z8Rbo27m5IVd8euU70zHNi5ZY9tvOnNuYdHGPJxJwoP5QYL3GMZ1lNs8gU6eYPKyiK6md/qCWERn/0tLzUSTzoEACNcauSVLJZiZIaq+eMhoNjbNdknmO+l3plX9pkkUXXQbdmPT2VsGOLavJH0BRSvzZFJWrwoamproLPzSMqKXjw9a91n0QrH0XNv+7pOaPQHpZ0QhjtcPb+zmO4/vy+ICBQKNXTm1RegtsnDjbku2JWJYpyHDhwPITVH+zTCWC08EQfxeS4K2dVItfNY9ZTqj/epPIS/PLKchACxCQKSVYdx1/45ACmjSpDOMFErtTnwuq5o+FxcCCgaA6KBmf+xHr+4aZREOUO/85kf4jl0yvg5BmDj+LvrjsPOU4W7XESi0Tfw8S0f3fdeXjy/T247eKzEREV3PXiF4a21Mh4eI7glmc6yvfEzEr83/ZD+OmPBoIQojvJ5wksdjYGTf5RQ0u8XZaRLxW7mSjK2NEQsK1PNCph13FzfQcXeSAIHI77I9jdEDA8r2XTRmBQiRdFOU74IxEcaIqafCD7FgrIcTrRHongW4vwswoF5DqdCEYiONwuor45bCC76Z3Lw+N0oikQweFWM1FM73wnCr1qfCuimAGFAjzO9OEA0pahORjBoRZzGfr4nCjwpK9DMBLB8ZAMMU5Go1CA5wiK3GxGZWwJRnCwJWLyUSzzOeHzONP6oVqg01+Fp+qzqdpj+P3v6HPGptp6XFPZx9A3tTF/56VDcHaxB7saA3js7V2YWlWGQo8DJTkCeuU68c3xYFqfpyyraZdCpze8XZ9NN/6T0dk+d4pC4Y9G8W2zOsas1uSauD/i4daI4frjN4xEodeBYETGvGc/M6wJGnlXIlfBqahXZ7fXSaDL7gu6MrKsp52GjPpr9qAYR6qDYiAmgyEESzd/ZZJu+NVVw3X2UY2h1Olg0BxQxeuLvA6wDEFMUnRWzphMIckqSyfHEIREGU2BGPrkO8EQAjYuL6GZfDh5BnuPh9S0CMHR9ghynbx+SNNYVHvmOlHodUChavoKBVwOgtagBI/AqfmxBAQUclwWgCEE/7u1HhOGluBwWwT5Ll6nvs5z8eiV5zRIa3gEBpMfVwli7rp0EK6pKsXRtggiohyn21ZJQIb08GJGnEwEUJle75g4CAOKPSBEpeXmE+rJxdlh61siKPQ6IMoKvAKH44EY/BHRkPaAYg8uWrZFX6zaIxJ65jpR5FXNZYMxBcGoqB9CNZT6XFgyuRzn9M41MO8dbg1jxqqPTPduWDAOvfONbzUT0GUXhEZ/FP/z/jeYNuossAyBrFBs/Oxb3PLjs1GcI+Bwaxj3/+lLU1++/+pz0DvflbY9DrWE8Oe4vAWlFCQub/GT4b10+YvfvGoeK/9+1XCU+txp5SuagxEEorLO+KlQlezEK7Ao8DhxqCWkE9Uklu+F+WPRJ54+zwGi1CF9of3WnvuhlhCcDoJIjHbIp8R/94nLVzzx7jeY9+MBehs+9f5e/OySs3UJkJMpw+GWEN6yaMNJw3uhdwb5A6klUCzQ6burVH32cGsYtfuPY2TfQp26f9uBJlT1K8L4B98F0DF+a7bswe9vGInjgSi8AoeIKON4IIaKsjwUeATbw172ENjt0OkPx67PpuqvVmtGoz+Ka1Z8YJovThdRUqM/iqgk49kP9+nrghCXgpEVClGmePK9PZgxukx/iZ1YzpduHQ+OJfjiYBvcDhatYVFnPV065RzMXfPpKa9XNx2vXXZf0JWRPSh2Gn4Q8hjfOwIxGUdaQygt8OCnFw5Aa1jEg6/v0HW8/vWfyhGKyYiIMg63RVCzZQ8evf487D0eRM2WPfjd9eepEgVEJaBgCPRN34d7m/DC/LEQWAbhmIw7nv8cT95YiZjUcXiqO9yGohwnHnp9BxZOGIjeeU4UeQVwDNE3TZr/IgC8f88EfNsUQu98F/Y0BjCo2IsrH/8bgA5Zjt55Tvji5lQRUcbBljAOt0UMDKiAOuH/76LxhvaIyRTP3DwGgGouRgBMq/nIcM+MqlIMKD7bkNa2g62Yu+ZTvHvXRbhk+RY8fO05uGBQsb6JVkDREpTwn//3NX47owIxSYHEU0x54gPTM/nL3RcBUH0WGEL0ur8X15W89Lfv4YX5Yy19HHrmOk3mK6KsoNgrGFg+a7bs0X36uhtikoxVf92PVX/db7h+4/j+ANT6vlXXgLfqGgzh/3aloodbtYfmjyIpFK98cRS9fB49/JUvjuLiYT0BqP270W/0+Wz0xww+hK9tP4YplaXqRoUCr20/hqtH9gGgSrvsOtqO8t55kBQKIT4OBvfMRYEnM/++l/5+yJD+S3+v19PX7nnuo3rDPc99dFC/h2UIfG7j9Ohzc/pGJZMyNLVGUejt+LpwtDWCPLe6eRIVCn9ENb1WFSzVemtkN+nyB+L6qazKYsuzTHfYRNlClBX8dXczhvbK11+s/XV3M0aUFej3aL6Imvlcgz+K37xap8/FH9x7MeCxTD6LLE4pMumviehsn7uYJENWKD7Z34rKfoWGef1315+HxS9+gYUTBqIg7subKOHVGhYhKwpEGQbdYw1Wfo2nol5ZKZossugayB4U0yDfxaI94sD1CVT7D00dgUfe3KlvWJa9uQM3je8fl7IYgiOtYSzdXIdl00bgcGsYqz/YZ2k+CgBH2tQvaHPXfIo/zhuDo+0xk3lrsdeBey4fopuZJstBPPLmTl1X8HBrBCxD0BaOYdeRdgztmaP66MQlJ5750JxGTXUV6g614qGpIwwahv2L3AjGZDzwWp1uBvuzSwaZzOEmlZfoh44ZVaWoHtcXexuDKPWZqbkB4O1/+THComKSLzirQDWH+a/Xv8ZN4/vD5eAs0yAgGFmWj8ZA1OC3yBCCbxoCBp+l5Lj5bh6+BKIhQNXESzbDWTZtBJz2ZqddGpp/XXLd+SQfxeRwzYfRrj1c8fbIJPz+q8vRHFSfjYNlcP/V5Xp4rpPFhGE9DDqKK6urkOtUwz0OFj3zXMb+MasSnviGRPNhNNUvflBKl34m9+S5GEwbfZbBtGza6LN0HcVU2qYAUOBh0R5hTX28wJNpGzCYfF4p5q4xUtV7HGr+3dg0yxI5ThbV4/oa6rtiViVynCxGluXr81soJmPFrErc8fw2XSpHm4sVqn5l3d0YsNRJtbreXdsri85Fqv5qhc7W5HNwLFhFMczbk8pLsHxGBXiW4NdThmPR+q1YMrkck8pLTO4smoTXPZcP0QlxtDokcw1kfQmzyOLMQtb0NA67T/Z2JmZLp5wDJ8+AYxg0h2JYurlO11F88NpzUf2HT+L2/efBK/BoC4smsfg1c8eoJpgsg6ikwMUzlnk9d8v52NMYRL9CN2Yn6INp4Vq+ml7j4o3bsfbmMeBZBks3f4VFF58Nr8BjzupP9HtNecw7H5QCPEvQkuB7OKm8BPddMQxtYRFegcOyN3cYvkSV+lx4ceFYiDLV/SuPtEXwUm09pozsoy82mi+kQik4Ri1XcjovzB+L6578WC/j+AGFuHF8P4MfluaPdMOYvnDyjO63WFNdhVc/r8cn+1sNB+Jk3ctnPtyHB64ZYXhTeaQtjOk1ZlPLFxeOQ6+87md62tAewZ5Gs4/hwGIvSnKdaA1F8W1z2HTgP6vAhXy3gMMtIdxvYTp6/1XD0TtuNjnDop9umD8WvX3utPmnM9tMm74/gj0WPpQDS7woyVHTX5tgYqWZ3t44vr/B9DRVGY61hXG0PaILTGuC9j1zneiR50KTP4JDbWYfwj55ThTmZGYeezLhjf4ofvnydtMzSu7bCej001CqPnuoJYRfW/S5X101HKGYjLawiOIcAS4Hg0fe2IUNtfUAzHNxH5/L0mz6xQXjMN3ielYjsUujy/bZVP010a1BQ2e+2FEUiuPBKCIx1eqJUgonzyLPxePB17/G1KoyfU8wsiwfy2dUGHRIAeM+QzM1VV/gVaHAw+PXr36lczL8wF/AdNl9QVdG1vS005A1PT0VsDMxKytwYfGL23HfFUN1qmntf+3LTbFXAMcwhreOiV8AeZagNRTTfeleue0Cy7xkCix55Ussn15hGT6oxIslk8vx8Bs7cd8VQ1HfotLEK1Q1AYyKCiQ5ZihjchqSTHHj08aD5MiyfNw0vr/BUf2hqSPQ6I/pbxSLvQKCURmN/qiJrGZTbT2WTC5H7zzV93JWgqB9cjqa2V5iGTfU1uPmC/sZTCC1tvvlleVwcAyWz6gAxxJ4HKxuavnIcjKuaQAAIABJREFUmzuxcMJA5Do5PD9vLI4HomjwR/W4v7rK+Aa0O2hifReERVnX3dTa7eE3duKx688DAASjMtZ9dACr54w2+L/9/NJByHcDILA8ZJP4lJJOIzAmW2v8/TEuNm83pjTT1LQahLHU9eNZgisr+pje9vNsx5yYznSUAtaC9vF7AzHrNvzZJWejMIP0TzZcURTLZ6Qo3bPPEps+xxAYv6rGLTE01LeEMaDYg1/88XPcd8VQSDbSMNG4OXVi2Ok0/cvizEKq/mqFRKmK0+lzZ3VAXTZtBH7zap3+RT5RW3jbwVa0hUXLMaSty2cVuvHOXRfh26YQ/v2VL9EYiOKJmZX49dWqtnE38SXMIossMkT35FI/jbCjbd/TGERjIIpQTNbNHBP/B4A7Jg6yFIRfOGGgbqaWSLjidhgpoUeW5WP1nNGQFYolk9WvcVZl2d0QwIJna3VTzFKfK04YQ3DHxEG468UvdG0xO1psTXA+8SBpJXyvlV8r37LpFWAZYimCPbG8BxY8W4vjgZj+hdIqHa0Mmklha1jU5Q84loGDZfDg6zuw4Nla/WvsjqN+TK/5CMfaI9jTEEQgKmP1nNG6mdqCZ2tx6/qt+KYhgGtWfGiIm2wWk05OoruBZxk0BqK67qbWN7T6ODgWH+5twk8efR+XLH8PP3n0fXy4t0lvl3Q6iumkG9Jp/NnFZzOUhmAYYlk/bXMiytRSrF6UO6wnMtE5tDrsSgl1aA3HsPd4EI3+KPYeD6I1HDPUwUrCg/sO4Snb2OYZyd3UQCRVn0u8duv6rZj34wF6vFKfCzFJ0ediO307Saa4Y+Ig0/WsiVwWJ4J0c6QVOkOTz0q4fvFGde3VyuwVOMOYafBHLceQtndQFIqbnv4Ec9d8im0HW1HfEsZtz20FBclqDWaRxRmI7rkTPo1w8gxWVht19zStwWXTRsDn4XXdLu1azZY9KPW5cFah23LDXOhxYGV1FSRq3FBHRFnX/xpZlo97Lh+CJa98iUt/+x6Wbq4DQwj+e+ZIQ1kS89PKsGJWJWKSDIUq6FeklkHTTLTSGFP98RiMLMs3HCTtvj4Wehx6+eas/gQN7VHbN5ClPpdeBqt0tDKsmFUJiVJsXDgOI8vycMfEwVi6uQ6X/vZ9LHnlS9xz+RCMLMvX61mzZQ+KvQK8Aoclr3yJi5ZtwfOfHMDyGRV4edF4rJ4zGitnVcLn4Q11XVVdZdJFK/EKqEl6xjXVVSjxdk+TtHT1SacXl05snmcJnp4zCqvnjNa1tp6eM0r/YsezNoccVjvowVK/k4nPRk6ewcokDcKVsyrh5Dv8A600zDIVsweAHJd5XK+srkKOq8MHMNVhl+cIfnbJICzdXIfrnvwYSzfX4WdxSRYA8AoMbo/3YS389omD4RWYjMJ5lljqMGptTKm11mV3dSVI1+cSr2mHca1NNn72LZZNG4G+hW5wDLHsW+GYhP5FHts+n0UW3wWZ9tfOhh2JTn7cT7++JWzYdwCqnrHdnqemugoxm6/2skJPq0ZkFllkcXqQNT1NA0mmcPEEa+aOwf9v78zDpKiuxv2e3mZlGWAgKEYWEUWUZRBBTULcd5KI+xIQQROX6Bc15pdoSEjyGY2f0aiRuIsb4BK3uO8bRhFBwAUEEhEiiIAMs0/f3x91q6ierp6egYZe5rzP00/X1rfPrTpVde89554TDYuXxuHKY/YiHIbmZsNvjt2LTXWNnDmmL5FQyIl0aiMRBk1g792lmLKiEJvqHCuYG256Y20jr3+6hjsn7EtxNMwpt85JGAn8+ez5XPWjvZk2bggDKstoNoYNNQ1ceexgyosiNDTHueKYvVhf00A0HCJutiSln/f5Bh6b9wWXHr4HZUVhHpg8mg21jazaUOvN83OjqLpBbVIFhOndpZjrThrG6bc7rqSpjtupawkPThlNTX1T4P5enYt56NwxrNvcwI0vLWHyd/oDQvfymDcv0a37pQ8tYMakURgDT81fxWVHDKJPRSnTnlzkubfGTWI+p+tOHMrs97a4v5bEIhRFhHWbG7wGoht+u3fXImafM4bGtqUayGkikRB79OrErHPGBKZOCIWEgZXlzLL1jdr97khwNJIiGI79vTFQ2xBPcMu86dQRdLEBPmPhENefPIyfPbglV+j1Jw8jFnY7YXD3W8sTXEfvfms5vzl2L6/8buVRHpg8mrhxUriEQga3DyQ41vdp44Z48wdLY2HP2T5doBmA2vot97WbggPi1NYbOhenL6OxyXDjS0sS6nDjS0u8OlTXx72gVGCtYffOZeaU0XQpTb+/OQ7vr1jH/ZNHJ6TPOHzITgCUxFIEFIrlp4UsnOJ8h1tYJxwrYIiXL/kesXCIaCTEmfv3oyQWpmtJjHWbGwJ165RRu9KrS/EOd/1TCpO26mu2cFNLAIFy+oPArdpYx8NzP+e+s/dDgEg4RGVZzLtXRISwwB9+uA9diyOsqa733tv+mAtL11R7cxc7+DxFJcfQOZDbhnYU09BsDBPufM+LGuqfk3DzaSMwxslBNP6Wt73G2kUPfsDa6npuPHU400+vSkhK/6fj9+HrzQ2s2wz1jYlzoO6aONKLdJhqPmJxNEznkhChEGzc3MQFD2xpjP/ttBHUNDQmBNi49cwqbjm9ihte/JRxw3dOmi/pPujBsTTN+3wDd7+1nPvO3o9YWLjl9KqEYDJ/O72K5xetZs+dunry+TuX7nF/OWmYF5lw1jmjuWb8PknJfVsGtFm8ehP3nb0fazcFWyjXfFPP7W8s4+eHDeLrzQ18U9fozRNpGaRn5fpaLp41n2njhnDDi060Nn+k13vOGkV9U7xgoyBGIqGUOSDjcdNqBMgQJF2va8bv47kfGOC8+xNdO8+7/30eOncMgJfaxd+Ri9h5fABdS0JJUYD/dnoVXa01rylu+M+62qT/79fDyX0QjQilRREvqipAaVHEs+a5XgAty3ctkuDMg5xw53tJDSh3HqWE4NoThvLz2fO9Mq49YShiiwiFUsxRsvvTzjE0wftdi2D30ihV/XokRUXtXhr1yg9yjX2kRTqbfKG1a+Y2dN1tN7ywhFlzV/LmL75Pz06Jyc27l8W4+NBBSXOyenUupkeZusUpmaEtz5hs4Z+XWFleFPgsv/qZTxwPmzOq6FEWY8S3K5IGTipbRP0Omu/oBoibeEA/rn7mE8B5Fk2+5z0NFKUoBYJ2FNPQ2Ow06K44ZnDSnISf3vc+MyaNIhYO8dqlY72IYpcfuQcbahu5+eWlXHns4KTR7eOrdmH3nuVJ86g+/7rO6zi2Zs0riYWobYjz1xYWjb++tIRTRu2aUObke+Zy25lVXHnsXvzuiUVJspw7dgDnzJhLn4oSenYu5qWff49YJMSjc1cyZrcerN9cz8wpo718h6WxEN326o1hy0jlvM838OdnP2HauCH0ryxj7aZ6/vDUR14HtLHZ0K9HGTOnjObrmkYqSqMIJOXxcxrKePMpg0ZBj6/ahVUbnPN054R9vWvStSQamPtvQGUZN546PCGC5Mr1tfx7XY13rrecq47xcguat+Kve11TPDBYzF9ssJj6FMF/Gmzwn7qmOFMfX8y5YwdQSpiGZmfd/f2G2jh/ffHTRN198VN+c+xelBWn7gS5nbhNdc3MW/E1+w+s9JJdv7VkLfsN6EG3MqhrjLNi7Tc8OGV0QjLsbqXdPXnTzaOMx+Glj/6bEKzGjZzq7g+aozTTyujOQWwZFdGbZynBFgmxEYO+qmkMtDjOOmcMO8UiNDalyHWZpwGY6hrjzF3+VZIFtdtevbnnrFGEQ0Jjs2FzfSOz5q7ksME9ERG+WF+TYB10g4Y88tP9qWuMExY8ayM4icfVoqhsK63pa7bxP99Xrnc8hqaNG8KAnuUUR0OEQ3D9KcMT7o223AdB7w33mXf+/fMS8is67wMNFKUohYB2FNMQs+6jqebrhUT47ROLuOCggZREQ5x3/zwvD+Evj9oTQXh/xTqmv74iIdVEJBxKisLnjz4WZKX70/H78NsnFjH5O/35VpfiwKTpkw7snyTjxtomGptNoAWkc3HEs5b87AHnYT9zymhmzl3JD0bsTGNzYr5DdwTxsiP2SLA2rq2up3t5zMu56NKnooRVG2qpa4wzsFcZxhiWfFntzRdq2VAGvHmWfsvotScM5aqnP+ZXR+/pNfKr65u838eNCXTFK4qEAq07/nPtP1cd4eWWLvlzxBcsxsXvdpnK7cpzXU3xezfPYXPcBOrur48Z7O1vrRNXHAmxS/eyhNym14zfh2LrGlsSC9G3snPC/r+dXkVJbMtovzuPMsm11DfP8viRu7By/ZY8iseP3MWbI9gUN+zfvzuTv9s/IeqpazUtjQVbTUutDCIE3t9eZNkU84CamuO2joXleioCA7/VJcGC6kaR/PKbOiKhECWxMPfN+Q+HDe7JhQfv7qXBSLKIhyTJ0pip9ASuS592Njs2relrtmn5fJ/3+QYm3vUub/7i+3QribFqYy3raxq9KS/VdU3s1KUk7VSLVO+NZgOVnWJMP6MqYVBMA0UpSmGgHcU0hAWuP3kY39QGz7NzLWOLV2/i3kn7cfNpIwiJJLlrTvneAL7YUJcwh851AXFH4moampOsdHdNHMWGmgbWbW7w0jssXr2JGZNGBcoTlPzWyQEXC4zA+sDk0UwbN4Qi6zLTp6KEnp0cS8W66oYky47r5jnhzne57sRhXHHMYHbrWc5/1tVw79v/5sf792Px6k1eHW88dTj1jc58Ntc9tLK8iBtOGRboErN2Uz3nfX83BBJcF4uiISo7xajsVMSytZvpU1HiRWdbud6ZSH/5Ix8mWaFmnzsmcM6d/1z7z1VHeLlJGmtWaSyU1FG/+bQRXicnaoPJtLx2bkcwEg4F7nejrqac32P/P5Zibq+bdkYkOcrupQ8t4JGfOG6X9Y0m0Bo3+5wxXnlhEa47cSgXz9riWnrdiUM9GYyBddUNSekxuhQ7rp/lseCE22W2o1bTkHoOYkWZU35r8zTTnYOm5hSupz/JT9dTkMDzMfW4IVz60AJmTRltc6P2pVtZLCEnYlu8AdJZ0dtCNnPhKblGan3NNrFIOOUc80/WbOKcGYlTYa5/4VN+dsju7Pmtzq3qcapyy4pCXHjw7gltnltOr6LCBsxRlEzT3jmHyrahHcU01DXF+f2TH3HlsXsmzdebfnoVNQ1NTD+jilte+Yz1NQ1UdiryLBmQ2EBs6Wp66UMLEpLX9uxclGSlE4Hxt7ydINPK9bXEDUlzJK49YShFdk6Pa9XctXspkbCktNJ8VV3v/b+buPp/Zs1nbXU9907aL/A3rnU1bgznzHDqNvGudwFYsqaaK44ZzMCe5SxZU011XZPXgXN/t3J9LX99cSmTvtMvoTPYo7yI4mjIs9IeX7WL57p488tL+X9H7WktQcVcM34f7nxzuWeViYZDgbI2NsWJFYeTOi7dyqJMP6Mq4aXZUaIghlNYs9w0g5tS5Fk8/+CBVJRBcSzEThUlCYFgohGh2HYkG5uDXVdvPHU4kN6aFhICO3GhNNa2RmttSxWVz90Pzn39x39+nCDjH//5sZeLsTGN+2tdUzwwBcfMNLki3TmK0bATNbVlZ9y1WMaiwk2nDufrzY3e/dGtLEosKvb/mwNdT+vy1PUUDJMO7J80JxSc89gQN0x/fQVPLfyS+yc7z6Xhu3Tl3LEDvPqnyiEZjxtqG5sCr0d7PAgy0dlUCoXU+ppt3KjWLQc0IiHx3neQOPB7zgzHrd0Yk9JSnqrc5jhJwefOvXeu3heKUiBoRzENYetG98Ob3+bEqj7cOWFfIuEQIcFzs3StDZXlsZQdslQNx/6VZTxx/gGs2ljHrx9dyNTjBnsRVpet3czqDbXBLnIhoaI0yr2T9sNg+O/GOq56+mMArjtxGCWxcEKn9p6zgi2QazbVe7Ls2r2UkmiIG08dTiwSxmBSzhXsU1FC9/KihJQa/uPixrGKdPG57PqPmzV3JUvWVHPhwQPp1aWYSEi4wM5zeOL8AwLdZMMh4cTpc6gsL+L/HbUnVxyzF2C456xRXnTXICvZptrkBO1TH1/MLaeP6JBREEOhUOBo+B9+uA/gWNveWraOWXNXer/pU1HCzw5x8tDVNcRZt6mBCx+c512fG04eTnE4RJcSZ+Q5yPXUs9amsKZNtda0dJ24VCPbbvnpXGMhMdek/xjX6pku/H26jmC6qKnNBp6a/0XSHMgJ1nW8qclQ15gYWfbaE4bS1OSUXxQOBbtah/NTf42B299YlnDNb39jGb85di8OG9zTm3u5cn0tYXHmf7Z8Rkw/o4rKTsUJ19m1Av53Y902exCkc9lWOg6t6Wu2cefptny3rd5Y2+rA76oNtfzhqY/4xZF7UNPgvJP9cxjbW67eF4pSGGQ/RNd2QkSOEJFPRGSpiFy+teX0LC/ycgrNmruSiXe9S0jgtNve8eZYudaGFetqaGw23lw7F7eBGLR92drNfFPX5EUfvenlpdQ0NLHmm3qKoyHueXtFUl6w604cSmNznJP/Poexf36FM27/l1fm2up6enYuShrhu+rpj7jp1MS8bG7UU3d9yZpqTpg+h1gkTGWnInqUFSXl2/PnYrz6mY+47IhBvLj4S64Zvw+HDe7JJYcPsvkPX+WKxxZigMMG9wS2zLt0y1tbXe/Mk6hpoLHZSZoNUBwNBwYKqW8ynlvuCdPf5pRb57B0zWZWb6wjbkxwbr2wsPyrzSkStId2eALkXMCNDOnP4XfxoYM8a2pJLBx4Lt35b01x43USwbk+Fz44z+skpcvTGAmHmHhAv4T/n3hAP6+TFouEAq+Xm54jXfmua2xL+aO+6xsRgvXFHuKmtvHjd/1MdT+7HcHyouA8jW6exLAIY/foxcS73uWga19l4l3vMnaPXp7ra1PceNYK9xz/fPZ8X9RUAi2e+Zq+rCQWnFfy+UWr+dXRg7n1tWWAcx5LYmF+fXRycLFzZsz1UgK4uFbAG15ckvQcba8HgTtA4aejuKsriaTSV/886GwSCknSuy2V/roDuI3NcS4/cg8umT2f713zCif9fQ6f/HcTK9Zt9uaHt6dcvS8UpTAoSIuiiISBm4BDgZXAuyLyuDFmcXvLikbD7NGznJlTRtPYbIi24sYZDYf4+6ufJc3v+ttpI4hGJNDd7s/PbslhOO3JxUw6sD/GGHp2LuKiBz/g3LED6Fwc4c4J+1Jd30TX0iixcCgpiuelDy1gxlmjvMZ0S/meW7yGCw4a6I2A7tS1hGlPLvJyILmy+EcCW44gAl7kUf98yfvP3o9IWLj8yD29OZiuDD+9733uO3s/Fq/e5KXeuHfSfp5cf/znYtZuauBP4/f23G79QWr853dTXWPStl26lXD1Mx/zq6MHB7o7/t+JQ7nhxSVJaUo6iptpEKlGht2OcteSGL06Fye4BffqXOxFjkxnbUtXfn1TsoX36mc+4YZTHNfUMATmYQy3Uf5wyMnF6Ze/e3ksIcdZbZrIrpVlsSRX81tOr6LS6ky68PjV9XGe/GBlYNTULqVQ2xh8DlyraXqLZopgN3naU6xrjNOrcywhiuRj76/k2heWMGa3SmbNXendt11LYtQ2tM2651oBV66v5c/PbjnffSpK6N2lpF2DQ6lc7zrqc6Qjs6mumVc++jJJX8cN35luZdmWLpgg/XWD0/3p+H1ojhsufSR58GnauCF0Ko6mdCPV+0JRCpuC7CgCo4ClxphlACLyIDAOaHdHEZzOYiwS5qS/v0lleRFXW0tEkEum66734JTRNDY5yc7vfXs5J+y7K3e/tZwZZ41izaZ6NtQ2ep0tgIE9y7nimMFc9fTHzPt8A3dO2DfQNe7OCfvyTW1DYCNp3eYGdu1e5h3bUr5VG+u8VBhX/WhvThm1K784Yk+Wrq32ZGk5EuiOIAJ8sb6Go294I+l/V2+so6+dCxkklwAzbaqCz9Zu5uKZHzDv8w0M36UrFx48kAGVZYRDQqdivDlggee3JrGj6AZAOb5ql5SROpvihrXV9fTuqsm2/fiva9C+vt3L6FQcDTxfkRSBVlyLYNryJfhauZejrtmZF+zvRP3+yY+43nYk05W/uaGZ215bnhSR9PyDdvOOSRfZNRoNM8gOELmpYXqWFxG1ucXqm0xgePzuQ3YCHIvg9NdXMP31FQmynTq6r1N+GtfXdOc4VXqNfFVpY2DZ2hou8VlRwalTp+Iob/7i+wl6mM792MV/3LzPN3jPv0d/ekC77/90AxRKxyESEmbOdQYyXPpUlPCjqj5ZlKp1WuqviBAWmHrcEKY+vpBJB/YPfH+XxsKtupHqfaG0RIPNFBaF2lHcGfjct74S2K/lQSIyBZgC8O1vf7vVAv2jZpc9tCApOIprkQN4a9k6Dl7Vi2lPLmbauCEcN7wPzfFmJh7QjxUt8vfBlgaqmzC+T0UJu3YvDRz9u+bZj/n10YMDG0k9OxV5o3gtf+tPsuuOIl586CBESPjf1kYCUzXOahqaCYVClISCG7clsQiVnYpobGxmY12T52K6trqeHp2K6N25GBHh4y83ce69c7lm/D5J5/e6E4fS2VoC/OfDDbzz5AUHJFmAbj5tBA+99x/PCpHvL6726Ou20lpHrGd5UaC1rWd52wIXuK6tqVI7FEeD5zi2NZl1LBwKnGN58aG7e+vF0eDIrv7/iEbD7FxRmvIcjOzXIyE8vv8cRNNELU13DtPtT3cOc4W26mxJLET38lhSnaafUcW3Ohcn3btttWJk2trR2n2hFAZt0dmyomCPgrKi3HA9TUWQ/sbjhosPHZRyHm9NQ3NaN1K9L7LHjmgXdLSO39bUd8VVR28HSXIDMSY/XZVaQ0ROAA43xpxt188ARhljLkj1m5EjR5r33nuv1XL9ObSKYyEamgz1TXHiccNVT3/kBba59oSh3P7GMn528O707lpM56Io/1lfw7rqBnp3KWJDbVNCA/DWM0cysLKc9bWNCSNygPd/7uhfKBSioiTKkrXVCY2f6WdUMahnJy8Xkl/WaCREJCTUNiSW0/I/0o0EBoWHv2b8PvTqXExfa8lMFz6+sbGZNdX1gVaapqY4a6rrEQybG5r5/OstOewqyqI8vWAVp43uiwGWrd3MDS8uYW11vfcf8bhxym6OEw4JRZEQBtleo5tZ7XW2RV+3J+61amp2rOY9y4vS5uFyiccNK9Zt5t/rarzru2v3Uvp2LyMUkm1OQ1Bf38TSdZsTItpOP6OK3bqXUVQU8eRf9U0tDU3Gi9waiwg7dU6fT6wt56CpKe4NfPg7env06pRwTGvnsLX96c5hAFkfJWlNZ+vqmvi6vgHBsQA32+dD95IYxcXB45ltzWmouQ/zlqxfpFQ6W1fXxDeNjTQ0OboaDgmxiNA5Gk2pr7lMPG7YUNvAaut1FPR+13umTRRku6CjdRS3hjztKLZJXwu1ozgGmGqMOdyu/xLAGPO/qX6ztTeY+4CtbWim2RiiISciqtsRcx+u/sZKSSxMU9w4qRu2suGSrcZPPG74anM9dY1xwkJCVLRMyuUvZ1s6t9uRgnwh7CjS6cm26lF9fRNf1TR4AxI9SmNeJ9FlWzq7bWF7l9/Oc5T1Vl46na2ra2Jd7ZZr1lonUekQ5LTOFqK+pnu/K2kpyHaBdhTTU8gdxfx+qqXmXWCgiPQDvgBOBk7dHn8UCgndyoogzQT2TLtmZMvVIxQSenYqbnV/JuRKV466ueQ36a7vtupRUVGEnYtaf7xFIiF26lrS6jHbwvYuv9DcvYqLI+yc5w1tpeNQiPqa7v2uKErHo7CechZjTJOInA88ixNE8Q5jzKIsi6UoiqIoiqIoipIXFGRHEcAY80/gn9mWQ1EURVEURVEUJd8o2I6ioiiKoiiKoihb0DmHSnvQjqKiKIqiKIqiKMpW0N7Odz4Fv9GOoqIoiqIoiqIoyg5ge1t1M9kRLcj0GFuDiKwF/r0diu4BfLUdys00+SBnLsn4lTHmiGz9uU9fc+mcBJHr8kHuy5gJ+bKqr9CuZ2yuX49M09HqC22rc77obKFfv0KuX6brlivtgtYo5OuZio5YZ0hf7zbpq3YUtzMi8p4xZmS25UhHPsiZDzLuaHL9nOS6fJD7Mua6fJlG61v4FFKdC6kuQRRy/Qq5bqnQOnccMlXvzGV/VhRFURRFURRFUQoC7SgqiqIoiqIoiqIoCWhHcfvz92wL0EbyQc58kHFHk+vnJNflg9yXMdflyzRa38KnkOpcSHUJopDrV8h1S4XWueOQkXrrHEVFURRFURRFURQlAbUoKoqiKIqiKIqiKAloRzGDiMguIvKyiHwkIotE5Gd2+1QR+UJEPrCfo7Is5woR+dDK8p7d1k1EnheRJfa7IssyDvKdrw9E5BsRuSjXzmW2EJEjROQTEVkqIpdnW54ggvQsy/LcISJrRGShb1uu6X2QjB1C5/NBp1ujPc9VcbjB1nWBiIzwlfNje/wSEfmxb3uVLX+p/a1koY5tvocyWcdcu09d8lFnW2mnZOw6ZhsRCYvIPBF50q73E5F3rJwzRSRmtxfZ9aV2f19fGb+02z8RkcOzU5PMkY+6urW051mcz2TqeZwWY4x+MvQBegMj7HIn4FNgMDAVuCTb8vnkXAH0aLHtauByu3w58Kdsy+mTLQz8F9g1185lFs/HZ0B/IAbMBwZnW64AOZP0LMvyfBcYASz0bcspvU8hY8HrfL7odJo6tPm5ChwFPA0IMBp4x27vBiyz3xV2ucLu+xcwxv7maeDILNSxzfdQJuuYa/dpPussqdspGbuO2f4A/wPcDzxp12cBJ9vlW4Cf2OWfArfY5ZOBmXZ5sL2eRUA/e53D2a5XR9PVbahvm5/F+fzJxPO4LR+1KGYQY8xqY8z7dnkT8BGwc3alajPjgLvt8t3AD7IoS0sOBj4zxrQlWXdHYBSw1BizzBjTADyIc/2UVjDGvAZ83WJzTul9ChkRCeZEAAANqUlEQVQ7AoWq06n0axxwj3GYA3QVkd7A4cDzxpivjTHrgeeBI+y+zsaYt43z1r+HLOhqO++hTNYxp+5TS17qbCvtlIxcxx1YlUBEpA9wNHCbXRfgIOAhe0jLurl1fgg42B4/DnjQGFNvjFkOLMW53vlKXupqhsnFZ8g2kaHncVq0o7idsC4Mw4F37Kbzrbn3jhwweRvgORGZKyJT7LZexpjV4LxIgJ5Zky6Zk4EHfOu5dC6zwc7A5771leTmgESQnuUauaz3fgpd5/NFp1ujPc/VVPVtbfvKgO25wI6oYy7ep3mvsy3aKZm6jtnmL8BlQNyudwc2GGOa7LpfTq8Odv9Ge3yu1m1rKbT6pCPf2riZpL33cVq0o7gdEJFy4GHgImPMN8DfgAHAMGA1cG0WxQM4wBgzAjgSOE9EvptleVJi5xIcB8y2m3LtXGaDoLlJuRi+OG/0LMfpCDqfLzrdGu3R91T1be/2XKbQ65hv8iYQ0E5JeWjAtpy8XiJyDLDGGDPXvzngUJNmX87VbRsptPqkQ9seyWy1DmhHMcOISBTn4XufMeYRAGPMl8aYZmNMHLiVLLswGGNW2e81wKNWni9dM7T9XpM9CRM4EnjfGPMl5N65zBIrgV18632AVVmSJSUp9CzXyFW99+ggOp8XOt0a7Xyupqpva9v7BGzPBXZEHXPxPs1bnQ1qp5C565hNDgCOE5EVOO6VB+FYGLuKSMQe45fTq4Pd3wXHlS8X67YtFFp9WiXP2riZpr33cVq0o5hBrG/77cBHxpj/8233+wH/EFjY8rc7ChEpE5FO7jJwmJXnccCNWvZj4LHsSJjEKfjcTnPpXGaRd4GBNpJbDMc19/Esy5RAK3qWa+Sq3nt0EJ3PeZ1uja14rj4OnGkj0Y0GNlo3oWeBw0SkwroYHwY8a/dtEpHR9j1zJrmjqzuijrl4n+alzqZqp5Ch67hDKpECY8wvjTF9jDF9ca7HS8aY04CXgfH2sJZ1c+s83h5v7PaTxYmK2g8YiBNoKV/JS13dGvKwjZtp2nsfp6etUW/006YIRAfimHIXAB/Yz1HADOBDu/1xoHcWZeyPE/FqPrAI+JXd3h14EVhiv7vlwPksBdYBXXzbcuZcZvncHIUTre4z9xrm0ieVnmVZpgdwXDcbcUbXJuWa3qeQsUPofK7rdBrZ2/VcxXEDusnW9UNgpK+ss3CCZywFJvq2j8Rp8HwG3AhIFurZ5nsok3XMtfs0n3WW1O2UjF3HXPgAY9kS9bQ/TkdvKc40liK7vdiuL7X7+/t+/ytb50/IQoTh7XA+8k5Xt7KeedPGzUBdM/I8TvdxH8KKoiiKoiiKoiiKAqjrqaIoiqIoiqIoitIC7SgqiqIoiqIoiqIoCWhHUVEURVEURVEURUlAO4qKoiiKoiiKoihKAtpRVBRFURRFURRFURLQjqKiKNsNEZkgIjdmuMwfiMhg3/rvROSQTP6HomwtIrKTiDxkl4eJyFFt+M1YEXkyQ/8/UkRuyERZSsch03orIq+IyMhMy6nkLiLSV0QKMc9vRhCRFSLSI9tytBftKCqKkm/8APA6isaYK40xL2RRHkXxMMasMsa4yb2H4eQv25H//54x5sId+Z9K/pNtvVWUIEQksoP+J7wj/icf0Y5iB0dE/iEic0VkkYhMsdsmicindkTwVtciJCKVIvKwiLxrPwdkV3ol24jI6SLyLxH5QESmi0hYRCZa/XkVOMB37F0iMt63Xu1bvkxEPhSR+SJyld022erZfKt3pSKyP3AccI39zwH+ckXkYBGZZ8u6Q0SK7PYVIvJbEXnf7tsjRX0CjxORqSJyie+4hXb0tK+IfCwit9lt94nIISLypogsEZFRGT3hynZHRM4UkQVW72aIyLEi8o7VqxdEpJc9bqrd/5K91pPt9r5WF2LA74CTrK6eJCKjROQtW9ZbIjKoDfIcZXXsDRG5wbXgpCrLb+WxMt5hn+XLREQ7kAVKrultC9lOsc/ThSLyJ7stbJ/dC+2+i+32C0Vksa3Lg5k9S8oOICxOu3GRiDwnIiXiWKjn2Gv6qIhUQKLVWUR6iMgKuzxBRGaLyBPAcyLSW0Res/q4UES+0/JP7W8eE5FnROQTEfmNb19SO8VurxbHI+kdYEyL8m4WkePs8qMicoddniQiv09T7mEi8rY47YjZIlLeouwSK+fkDJ3z7YsxRj8d+AN0s98lwEJgZ2AF0A2IAq8DN9pj7gcOtMvfBj7Ktvz6yaru7Ak8AUTt+s3Aj4H/AJVADHjTpz93AeN9v6+230cCbwGldt3Vye6+Y38PXJCinLuA8UAx8Dmwu91+D3CRXV7h+/1PgdtS1CnwOGAqcInvuIVAX/tpAvbGGXibC9wBCDAO+Ee2r5N+2qXTewGfAD1cXQQqALHrZwPX+nRivn129rC6t5PViYX2mAmu/tv1zkDELh8CPGyXxwJPBsjj6nQ/u/6Ae1xbyrIyvgUUWRnXYe9X/RTOJ9f01u57BRhpy3bfCRHgJRyvkCrged/xXe33KqDIv00/+fHxvQ+H2fVZwOnAAuB7dtvvgL/4dcQu9wBW+PRvJVvaAj8HfmWXw0CngP+eAKwGurOlPTuS4HbKmXbZACemqMvJwDV2+V/AHLt8J3B4qnJtPV4Dyuz2XwBX2uUV9hy94MqQD58dYtJVcpoLReSHdnkX4AzgVWPM1wAiMhvY3e4/BBgsIu5vO4tIJ2PMph0psJIzHIzzsn/X6kQJsD/wijFmLYCIzGSL/qTiEOBOY0wNgKt7wBA7ctcVKAeeTVPOIGC5MeZTu343cB7wF7v+iP2eC/yolXLaepzLcmPMhwAisgh40RhjRORDnJeCkj8cBDxkjPkKHF0Ukb2BmSLSG2fwY7nv+MeMMbVArYi8DIwCPmil/C7A3SIyEKeREk0jzx7AMmOM+58PAFPaWdZTxph6oF5E1gC9cBphSuGQa3rrZ18S3wn3Ad8FpgH9ReSvwFPAc/b4BcB9IvIP4B/t+B8lN1hujHF1aS4wAKfD/6rddjcwuw3lPO9rC7wL3CEiUZzB11S6+rwxZh2AiDwCHIjTcW3ZTlljj28GHk5R1uvAReLEQ1gMVNh7aQxwIc6geFC5o3Gmxrxpt8eAt33lPgZcbYy5rw3nICdQ19MOjIiMxWmkjzHGDAXm4YxKpiJkjx1mPztrJ7FDI8DdPn0YhDNabVIc34R95ojzBI35ygn6zV3A+caYvYHf4lhX0snTGvX2uxlnZBsReda6jdzW2nF+2S3FAccDxH3rcd/vlfwgSBf/imNd2Rs4h8Rr3/LYVLrvMg142RgzBDiWAJ1uoZOt6XTasix+/fTrtFI45JretpQtCWPMemAojlXpPMD93dHATTiN8Lmyg+aoKRmj5fOmayvH+t+rLXVqs7tgjHkNZ3DhC2CGOG7WP7T69oFsCZoUpNdJ7RRjzFS7v84Y0wwgIvv5yjvOGPMFjlX+CBwL4evAiTieUJtaKVdwOqzu9sHGmEk+md4EjhSfxSXX0Y5ix6YLsN4YUyPOXKzRQCnwPRGpsA/o433HPwec766IyLAdKq2Sa7wIjBeRngAi0g1nsGGsiHS3o38n+I5fgfPyB8ct0x2Vfg44S0RKfeUAdAJW23JO85Wzye5rycdAXxHZza6fAbwacJyHMeZw+zA/O01dVwAjrHwjgH5pjlfykxeBE0WkO3i62AWngQLOKLKfcSJSbI8fizPy7aelrvrLmhAkQAud/BjH6tLX7j6pPWUpHYZc01s/7+C0KXrYOVynAK+KE/0xZIx5GLgCGCEiIWAXY8zLwGVs8SZR8peNwHrfvEL/e3kFW9oE40mBiOwKrDHG3ArcDowwxjzq64y9Zw89VES6iUgJjnvzmwS0U2x5CRhj3vGV97jd/DZwEVs6ipfYb1opdw5wgNsOESe2gt+r6kqcKQA3t3bScgntKHZsngEiIrIAZ8RwDs7L4I84D/cXcEzuG+3xFwIjxZmQvBg4d8eLrOQKxpjFwK9xJpsvAJ4HeuNYFd/G0Z/3fT+5FafB8C9gP+yIoTHmGeBx4D0R+QDnYQxO4+EdW+7HvnIeBC4VJ7DCAJ88dcBEYLZ1+4wDt2Soug8D3ax8PwE+TXO8kocYYxYBf8BpyM4H/g9Hn2eLyOvAVy1+8i8ct7k5wDRjzKoW+1/Gcdf/QEROAq4G/ldE3sSZa5NOnlqcubLPiMgbwJdseR63qyylcMk1vW0h22rgl7bM+cD7xpjHcOIhvGKfqXfZY8LAvfb5PQ+4zhizoT3/p+QkP8YJQLcAJ6Lu7+z2PwM/EZG3cOb2pWIs8IGIzMMxXlyf4rg3gBk4btQPGycCdKp2Slt4HWdu7lKctkw3uy1l+8e6WE8AHrDb5+BMIfBzEVAsIle3UY6s4k50VhQPESk3xlRbi+KjwB3GmEezLZeiKEquICJTcdyQ/ryd/8d9HguOS94SY8x12/M/lcJlR+mtouxIRGQCTmCc89Mdq7QPtSgqQUy1o3wLcSbA64RyRVGU7DDZPo8X4bgATs+yPIqiKEoHQS2KiqIoiqIoiqIoSgJqUVQURVEURVEURVES0I6ioiiKoiiKoiiKkoB2FBVFURRFURRFUZQEtKOoKIqiKIqiKIqiJKAdRUVRFEVRFEVRFCUB7SgqiqIoiqIoiqIoCfx/lY5zRXNl6aoAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "sns.pairplot(data, diag_kind='hist')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Using seaborn distplot we can use rug=True to see where the values lie. We can then adjust the y axis and the number of bins to get a better view." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(0, 1500)" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYAAAAEKCAYAAAAb7IIBAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAFmdJREFUeJzt3X20ZXV93/H3RxCM2jg8XC3ODB1opjbERzoFWrusSwxPMQ5rVSroClODnbbBxIR06SArwepKK21WUFNrOhXi2IJo8IFZSsQRsKyuhJFBkAdHZUALI4QZO0hMNBL02z/O7+pZd87cp3PnXr2/92uts87e3/3be//2787cz937nLNPqgpJUn+estQdkCQtDQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1KlDl7oD0zn66KNrzZo1815/318/sXCdmYMjn3HYkuxXkgBuv/32b1XVxEztfqIDYM2aNezYsWPe61+9/cEF7M3sve7kY5dkv5IEkOT/zqadl4AkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTMwZAkiuT7Elyz4hl/z5JJTm6zSfJe5PsSnJXkhOH2m5Icl97bFjYw5AkzdVszgA+CJwxtZhkNfCLwPD9Fs4E1rbHRuD9re2RwKXAycBJwKVJjhin45Kk8cwYAFV1C7BvxKLLgbcANVRbD3yoBm4FViQ5Bjgd2FZV+6rqMWAbI0JFkrR45vUaQJJXA9+sqi9NWbQSeGhofnerHaguSVoic74baJKnA5cAp41aPKJW09RHbX8jg8tHHHusd9WUpINlPmcAfx84DvhSkm8Aq4AvJvm7DP6yXz3UdhXw8DT1/VTV5qpaV1XrJiZmvJ21JGme5hwAVXV3VT27qtZU1RoGv9xPrKq/ALYC57d3A50CPF5VjwA3AKclOaK9+Htaq0mSlshs3gb6YeDPgecl2Z3kgmmaXw88AOwC/gfwawBVtQ94J3Bbe7yj1SRJS2TG1wCq6rwZlq8Zmi7gwgO0uxK4co79kyQdJH4SWJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnZoxAJJcmWRPknuGav8lyVeS3JXkE0lWDC27OMmuJF9NcvpQ/YxW25Vk08IfiiRpLmZzBvBB4IwptW3A86vqhcDXgIsBkpwAnAv8QlvnvyU5JMkhwPuAM4ETgPNaW0nSEpkxAKrqFmDflNpnq+rJNnsrsKpNrweuqarvV9XXgV3ASe2xq6oeqKongGtaW0nSElmI1wB+FfjTNr0SeGho2e5WO1BdkrRExgqAJJcATwJXTZZGNKtp6qO2uTHJjiQ79u7dO073JEnTmHcAJNkAvAp4fVVN/jLfDawearYKeHia+n6qanNVrauqdRMTE/PtniRpBvMKgCRnAG8FXl1V3x1atBU4N8nhSY4D1gJfAG4D1iY5LslhDF4o3jpe1yVJ4zh0pgZJPgy8HDg6yW7gUgbv+jkc2JYE4Naq+rdVdW+SjwJfZnBp6MKq+kHbzpuAG4BDgCur6t6DcDySpFmaMQCq6rwR5Sumaf97wO+NqF8PXD+n3kmSDho/CSxJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6NePbQKWfZFdvf3DJ9v26k49dsn1LC8EzAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE7NGABJrkyyJ8k9Q7Ujk2xLcl97PqLVk+S9SXYluSvJiUPrbGjt70uy4eAcjiRptmZzBvBB4IwptU3AjVW1FrixzQOcCaxtj43A+2EQGMClwMnAScClk6EhSVoaMwZAVd0C7JtSXg9sadNbgLOH6h+qgVuBFUmOAU4HtlXVvqp6DNjG/qEiSVpE830N4DlV9QhAe352q68EHhpqt7vVDlSXJC2RhX4ROCNqNU19/w0kG5PsSLJj7969C9o5SdKPzTcAHm2XdmjPe1p9N7B6qN0q4OFp6vupqs1Vta6q1k1MTMyze5Kkmcw3ALYCk+/k2QBcN1Q/v70b6BTg8XaJ6AbgtCRHtBd/T2s1SdISmfFL4ZN8GHg5cHSS3QzezfMu4KNJLgAeBM5pza8HzgJ2Ad8F3gBQVfuSvBO4rbV7R1VNfWFZkrSIZgyAqjrvAItOHdG2gAsPsJ0rgSvn1DtJ0kHjJ4ElqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktSpsQIgyW8luTfJPUk+nORpSY5Lsj3JfUk+kuSw1vbwNr+rLV+zEAcgSZqfeQdAkpXAbwDrqur5wCHAucBlwOVVtRZ4DLigrXIB8FhV/RxweWsnSVoi414COhT4mSSHAk8HHgFeAVzblm8Bzm7T69s8bfmpSTLm/iVJ8zTvAKiqbwK/DzzI4Bf/48DtwLer6snWbDewsk2vBB5q6z7Z2h813/1LksYzziWgIxj8VX8c8FzgGcCZI5rW5CrTLBve7sYkO5Ls2Lt373y7J0mawTiXgF4JfL2q9lbV3wIfB/4psKJdEgJYBTzcpncDqwHa8mcB+6ZutKo2V9W6qlo3MTExRvckSdMZJwAeBE5J8vR2Lf9U4MvAzcBrWpsNwHVtemubpy2/qar2OwOQJC2OcV4D2M7gxdwvAne3bW0G3gpclGQXg2v8V7RVrgCOavWLgE1j9FuSNKZDZ25yYFV1KXDplPIDwEkj2v4NcM44+5MkLRw/CSxJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVNjfSWkNOnq7Q8udRckzZFnAJLUqbECIMmKJNcm+UqSnUn+SZIjk2xLcl97PqK1TZL3JtmV5K4kJy7MIUiS5mPcM4D3AJ+pqn8IvAjYCWwCbqyqtcCNbR7gTGBte2wE3j/mviVJY5h3ACT5WeBlwBUAVfVEVX0bWA9sac22AGe36fXAh2rgVmBFkmPm3XNJ0ljGOQM4HtgL/HGSO5J8IMkzgOdU1SMA7fnZrf1K4KGh9Xe3miRpCYwTAIcCJwLvr6qXAH/Njy/3jJIRtdqvUbIxyY4kO/bu3TtG9yRJ0xknAHYDu6tqe5u/lkEgPDp5aac97xlqv3po/VXAw1M3WlWbq2pdVa2bmJgYo3uSpOnMOwCq6i+Ah5I8r5VOBb4MbAU2tNoG4Lo2vRU4v70b6BTg8clLRZKkxTfuB8F+HbgqyWHAA8AbGITKR5NcADwInNPaXg+cBewCvtvaSpKWyFgBUFV3AutGLDp1RNsCLhxnf5KkheMngSWpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1KmxAyDJIUnuSPKpNn9cku1J7kvykSSHtfrhbX5XW75m3H1LkuZvIc4A3gzsHJq/DLi8qtYCjwEXtPoFwGNV9XPA5a2dJGmJjBUASVYBvwR8oM0HeAVwbWuyBTi7Ta9v87Tlp7b2kqQlMO4ZwLuBtwA/bPNHAd+uqifb/G5gZZteCTwE0JY/3tpLkpbAvAMgyauAPVV1+3B5RNOaxbLh7W5MsiPJjr179863e5KkGYxzBvBS4NVJvgFcw+DSz7uBFUkObW1WAQ+36d3AaoC2/FnAvqkbrarNVbWuqtZNTEyM0T1J0nTmHQBVdXFVraqqNcC5wE1V9XrgZuA1rdkG4Lo2vbXN05bfVFX7nQFIkhbHwfgcwFuBi5LsYnCN/4pWvwI4qtUvAjYdhH1Lkmbp0JmbzKyqPg98vk0/AJw0os3fAOcsxP4kSePzk8CS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6tSC3AxO6tHV2x9ckv2+7uRjl2S/Wn48A5CkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVPzDoAkq5PcnGRnknuTvLnVj0yyLcl97fmIVk+S9ybZleSuJCcu1EFIkuZunDOAJ4HfrqqfB04BLkxyArAJuLGq1gI3tnmAM4G17bEReP8Y+5YkjWneAVBVj1TVF9v0d4CdwEpgPbClNdsCnN2m1wMfqoFbgRVJjpl3zyVJY1mQ1wCSrAFeAmwHnlNVj8AgJIBnt2YrgYeGVtvdapKkJTB2ACR5JvAx4Der6i+nazqiViO2tzHJjiQ79u7dO273JEkHMFYAJHkqg1/+V1XVx1v50clLO+15T6vvBlYPrb4KeHjqNqtqc1Wtq6p1ExMT43RPkjSNcd4FFOAKYGdV/cHQoq3Ahja9AbhuqH5+ezfQKcDjk5eKJEmLb5zbQb8U+BXg7iR3ttrbgHcBH01yAfAgcE5bdj1wFrAL+C7whjH2LUka07wDoKr+D6Ov6wOcOqJ9ARfOd3+SpIXlJ4ElqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6tawD4G2fuHtW7T6389H9ar/zyQOvO92yUduajTWbPg3ACy79zKzXee1///P9asdf/Ok5tR/Vh9n24x9ccv1+teExn5x+2yfu5nM7H+Wyz+wcuQx+PG5v+8Td+z2G61P39bZP3M3mW+7fb9klU/Y9dXtT+3KgfQ3/PCd/7pd9ZuePtjn5PLzeZZ/ZyeZb7t+vr5O1UfvbfMv9P+rzdGMKo8d9lFE/7+Gf8WzN5d/kgfa7VA7Ul9kc01Ifx+XbvnbQ97GsA2C2bvrKnv1qP9jvyypnt2zUtubiO9//wazbbv/6vv1qP5ymb6Paj9OPJ6YbiClu+soeHv/ek9Mun69v/L/v7lcb7tmobU/Xl2HD604e7uPfe/JH9QNte1SfRtWGl812NGc77nP5eU9nLv8mF3K/C+FAfZnNMS31cbznxvsO+j4MAEnqlAEgSZ0yACSpUwaAJHXKAJCkTs37S+HnK8kZwHuAQ4APVNW7FrsPB9vV2x8ca725rD+q7XTrz7Tt4eWz6cd8j1XS0lvUAEhyCPA+4BeB3cBtSbZW1ZcXsx/ST7vZBu9c/0CYaTuvO/nYOa+rn1yLfQnoJGBXVT1QVU8A1wDrF7kPkiQW/xLQSuChofndwMmL3AdJP2XGudR4oHVne4lzOZ/1pGr2n+Yce2fJOcDpVfXGNv8rwElV9etDbTYCG9vs84CvjrHLo4FvjbH+cuW47M8xGc1xGe0nfVz+XlVNzNRosc8AdgOrh+ZXAQ8PN6iqzcDmhdhZkh1VtW4htrWcOC77c0xGc1xGWy7jstivAdwGrE1yXJLDgHOBrYvcB0kSi3wGUFVPJnkTcAODt4FeWVX3LmYfJEkDi/45gKq6Hpjd/WzHtyCXkpYhx2V/jslojstoy2JcFvVFYEnSTw5vBSFJnVqWAZDkjCRfTbIryaal7s/BluTKJHuS3DNUOzLJtiT3tecjWj1J3tvG5q4kJw6ts6G1vy/JhqU4loWUZHWSm5PsTHJvkje3etdjk+RpSb6Q5EttXP5Dqx+XZHs7xo+0N2qQ5PA2v6stXzO0rYtb/atJTl+aI1o4SQ5JckeST7X55T0mVbWsHgxeXL4fOB44DPgScMJS9+sgH/PLgBOBe4Zq/xnY1KY3AZe16bOAPwUCnAJsb/UjgQfa8xFt+oilPrYxx+UY4MQ2/XeArwEn9D427fie2aafCmxvx/tR4NxW/yPg37XpXwP+qE2fC3ykTZ/Q/n8dDhzX/t8dstTHN+bYXARcDXyqzS/rMVmOZwDd3W6iqm4Bpn5/3XpgS5veApw9VP9QDdwKrEhyDHA6sK2q9lXVY8A24IyD3/uDp6oeqaovtunvADsZfBq967Fpx/dXbfap7VHAK4BrW33quEyO17XAqUnS6tdU1fer6uvALgb//34qJVkF/BLwgTYflvmYLMcAGHW7iZVL1Jel9JyqegQGvwiBZ7f6gcZnWY9bO0V/CYO/drsfm3ap405gD4NAux/4dlVNflny8DH+6Pjb8seBo1h+4/Ju4C3AD9v8USzzMVmOAZARNd/q9GMHGp9lO25Jngl8DPjNqvrL6ZqOqC3LsamqH1TVixl8Gv8k4OdHNWvPy35ckrwK2FNVtw+XRzRdVmOyHANgxttNdOLRdvmC9ryn1Q80Psty3JI8lcEv/6uq6uOt7Ng0VfVt4PMMXgNYkWTys0HDx/ij42/Ln8XgkuNyGpeXAq9O8g0Gl41fweCMYFmPyXIMAG83MbAVmHy3ygbguqH6+e0dL6cAj7fLIDcApyU5or0r5rRW+6nVrsleAeysqj8YWtT12CSZSLKiTf8M8EoGr4/cDLymNZs6LpPj9Rrgphq84rkVOLe9I+Y4YC3whcU5ioVVVRdX1aqqWsPgd8ZNVfV6lvuYLPWr0AfjweDdHF9jcF3zkqXuzyIc74eBR4C/ZfAXyAUMrkfeCNzXno9sbcPgS3nuB+4G1g1t51cZvGi1C3jDUh/XAozLP2Nw+n0XcGd7nNX72AAvBO5o43IP8LutfjyDX1a7gD8BDm/1p7X5XW358UPbuqSN11eBM5f62BZofF7Oj98FtKzHxE8CS1KnluMlIEnSLBgAktQpA0CSOmUASFKnDABJ6pQBIA1J8twk17bpFyc5axbrvHzy7pEjln0+yU/9d8dqeTIApCFV9XBVTX7w58UMPjcgLUsGgJaVJOe3e/l/Kcn/TPLL7X7tdyT5XJLntHZvb8tvavd6/9etvibJPe1T5O8AXpvkziSvTXJSkj9r2/qzJM+bY9/OS3J32/5lrXZIkg+22t1JfqvVfyPJl9uxXLOwoyQNLPp3AksHS5JfYPApzJdW1beSHMngk8CnVFUleSODuz3+dlvlhQzugfMM4I4kn57cVlU9keR3GXwa+E1t+z8LvKyqnkzySuA/Av9iln17LnAZ8I+Ax4DPJjmbwZ0jV1bV81u7FW2VTcBxVfX9oZq0oAwALSevAK6tqm8BVNW+JC8APtJu+nYY8PWh9tdV1feA7yW5mcFdMe+cZvvPArYkWcsgWJ46h779Y+DzVbUXIMlVDL7I553A8Un+EPg08NnW/i7gqiSfBD45h/1Is+YlIC0nYf9b7/4h8F+r6gXAv2FwD5dJU9vOdF+UdwI3t7/Wf3nKtgYdSG5ol4w+MKJv+6nBF8y8iMEdOS+kfRkJgy8meR+DM4bbh+5IKS0YA0DLyY3Av0xyFAy++5fBX+3fbMunfpfv+gy+H/coBjcAu23K8u8w+CrJScPb+lejOlBVp1fVi6vqjVMWbQf+eZKjkxwCnAf87yRHA0+pqo8BvwOcmOQpwOqqupnBJasVwDNnPHppjvyrQstGVd2b5PcY/GL9AYM7Xr4d+JMk3wRuZfA9rZO+wOCyy7HAO6vq4Qx9uTeDWwFvat+c9Z8YfJfwliQXATfNsW+PJLm4bTPA9VV1XZIXAX/cfukDXMzge63/V5JntbaX1+C+/dKC8m6g6lKStwN/VVW/v9R9kZaKl4AkqVOeAUhSpzwDkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ36/wn0UWYodcfVAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "hist0 = sns.distplot(data['capital-loss'], kde=False, rug=True, bins=10)\n", + "axes0 = hist0.axes\n", + "axes0.set_ylim(0,1500)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(0, 1000)" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYAAAAEKCAYAAAAb7IIBAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAE6RJREFUeJzt3X+wX3V95/Hna4lAjasJNDIxgQ1sM1JWd5VmIJQdxhVXhdaGTmFFOiV1sdnZ1a0tnWlDO7NonXV1xxHLtkPNCN3YEYqldmHVytCA27UdU0NBfhjYRHRDhJKw/Kj1B4p97x/nc+VLuDc/7vf+SO7n+Zi58z3ncz7nfD4n55v7uufzPed8U1VIkvrzj+a7A5Kk+WEASFKnDABJ6pQBIEmdMgAkqVMGgCR16oABkOS6JHuS3DdSdlyS25LsaK9LW3mSXJ1kZ5J7kpw+ss76Vn9HkvWzszuSpIN1MGcA/x148z5lG4EtVbUa2NLmAc4DVrefDcA1MAQGcCVwJnAGcOVEaEiS5scBA6Cq/gJ4Yp/idcDmNr0ZuGCk/OM1+CKwJMly4E3AbVX1RFU9CdzGC0NFkjSHFk1zvROq6lGAqno0yctb+Qrg4ZF6u1vZVOUvkGQDw9kDixcv/olTTz11ml2EJ771vWmvO47jFh89L+1KEsCdd975eFUtO1C96QbAVDJJWe2n/IWFVZuATQBr1qypbdu2Tbsz12/dNe11x3HJmSfNS7uSBJDk/x5MveleBfRYG9qhve5p5buBE0fqrQQe2U+5JGmeTDcAbgEmruRZD9w8Un5puxpoLfB0Gyq6FXhjkqXtw983tjJJ0jw54BBQkhuA1wE/mmQ3w9U8HwA+meQyYBdwUav+WeB8YCfwbeDtAFX1RJL3AV9q9X67qvb9YFmSNIcOGABV9bYpFp07Sd0C3jnFdq4Drjuk3kmSZo13AktSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0aKwCS/GqS+5Pcl+SGJMcmOTnJ1iQ7ktyY5OhW95g2v7MtXzUTOyBJmp5pB0CSFcAvA2uq6lXAUcDFwAeBq6pqNfAkcFlb5TLgyar6MeCqVk+SNE/GHQJaBPxIkkXAi4FHgdcDN7Xlm4EL2vS6Nk9bfm6SjNm+JGmaph0AVfUN4EPALoZf/E8DdwJPVdWzrdpuYEWbXgE83NZ9ttU/ft/tJtmQZFuSbXv37p1u9yRJBzDOENBShr/qTwZeASwGzpukak2ssp9lzxVUbaqqNVW1ZtmyZdPtniTpAMYZAnoD8LWq2ltV3wc+BfwksKQNCQGsBB5p07uBEwHa8pcBT4zRviRpDOMEwC5gbZIXt7H8c4GvAHcAF7Y664Gb2/QtbZ62/PaqesEZgCRpbozzGcBWhg9z/wa4t21rE/AbwOVJdjKM8V/bVrkWOL6VXw5sHKPfkqQxLTpwlalV1ZXAlfsUPwScMUnd7wIXjdOeJGnmeCewJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1aqw7gTW567fumpd2LznzpHlpV9KRyTMASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSp8YKgCRLktyU5IEk25OcleS4JLcl2dFel7a6SXJ1kp1J7kly+szsgiRpOsY9A/gd4HNVdSrwL4DtwEZgS1WtBra0eYDzgNXtZwNwzZhtS5LGMO0ASPJS4BzgWoCq+l5VPQWsAza3apuBC9r0OuDjNfgisCTJ8mn3XJI0lnHOAE4B9gJ/kOSuJB9Lshg4oaoeBWivL2/1VwAPj6y/u5U9T5INSbYl2bZ3794xuidJ2p9xAmARcDpwTVW9FvgWzw33TCaTlNULCqo2VdWaqlqzbNmyMbonSdqfcQJgN7C7qra2+ZsYAuGxiaGd9rpnpP6JI+uvBB4Zo31J0himHQBV9bfAw0le2YrOBb4C3AKsb2XrgZvb9C3Ape1qoLXA0xNDRZKkubdozPX/I/CJJEcDDwFvZwiVTya5DNgFXNTqfhY4H9gJfLvVlSTNk7ECoKruBtZMsujcSeoW8M5x2pMkzRzvBJakThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjo1dgAkOSrJXUk+3eZPTrI1yY4kNyY5upUf0+Z3tuWrxm1bkjR9M3EG8G5g+8j8B4Grqmo18CRwWSu/DHiyqn4MuKrVkyTNk7ECIMlK4KeAj7X5AK8HbmpVNgMXtOl1bZ62/NxWX5I0D8Y9A/gI8OvAP7T544GnqurZNr8bWNGmVwAPA7TlT7f6z5NkQ5JtSbbt3bt3zO5JkqYy7QBI8tPAnqq6c7R4kqp1EMueK6jaVFVrqmrNsmXLpts9SdIBLBpj3bOBn0lyPnAs8FKGM4IlSRa1v/JXAo+0+ruBE4HdSRYBLwOeGKN9SdIYpn0GUFVXVNXKqloFXAzcXlU/D9wBXNiqrQdubtO3tHna8tur6gVnAJKkuTEb9wH8BnB5kp0MY/zXtvJrgeNb+eXAxlloW5J0kMYZAvqhqvo88Pk2/RBwxiR1vgtcNBPtSZLG553AktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1atF8d0CSDlfXb901b21fcuZJs96GZwCS1CkDQJI6Ne0ASHJikjuSbE9yf5J3t/LjktyWZEd7XdrKk+TqJDuT3JPk9JnaCUnSoRvnDOBZ4Neq6seBtcA7k5wGbAS2VNVqYEubBzgPWN1+NgDXjNG2JGlM0w6Aqnq0qv6mTX8T2A6sANYBm1u1zcAFbXod8PEafBFYkmT5tHsuSRrLjHwGkGQV8FpgK3BCVT0KQ0gAL2/VVgAPj6y2u5Xtu60NSbYl2bZ3796Z6J4kaRJjB0CSlwB/AvxKVf3d/qpOUlYvKKjaVFVrqmrNsmXLxu2eJGkKYwVAkhcx/PL/RFV9qhU/NjG00173tPLdwIkjq68EHhmnfUnS9I1zFVCAa4HtVfXhkUW3AOvb9Hrg5pHyS9vVQGuBpyeGiiRJc2+cO4HPBn4BuDfJ3a3sN4EPAJ9MchmwC7ioLfsscD6wE/g28PYx2pYkjWnaAVBVX2DycX2AcyepX8A7p9ueJGlmeSewJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjo1ztNAdZi5fuuueWv7kjNPmre2JU2PZwCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVML+nHQv/mn987IdlYd/2K+/v++DcD7f/bVP9zuUYH3XTDMT5RPlE20//6fHabf+z/v48q3vGq/fZzYxsQ6o9OT2fQXX2XDOf/0BdubbJ0/3/4Yb/jxE/a7nwdq70DLD8Wrr/wc9773zTOyrVFnf2ALf7nx3BnfrjTXVm38DF//wE/NahueARyEiV/++/pBHVwZwDPPTrFgDFP1azK3P7Bnxtsfxzef+cGsbPcbT313VrYrLUQGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASerUnAdAkjcneTDJziQb57p9SdJgTgMgyVHA7wHnAacBb0ty2lz2QZI0mOs7gc8AdlbVQwBJ/ghYB3xljvuhGXb91l1zss58bndfl5x50py0I82WVM38HapTNpZcCLy5qt7R5n8BOLOq3jVSZwOwoc2+EnhwjCZ/FHh8jPWPNL3tL7jPvXCfD80/qaplB6o012cAmaTseQlUVZuATTPSWLKtqtbMxLaOBL3tL7jPvXCfZ8dcfwi8GzhxZH4l8Mgc90GSxNwHwJeA1UlOTnI0cDFwyxz3QZLEHA8BVdWzSd4F3AocBVxXVffPYpMzMpR0BOltf8F97oX7PAvm9ENgSdLhwzuBJalTBoAkdWpBBsCR/LiJJCcmuSPJ9iT3J3l3Kz8uyW1JdrTXpa08Sa5u+3pPktNHtrW+1d+RZP1I+U8kubetc3WSyS7PnXNJjkpyV5JPt/mTk2xt/b+xXThAkmPa/M62fNXINq5o5Q8medNI+WH3nkiyJMlNSR5ox/ushX6ck/xqe1/fl+SGJMcutOOc5Loke5LcN1I268d1qjb2q6oW1A/Dh8tfBU4Bjga+DJw23/06hP4vB05v0/8Y+D8Mj834r8DGVr4R+GCbPh/4M4Z7LNYCW1v5ccBD7XVpm17alv01cFZb58+A8+Z7v1u/LgeuBz7d5j8JXNymfx/49236PwC/36YvBm5s06e1430McHJ7Hxx1uL4ngM3AO9r00cCShXycgRXA14AfGTm+v7jQjjNwDnA6cN9I2awf16na2G9f5/s/wSz8458F3DoyfwVwxXz3a4z9uRn41wx3RC9vZcuBB9v0R4G3jdR/sC1/G/DRkfKPtrLlwAMj5c+rN4/7uRLYArwe+HR7cz8OLNr3uDJcRXZWm17U6mXfYz1R73B8TwAvbb8Ms0/5gj3ODAHwcPultqgd5zctxOMMrOL5ATDrx3WqNvb3sxCHgCbeZBN2t7IjTjvlfS2wFTihqh4FaK8vb9Wm2t/9le+epHy+fQT4deAf2vzxwFNV9WybH+3nD/etLX+61T/Uf4v5dAqwF/iDNuz1sSSLWcDHuaq+AXwI2AU8ynDc7mRhH+cJc3Fcp2pjSgsxAA74uIkjQZKXAH8C/EpV/d3+qk5SVtMonzdJfhrYU1V3jhZPUrUOsOyI2WeGv2hPB66pqtcC32I4bZ/KEb/PbUx6HcOwzSuAxQxPBt7XQjrOBzKv+7gQA+CIf9xEkhcx/PL/RFV9qhU/lmR5W74c2NPKp9rf/ZWvnKR8Pp0N/EySrwN/xDAM9BFgSZKJmxVH+/nDfWvLXwY8waH/W8yn3cDuqtra5m9iCISFfJzfAHytqvZW1feBTwE/ycI+zhPm4rhO1caUFmIAHNGPm2if6F8LbK+qD48sugWYuBJgPcNnAxPll7arCdYCT7fTv1uBNyZZ2v7yeiPD+OijwDeTrG1tXTqyrXlRVVdU1cqqWsVwvG6vqp8H7gAubNX23eeJf4sLW/1q5Re3q0dOBlYzfGB22L0nqupvgYeTvLIVncvwWPQFe5wZhn7WJnlx69PEPi/Y4zxiLo7rVG1MbT4/FJrFD2DOZ7h65qvAb813fw6x7/+S4ZTuHuDu9nM+w9jnFmBHez2u1Q/Dl+x8FbgXWDOyrX8L7Gw/bx8pXwPc19b5Xfb5IHKe9/91PHcV0CkM/7F3An8MHNPKj23zO9vyU0bW/622Xw8yctXL4fieAF4DbGvH+n8wXO2xoI8z8F7ggdavP2S4kmdBHWfgBobPOL7P8Bf7ZXNxXKdqY38/PgpCkjq1EIeAJEkHwQCQpE4ZAJLUKQNAkjplAEhSpwwAqUnyiiQ3tenXJDn/INZ5XdrTS2eg/TVJrp6JbUkHY06/ElI6nFXVIzx3Q9JrGK63/uwctr+N4b4AaU54BqAFI8ml7ZnqX07yh0ne0p4jf1eSP09yQqv3nrb89vbs9F9q5asyPKf+aOC3gbcmuTvJW5OckeSv2rb+auQO3v315/wMz/r/Qntu+8T3HEy6rdGzidbH65J8PslDSX55tv7d1C/PALQgJPlnDHeHnl1Vjyc5juGO6rVVVUnewfC00V9rq/xzhuevLwbuSvKZiW1V1feS/CeGuzLf1bb/UuCcqno2yRuA9wM/t5/+HMvwCN9zquprSW4YWfzAQW7rVOBfMXwvxINJrqnhGTrSjDAAtFC8Hripqh4HqKonkrwauLE9GOtohufvT7i5qr4DfCfJHcAZDI/dmMrLgM1JVjMEy4sO0J9TgYeqaqLNG4ANh7itz1TVM8AzSfYAJ/D8RwFLY3EISAtFeOFjcf8b8LtV9Wrg3zE8W2bCvnUP9EyU9wF3VNWrgLfss62hA8mtbcjoY0z+2N6D3lbzzMj0D/APNs0wA0ALxRbg3yQ5HobvR2X4S/sbbfn6feqvy/B9tMczPIDuS/ss/ybD0MuE0W394mQdqKo3VdVrquodDMM8p+S577F966FsS5oLBoAWhKq6H/jPwP9K8mXgw8B7gD9O8r8Zvk5w1F8DnwG+CLyvXQE06g7gtIkPgRm+b/W/JPlLhu+ePVB/vsPwnbafS/IF4DGGb7TiULclzRafBqruJHkP8PdV9aFZbuclVfX37bntvwfsqKqrZrNN6VB4BiDNnl9KcjdwP8Owz0fnuT/S83gGIEmd8gxAkjplAEhSpwwASeqUASBJnTIAJKlT/x8GHh+rmRgSPQAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "hist1 = sns.distplot(data['capital-gain'], kde=False, rug=True, bins=10)\n", + "axes1 = hist1.axes\n", + "axes1.set_ylim(0,1000)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAxAAAAF2CAYAAAD+y36TAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XmYLFV9//H3h1VERVRABBQlxiXGBRAxGgQXRFyIW4IRubgbNdGoP8UVxF0jCjFuUQSXuKEiIoqIgiuyiYALiwJ6ZRUUWQQEzu+Pc5rbt+mZqbl3eqZn+v16nn6m69TpqlNVPXX6W+fUqZRSkCRJkqQu1ljoAkiSJElaPAwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEFpQSf4pyfeSXJLkL0nOT3JYkl368uyVpCT5m4Us66rqK/+WM+Q7uOUrSW5KckWSXyT5eJKHrupyh3zmObMs/8FJzuub3rKt93mzWc6qlGtVtnGcJFkjyfuTXNiO6WEz5F8/yWuTnJLkyiTXJjkzyQdG+f1Psm+SRw5JX+nYL3VJ7tr29dlt31+V5MQkr0+ywUKXb1T6zjslyV+TXJrk+0nemGTj1Vju0O/VapZ134Hy9r9G8j+yKudNaalba6ELoMmV5D+AA4CDgPcAVwNbAY8HHgl8c+FKt2AuBZ7U3q8P3AvYA/hRkneWUl7bl/frwEOBC2ex/L2o//cHzeIzb6Eep1Hai+HlWpVtHCdPA14GvBL4MXDZVBmTbAp8G7gL8AHgB8D1wH2B5wAPAx40onLuA7wN+M5A+nwc+7GQZAfgcOAS4EDgDGBtYHvgJcCdgP9csAKO3sHAR6gXFu9I3e5/B/4jyW6llB+twjKn+l7NhYcDNw6k/W4E64FVO29KS5oBhBbSq4DDSinP7Uv7DvC/SSa1dez6UsrxfdPHJPkQ8D5g7yQnlVK+BFBKuZQacIxEknVLKdeVUn49qnXMZNTbOA/u0/6+v5Ry0wx5PwVsCmxXSjm7L/27ST4I7DaKAk5nIY/9fEqyIXAo8Evg0aWUq/tmfyvJe4F/WJDCzZ/fD5x7vpbkQOD7wJeTbDWwXxbaT0opNyx0IVZVkrWBG4pP89UiNak/0jQe7gBcNGzGTD+2kmyT5OIkX05yq5a2Vuv+8ask1yW5IMl7e/NbnjOSfKxveoMkNyZZPrD8Hyb5Qt/0jMtu+e6R5OtJrmndAA4A1p3NThmyLwrwauBi4OV967pF954k/5rkp63rxRVJTk/ywjbvWOARwMP6mvyPHVjWDkm+mORPwE/avKm6sayTZP/U7mfXJDlisKtRW+a+A2m9LlB7zaJc/du4dpK3JjkvyfXt71tbhTy4jhcm2S+1C9GfknwtyeYD5Zlyn00nyS5Jfpza9e6K1K539+qbfx7Q2/Yb+7d5yLK2Ax4FvH0geADqd6CUclhf/jnbB0l6P2Be37f/923zpuq+1mW/znjs+9L3SPKz1G5Df0jyqdQWmVkvL8mDkxyd5LL2vfxNagA2necDGwH/PuxHcinl6lLK0X3ruHWSdyU5t+3/c1O7Oa3Rl2fHVrYnpXaL+kPqOeHTSW4/sB0vS/LL9l36Y5KTkjy5b/55SQ4eLNfgPknyt0m+0v4nr03y29T/51W6WFhKuRj4f8AmwO5969k5yZHt+F+Tel59ZZI1+8vW3g77Xj04yaFJlrdtPjPJ25OstyrlHCbJ3ZN8pu3z65Kc2r9PW56/ad+1c1s5fpPkQ6kBZS/PsUx9ftq3bzv7lzvV/82Lk7w7yQXAdcDtZ1HWOT220uryi6eFdAKwLMlvgK+WUs7q8qEkOwNfAj4DvKSU0mvG/jTwROBdwI+oV3/fAmwJPLXl+Q7whL7F7Ug9kW+W5G9LKWclWR94cFtez4zLTrIOcDSwHrXLwyXAC4GndNmu6ZRSrk9yDPC0JGsNu/KW5OGtnAdSK/01gHvTKingxW3+mq1cAH8eWMxngM9Su97MdH54LXAq8GxgY+Dt1Ku1f1dK+essNq9LufodAvxzW98PqF2c3gDcA/jXIWX8EbUL0MbAe6nb+AjotM+GSr1H5+vU79O/ALcB9gN+kOSBpZTfA08G/oPa/aF3D8tUV/Qf3f4ePt16+8zZPmif/TErurAALGd6My2zsyQvaOv9fFvuXdp2PSTJ1qWUq2axrNsAR1HPLXsBV1L/R2dqPXg0cFEp5aQO61irreO+1HPA6dTuPm+kXhR55cBHDgCOoB6XewHvpna9WdaW90zq/tuPerV/PeD+bVmzdQTwJ+DfgD8AmwG7snoXC78F3EDtQvfxlnYP4Bjgv4FrgW2pwfJGwN4tz3Tfq7tSzx0HU4/R3wFvasu9OVCZwZpJ+qdv6l14SrIF9QLIJdRuZ5dS/0+/lOSfSim9/7O7tDK9HPhjW//rgCNZ8T872/PTdF4PnAi8oC3v2lmUdRTHVlp1pRRfvhbkBfwtcBpQ2usP1B+vOw/k26vN/xvgmdR+4fsN5PnHlmfPgfRntvQHtuknt+m7ten3U3+0nQ28sKXt0vLce5bLfn6b3r4vzxrAz1v6ljPsj4OB5dPMf0dbziYD+2XLNv0q4PIZ1nEs8IMh6b1lvW+Kcp3XN71ly/sLYI2+9Ie19Of2pRVg34Hl9T6/1yzK1dvG+02xzDe09PsPrOO4gXyvaul36brPptiPJ7XvzFp9aXcH/grs35f2Vloj0gzL+1Ar17od8s7pPug7Tm+dxbHvusxpjz31R9TFwHcH8j285fuPWS5v2/59MIvj+Uvgxx3zPqutY4eB9NdTz00bt+kdW75DBvJ9gPqjO33Tp8ywzvOAg4ek37xPqPdoFOBJq/B9Hnr8++ZfCHxjinmhXmx4PfVH+Bpdlzvw+T2Am4A7zpB/X1bUGf2vT/fl+Tj1h/gdBz57NHDqNMteq++796C+9GMZfn7alyH/39P835zSO+6zKevqHFtfvkb1MnLVgim1xeFB1KuWb6NekXoycFSSNwz5yMupJ+aXlVLeNDBvF2rl/aXU7kZrtSuF32rzd2h/j6NWUr2RQR5JvYr8nYG0C0spv5rlsh8K/K709SMu9YrYzV2hVlPvcluZYv6JwIati8QTBrtJdPSVWeQ9tPR1NSul/JB6Ne8WI0bNod6+/vRAem968Ar41wemT29/79r+znqftRaqrYHPl76WoFLKucAPh5Rhrs31PlgVc7XMe1FbMD7Tn1hK+QFwPrPfl2dTr9J+JLVb1Baz/HwXu1DL9qMh54PeTdf9hu2rdandgqB+Bx+Y5L+TPDrJrVexXJcBvwHemeT5Se65issZJvSdd5JsmuQjSc6nnhv/Sg2Wb089ntMvLLldahewX1NbgP9KvQcoQNdyb09tKe693tg3bxdqK8IVA8foKOABSW7XyrFOkteldk39SyvH99sy7sXcO6yUMnj+7lLWUR5baZUYQGhBlVJuLKV8r5TyhlLKo6lNyKcD+/T3Q212B35P7b40aGNgHeAqaiXQe13S5t+xre9y4GfATknuRL2a+9322rHl3alNz2rZ1BtgLx5StmFpq2ILamV9+bCZpZTjgKe3fF8BLk3y7ST3n8U6ZjPa0VTbutksljFbvW4dg+W8aGB+z+C+uq79vRWs8j7bkPpDZ9i+umhIGbrojR5ztw5553QfrKK5WuZU2wKrsC9LKVdQ/38vAD4I/Lb1z3/q9J/kd9SrxF1sTD1Ofx14ndDm33Eg/0z76pPUbikPof5ovDz13q6u5QFuvlfqMdTWsXcAZ7U+/f82m+UMavcl3Il2jFLv8zic2hX0rdQLLg+mXgSCbt+BTwAvonYdfEz7/Etm8XmAk0spJ/W9zu2btzGwJ7c8Ru9p83vH6B3UVoRPU0f/244VXU5X5/9jKsO+5zOWdVTHVlod3gOhsVJKuSD1JucDqFeiTuib/VTgo8CxSR5ZSum/AfsyareAf5xi0Rf0vf8utY/pTu1zp1FP7Bsn6Q2V+ZG+/F2XfSG1L++gTYakzUq7v+LRwPFlmpFHSimHAoe2vuA7Uu/Z+GaSzcvMowDB1K0bwwzbrk2oLUk911GDr36DP7Bmo/dj7M6sfD/BndvfKYdJncoq7LM/UvfTnYfMu/OqlIE6fOvbqPfZvHeGvHO+D0aky7Hv35ZBd6b+YJrN8iilnAo8tV3F3ZZ6X8UXkjyglHLGFGX9NvCYJNuUUk6eIk/PZcC51HtQhjlvhs8PlrdQzzcfaRdNdqZ+Bz5PDSqgnn9W2vYktwiuSim/AfZMvTngAcBLgQ8mOa+U8o3ZlKvPY6ldzX7Qprei7tdnlVJubgVL8sQuC0sdeGI3aterA/rS/34VyzfMZdSWhHdNMb93zt4d+GQp5a195bjNLNZzbfvMOqWU6/vSpzrHDTu/dirriI6ttMpsgdCCmaZ7wb3b38ERmn5P/YG3BnVoy/5RWr5JvWK0wcBVqd5rMIDYjHpD3LGluoR6r8KbqZXld1Zh2T8GtkhycxeGdrVuqh8anbQK493UK1Xv6/KZUspVpZQjqD9MNmVFhXYd9SbNufC0rDzqzMOAzan7oed8aitPv8cPWVbXch3X/g7eaPnM9vd7HZYx1DT7bDDf1cDJwNOz8qgzd6PerHvcsM/NsO4TqDelvi5TPAwrSW8Y11Hsg+uZu+9FT5djfya11WqlbUnyD9Sr/P37sut3CYBSyg2tO+EbqeeM+0yVF/gY9R6sD7QuaitJHXWpd6P7N6ktVldNcT74wzTrmVYp5Y+llM9Tuz32b+uwbX8CU2jntFOBV7Skwc92kvoQuXdTL458riX3ulj9tS/f2qz4/vUb9r1al3qOHRxoYa9VKeMUvkm9Ef3nUxyjXivQrYeU49lDljfV+en89vfm/du6Qc5myN+uZQXm7thKq8sWCC2kM5J8l9p15FzgdtRRJV4EfKGU8tvBD5RSLkyyI/XH1rFJdiqlXFBKOTbJZ6lXkventlzcRO2WsCvwmrJilKfvUUdBeRQrms2hBhYvBX7brvb01tl12YdQRyD5cpLXUbs4vahtV1fr9AUgt2bFg+QeSr0ZcconGSfZj9oC8F3qVavNqaMAnVrq8xSg3vj84iT/Qr16fWUp5cxZlK/fbYHDknyEOvrKO6h90D/Zl+dzwBuSvB44ntqK84why+pUrlLKz9ux2LddYf4Rdd+8EfhsKeW02WxAx302zBupfduPSB0i9DbU4PMKZm5BmMqzqFfCT0zy36x4kNy9qaMdrU0drWxO90HzC+DxSb5JbWG5YCDoXhUzHvtSyo1J3kS9+v5paleSzaitMWdTu7p0Xl6SJ1BHuDmMek5Zn3o8r2TlwHYlpZTLWzenw4FT2v7vPUhuO+r/8aHU4/MZ6o/MY1KfD/EzauvAVtSHQP5TKeWarjspyUf7yncJdXCJZ7HiHqveth+U5H3U0XgewMAP7tbt7gBqy8U51B/pe1FHUOryILfN2rlnDWrXse2pA0MEeGIp5S8t3y+pP5zfluRG6g/wqR6wN/R7leR44JVJLqQGbs9hbrs+vol6nv5ekg9QW4U2pP7YvkcppfdU6W9SRwI8nbrPnsLwH/9TnZ++Qf2f/98k+1CDo1dTu7vOWVnn4NhKc6+MwZ3cvibzRa2UD6dWRtdSn0T9U+oJeJ2+fHvRRmHqS9uYeq/EWcBmLW0N6lN/f9aWd0V7/25q60H/un9C30hLLa03QtPBQ8raadnUeziOBK6hjqxxALWl4+aRhKbZHwezYkSRm6g/Kn5JHaVj+yH59+pfLvVq7FHUq4XXUft1f5yVR8a5cyvfle2zx061jwfKdV7f9JYt74uB/dt2XkP9QX33gc/equ2DC9s6P0/9QXbzyDkdy7VlX961qX2vz6f+eDm/Ta89pIzPGyjPji19x677bJrjtQv1R99f2vfhq8C9BvJ0GoWpL/9tqMNI/pT6/3Ad9Sr9AdQfE3O+D1raw6itKtey8sg+Ux37LsvsdOxb3j2o/0/XUbt0fArYdLbfJWrA/Xlq8HAt9bt5JPCQjvv/btRRkXo3915Fvcl5b+B2A2XZF/hVy3d5y7cvbWSuvn3y6Bn+b5dRR/m5pC3rXGpLY//61qD+0Dyf+r92FDVg6T9WG1MvYpzV8lxObcF5bIft7h/N6K/UH/U/oI7stdGQ/A9s86+hDpywH/A8bvm/OtX3akvqj+8r23Z/gPq/uNJ3aIqy7tvyrTVDvs2pLUu/pwbiF1JHNtqjL8+dqMHZH9vrM9T7MTqdn9q8h7djf03b93vQ8f+ma1lX59j68jWqV28YOUmSJEmakfdASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQkMlOTjJEXOwnH2TnDEXZZphPVsmKUm2HfW6Jl2SvZJcNaJlH5vkA33T5yV51YjWNbLtkCbBfNYTc7Uujc4o6/vBuqDV908b0brm5XfLYmcAsQi0E+e+87zalwF79JVhpR92Y+h3wKbAqV0/kGTHJOfNkOe8dqLqf/1pNcs6uI4F37dtX/S276Ykf05yWpIDktx9IPvngXt0XO5sA7unAK+dTdk7lmNYZdN5O6RxZz0xd9rFhWNnyDNYL5QkneufjuUY2QWUWZRhr77tuzHJn5KclORtSTYeyP5fwCM6LrdX59ypY1EeDHxwNmXvUIap6qfO2zHJ1lroAmg8lVKuWOgyzEYp5UbgohEtfj/gQ33TN41oPastydqllL+uxiL+DrgcuA3wAODlwOlJHl9KOQ6glPIX4C+rXdg+SdYppVxfSrl8Lpc7nVFshzRJFls9MQLPB/pbRVbn3DsySdYA0urJVXENsBUQ4HbUH/OvAZ6f5BGllF8ClFKuAua0Vbevbrh0Lpc7nVFsx1JkC8QilGSdJG9Pcn6S65L8Jsl/tHlrJvl4knOT/CXJ2Ule3U4gvc8fnOSIJG9IcnGSq5J8Isl6g3l676nR+Ev6rkRs2WVdHbdn/SSfbOW4OMlrW/kO7suzR5ITk1yZ5JIkX0yyWd/8la4k9F3deFSSnyS5pl012XoVdvmVpZSL+l6X9K13gyQfbWW6Mslx/VczktwxyWeTLG/76OdJnt03f6p9e4urM9Ns465JTkhyPfDYNu+JSU5Ocm07Pm9Lsk6Hbb2kbeM5pZQvATsCPwUOSrJmW/ZKXX+SbJHkq0kub/v5V0l2b7PPbX9PbGU9trfd7Ri/JslyYHlLH3YF8zZJPt2+Hxdl4IpchrQupO/KXVa0Mn2x5T1v2Ha0tBcmOSfJ9e3v84es6wXt+3d1+9/bA2nMZInVE0O2b90k729luzbJ8Uke3jd/7SQHJrmgbf/vkryzb/5TUltZ/9LOXccl2WSWxfjTQN1wWd/yN0vyuSR/bK+vJ7ln3/yt2nnzonYuOSXJE/rmHwvcDXhPb3+29GHnrZXqi16eVjecAVwP3KfNe3aSX7R9dlaS/+xwLErbvgtLKWeWUj4NPBT4E/DhvnKs1PUnyd8nOSa1RfvKJD9LslOSLYHvtmyXtrIf3NvuJB9K8l9JLgV+2NKHtcbcue3Xa9r3vL81bGjrQlauL6aqnwa3Y40kb2zfoeuSnJ5ktyHremqSo1t5fpHkMTPs10XNAGJxOgTYE3gF9aTwXOo/MtRj+nvgn9u81wOvA549sIxHUK8wPwp4KrAz8K4p1vcy4MfAJ6jdhDaldhnquq6ZvLeV58nAI1u5/nEgzzrAPm3eE4A7AZ/tsOx3AHsDWwOXAZ9JklmWb6i2nK8Dm7UyPQj4HvCdJJu2bLcCTmnz/w44APhIkke1+VPt29l4F/AG4N7AT5I8FvgM8IG2zucATwPePtttbFes3kft6vOgKbJ9ELg1sFNb38tZ8X3crv3dhbptT+n73COA+7d5j2JqrwB+ST2G+wBvT/KUafIPenD7+/xWhgcPy5TkydR99n7gftRj9cEkTxzI+ibgq9Tv4uepwdXdZlEeaT4stXpi0LuBf6Ge3x4EnA58s+/c+x/UOmV34J4t75kASe4MfI66j+4D7AB8ajXLc7Mkt6b+QL6Wug8fClwIfLvNg9rK+w3gMdR9/CXgy0nu3eY/hXphZT9W7M/ZuBW1XnghcF/g/NQLIm+nnsPuA7yS2pLw4tluY7tK/2FghyQbTZHt/6jbvR31GO1L3Se/o36foNYZm1K/Pz17UFs7/pH6HZ7Km4HDgQcCHwU+ORgwzGC6+qnfy4D/R91Xfw98hXqsHjiQ723AgdTjeSLwuSS3mUV5FpdSiq9F9KKeCAuwyyw+807g233TB1Mrktv0pe0BXAes35fniL75xwIfWIV17QucMU3+21Cvjuzel7Y+8Efg4Gk+d++2HzZv01u26W3b9I5t+rF9n3lY/2c67rvz2n65qu/1ujbvkW16vYHPnAq8epplfg742HT7tq/8d+pLm2obnzrw2e8BbxxI+6dW1kxRplusb8i+/uc2vRdwVd/804B9pljuSmUe+A5eCqw7kL7Svmj7/+iBPB8DftA3XYCnDTlur5ohz+B2/BA4aEg5B9f1jr7ptajN+3t0/U758jXqF0usnhhcF7WOuB7Ys2/+msCvgbe26QOBY4ad86gXIwpwt9XYx4XaBbK/bnhmm/cc4Oz+dbfyXdY7j06xzOOBN/RNr3Qea2krnbda2o70nb9bngJsM5Dvt8CzBtJeDvximjLdYn1983Zp69lu2HEE/gwsm+KzK5V54Dt02pD8K+2L9tn/HcjzbeDT7f2WDK97bq4LpskzuB2/B940pJyD63ph3/zNWtrDV/U7Nu4v74FYfB5E7YP/3akyJHkR8Dxq8+d6wNrA+QPZTiv1CkLPj6lX+bei/iDspOO6enn/kXrFpeeFwBntMyf0EkspV2dgBITUrkf7UK803IF6dQLgrrTuL1Po35YL2t+NZ/jMoP2Bj/dN9/rpb0O98n7pQKPGraj7kdRuP3tTr35tBqxL3c/HzmL9MzlpYHobYLskr+lLW4N6fO5MvSI0G72NK1PMPwD4cJJdqBX2V0opJ3dY7hmllOs65PvxkOnZtEB0dR/goIG0HwBPGki7+TtVSrmhNbMP3kwoLaQlVU+UUj4zkG2rtowf9hJKKTcm+TH1ajvUgONo4Kwk3wKOBL5RSrkJ+Bn1x+YZbd63gUPL7PvZ/z/gm33TF7e/2wB3B64cqBtuzYq6YX1qnfYE6tXvtal1R+f9OoMb6BtUpLUSbEFtAe+/p28tVpzjZ2umumF/4GNJllHrhi+VUn7VYbld6g8YXjc8vuNnO0lyO+Au9H3Xmh8Auw6kTfV7Y0kygFh8pv1HT/Iv1C4YrwJ+RL0C8BJqU+7cFmT26zqJGgD0XEw7mTL1Cah3oj2KepJ/FnAJtQvT96mV2XT6b2rrrWO2XfcuK6WcMyR9Deo2DHa3grovoO6bV1KbQE+nXqV6OzOfVHo3avcf77WnyHv1kHK9GfjikLyrciNar0L+zbCZpZSPJzmKejJ9NPCjJO8opew7w3IHy72qCrf8v5hqX3VZ1kxpgzdKFuwOqvGy1OqJWyy2/Z3y/7WUckrra78LtbX4EOBnSR7Tgo2dge2p3bKeC7wj9Ybgn3XfOi6apm44ldp9alDvAtR/tbK9itpacQ3wSWau026i2/nuurLyTdO9c9SLqMdhLtyXur/PGzazlLJvks8Aj6Pen7dPkheVUgYv1Ayai7rhFnVoklWtF2CWdUMppbTgccnWDQYQi88p1C/kTqx85aPn4cBPSin9Y+lvNSTf3ydZv5TS+0fdntok/Osp1ns9tQl2VdYF3DzqzUon2yTnUP/ptqPd0NT6iN6vryz3pgYMryul9PKM4gr0bJ0CbALcVEoZ+uOauo++Vkr5FNx838TfsqIvMgzft70f+pv2vR/sbzldue49RcU2K60F5eXUYzHlEIWllOXUPqgfbS0fL6M2A1/fsgxu32xsP2T6l33Tl9LXPzj1RsjB/sJ/7VCGX1KPV3/l9nDgF7MprDQGllQ9McQ5bV0Pp13YaOeqh1L73feWdSX1QsoX2026xwN/A5xVaj+THwM/TrIf8HNqS/FsAoipnAI8A/hDKWWqYb8fDnyy1MEqSNJruT6rL89UdcOtk9yulNK7UDVj3VBKuTjJ74GtSimf7L4pw7W+/S8Cjpuu5aaUcjY1QDqwtXw8j3qOnau64aCB6V7d0F+H9gzupxnLUEr5c5ILqMfrO32zJr5uMIBYZEopZyf5ArVZ8GXUE9XmwJbtR+pZwF5JHkc9ye5OvYnrjwOLWot68+d+1Oa5d1L7E04V+Z9H7RazJfUq+uWzWNd023NVkoOAdyX5A7V7zRuolV8vuv8ttd/tS5P8D7WryVu6rmOEvk1t1vxqklcDv6J2EdqF2r/3+9R99C+po4P8Afh3atP2T/uWcx633LfnUG802zfJ3tQ+lm/oWK79gCOSnA98gdqUfT9qP9VXz/DZjZOsRb035f7Af1K7Q+xaphgCMMkB1C4HZ1GH+NuFFSfWS6j9hB+bOvrRtWX2Qz9un+S1wKHUfrN7As/sm/8d6sgvPwJupLbwXDuwjPOARyU5jnplbth39D3UHxonA99q2/FMRtNdShqZpVZPDNm+q9uP0Xe2euNc6rlqE9qzApK8glqfnEq9gPCv1NaP5Um2p7aWHkVt4XgQtXvPXP0g/Ay1ZeGrSd5ErcO2AHYDPtx+VJ8FPDnJV1v59qF2Yep3HvCPST5NPW/9AfgJ9Qr9O5K8j3rDbteboPcF/jv1WUZHUlsutgY2K6W8Y5rPpd14DrABK4Zx3YBbdvHsfWA9aivLF9t2bEILJluW86l1/OOTfA34y0B3uS6ekuREapfgp1Fv9n8I1EA0yfHAa5L8upV1cBu71k/vAfZLcja1e9Ue1J4H28yyvEvKkm1aWeL2pF5lOZD6o/Vg6j8HwEeoPxr/jzoKwJbUUY4GHUe94vJd6ogC3wGm+3H5X9Ro/RfUyP6us1jXTF5F7Y50eCvPadRm7GsB2tWNZdQbgX9BPdG+YhXWM6faFaxdqfvuf6kjfHwBuBcr+j++lXp/xzeoNzdfTa1c+t1i35b6LIfdqaMf/YzaJel1Hct1FLVRkIAnAAAgAElEQVQf6E5t3SdQ78P4bYeP/5xa6f6UGoj8FLh/KeV703xmDeC/W/mPplbIy1pZbqCOhvI86j75apdtGLA/NZj5KXV/vqmUcmjf/FdSr0IeSw0yPkatGBjIsxM1KPspQ5RSDqMGeP/ZtuVlwItLKV9bhTJLC22p1RODXtOW+wlqkHB/6k3jvXu8rqTeo3ACNYB6IPC4Uso1wBXUQTWOoF4dfy/wllKHJ11tbR07UM9LX6Tu/0OADVkROL2Cep76PrV+OL697/cmauDxa9oV9VKflfNM6uhNpwMvAN7YsVwfo97g/SxqvfL99vlzZ/joran1wgXU/fkK4GvA/Up7BsQQN1K39xBq3fgVaovPK1pZfk+ty99GrTNW5QGE+1JHczoN+Dfg2aWUE/vmP6f9PZH6PVzpItws6qcDqUHEu6n3bT6ZOnjJnD44cLFJ/Q2kSdKacu9USnnCTHkXQpJ1qVcn3lNKmYuKRpI0C+NeT0haWHZh0oJL8iBqt6QTgNtSryzdljrGviRJksbIgnVhSvKZJGcmOSPJQb2741MdmPoU2NPS9+TgJMtSn2J5dhsWrJe+TeqTAc9pn52TB4VpXr2C2rXkO9S+kju0G3MlTRjrB0kabyPrwpRkwyluVOzN35UVYz3/H/C9UsqHWvq/U/uWPwQ4oJTykCR3oPaL35Z6483J1Iek/DHJCdT+ysdTbww6sJTyDSRJY8f6QZIWt1G2QJyU5P+SPHLYFZ9SypGloXZd2bzN2o06tFkppRwP3D710fSPpT6R9vJW8RwN7NLm3a6U8uO2rE9Sb7aVJI0n6wdJWsRGeQ/E31IfHvJS4H+SfAo4uJRyQX+m1jT9LOoVIqhP6/1dX5blLW269OVD0m8hyQuoIw6w/vrrb3Pve9971ht18mWXzSr/Nne846zXIUmjdPLJJ/+hlLLRAhZhrOqHuagbwPpB0uLXtX4YWQDRxow/gjoe/UbU8Xd/m+QfSikn9GX9ILV5ujd82bD+qcOeNDtT+rAyfZT6sCu23XbbctJJJ3Xaln455JBZ5T9p2bKZM0nSPGrPCFkw41Y/zEXdANYPkha/rvXDSG+iTrJBu7JzOPWK03Op4/X25u8DbMTKY/ovp4573LM5dXze6dI3H5IuSRpT1g+StHiNLIBoT048hfogrD1LKTuUUg4ppVzb5j+P2m/1GaWUm/o+ejiwZxttY3vgivZgmKOAnZNsmGRDYGfgqDbvyiTbt760e7JqD6uSJM0D6wdJWtxGeQ/EF4C92pP+hvkw9WFhP2730H25lLIfdZSMXamPvL8GeDbUpy8meQv1iYIA+7UnMkJ9AuHBwHrUkTscYUOSxpf1gyQtYqO8B+LwGeYPXXcbKeMlU8w7CDhoSPpJwP1WoZiSpHlm/SBJi9uCPUhOkiRJ0uJjACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZAYQkSZKkzgwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZAYQkSZKkzgwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLU2YIFEEkOSnJJkjP60vZN8vskp7bXrn3zXpvknCRnJnlsX/ouLe2cJHvP93ZIkuaW9YMkjbeFbIE4GNhlSPr7SikPbK8jAZLcF9gd+Lv2mQ8mWTPJmsD/AI8D7gs8o+WVJC1eB2P9IElja62FWnEp5XtJtuyYfTfgc6WU64Bzk5wDbNfmnVNK+Q1Aks+1vL+Y4+JKkuaJ9YMkjbcFCyCm8dIkewInAa8spfwR2Aw4vi/P8pYG8LuB9IfMSyk7yiGHdM5bli0bYUkkadFbUvWDJC1W43YT9YeArYAHAhcC723pGZK3TJM+VJIXJDkpyUmXXnrp6pZVkjR/RlY/WDdI0uyMVQBRSrm4lHJjKeUm4H9Z0Qy9HNiiL+vmwAXTpE+1/I+WUrYtpWy70UYbzW3hJUkjM8r6wbpBkmZnrAKIJJv2TT4Z6I3AcTiwe5J1k9wduCdwAnAicM8kd0+yDvVGusPns8ySpNGzfpCk8bFg90Ak+SywI3CnJMuBfYAdkzyQ2sx8HvBCgFLKz5N8gXrz2w3AS0opN7blvBQ4ClgTOKiU8vN53hRJ0hyyfpCk8baQozA9Y0jyx6fJ/zbgbUPSjwSOnMOiSZIWkPWDJI23serCJEmSJGm8GUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZAYQkSZKkzgwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLU2YwBRJKHJVm/vd8jyf5J7jb6okmSxpn1gyRNpi4tEB8CrknyAODVwPnAJ0daKknSYmD9IEkTqEsAcUMppQC7AQeUUg4AbjvaYkmSFgHrB0maQGt1yHNlktcCewA7JFkTWHu0xZIkLQLWD5I0gbq0QPwLcB3w3FLKRcBmwHtGWipJ0mJg/SBJE2jGFohWKezfN/1b7OMqSRPP+kGSJtOUAUSSK4Ey1fxSyu1GUiJJ0lizfpCkyTZlAFFKuS1Akv2Ai4BPAQGeiTfJSdLEsn6QpMnW5R6Ix5ZSPlhKubKU8udSyoeAp466YJKksWf9IEkTqEsAcWOSZyZZM8kaSZ4J3DjqgkmSxp71gyRNoC4BxL8C/wxc3F5Pb2mSpMlm/SBJE2jaUZjamN5PLqXsNk/lkSQtAtYPkjS5pm2BKKXcSH3CqCRJN7N+kKTJ1eVJ1D9M8gHg88DVvcRSyikjK5UkaTGwfpCkCdQlgPiH9ne/vrQCPHLuiyNJWkSsHyRpAnV5EvVO81EQSdLiYv0gSZNpxlGYkmyQZP8kJ7XXe5NsMB+FkySNL+sHSZpMXYZxPQi4kjpU3z8DfwY+McpCSZIWBesHSZpAXe6B2KqU0v9k0TcnOXVUBZIkLRrWD5I0gbq0QPwlycN7E0keBvxldEWSJC0S1g+SNIG6tED8G3BIX7/WPwJ7jaxEkqTFwvpBkiZQl1GYTgUekOR2bfrPIy+VJGnsWT9I0mTqMgrT25PcvpTy51LKn5NsmOSt81E4SdL4sn6QpMnU5R6Ix5VS/tSbKKX8Edh1dEWSJC0S1g+SNIG6BBBrJlm3N5FkPWDdafJLkiaD9YMkTaAuN1F/GjgmySeAAjwHOGSkpZIkLQbWD5I0gbrcRP3uJKcBjwYCvKWUctTISyZJGmvWD5I0mbq0QAD8ErihlPLtJLdOcttSypWjLJgkaVGwfpCkCdNlFKbnA4cCH2lJmwGHjbJQkqTxZ/0gSZOpy03ULwEeBvwZoJRyNrDxKAslSVoUrB8kaQJ1CSCuK6Vc35tIshb1ZjlJ0mSzfpCkCdQlgDguyeuA9ZI8Bvgi8LXRFkuStAhYP0jSBOoSQOwNXAqcDrwQOBJ4wygLJUlaFKwfJGkCdRnG9Sbgf9sLgCQPA344wnJJksac9YMkTaYpA4gkawL/TB1V45ullDOSPAF4HbAe8KD5KaIkaZxYP0jSZJuuBeLjwBbACcCBSc4HHgrsXUpxmD5JmlzWD5I0waYLILYF7l9KuSnJrYA/AH9TSrlofoomSRpT1g+SNMGmu4n6+ta/lVLKtcBZVg6SJKwfJGmiTdcCce8kp7X3AbZq0wFKKeX+Iy+dJGkcWT9I0gSbLoC4z7yVQpK0mFg/SNIEmzKAKKWcP58FkSQtDtYPkjTZujxITpIkSZIAAwhJkiRJszBlAJHkmPb3XaNaeZKDklyS5Iy+tDskOTrJ2e3vhi09SQ5Mck6S05Js3feZZS3/2UmWjaq8kqTR1w/WDZI03qZrgdg0ySOAJyV5UJKt+19ztP6DgV0G0vYGjiml3BM4pk0DPA64Z3u9APgQ1EoF2Ad4CLAdsE+vYpEkjcSo64eDsW6QpLE13ShMb6KeoDcH9h+YV4BHru7KSynfS7LlQPJuwI7t/SHAscBrWvonSykFOD7J7ZNs2vIeXUq5HCDJ0dSK57OrWz5J0lAjrR+sGyRpvE03CtOhwKFJ3lhKecs8lmmTUsqFrQwXJtm4pW8G/K4v3/KWNlW6JGkEFqh+sG6QpDExXQsEAKWUtyR5ErBDSzq2lHLEaIs1VIaklWnSb7mA5AXUJm7uete7zl3JJGkCjUn9YN0gSfNsxlGYkrwDeBnwi/Z6WUsblYtb8zPt7yUtfTmwRV++zYELpkm/hVLKR0sp25ZStt1oo43mvOCSNEnmuX6wbpCkMdFlGNfHA48ppRxUSjmI2of08SMs0+FAb7SMZcBX+9L3bCNubA9c0ZqzjwJ2TrJhu0Fu55YmSRqt+awfrBskaUzM2IWpuT1weXu/wVytPMlnqTe63SnJcuqIGe8EvpDkucBvgae37EcCuwLnANcAzwYopVye5C3AiS3ffr2b5iRJIzfn9YN1gySNty4BxDuAnyb5LrVP6Q7Aa+di5aWUZ0wx61FD8hbgJVMs5yDgoLkokySps5HUD9YNkjTeutxE/dkkxwIPplYQrymlXDTqgkmSxpv1gyRNpk5dmFp/0sNHXBZJ0iJj/SBJk6fLTdSSJEmSBBhASJIkSZqFaQOIJGskOWO+CiNJWhysHyRpck0bQJRSbgJ+lsRHc0qSbmb9IEmTq8tN1JsCP09yAnB1L7GU8qSRlUqStBhYP0jSBOoSQLx55KWQJC1G1g+SNIG6PAfiuCR3A+5ZSvl2klsDa46+aJKkcWb9IEmTacZRmJI8HzgU+EhL2gw4bJSFkiSNP+sHSZpMXYZxfQnwMODPAKWUs4GNR1koSdKiYP0gSROoSwBxXSnl+t5EkrWAMroiSZIWCesHSZpAXQKI45K8DlgvyWOALwJfG22xJEmLgPWDJE2gLgHE3sClwOnAC4EjgTeMslCSpEXB+kGSJlCXUZhuSnII8BNq0/SZpRSbqCVpwlk/SNJkmjGASPJ44MPAr4EAd0/ywlLKN0ZdOEnS+LJ+kKTJ1OVBcu8FdiqlnAOQZCvg64AVhCRNNusHSZpAXe6BuKRXOTS/AS4ZUXkkSYuH9YMkTaApWyCSPKW9/XmSI4EvUPu4Ph04cR7KJkkaQ9YPkjTZpuvC9MS+9xcDj2jvLwU2HFmJJEnjzvpBkibYlAFEKeXZ81kQSdLiYP0gSZOtyyhMdwf+HdiyP38p5UmjK5YkadxZP0jSZOoyCtNhwMepTxe9abTFkSQtItYPkjSBugQQ15ZSDhx5SSRJi431gyRNoC4BxAFJ9gG+BVzXSyylnDKyUkmSFgPrB0maQF0CiL8HngU8khVN1KVNS5Iml/WDJE2gLgHEk4F7lFKuH3VhJEmLivWDJE2gLk+i/hlw+1EXRJK06Fg/SNIE6tICsQnwqyQnsnIfV4fpk6TJZv0gSROoSwCxz8hLIUlajKwfJGkCzRhAlFKOm4+CSJIWF+sHSZpMXZ5EfSV1VA2AdYC1gatLKbcbZcEkSePN+kGSJlOXFojb9k8n+Sdgu5GVSJK0KFg/SNJk6jIK00pKKYfhGN+SpAHWD5I0Gbp0YXpK3+QawLasaLKWJE0o6wdJmkxdRmF6Yt/7G4DzgN1GUhpJ0mJi/SBJE6jLPRDPno+CSJIWF+sHSZpMUwYQSd40zedKKeUtIyiPJGnMWT9I0mSbrgXi6iFp6wPPBe4IWEFI0mSyfpCkCTZlAFFKeW/vfZLbAi8Dng18DnjvVJ+TJC1t1g+SNNmmvQciyR2AVwDPBA4Bti6l/HE+CiZJGl/WD5I0uaa7B+I9wFOAjwJ/X0q5at5KJUkaW9YPkjTZpmuBeCVwHfAG4PVJeumh3iR3uxGXTZI0nqwfNBFyyCGd85Zly0ZYEmm8THcPxKyfUi1JWvqsHyRpslkJSJIkSerMAEKSJElSZwYQkiRJkjqbdhhXjbfZ3NwF3uAlSZKk1WcLhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktTZ2AYQSc5LcnqSU5Oc1NLukOToJGe3vxu29CQ5MMk5SU5LsvXCll6SNArWDZK08MY2gGh2KqU8sJSybZveGzimlHJP4Jg2DfA44J7t9QLgQ/NeUknSfLFukKQFNO4BxKDdgEPa+0OAf+pL/2Spjgdun2TThSigJGneWTdI0jwa5wCiAN9KcnKSF7S0TUopFwK0vxu39M2A3/V9dnlLW0mSFyQ5KclJl1566QiLLkkaEesGSVpgay10AabxsFLKBUk2Bo5O8qtp8mZIWrlFQikfBT4KsO22295iviRp7Fk3SNICG9sWiFLKBe3vJcBXgO2Ai3vNz+3vJS37cmCLvo9vDlwwf6WVJM0H6wZJWnhjGUAkWT/JbXvvgZ2BM4DDgWUt2zLgq+394cCebcSN7YEres3ZkqSlwbpBksbDuHZh2gT4ShKoZfy/Uso3k5wIfCHJc4HfAk9v+Y8EdgXOAa4Bnj3/RZYkjZh1gySNgbEMIEopvwEeMCT9MuBRQ9IL8JJ5KJokaYFYN0jSeBjLLkySJEmSxpMBhCRJkqTOxrILkyRJ0lzLIYfMnEnSjGyBkCRJktSZLRCSJEmrabatG2XZspkzSWPKFghJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZAYQkSZKkzgwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLU2VoLXQBJUpVDDplV/rJs2YhKIknS1GyBkCRJktSZAYQkSZKkzgwgJEmSJHXmPRBjZLb9nyVJkqT5ZguEJEmSpM4MICRJkiR1ZgAhSZIkqTPvgZAkSYuS9w5KC8MWCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZozBJkiSNudmMOFWWLRthSSRbICRJkiTNgi0QkiRJ88xnWGgxswVCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdeYoTJoTsx1NwjGqJUmSFidbICRJkiR1ZgAhSZIkqTO7MEmSJC0hdivWqBlAaCifkClJkqRh7MIkSZIkqTMDCEmSJEmdLZkuTEl2AQ4A1gQ+Vkp55wIXSZI0BqwfFhe70Erjb0kEEEnWBP4HeAywHDgxyeGllF8sbMkkSQtpUusHb6KVNEpLIoAAtgPOKaX8BiDJ54DdgCVdQUiSZjS29cNsfuQv5h/4tigsPZPy3dXUlkoAsRnwu77p5cBDFqgsmmOjvpLmiVBa0qwf5pgBgWZjMbeGLeayj1pKKQtdhtWW5OnAY0spz2vTzwK2K6X8+0C+FwAvaJP3As5chdXdCfjDahR3sZiU7YTJ2Va3c+lZ1W29Wyllo7kuzDjqUj/MUd0Ak/Xdm4n7YgX3xQruixXGdV90qh+WSgvEcmCLvunNgQsGM5VSPgp8dHVWlOSkUsq2q7OMxWBSthMmZ1vdzqVnkrZ1NcxYP8xF3QAej37uixXcFyu4L1ZY7PtiqQzjeiJwzyR3T7IOsDtw+AKXSZK08KwfJGmOLYkWiFLKDUleChxFHabvoFLKzxe4WJKkBWb9IElzb0kEEACllCOBI+dhVavdzL1ITMp2wuRsq9u59EzStq4y64cF4b5YwX2xgvtihUW9L5bETdSSJEmS5sdSuQdCkiRJ0jwwgJiFJLskOTPJOUn2XujydJFkiyTfTfLLJD9P8rKWfockRyc5u/3dsKUnyYFtG09LsnXfspa1/GcnWdaXvk2S09tnDkyS+d/Sm8uyZpKfJjmiTd89yU9amT/fbqIkybpt+pw2f8u+Zby2pZ+Z5LF96WNx/JPcPsmhSX7VjutDl+LxTPKf7Tt7RpLPJrnVUjmeSQ5KckmSM/rSRn4Mp1qHVt+4nB9GadTf28Ui81CvLhbtvHxCkp+1ffHmlj5n5+rFJiP8HTJWSim+OryoN9/9GrgHsA7wM+C+C12uDuXeFNi6vb8tcBZwX+DdwN4tfW/gXe39rsA3gADbAz9p6XcAftP+btjeb9jmnQA8tH3mG8DjFnB7XwH8H3BEm/4CsHt7/2Hg39r7FwMfbu93Bz7f3t+3Hdt1gbu3Y77mOB1/4BDgee39OsDtl9rxpD7861xgvb7juNdSOZ7ADsDWwBl9aSM/hlOtw9dqH8+xOT+MeDtH+r1dLC/moV5dLK+2Tbdp79cGftK2cU7O1Qu9fau4T0byO2Sht+sW27nQBVgsr1YZH9U3/VrgtQtdrlXYjq8Cj6E+KGnTlrYpcGZ7/xHgGX35z2zznwF8pC/9Iy1tU+BXfekr5ZvnbdscOAZ4JHBEO7H9AVhr8BhSR2R5aHu/VsuXwePayzcuxx+4HfWHdQbSl9TxZMXTg+/Qjs8RwGOX0vEEtmTlH2IjP4ZTrcPXah/LBf8+zeO2juR7u9DbtZr7ZE7r1YXentXYD7cGTqE+6X1OztULvU2rsA9G9jtkobdt8GUXpu56P2h6lre0RaM1jz2IeoVgk1LKhQDt78Yt21TbOV368iHpC+H9wKuBm9r0HYE/lVJuaNP9Zbt5e9r8K1r+2W7/fLsHcCnwidZE+rEk67PEjmcp5ffAfwG/BS6kHp+TWXrHs998HMOp1qHVM47fp/kyV9/bRWlE9eqi0rrsnApcAhxNvWI+V+fqxWaUv0PGigFEd8P6gS+aIayS3Ab4EvDyUsqfp8s6JK2sQvq8SvIE4JJSysn9yUOylhnmjfV2Uq9SbA18qJTyIOBqalP5VBbldra+w7tRm2/vAqwPPG5I1sV+PLtYytu2VLjPb2nJfz9HWK8uKqWUG0spD6Refd8OuM+wbO3vkt0X8/A7ZKwYQHS3HNiib3pz4IIFKsusJFmbepL7TCnlyy354iSbtvmbUq8cwNTbOV365kPS59vDgCclOQ/4HLX58P3A7ZP0nnfSX7abt6fN3wC4nNlv/3xbDiwvpfykTR9KDSiW2vF8NHBuKeXSUspfgS8D/8DSO5795uMYTrUOrZ5x/D7Nl7n63i4qI65XF6VSyp+AY6n3QMzVuXoxGfXvkLFiANHdicA9293061BveDl8gcs0oyQBPg78spSyf9+sw4Fl7f0yah/OXvqebdSI7YErWlPsUcDOSTZsV4d3pvbjuxC4Msn2bV179i1r3pRSXltK2byUsiX12HynlPJM4LvA01q2we3sbf/TWv7S0ndvoyPcHbgn9YbUsTj+pZSLgN8luVdLehTwC5bY8aR2Xdo+ya1bOXrbuaSO54D5OIZTrUOrZxy/T/NlTr63813o1THqenVeNmKOJNkoye3b+/WoF39+ydydqxeNefgdMl4W+iaMxfSijqRwFrV/3+sXujwdy/xwatPXacCp7bUrtZ/dMcDZ7e8dWv4A/9O28XRg275lPQc4p72e3Ze+LXBG+8wHGLjBdwG2eUdWjH5wD+o/3jnAF4F1W/qt2vQ5bf49+j7/+rYtZ9I3AtG4HH/ggcBJ7ZgeRh29Y8kdT+DNwK9aWT5FHZFiSRxP4LPUezv+Sr3a9Nz5OIZTrcPXnBzTsTg/jHgbR/q9XSwv5qFeXSwv4P7AT9u+OAN4U0ufs3P1Ynwxot8h4/TySdSSJEmSOrMLkyRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEJaDUmOTfLYgbSXJ/ngNJ+5avQlkyQtJOsHLWUGENLq+Sz1gTH9dm/pkqTJZf2gJcsAQlo9hwJPSLIuQJItgbsApyY5JskpSU5PstvgB5PsmOSIvukPJNmrvd8myXFJTk5yVJJN52NjJElzxvpBS5YBhLQaSimXUZ8guUtL2h34PPAX4MmllK2BnYD3JkmXZSZZG/hv4GmllG2Ag4C3zXXZJUmjY/2gpWythS6AtAT0mqm/2v4+Bwjw9iQ7ADcBmwGbABd1WN69gPsBR7c6ZU3gwrkvtiRpxKwftCQZQEir7zBg/yRbA+uVUk5pTc0bAduUUv6a5DzgVgOfu4GVWwF78wP8vJTy0NEWW5I0YtYPWpLswiStplLKVcCx1Kbk3s1xGwCXtMphJ+BuQz56PnDfJOsm2QB4VEs/E9goyUOhNlkn+btRboMk6f+3c8coCMRAGEb/AY/owcQ7iGBh4zUERRAES29hExtBsJpiRZT3ykBgtxo+EjI984F/5QQCprFOss3rxY1Vkl1V7SUm4XQAAABkSURBVJMck1zeN4wxblW1SXJKck1yeK7fq2qeZPkcHLMkiyTnj/8FAFMzH/g7Ncb49jcAAAA/whUmAACgTUAAAABtAgIAAGgTEAAAQJuAAAAA2gQEAADQJiAAAIA2AQEAALQ9AGaz6XodUMKrAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "# Split the data into features and target label\n", + "income_raw = data['income']\n", + "features_raw = data.drop('income', axis = 1)\n", + "\n", + "# Visualize skewed continuous features of original data\n", + "vs.distribution(data)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For highly-skewed feature distributions such as `'capital-gain'` and `'capital-loss'`, it is common practice to apply a logarithmic transformation on the data so that the very large and very small values do not negatively affect the performance of a learning algorithm. Using a logarithmic transformation significantly reduces the range of values caused by outliers. Care must be taken when applying this transformation however: The logarithm of `0` is undefined, so we must translate the values by a small amount above `0` to apply the the logarithm successfully.\n", + "\n", + "Run the code cell below to perform a transformation on the data and visualize the results. Again, note the range of values and how they are distributed. " + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAxAAAAF2CAYAAAD+y36TAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzt3XeYJGW1+PHvIYiAqKiACOgqcsUcQMSEYAIxoJjwii4Y0J8JrxG4Koj5mq6YuYqsiiByVRBRRBS8BiSJJEVQF1iJAsqSBc7vj/dttra3Z6Z6dnq6Z/r7eZ5+ZrqquupU6Dp9qt6qisxEkiRJktpYZdgBSJIkSZo7LCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQYyYidouIjIgHjkAs+0XEU4cdx1Qi4lURcX5E3BIR/xh2PCsrIhbUbWC3KYbrbCud1/URsTgivhcRL4mIVbqGbzXers9sW7eD1vuiRlwLGt0WR8Q3245junFNZx5HTT/bcxQvj4jjI+KqiPhXRCyJiMMiYrsBxrhbRLxqgu7Lrfv5LCLWjoi9I+L0iFgaETdFxHkR8blR2IcPSkSc0Njv3BYR10TEGRHx2Yh46EqMt+d2tZKxbtu1n2y+XjOT0+qaZl/7TWmmufFpmPYFRrqAiIj7AAcCv6bE+vThRjQULwYeD+wIvBe4GTgU+ElErNkY7tI63A/7GPe2lO2gn33RD+t0Lu3jM/3alt5xTWceR0Y/23NErAocDiwCFgOvBp4GvBu4M3B8RNxtQKHuBvT6oTcb634kRMSGwMnAuyjz/SLgWcABlGXwneFFNyvOpMznE4GXAl8HtgPOiIg3THOcu9F7u5oJb6HE23wdOaBpbUv/+01pRq027ACkNiJijcy8eQiT3gxYFViUmb9c2ZFFxOrArTm3nuB4RmZe0Hj/jYj4DuUHzH8Bbwao6+ekQQXRWHZXAlcOajqTGfQ8zoJ+tue9KT9aX5SZ/9vV75CIeCbwrwHEOKFhrvsh+AawIbBVZp7f6P7ziPgCsNNwwpo1SzOz+V37SUR8lnLw4rMRcUpmnjKk2Hr5Q1e8c0pEBLB6Zt4y7Fg0R2SmrzF6UY7AJPDAKYbbFfg9cBPwd2oy6xpmLeCLwFXAUuB7wBPq+HebYvzZ47Vf7XcwsIRyBOfXwI3AZ2q/XYCfUX5EXAf8Dlg4wfg/SDkq9Nca34nAQ7uG2x74FfDPOr7zgPc14uiO8eDab/U6/sXALfXvByk74M64F9TPvIHyQ/sS4HZg3cZ6eALlKO9S4HJg7/rZHeq8XQ+cAmzRYx53pvyYvQH4B+UH/X17rKMv1HV0HXAU8KSW62jSbaWu75uAtbrmd7fGMI8FjqvTvwH4C/CF2m+/XttBH8tuQWM6i4FvAq8FLqhxnQ5s1xXzCcAJPeZlcWPdtolrt67Pt/m+dGLcBfhDXbenAk/qGm7CZTbF+npQXSf/oHxnTgJ2aPQ/uMd8HTzBuO4EXAMc3ce+ZUaWQV1H3XGe0LVN9lr3Uy3XKdd9o9tWwE8p35nrgeMpP+T7Hh9wb8pZnEsoZ+8uBY4G1p9kWW5V5/MdfSz/13Yt/68C95jp/WJjW1rcI4bllglwF+CzwEV13i+vy3XzKeblBOCXE/Rbv47rG41uD6zb218p2/5fKLlp3Zbb1XrAl4E/Ub5zFwPfAjZqsdy3reN6+hTDrQV8rMZ4S/37n8AqjWHuDHwaOLsu98uAHzSXF5PvnzqxbNs17d2Y+HvzKuCPlIMBL+gj1mmtW1/z5+UZCK0gIvag7Ey/TTkKeR/gw8DjIuIxmXldHfRASvOW/SgJ+2nAIS0n83jgN5RE9OXabUmj/92Aw4BPAPtQkgLAA4AjgI9SflBuA3wlItbMzC91TWNXSuLbk/KD6OPAkRGxeWbeGhEPoPygPgL4AGVHuVmdBrXbaZQmA2+k/CDtHP1cBLykLpdf1vl5T/3sv3fF8Z+UImAPytHfmxr9FlFOzXeW5Ycj4u6U5kIfoiSR/wK+HxGbZj06FBGvpyTIrwH7A+tQ1sOJEfGIzFxax/9lyun/99cYnkFJjDPhGOD5wJbAL7p7RsRdgGMpzTB2o/xYWUApmgC+AmxMaRrzJOC2HtOYbNl1ewqwRf3MzZSmNj+KiEdm5nl9zFebuO7Qx/cF4MmUH/rvrfPyAeDoiFiQmf9oscwmiuE+lO1wKfAmyg+/NwI/jIjnZOaPmHx77rYlcHfK92NKM7kMKEXjNynr+3X1M9dOEcJU42wtIh5B+VF9Lst+eO1F+W5tnZm/72d8lB+29wPeSflhugFlX7nWJJ/pNC1ru/w/Crydsm7fCWxEKRQeFhFPyMzmNryy+8V+fBp4HmUffj5wT0qTpLtPY1wAZOYVEXFqHU/HfSj5462UwvcBdZrHUPbNMPl2dQ/KdrM35TtxH8ry/FVdLpPtdzpWiYjmb6rsLPfa/VjgIZRlehawNWV7vUedFsAalH35BymF5j1q3CfVOC6jz/3TFLYDHkXJD1cAi/uIdcbXreaYYVcwvmb3xdRHlVelHEn4eVf3zlHrt9T3D6L8gH9X13AH0OLodh02gQ/26H5w7bfTFJ9fhdIM73+A3/cY9/ksf0bgRbX7E7re33WSaTydriM6wMNonDFpdH9P7f6I+n5BfX86EBOsh+ZRvdUoO/F/AfdvdH9eHfYp9f1dKD8QD+oa5wJKsn9rYx3dBuzVNdwX26yjFtvK9rX/S7vmd7f6fsvm8phgHPvVYVbrMS9TLbsFjW6L67zft9FtHeBqlj9SeQLtjhpPFVdnHlt9XxrTuIblj4p2ltG/t11mEyzHTwC3NtdVje084PTJtucJxvfSOtz2LaY9o8ugsZ5WOAI9ybpvO8426/4Iylmcuze63bVuS9+dxviuay6Dluuz8x1do8WwCyjf8/d1dX9iHcfzG91mar94MO3OQJwNfKqfeZ9s/Tf6HwrcOEn/1Rrb36Pbjrdrm96kfv4FUwy7Lb3PqC9pDPOK2m2brs/+J2W/1fNsVI1jLcqBgf9odN+P3vunTizbdnXfjd7fmxuAe3cN2yrW6a5bX/Pn5QU46vYgyini5c4kZGkvfSHlKC/A44BgxQv5jmi+qXdxWa3xWrVlHLdSTvMvJyI2i4hDI+JvlB/a/wJeU+PudlxmNtton1X/3rf+PaN+/rCIeFFErN8ytm3q3+67/nTeP6Wr+/czyx63hx91/snMWynNb/6UmX9tDPPH+neT+vfxlB80hzSXLeUI3B8b8T2OUmQd3jXNwyaIpV/RCX2C/udTfoh9OSJ2jYhNJhhuMpMtu24nZeZFnTdZzsJ0LrodlLbfl47fZOY1jffd2+R0l9k2lPm/41qVLEc/DwUeFRF3bTme6ZjpZTAdMznObShNt+44c5GZ11KOynfPSxunAO+MiD0j4uG1rflMegble969P/gt5Qj7Nl3DD2q/2MspwG4RsU9EbNnH/n8qQWO/ExF3qtP4Y0TcSIn//2rvXrlhxRFG/L+I+H1EXEfJP519SavPU87qPbbx2rHRbwfKd+HXXevoJ5TmsFs34nhJRPw2yh3SbqU0obtLH3H046QsZzWa2sY6qHWrOcICQt3uUf/2usvJZY3+G9a/V3QNc3nX+4Us+6H/L+DPLeO4Ipc/7d5pEnMc8EhKk4InU3bUB1FO/Xa7uut95yLsOwPUH1vbU74H3wAuqzvuqX4kTLSMLuvqzwTDNV3T9f6WCbrdETflxxqU9qb/6no9nHIqGZato+510v1+ujo/bnvOX2b+k3KK/BLKdRgXRcTZEfHCPqbRz912es3X5ZTmHIPS9vvSsdw2mctuDNDZJqe7zO4xSQxBuXakHxfXv/drMeyMLoNpmslxTrYs+12OUM7mHEW5m9KZwN8i4n1T3IKzn+Xf2R9cwIr7g7uybH/QMaj9Yi9vpjRtexXlB+cVEfHpiJis+VYbm7D8OvoI5aj8N4FnU64h2bn2m3IbiIg3U75vP62f24plP5TbbkN/ysxTG68zG/3Wp6zL7vVzcu1/zxrHcynNAP9AaQr7OEqOu7KPOPrRaztvFSuDW7eaI7wGQt06yeXePfrdm3KtAyzb8axPucCqY4Ouz/yAsgPsaHsnpV5HnR9P2bE9ORt3kOlqd9qXzPw55a4ma1BO+e9PaTe+IDP/PsHHmsuoWRB1ltlV3ZOZbnwT6Ix/N+CcHv071z901tEGlIsKabyfCc+mtBs+baIBMvMM4IV1HW1JaWN8eL0u4ewW0+hn2fWarw2AvzXe30T5UdWt+0duW22/L61Nc5ldPUkMyYo/GqdyKuVMyHMp1+dMZsaXwYC0XfeTLcvmcmw1vsy8gnJ0+o0R8SDKQZX3U34UfnGCWH9KuQbqucAnJximo7M/eCYrHnxo9m+txX7xJsr1E93u2Zxelmtf9gb2joj7UZpHfZRyUOTd/cYFUM+IbMnyZ1J3Ab6emR9sDHeXPka7C3B8Znba9xMR959OfBO4ipInXzJB/8WNOC7IzN0acaxO+/1T51qN7nXTXUR29Nq/top1EOtWc4tnINTtPMpR212aHSPiCZQf7yfWTr+l7Hxe3PX55d5n5lVdR2XOavS+BViT9jpHNu44/R4R6zIDtzPMzJsz82eUC5bXBiZLHp1lsEtX95fXvytcUDzDfk0pEh7YtWw7r84Fw7+lXKfSnQi64+5bROxMuTbjS5l5w1TDZ+atWW5x+F7KfufBtVenoOxnO5jI1s0mPxGxDqXI+U1jmAuBf4uIOzWG24ZyvURT27jafl/6Nsky6+VEyvwvaMSwKuXo9+9y2UX1bad9C+WH63MmOvsREc+oRxsHsQxuZma2iaa26/5E4Nl1++kMtw7lx3xzXtqO7w6ZeV5m7kP5of+wSYY7mXLnp31iggfGRURnv3cc5Xt+3wn2B3/t9fk2JtkvXghsEBH3asSzKZM0s8nMCzPzk5QmUxPO+2Tqj+kvUA5+HtDotRYr3lJ49x6jmGi7avv56fox5azJdROso87BqrUozZaaXkG5FqJpov3ThfVv9/LdkfbaxnqHmVi3mns8AzG+doiI7raP/8zM4yLifZQ22N+knBLeiHI07HzKXX/IzPMi4lvAB+qp+NMoD6Z6bh3X7S1iOJeSqH9MSaiXZOYlkwz/a0qb3s9HxL6UhPYeyi0L+36gVZQ7GW1DuVPHxcC9KEdULqFcINZTZp4TEYcC+9WjxL+mnB15L3Bo16nrGZeZ10bEOynLYT3KdRT/pKynp1AuYvxWYx3tX9dR5y5M/SQTKG3o70U5qnVf4DmUQvE4yvLqKSKeQ7l70vcpR7TWptw+cinLftSfW/++PSJ+BNyWmdM9Yn055V7x+7HsLkxrU+4k0nFYjemgiDiY8oPobZTl19Qqrsy8rc33pa2Wy6yXT1POSB1XvxvXUu7e8m+UImo6PkJpLvjtuqx+QDkCvzHwQkpTj3Uz84aZXAbVucAbIuKllLN8S7O/O2n10nbdf4CyjR8fER+jHCh5N+XH3f79jC/Kg/Z+Srk+pHOrzJ0oTaF+MkW8r6ifPSXK8w9+STnosjml2cjqwJGZ+eca5+fqGY4TKUeiN6F8379Szyi00nK/+J26nA6JiE81hvl717h+Q2m+dRblYvKnULapRS1CWSciOs2I1qE0z9ydUqS8ITObZz5/DCyMiLMoTbl2pvedyybarn4MvDsi9qE01Xkq5Yj6TDmkxn58RHyScrvdOwGbUg7EPL8eiPkx8PyI+DTlGsAtKN//7juJ9dw/ZealEXEi5azA3ylNjHet05nRWFdy3Wo+6Peqa19z+8WyuzH0ep3dGK5zT/ebKac0J3sOxNUse8bAs2lxB6X6+SdSCo+baNzViPociAk+81TK8xFupCSAt1DvSNE1XNJ1hydWvINO50mhF7Ps/uzfAR7U+EzPu9aw7DkQF1J+FFzIxM+BeM0k6+GBXd1PoOsuIRONh1II/JzyY/FGSuI8CHjIFOuoc3eW3frcVm6s8/k9SgHRfXek7uX7IEp73r/WdXwl5UfJ4xqfWRX4PCXR3d5Zjy2X3YJGt8WUH66vqdvFzXU7eWqPz7+O8sP2RkrxtwUr3jlnqrh26xpnm+/LYuCbPeJpbvtTLrNJ1teDKIXHP+tnl3sOxGTb8yTjjDpvP6cU+f+iXKx/KKUp4Ywvg/r+3nW+l9Z+J0y17qcaZ9t1X4d7HFM8B6LN+CjXZn2Z0tTwOsp39RQad4eaYvnfhXKbzM4zYW6mnPH5DPCArmFfUdf59XVafwA+B2zctUxWer9Yh3s+paC4sa73Z7LiXZg+VmP/Z43rLFrckYrln9lwe/38GZTnDjy0x/D3ohR019TXIZSms8t9VyfZrtak7CevrP2OphSEK2xDPaa9bR1uqudA3JmSq/5Yl+vVdVvYj3o3JcqZxg9SirUbKMXgo2m5f6r9NqYU+/+gXLfzYcp+sdX3po9Yp7Vufc2fV9QNQZoR9cj4xyg7qoumGl6SJElzi02YNG21ucXDKEeGbqfcFekdwOEWD5IkSfOTBYRWxlLKaey9KG21/0a5sG3fYQYlSZKkwbEJkyRJkqTWvI2rJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhDqKSIOjoijZ2A8+0XE2TMR0xTTWRARGRFbDnpa4y4idouI6wY07hMi4nON94sj4h0DmtbA5kOa72YzR8zUtDQ4g8z13Xmg5voXDWhas/KbZT6wgJgD6s5zv1me7J7Aro0YlvthN4IuBjakPBW7lYjYNiIWTzHM4rqzar7+sZKxdk9j6Mu2LovO/N0eEddGxJkR8ZmIuH/X4N8GHtByvP0WdjsDe/cTe8s4eiWc1vMhjTJzxMypBxZOmGKY7pyQEdE697SMY2AHT/qIYbfG/N0WEf+IiFMj4kMRsX7X4J8AntJyvJ18c6+WoTwW+EI/sbeIYaLc1Ho+xp1PolZPmfnPYcfQj8y8DbhsQKPfH/hi4/3tA5rOSouI1TPzXysxiocCVwN3AR4JvBU4KyKenZknAmTmjcCNKx1sQ0TcKTNvycyrZ3K8kxnEfEjjYq7liAF4LdA8K7Iy+92BiYhVKA8Nvm2ao7gB2BQI4K6UH/PvBl4bEU/JzD8AZOZ1wIye0W3khStncryTGcR8zFeegZiDIuJOEfHhiLgwIm6OiL9ExFtqv1Uj4qsR8deIuDEizo+Id9WdSOfzB0fE0RHxnoi4PCKui4ivRcSa3cN0/qdU5G9sHI1Y0GZaLedn7Yj4eo3j8ojYu8Z3cGOYXSPilIhYGhFXRMR3ImKjRv/ljiY0jnA8LSJ+GxE31CMnj5nGIl+amZc1Xlc0pnu3iDiwxrQ0Ik5sHtGIiHtGxKERsaQuo3MiYvdG/4mW7QpHaCaZxx0j4uSIuAXYvvZ7bkScFhE31fXzoYi4U4t5vaLO4wWZ+b/AtsDvgIMiYtU67uWa/kTEJhFxZERcXZfzHyNil9r7r/XvKTXWEzrzXdfxuyNiCbCkdu91FPMuEfHNun1cFl1H5aLH2YVoHL2LZWeZvlOHXdxrPmq310XEBRFxS/372h7T2qNuf9fX796uSCMk5lmO6DF/a0TEf9fYboqIkyLiSY3+q0fEARFxSZ3/iyPio43+O0c5w3pj3W+dGBEb9BnGP7rywlWN8W8UEYdFxDX19cOI2KzRf9O6z7ys7kdOj4jnNPqfANwP+HhnedbuvfZZy+WKzjA1L5wN3AI8uPbbPSLOrcvsTxHxHy3WRdb5uzQzz8vMbwKPB/4BfKkRx3JNfyLi4RFxfJSz2Usj4vcRsV1ELAB+Xge7ssZ+cGe+I+KLEfGJiLgS+FXt3utszL3rcr2hbufNs2E9zy7E8rliotzUPR+rRMR76zZ0c0ScFRE79ZjWCyPiuBrPuRHxjCmW65xnATE3LQJeCbyNsmN4NeXLDGWd/g14Se33n8A+wO5d43gK5Qjz04AXAs8EPjbB9PYEfgN8jdJMaENKk6G205rKJ2s8LwCeWuN6ctcwdwL2rf2eA9wLOLTFuD8C7AU8BrgKOCQios/4eqrj+SGwUY3p0cAvgJ9FxIZ1sDsDp9f+DwU+A3w5Ip5W+0+0bPvxMeA9wObAbyNie+AQ4HN1mq8CXgR8uN95rEetPk1p6vPoCQb7ArAWsF2d3ltZtj1uVf/uQJm3nRufewrwiNrvaUzsbcAfKOtwX+DDEbHzJMN3e2z9+9oaw2N7DRQRL6Ass/8GHkZZV1+IiOd2Dfo+4EjKtvhtSnF1vz7ikQZtvuWIbv8FvJSyb3s0cBbw48Z+9y2UfLILsFkd9jyAiLg3cBhlGT0Y2Ab4xkrGc4eIWIvyA/kmyjJ8PHAp8NPaD8oZ3h8Bz6As4/8FvhsRm9f+O1MOquzPsuXZjztTcsLrgIcAF0Y5GPJhyv7rwcDbKWcS3tDvPNaj9F8CtomI9SYY7FuU+d6Kso72oyyTiynbE5R8sSFl++nYlXK248mUbXgi7weOAh4FHAh8vbtgmMJkualpT+CdlGX1cOB7lHX1qK7hPgQcQFmfpwCHRcRd+ohn7slMX3PoRdkZJrBDH5/5KPDTxvuDKcnkLo1uuwI3A2s3hjm60f8E4HPTmNZ+wNmTDH8XyhGSXRrd1gauAQ6e5HOb1+WwcX2/oL7fsr7ftr7fvvGZJzY/03LZLa7L5brGa5/a76n1/ZpdnzkDeNck4zwM+Mpky7YR/70a3Saaxxd2ffYXwHu7uj2/xhoTxLTC9Hos65fU97sB1zX6nwnsO8F4l4u5axu8Elijq/tyy6Iu/+O6hvkK8MvG+wRe1GO9vWOKYbrn41fAQT3i7J7WRxrvV6Oc4t+17Tbly9cgX8yzHNE9LUp+uAV4ZaP/qsCfgQ/W9wcAx/fa31EORCRwv5VYxklp/tjMCy+v/V4FnN+cdo3vqs4+dIJxngS8p/F+uX1Y7bbcPqt225bGvrsOk8AWXcNdBLyiq9tbgXMniWmF6TX67VCns1Wv9QhcCyyc4LPLxdy1DZ3ZY/jllkX97P90DfNT4Jv1/wX0zjt35IFJhumej78B7+sRZ/e0Xtfov1Ht9qTpbmNz4eU1EHPPoylt8H8+0QAR8XrgNZRToGsCqwMXdg12ZpajCB2/oRzl35Tyg7CVltPqDPtkylGXjtcBZ9fPnNzpmJnXR9ddEKI0PdqXcrThHpQjFAD3pTZ/mUBzXi6pf9ef4jPdPgV8tfG+005/C8qR9yu7TmrcmbIcidLsZy/KEbCNgDUoy/mEPqY/lVO73m8BbBUR7250W4Wyfu5NOSrUj87M5QT9PwN8KSJ2oCTt72XmaS3Ge3Zm3txiuN/0eN/PGYi2Hgwc1NXtl8DzurrdsU1l5q31VHv3BYXSsMyrHJGZh3QNtmkdx686HTLztoj4DeVoO5SC4zjgTxHxE+AY4EeZeTvwe8qPzbNrv58CR2T/7ezfCfy48f7y+ncL4P7A0q68sBbL8sLalHz2HMrR79UpeaP1cp3CrTRuKFLPEmxCOfvdvJ5vNZbt3/s1VV74FPCViFhIyQv/m5l/bDHeNrkDeueFZ7f8bCsRcVfgPjS2teqXwI5d3Sb6rTFvWUDMPZN+2SPipZQmGO8Afk05CvBGyuncmQ2k/2mdSikAOi6n7lCZeCfU2dkeS9nRvwK4gtKE6f8oCW0yzQvbOtPot+neVZl5QY/uq1Dmobu5FZRlAWXZvJ1yGvQsypGqDzP1jqVzoXZzfa8+wbDX94jr/cB3egw7nYvROkn5L716ZuZXI+JYyg716cCvI+IjmbnfFOPtjnu6khW/FxMtqzbjmqpb98WSic1BNTrmW45YYbT174Tf1cw8vba134FypngR8PuIeEYtNp4JbE1plvVq4CNRLgj+ffu547JJ8sIZlOZT3ToHnz5RY3sH5WzFDcDXmTqf3U67fd3NufxF05390+sp62EmPISyvBf36pmZ+0XEIcCzKNfm7RsRr8/M7oM03WYiL6yQPyNiujkB+swLmZm1eJzXecECYu45nbJRbsfyRz86ngT8NjOb99LftMdwD4+ItTOz82XdmnJa+M8TTPcWymnY6UwLuOOuN8vtcCPiAsoXbyvqRU21nejDGrFsTikY9snMzjCDOALdr9OBDYDbM7Pnj2vKMvpBZn4D7rhu4t9Y1h4Zei/bzg/9DRv/d7e5nCyuzSdIbn2pZ1DeSlkXE96mMDOXUNqhHljPfOxJORV8Sx2ke/76sXWP939ovL+SRhvhKBdDdrcZ/leLGP5AWV/NBPck4Nx+gpWGbF7liB4uqNN6EvWgRt1PPZ7S7r4zrqWUgyjfqRfpngQ8EPhTlnYmvwF+ExH7A+dQzhL3U0BM5HTgZcDfM3OiW34/Cfh6lhtVEBGds9Z/agwzUV5YKyLumpmdg1RT5oXMvDwi/gZsmplfbz8rvdW2/a8HTpzszE1mnk8pkA6oZz5eQ9m/zlReOKjrfScvNPNnR/dymjKGzLw2Ii6hrK+fNXqZF7CAmHMy8/yIOJxyanBPys5qY2BB/ZH6J2C3iHgWZUe7C+VCrmu6RrUa5eLP/Smn6D5KaVM4UfW/mNIsZgHlKPrVfUxrsvm5LiIOAj4WEX+nNK95DyUBdir8iyhtb98UEZ+nNDX5QNtpDNBPKac2j4yIdwF/pDQR2oHSxvf/KMvopVHuEPJ34M2U09u/a4xnMSsu2wsoF5vtFxF7UdpZvqdlXPsDR0fEhcDhlNPZD6O0VX3XFJ9dPyJWo1yb8gjgPyhNInbMCW4DGBGfoTQ7+BPlNn87sGznegWlrfD2Ue5+dFP2f/vHrSNib+AIStvZVwIvb/T/GeXuL78GbqOc4bmpaxyLgadFxImUo3O9ttGPU35snAb8pM7HyxlMcylpIOZbjugxf9fXH6MfrTnjr5T91AbUZwVExNsoueQMysGDf6ec/VgSEVtTzpQeSznD8WhK856Z+kF4COXMwpER8T5K/toE2An4Uv1R/SfgBRFxZI1vX0oTpqbFwJMj4puUfdbfgd9SjtB/JCI+Tblgt+1F0PsBn43yHKNjKGcuHgNslJkfmeRzUS88B7gby27jejdWbN7Z+cCalLMs36nzsQG1mKy50erFAAAfGklEQVSDXEjJ78+OiB8AN3Y1l2tj54g4hdIc+EWUi/0fB6UQjYiTgHdHxJ9rrN3z2DY3fRzYPyLOpzSv2pXS6mCLPuOdd+b16ZV57JWUIy0HUH60Hkz5ggB8mfKj8VuUOwEsoNzlqNuJlKMuP6fcVeBnwGQ/Lj9BqdjPpVT39+1jWlN5B6U50lE1njMpp7JvAqhHOBZSLgQ+l7Kzfds0pjOj6lGsHSnL7n8od/k4HHgQy9pAfpByfcePKBc3X09JME0rLNssz3LYhXL3o99TmiTt0zKuYyltQber0z6Zch3GRS0+fg4l8f6OUoj8DnhEZv5iks+sAny2xn8cJSkvrLHcSrkjymsoy+TINvPQ5VOUYuZ3lOX5vsw8otH/7ZQjkSdQioyvUJIDXcNsRynKfkcPmfl9SoH3H3Ve9gTekJk/mEbM0jDNtxzR7d11vF+jFAmPoFw03rm+aynlGoWTKQXUo4BnZeYNwD8pN9Q4mnJ0/JPAB7LcnnSl1WlsQ9knfYey/BcB67KscHobZR/1f5TccFL9v+l9lMLjz9Qj6lmek/Nyyt2bzgL2AN7bMq6vUC7wfgUlp/xf/fxfp/joWpSccAlleb4N+AHwsKzPgOjhNsr8LqLkxe9Rzvi8rcbyN0oe/xAlX0znAYT7Ue7mdCbw/4DdM/OURv9X1b+nULbD5Q7A9ZGbDqAUEf9FuWbzBZQbl8zogwPnoii/gTRO6unce2Xmc6YadhgiYg3KEYqPZ+ZMJBtJUkujniMkDZ9NmDR0EfFoSrOkk4F1KEeX1qHcY1+SJEkjZGhNmCLikIg4LyLOjoiDOlfIR3FAlKfAnhmNJwdHxMIoT7I8v94arNN9iyhPB7ygfnZGHhSmWfU2StOSn1HaS25TL8yVNEbMDZI0+gbWhCki1p3gQsVO/x1Zdr/nbwG/yMwv1u5vprQtfxzwmcx8XETcg9IufkvKxTenUR6Uck1EnExpr3wS5eKgAzLzR0iSRoq5QZLmvkGegTg1Ir4VEU/tddQnM4/JitJ0ZePaayfK7c0yM08C7h7l8fTbU55Ie3VNPscBO9R+d83M39RxfZ1ysa0kafSYGyRpjhvkNRD/RnmAyJuAz0fEN4CDM/OS5kD19PQrKEeJoDyt9+LGIEtqt8m6L+nRfQURsQflrgOsvfbaW2y++eZ9z9RpV13V1/Bb3POefU9DkgbttNNO+3tmrjeESZsbMDdIGk1tc8PACoh6z/ijKfejX49yD96LIuIJmXlyY9AvUE5Rd25h1quNaq8nzU7VvVdMB1IedsWWW26Zp556aqt5aYpFi/oa/tSFC6ceSJJmWX1OyKwzNxTmBkmjqG1uGOhF1BFxt3pk5yjKUadXU+7Z2+m/L7Aey9/Tfwnl3scdG1Pu0TtZ9417dJckjSBzgyTNbQMrIOrTE0+nPAjrlZm5TWYuysybav/XUNquviwzb2989CjglfWOG1sD/6wPhzkWeGZErBsR6wLPBI6t/ZZGxNa1Pe0rmd7DqiRJA2ZukKS5b5DXQBwO7Faf9tfLlygPC/tNvY7uu5m5P+VOGTtSHnt/A7A7lCcwRsQHKE8VBNi/PpURylMIDwbWpNy9w7tsSNJoMjdI0hw3yGsgjpqif89p17tlvHGCfgcBB/XofirwsGmEKUmaReYGSZr7hvYgOUmSJElzjwWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmtDKyAi4qCIuCIizm502y8i/hYRZ9TXjo1+e0fEBRFxXkRs3+i+Q+12QUTsNdvzIUmaWeYHSRptwzwDcTCwQ4/un87MR9XXMQAR8RBgF+Ch9TNfiIhVI2JV4PPAs4CHAC+rw0qS5q6DMT9I0shabVgTzsxfRMSCloPvBByWmTcDf42IC4Ctar8LMvMvABFxWB323BkOV5I0S8wPkuaaWLSor+Fz4cIBRTI7RvEaiDdFxJn1FPa6tdtGwMWNYZbUbhN1lyTNP+YHSRoBo1ZAfBHYFHgUcCnwydo9egybk3TvKSL2iIhTI+LUK6+8cmVjlSTNnoHlB3ODJPVnpAqIzLw8M2/LzNuB/2HZaeglwCaNQTcGLpmk+0TjPzAzt8zMLddbb72ZDV6SNDCDzA/mBknqz0gVEBGxYePtC4DOHTiOAnaJiDUi4v7AZsDJwCnAZhFx/4i4E+VCuqNmM2ZJ0uCZHyRpdAztIuqIOBTYFrhXRCwB9gW2jYhHUU4zLwZeB5CZ50TE4ZSL324F3piZt9XxvAk4FlgVOCgzz5nlWZEkzSDzgySNtmHehellPTp/dZLhPwR8qEf3Y4BjZjA0SdIQmR8kabSNVBMmSZIkSaPNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWpiwgIuKJEbF2/X/XiPhURNxv8KFJkkaVuUGSxlebMxBfBG6IiEcC7wIuBL4+0KgkSaPO3CBJY6pNAXFrZiawE/CZzPwMsM5gw5IkjThzgySNqdVaDLM0IvYGdgW2iYhVgdUHG5YkacSZGyRpTLU5A/FS4Gbg1Zl5GbAR8PGBRiVJGnXmBkkaU1OegaiJ4VON9xdhO1dJGmvmBkkaXxMWEBGxFMiJ+mfmXQcSkSRpZJkbJEkTFhCZuQ5AROwPXAZ8Awjg5XihnCSNJXODJKnNNRDbZ+YXMnNpZl6bmV8EXjjowCRJI83cIEljqk0BcVtEvDwiVo2IVSLi5cBtgw5MkjTSzA2SNKbaFBD/DrwEuLy+Xly7SZLGl7lBksbUpHdhqvf1fkFm7jRL8UiSRpy5QZLG26RnIDLzNspTRiVJAswNkjTu2jyJ+lcR8Tng28D1nY6ZefrAopIkjTpzgySNqTYFxBPq3/0b3RJ46syHI0maI8wNkjSm2jyJervZCESSNHeYGyRpfE15F6aIuFtEfCoiTq2vT0bE3WYjOEnSaDI3SNL4anMb14OApZTb9b0EuBb42iCDkiSNPHODJI2pNtdAbJqZzaeLvj8izhhUQJKkOcHcIEljqs0ZiBsj4kmdNxHxRODGwYUkSZoDzA2SNKbanIH4f8CiRtvWa4DdBhaRJGkuMDdI0phqcxemM4BHRsRd6/trBx6VJGmkmRskaXy1uQvThyPi7pl5bWZeGxHrRsQHZyM4SdJoMjdI0vhqcw3EszLzH503mXkNsOPgQpIkzQHmBkkaU20KiFUjYo3Om4hYE1hjkuElSfOfuUGSxlSbi6i/CRwfEV8DEngVsGigUUmSRp25QZLGVJuLqP8rIs4Eng4E8IHMPHbgkUmSRpa5QZLGV5szEAB/AG7NzJ9GxFoRsU5mLh1kYJKkkWdukKQx1OYuTK8FjgC+XDttBHx/kEFJkkabuUGSxlebi6jfCDwRuBYgM88H1h9kUJKkkWdukKQx1aaAuDkzb+m8iYjVKBfMSZLGl7lBksZUmwLixIjYB1gzIp4BfAf4wWDDkiSNOHODJI2pNgXEXsCVwFnA64BjgPcMMihJ0sgzN0jSmGpzG9fbgf+pLwAi4onArwYYlyRphJkbJGl8TVhARMSqwEsod9b4cWaeHRHPAfYB1gQePTshSpJGhblBkjTZGYivApsAJwMHRMSFwOOBvTLTW/VJ0ngyN0jSmJusgNgSeERm3h4Rdwb+DjwwMy+bndAkSSPI3CBJY26yi6hvqW1cycybgD+ZICRp7JkbJGnMTXYGYvOIOLP+H8Cm9X0AmZmPGHh0kqRRY26QpDE3WQHx4FmLQpI0V5gbJGnMTVhAZOaFsxmIJGn0mRskSW0eJCdJkiRJgAWEJEmSpD5MWEBExPH178cGNfGIOCgiroiIsxvd7hERx0XE+fXvurV7RMQBEXFBRJwZEY9pfGZhHf78iFg4qHgladyZGyRJk52B2DAingI8LyIeHRGPab5maPoHAzt0ddsLOD4zNwOOr+8BngVsVl97AF+EklSAfYHHAVsB+3YSiyRpxpkbJGnMTXYXpvdRdtAbA5/q6pfAU1d24pn5i4hY0NV5J2Db+v8i4ATg3bX71zMzgZMi4u4RsWEd9rjMvBogIo6jJJ5DVzY+SdIKzA2SNOYmuwvTEcAREfHezPzALMa0QWZeWmO4NCLWr903Ai5uDLekdpuouyRphpkbJEmTnYEAIDM/EBHPA7apnU7IzKMHG1ZP0aNbTtJ9xRFE7EE5xc1973vfmYtMksaMuUGSxteUd2GKiI8AewLn1teetdugXF5PP1P/XlG7LwE2aQy3MXDJJN1XkJkHZuaWmbnleuutN+OBS9K4MDdI0vhqcxvXZwPPyMyDMvMgShvSZw8wpqOAzt0yFgJHNrq/st5xY2vgn/V09rHAMyNi3XqB3DNrN0nS4JgbJGlMTdmEqbo7cHX9/24zNfGIOJRyodu9ImIJ5Y4ZHwUOj4hXAxcBL66DHwPsCFwA3ADsDpCZV0fEB4BT6nD7dy6akyQNlLlBksZQmwLiI8DvIuLnlDal2wB7z8TEM/NlE/R6Wo9hE3jjBOM5CDhoJmKSJLVibpCkMdXmIupDI+IE4LGUJPHuzLxs0IFJUkcsWtTX8LnQZ4YNmrlBksZXqyZMtT3pUQOORZI0h5gbJGk8tbmIWpIkSZIACwhJkiRJfZi0gIiIVSLi7NkKRpI0+swNkjTeJi0gMvN24PcR4aM5JUmAuUGSxl2bi6g3BM6JiJOB6zsdM/N5A4tKkjTqzA2SNKbaFBDvH3gUkqS5xtwgSWOqzXMgToyI+wGbZeZPI2ItYNXBhyZJGlXmBkkaX1PehSkiXgscAXy5dtoI+P4gg5IkjTZzgySNrza3cX0j8ETgWoDMPB9Yf5BBSZJGnrlBksZUmwLi5sy8pfMmIlYDcnAhSZLmAHODJI2pNgXEiRGxD7BmRDwD+A7wg8GGJUkaceYGSRpTbQqIvYArgbOA1wHHAO8ZZFCSpJFnbpCkMdXmLky3R8Qi4LeU09PnZaanqSVpjJkbJGl8TVlARMSzgS8BfwYCuH9EvC4zfzTo4CRJo8ncIEnjq82D5D4JbJeZFwBExKbADwGThCSNL3ODJI2pNtdAXNFJENVfgCsGFI8kaW4wN0jSmJrwDERE7Fz/PScijgEOp7RzfTFwyizEJkkaMeYGSdJkTZie2/j/cuAp9f8rgXUHFpEkaZSZGyRpzE1YQGTm7rMZiCRp9JkbJElt7sJ0f+DNwILm8Jn5vMGFJUkaZeYGSRpfbe7C9H3gq5QnjN4+2HAkSXOEuUGSxlSbAuKmzDxg4JFIkuYSc4Mkjak2BcRnImJf4CfAzZ2OmXn6wKKSJI06c4Mkjak2BcTDgVcAT2XZaeqs7yVJ48ncIEljqk0B8QLgAZl5y6CDkSTNGeYGSRpTbZ5E/Xvg7oMORJI0p5gbJGlMtTkDsQHwx4g4heXbuXqrPkkaX+YGSRpTbQqIfQcehSRprjE3SNKYmrKAyMwTZyMQSdLcYW6QpPHV5knUSyl31gC4E7A6cH1m3nWQgUmSRpe5QZLGV5szEOs030fE84GtBhaRJGnkmRskaXy1uQvTcjLz+3ifb0lSg7lBksZHmyZMOzfergJsybLT1pI0cmLRor6Gz4ULBxTJ/GVukKTx1eYuTM9t/H8rsBjYaSDRSJLmCnODJI2pNtdA7D4bgUiS5g5zgySNrwkLiIh43ySfy8z8wADikSSNMHODJGmyMxDX9+i2NvBq4J6ASUKSxo+5QZLG3IQFRGZ+svN/RKwD7AnsDhwGfHKiz0mS5i9zgyRp0msgIuIewNuAlwOLgMdk5jWzEZgkaTSZGyRpvE12DcTHgZ2BA4GHZ+Z1sxaVJGkkmRskSZM9SO7twH2A9wCXRMS19bU0Iq6dnfAkSSPG3CBJY26yayD6fkq1JGl+MzdIkto8SE6SpuTTnyVJGg8WEJKGot+CQ5IkjQZPRUuSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrI1tARMTiiDgrIs6IiFNrt3tExHERcX79u27tHhFxQERcEBFnRsRjhhu9JGkQzA2SNHwjW0BU22XmozJzy/p+L+D4zNwMOL6+B3gWsFl97QF8cdYjlSTNFnODJA3RqBcQ3XYCFtX/FwHPb3T/ehYnAXePiA2HEaAkadaZGyRpFo1yAZHATyLitIjYo3bbIDMvBah/16/dNwIubnx2Se22nIjYIyJOjYhTr7zyygGGLkkaEHODJA3ZasMOYBJPzMxLImJ94LiI+OMkw0aPbrlCh8wDgQMBttxyyxX6S5JGnrlBkoZsZM9AZOYl9e8VwPeArYDLO6ef698r6uBLgE0aH98YuGT2opUkzQZzgyQN30gWEBGxdkSs0/kfeCZwNnAUsLAOthA4sv5/FPDKeseNrYF/dk5nS5LmB3ODJI2GUW3CtAHwvYiAEuO3MvPHEXEKcHhEvBq4CHhxHf4YYEfgAuAGYPfZD1mSNGDmBkkaASNZQGTmX4BH9uh+FfC0Ht0TeOMshCZJGhJzgySNhpFswiRJkiRpNFlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKm11YYdgCRJkjRqYtGiYYcwsjwDIUmSJKk1CwhJkiRJrVlASJIkSWrNayAk9WTbT0mS1IsFhCRJkjSL+j1IlwsXDiiS6bEJkyRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrXkRtSSNkH4urBu1i+okSePBMxCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLU2mrDDkDS7IlFi4YdgiRJmuM8AyFJkiSpNc9ASFIf+j2LkwsXDigSSZKGwzMQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS15kXU0gjxAt3h8Pa2kiS15xkISZIkSa1ZQEiSJElqbd40YYqIHYDPAKsCX8nMjw45JEnSkJkbpPnL5qfDMy/OQETEqsDngWcBDwFeFhEPGW5UkqRhMjdI0mDMlzMQWwEXZOZfACLiMGAn4NyhRiUNmEdfpEmZGyTNC/3k+9m4wcp8KSA2Ai5uvF8CPG5IsWiO8c5HGiSLvKEyN0gzbND7NHPs3BCZOewYVlpEvBjYPjNfU9+/AtgqM9/cNdwewB717YOA86YxuXsBf1+JcEeJ8zJ65st8gPMyqjrzcr/MXG/YwQySuWEkuFx6c7n05nJZ0Wwvk1a5Yb6cgVgCbNJ4vzFwSfdAmXkgcODKTCgiTs3MLVdmHKPCeRk982U+wHkZVfNpXlowNwyZy6U3l0tvLpcVjeoymRcXUQOnAJtFxP0j4k7ALsBRQ45JkjRc5gZJGoB5cQYiM2+NiDcBx1Ju1XdQZp4z5LAkSUNkbpCkwZgXBQRAZh4DHDMLk1qp09wjxnkZPfNlPsB5GVXzaV6mZG4YOpdLby6X3lwuKxrJZTIvLqKWJEmSNDvmyzUQkiRJkmaBBUQfImKHiDgvIi6IiL2GHc90RcQmEfHziPhDRJwTEXsOO6aVERGrRsTvIuLoYceyMiLi7hFxRET8sa6bxw87pumKiP+o29bZEXFoRNx52DG1FREHRcQVEXF2o9s9IuK4iDi//l13mDG2NcG8fLxuY2dGxPci4u7DjHE+mC+5YSbNtzwzk+ZLzppJ8yn/zaRRzqUWEC1FxKrA54FnAQ8BXhYRDxluVNN2K/D2zHwwsDXwxjk8LwB7An8YdhAz4DPAjzNzc+CRzNF5ioiNgLcAW2bmwygXr+4y3Kj6cjCwQ1e3vYDjM3Mz4Pj6fi44mBXn5TjgYZn5COBPwN6zHdR8Ms9yw0yab3lmJs2XnDWT5kX+m0mjnkstINrbCrggM/+SmbcAhwE7DTmmacnMSzPz9Pr/UsoXdaPhRjU9EbEx8GzgK8OOZWVExF2BbYCvAmTmLZn5j+FGtVJWA9aMiNWAtehx7/1RlZm/AK7u6rwT0Hn86iLg+bMa1DT1mpfM/Elm3lrfnkR5NoKmb97khpk0n/LMTJovOWsmzcP8N5NGNpdaQLS3EXBx4/0S5sHOMCIWAI8GfjvcSKbtv4F3AbcPO5CV9ADgSuBr9dT2VyJi7WEHNR2Z+TfgE8BFwKXAPzPzJ8ONaqVtkJmXQvlhBKw/5HhmyquAHw07iDluXuaGmTQP8sxMmi85aybNm/w3k0Y9l1pAtBc9us3pW1hFxF2A/wXempnXDjuefkXEc4ArMvO0YccyA1YDHgN8MTMfDVzP3Gkms5x6fcBOwP2B+wBrR8Suw41K3SLiPynNTA4Zdixz3LzLDTNprueZmTTPctZMmjf5byaNei61gGhvCbBJ4/3GjNCppH5FxOqUnfohmfndYcczTU8EnhcRiynNBp4aEd8cbkjTtgRYkpmdI3RHUHaoc9HTgb9m5pWZ+S/gu8AThhzTyro8IjYEqH+vGHI8KyUiFgLPAV6e3st7Zc2r3DCT5kmemUnzKWfNpPmU/2bSSOdSC4j2TgE2i4j7R8SdKBeyHDXkmKYlIoLS1vAPmfmpYcczXZm5d2ZunJkLKOvjZ5k5MtV5PzLzMuDiiHhQ7fQ04NwhhrQyLgK2joi16rb2NOb+BXFHAQvr/wuBI4cYy0qJiB2AdwPPy8wbhh3PPDBvcsNMmi95ZibNp5w1k+ZZ/ptJI51L582TqActM2+NiDcBx1KuhD8oM88ZcljT9UTgFcBZEXFG7bZPfWKrhufNwCH1R8hfgN2HHM+0ZOZvI+II4HRKE5nfMaJP0uwlIg4FtgXuFRFLgH2BjwKHR8SrKTv1Fw8vwvYmmJe9gTWA40pO4qTMfP3Qgpzj5llumEnmGfVjXuS/mTTqudQnUUuSJElqzSZMkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCGklRMQJEbF9V7e3RsQXJvnMdYOPTJI0LOYGzXcWENLKOZTyQKCmXWp3SdJ4MjdoXrOAkFbOEcBzImINgIhYANwHOCMijo+I0yPirIjYqfuDEbFtRBzdeP+5iNit/r9FRJwYEadFxLERseFszIwkaUaYGzSvWUBIKyEzrwJOBnaonXYBvg3cCLwgMx8DbAd8sj6KfkoRsTrwWeBFmbkFcBDwoZmOXZI0GOYGzXerDTsAaR7onKo+sv59FRDAhyNiG+B2YCNgA+CyFuN7EPAw4LiaV1YFLp35sCVJA2Ru0LxlASGtvO8Dn4qIxwBrZubp9XTzesAWmfmviFgM3Lnrc7ey/FnATv8AzsnMxw82bEnSAJkbNG/ZhElaSZl5HXAC5XRy5wK5uwFX1ASxHXC/Hh+9EHhIRKwREXcDnla7nwesFxGPh3LaOiIeOsh5kCTNLHOD5jPPQEgz41Dguyy768YhwA8i4lTgDOCP3R/IzIsj4nDgTOB84He1+y0R8SLggJo8VgP+Gzhn4HMhSZpJ5gbNS5GZw45BkiRJ0hxhEyZJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqbX/Dw7mqWDp/pY1AAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "# Log-transform the skewed features\n", + "skewed = ['capital-gain', 'capital-loss']\n", + "features_log_transformed = pd.DataFrame(data = features_raw)\n", + "features_log_transformed[skewed] = features_raw[skewed].apply(lambda x: np.log(x + 1))\n", + "\n", + "# Visualize the new log distributions\n", + "vs.distribution(features_log_transformed, transformed = True)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(0, 1500)" + ] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYEAAAEKCAYAAAD0Luk/AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAFVVJREFUeJzt3X+0XWV95/H3Z4howdHw48poEidos1QKVllZQMtaLkf8AaiErpERdDRjsems4o9WZynqmsHRpaOtSyxThzGFlNhB1KEyZCpVI+AwTiU1IPLDaEnBSa4guU6QWrHQ2O/8cZ6rx5ub3B/n5B5y9/u11lln72c/+9nPvrk5n7v3PvvZqSokSd30T0bdAUnS6BgCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHLRl1B/bn6KOPrpUrV857/d0/fnR4nZmDIw8/dCTblQ40/08dHG655ZYfVNXYbOo+pkNg5cqVbN26dd7rf2rLjiH2ZvZec/LTR7Jd6UDz/9TBIcn/nW1dTwdJUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhSh80YAkk2JNmV5M5plv27JJXk6DafJJck2Z7k9iQn9tVdm+Tu9lo73N2QJM3HbI4ErgBOn1qYZAXwEqD/PvIzgFXttQ64tNU9ErgIOBk4CbgoyRGDdFySNLgZQ6CqbgJ2T7PoYuAdQPWVrQE+WT03A0uTPBV4GbC5qnZX1YPAZqYJFknSwprXNYEkZwHfq6pvTlm0DNjZNz/eyvZVLkkaoTmPIprkMOA9wEunWzxNWe2nfLr219E7lcTTn+7IgZJ0IM3nSOCZwLHAN5N8F1gO3Jrkn9H7C39FX93lwH37Kd9LVa2vqtVVtXpsbFbDYUuS5mnOIVBVd1TVU6pqZVWtpPcBf2JVfR/YBLy+fUvoFOChqrof+CLw0iRHtAvCL21lkqQRms1XRK8CvgY8K8l4kvP3U/064B5gO/DHwO8AVNVu4P3A19vrfa1MkjRCM14TqKrzZli+sm+6gAv2UW8DsGGO/ZMkHUDeMSxJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkddiMIZBkQ5JdSe7sK/uDJN9OcnuSa5Is7Vv2riTbk3wnycv6yk9vZduTXDj8XZEkzdVsjgSuAE6fUrYZOL6qngv8NfAugCTHAecCv9LW+S9JDklyCPBx4AzgOOC8VleSNEIzhkBV3QTsnlL2para02ZvBpa36TXAp6vqkaq6F9gOnNRe26vqnqp6FPh0qytJGqFhXBP4TeAv2vQyYGffsvFWtq9ySdIIDRQCSd4D7AGunCyaplrtp3y6Ntcl2Zpk68TExCDdkyTNYN4hkGQt8ArgtVU1+YE+Dqzoq7YcuG8/5XupqvVVtbqqVo+Njc23e5KkWZhXCCQ5HXgncFZVPdy3aBNwbpLHJzkWWAX8FfB1YFWSY5McSu/i8abBui5JGtSSmSokuQp4IXB0knHgInrfBno8sDkJwM1V9W+r6q4knwW+Re800QVV9dPWzpuALwKHABuq6q4DsD+SpDmYMQSq6rxpii/fT/0PAB+Ypvw64Lo59U6SdEB5x7AkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GEzhkCSDUl2Jbmzr+zIJJuT3N3ej2jlSXJJku1Jbk9yYt86a1v9u5OsPTC7I0mai9kcCVwBnD6l7ELg+qpaBVzf5gHOAFa11zrgUuiFBnARcDJwEnDRZHBIkkZnxhCoqpuA3VOK1wAb2/RG4Oy+8k9Wz83A0iRPBV4GbK6q3VX1ILCZvYNFkrTA5ntN4Jiquh+gvT+llS8DdvbVG29l+yqXJI3QsC8MZ5qy2k/53g0k65JsTbJ1YmJiqJ2TJP2i+YbAA+00D+19VysfB1b01VsO3Lef8r1U1fqqWl1Vq8fGxubZPUnSbMw3BDYBk9/wWQtc21f++vYtoVOAh9rpoi8CL01yRLsg/NJWJkkaoSUzVUhyFfBC4Ogk4/S+5fMh4LNJzgd2AOe06tcBZwLbgYeBNwBU1e4k7we+3uq9r6qmXmyWJC2wGUOgqs7bx6LTpqlbwAX7aGcDsGFOvZMkHVDeMSxJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR0245PFJGnUPrVlx8i2/ZqTnz6ybS8EjwQkqcMMAUnqsIFCIMnvJbkryZ1JrkryhCTHJtmS5O4kn0lyaKv7+Da/vS1fOYwdkCTN37xDIMky4C3A6qo6HjgEOBf4MHBxVa0CHgTOb6ucDzxYVb8MXNzqSZJGaNDTQUuAX0qyBDgMuB94EXB1W74ROLtNr2nztOWnJcmA25ckDWDeIVBV3wM+Auyg9+H/EHAL8MOq2tOqjQPL2vQyYGdbd0+rf9R8ty9JGtwgp4OOoPfX/bHA04DDgTOmqVqTq+xnWX+765JsTbJ1YmJivt2TJM3CIKeDXgzcW1UTVfUPwOeAXweWttNDAMuB+9r0OLACoC1/MrB7aqNVtb6qVlfV6rGxsQG6J0maySAhsAM4Jclh7dz+acC3gBuBV7U6a4Fr2/SmNk9bfkNV7XUkIElaOINcE9hC7wLvrcAdra31wDuBtyXZTu+c/+VtlcuBo1r524ALB+i3JGkIBho2oqouAi6aUnwPcNI0df8eOGeQ7UmShss7hiWpwwwBSeowQ0CSOsyhpKWDzCiHVdbi45GAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GEDhUCSpUmuTvLtJNuS/FqSI5NsTnJ3ez+i1U2SS5JsT3J7khOHswuSpPka9EjgD4EvVNWzgV8FtgEXAtdX1Srg+jYPcAawqr3WAZcOuG1J0oDmHQJJngS8ALgcoKoeraofAmuAja3aRuDsNr0G+GT13AwsTfLUefdckjSwQY4EngFMAH+S5BtJLktyOHBMVd0P0N6f0uovA3b2rT/eyiRJIzJICCwBTgQurarnAz/m56d+ppNpymqvSsm6JFuTbJ2YmBige5KkmQwSAuPAeFVtafNX0wuFByZP87T3XX31V/Stvxy4b2qjVbW+qlZX1eqxsbEBuidJmsm8Q6Cqvg/sTPKsVnQa8C1gE7C2la0Frm3Tm4DXt28JnQI8NHnaSJI0GksGXP/NwJVJDgXuAd5AL1g+m+R8YAdwTqt7HXAmsB14uNWVJI3QQCFQVbcBq6dZdNo0dQu4YJDtSZKGyzuGJanDDAFJ6jBDQJI6zBCQpA4zBCSpwwwBSeowQ0CSOswQkKQOMwQkqcMMAUnqMENAkjrMEJCkDjMEJKnDDAFJ6jBDQJI6zBCQpA4zBCSpwwwBSeowQ0CSOswQkKQOGzgEkhyS5BtJ/rzNH5tkS5K7k3wmyaGt/PFtfntbvnLQbUuSBjOMI4G3Atv65j8MXFxVq4AHgfNb+fnAg1X1y8DFrZ4kaYQGCoEky4GXA5e1+QAvAq5uVTYCZ7fpNW2etvy0Vl+SNCKDHgl8DHgH8I9t/ijgh1W1p82PA8va9DJgJ0Bb/lCrL0kakXmHQJJXALuq6pb+4mmq1iyW9be7LsnWJFsnJibm2z1J0iwMciRwKnBWku8Cn6Z3GuhjwNIkS1qd5cB9bXocWAHQlj8Z2D210apaX1Wrq2r12NjYAN2TJM1k3iFQVe+qquVVtRI4F7ihql4L3Ai8qlVbC1zbpje1edryG6pqryMBSdLCORD3CbwTeFuS7fTO+V/eyi8HjmrlbwMuPADbliTNwZKZq8ysqr4CfKVN3wOcNE2dvwfOGcb2JEnD4R3DktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHTaUZwxL0mL1qS07RrLd15z89AXZzryPBJKsSHJjkm1J7kry1lZ+ZJLNSe5u70e08iS5JMn2JLcnOXFYOyFJmp9BTgftAd5eVc8BTgEuSHIccCFwfVWtAq5v8wBnAKvaax1w6QDbliQNwbxDoKrur6pb2/SPgG3AMmANsLFV2wic3abXAJ+snpuBpUmeOu+eS5IGNpQLw0lWAs8HtgDHVNX90AsK4Cmt2jJgZ99q461MkjQiA4dAkicCfwb8blX97f6qTlNW07S3LsnWJFsnJiYG7Z4kaT8GCoEkj6MXAFdW1eda8QOTp3na+65WPg6s6Ft9OXDf1Daran1Vra6q1WNjY4N0T5I0g0G+HRTgcmBbVX20b9EmYG2bXgtc21f++vYtoVOAhyZPG0mSRmOQ+wROBV4H3JHktlb2buBDwGeTnA/sAM5py64DzgS2Aw8Dbxhg25KkIZh3CFTVV5n+PD/AadPUL+CC+W5PkjR8DhshSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR02yFDSj3nvvuYOPvgbJ4y6G1pAKy/8PN/90MtH2odXf+JrfOa3f21WdefS38m6//F/3slFrzz+Z7/f777mDlYedRjrXvBM1t/0N6x7wTP59//jDn7antv3wd84gS9ve4AXP+cYvrztAW749q6flb/7mjv2u8391ZnN+tOts/6mv+G7/+/hads5JPD+s0/4hX2bLIOf/5+e/BlMmq4f/f/3J38u/W1M/kz625jc5nSfG1O3CfDhL2zjnac/Z04/g9laqN9ljwSkIdty7+4D2v4je/Z6KuvPPlQn3386pcrkB//k+yj1B8BUU/u9r7LpfgZz3eZcfxbTbfOhn+yZUxuPRYv6SEA6kD61Zce8li1UXWk2PBKQpA4zBCSpwwwBSeowQ0CSOmzBQyDJ6Um+k2R7kgsXevuSpJ9b0BBIcgjwceAM4DjgvCTHLWQfJEk/t9BHAicB26vqnqp6FPg0sGaB+yBJahb6PoFlwM6++XHg5AXugxaR6b4373fppdlL1dzuvBtoY8k5wMuq6o1t/nXASVX15r4664B1bfZZwHcG2OTRwA8GWP+xaLHt02LbH3CfDhaLeZ/+eVWNzWaFhT4SGAdW9M0vB+7rr1BV64H1w9hYkq1VtXoYbT1WLLZ9Wmz7A+7TwcJ96lnoawJfB1YlOTbJocC5wKYF7oMkqVnQI4Gq2pPkTcAXgUOADVV110L2QZL0cws+gFxVXQdct0CbG8pppceYxbZPi21/wH06WLhPLPCFYUnSY4vDRkhShy3KEFhsQ1MkWZHkxiTbktyV5K2j7tOwJDkkyTeS/Pmo+zIMSZYmuTrJt9u/1+weMfYYluT32u/dnUmuSvKEUfdprpJsSLIryZ19ZUcm2Zzk7vZ+xCj7OFf72Kc/aL97tye5JsnSmdpZdCGwSIem2AO8vaqeA5wCXLAI9mnSW4Fto+7EEP0h8IWqejbwqxzk+5ZkGfAWYHVVHU/vCx3njrZX83IFcPqUsguB66tqFXB9mz+YXMHe+7QZOL6qngv8NfCumRpZdCHAIhyaoqrur6pb2/SP6H2wLBttrwaXZDnwcuCyUfdlGJI8CXgBcDlAVT1aVT8cba+GYgnwS0mWAIcx5d6eg0FV3QRMfe7nGmBjm94InL2gnRrQdPtUVV+qqslnXt5M716s/VqMITDd0BQH/QfmpCQrgecDW0bbk6H4GPAO4B9H3ZEheQYwAfxJO8V1WZLDR92pQVTV94CPADuA+4GHqupLo+3V0BxTVfdD7w8t4Ckj7s+w/SbwFzNVWowhkGnKFsVXoJI8Efgz4Her6m9H3Z9BJHkFsKuqbhl1X4ZoCXAicGlVPR/4MQffKYZf0M6TrwGOBZ4GHJ7kX4+2V5pJkvfQO4185Ux1F2MIzDg0xcEoyePoBcCVVfW5UfdnCE4FzkryXXqn7F6U5L+NtksDGwfGq2ryKO1qeqFwMHsxcG9VTVTVPwCfA359xH0algeSPBWgve8acX+GIsla4BXAa2sW9wAsxhBYdENTJAm988zbquqjo+7PMFTVu6pqeVWtpPdvdENVHdR/YVbV94GdSZ7Vik4DvjXCLg3DDuCUJIe138PTOMgvdvfZBKxt02uBa0fYl6FIcjrwTuCsqnp4NussuhBoF0Umh6bYBnx2EQxNcSrwOnp/Ld/WXmeOulOa1puBK5PcDjwP+OCI+zOQdlRzNXArcAe9z4yD7k7bJFcBXwOelWQ8yfnAh4CXJLkbeEmbP2jsY5/+CPinwOb2OfFfZ2zHO4YlqbsW3ZGAJGn2DAFJ6jBDQJI6zBCQpA4zBCSpwwwBqUnytCRXt+nnzeZruEleOKwRUJOsTnLJMNqSZmvBnywmPVZV1X3Aq9rs84DVLNxT8KiqrcDWhdqeBB4JaBFJ8vo2jvo3k/xpklcm2dIGc/tykmNavfe25Te0seR/q5WvbGPmHwq8D3h1u+Hm1UlOSvKXra2/7LsreH/9ObON7f7VJJdMHjHsq63+o4rWxw1JvpLkniRvOVA/N3WbRwJaFJL8CvAe4NSq+kGSI+kNHHhKVVWSN9IbsfTtbZXn0ns2w+HAN5J8frKtqno0yX+gN4b+m1r7TwJeUFV7kryY3p3A/3I//XkC8Im2zr3t7s5J355lW88G/gW9O0C/k+TSNn6PNDSGgBaLFwFXV9UPAKpqd5ITgM+0wcEOBe7tq39tVf0E+EmSG+k9h+K2/bT/ZGBjklX0wuVxM/Tn2cA9VTW5zauAdXNs6/NV9QjwSJJdwDH0BqmThsbTQVoswt5Dhv9n4I+q6gTgt4H+xyJOrTvT+CnvB25sT9d65ZS2eh1IvthOH13G9EOaz7qt5pG+6Z/iH206AAwBLRbXA/8qyVHQe34svb+4v9eWr51Sf02SJ7T6L6Q3+my/H9E7DTOpv61/M10HquplVfW8qnojvVM+z2gPAQJ49VzakhaKIaBFoY0U+wHgfyX5JvBR4L3Af0/yv4EfTFnlr4DP03sE3/vbN4P63QgcN3lhGPh94D8l+T/0nrM7U39+AvwO8IUkXwUeAB5qi+fUlnQgOYqoOifJe4G/q6qPHODtPLGq/q6Nw/9x4O6quvhAblOaK48EpAPnt5LcBtxF7xTQJ0bcH2kvHglIUod5JCBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhSh/1/R9gv6W2HqyYAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "hist2 = sns.distplot(features_log_transformed['capital-gain'], kde=False, rug=True, bins=10)\n", + "axes2 = hist2.axes\n", + "axes2.set_ylim(0,1500)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(0, 1500)" + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYAAAAEKCAYAAAAb7IIBAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAFJdJREFUeJzt3X+0ZWV93/H3R0ZQMTIgV4szYweTiQnRqGSKJK5lXWIU8MeQVamQVKcWO+0q/ojapaArxcjSaOsKaprSNREiJiha/AGNNEoB6+pKmTj4gwFRmSAdrqBcHSRWjGTMt3+c5+LhzuX+Onfuuc7zfq1119n72c/e+3vOmjmfs/c5+9mpKiRJ/XnYuAuQJI2HASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnq1JpxFzCXo48+ujZu3Ljk9ff+8P7lK2YRjjr80LHsV5IAbrjhhu9W1cR8/VZ1AGzcuJGdO3cuef0P79izjNUs3G8/84lj2a8kAST5vwvp5ykgSeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnq1LwBkOTiJHcnuWmWZf8+SSU5us0nyfuT7E5yY5Ljh/puTXJr+9u6vE9DkrRYCzkC+CBw8szGJBuA3wSGx1s4BdjU/rYBF7a+RwHnAc8ETgDOS3LkKIVLkkYzbwBU1eeBvbMsugB4E1BDbVuAD9XA9cDaJMcALwCurqq9VXUPcDWzhIokaeUs6TuAJC8BvlVVX5mxaB1wx9D8ZGt7qHZJ0pgsejTQJI8C3go8f7bFs7TVHO2zbX8bg9NHPPGJjqopSQfKUo4Afh44FvhKktuB9cAXk/wjBp/sNwz1XQ/cOUf7fqpqe1VtrqrNExPzDmctSVqiRQdAVe2qqsdV1caq2sjgzf34qvo2cCXwivZroBOBe6vqLuAzwPOTHNm+/H1+a5MkjclCfgb6EeD/AE9OMpnkrDm6XwXcBuwG/gT4dwBVtRc4H/hC+3t7a5Mkjcm83wFU1ZnzLN84NF3A2Q/R72Lg4kXWJ0k6QLwSWJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdWvQNYSSpJx/esWf+TgfAbz/zwN8QyyMASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6NW8AJLk4yd1Jbhpq+09JvpbkxiSfTLJ2aNm5SXYn+XqSFwy1n9zadic5Z/mfiiRpMRZyBPBB4OQZbVcDT6mqXwW+AZwLkOQ44AzgV9o6/yXJIUkOAf4YOAU4Djiz9ZUkjcm8AVBVnwf2zmj7bFXta7PXA+vb9Bbgsqr6cVV9E9gNnND+dlfVbVV1P3BZ6ytJGpPl+A7gXwH/o02vA+4YWjbZ2h6qXZI0JiMFQJK3AvuAS6ebZulWc7TPts1tSXYm2Tk1NTVKeZKkOSw5AJJsBV4E/E5VTb+ZTwIbhrqtB+6co30/VbW9qjZX1eaJiYmllidJmseSAiDJycCbgZdU1X1Di64EzkhyWJJjgU3AXwNfADYlOTbJoQy+KL5ytNIlSaOYdzjoJB8BngMcnWQSOI/Br34OA65OAnB9Vf3bqro5yceArzI4NXR2Vf2kbefVwGeAQ4CLq+rmA/B8JEkLNG8AVNWZszRfNEf/dwDvmKX9KuCqRVUnSTpgvBJYkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdmjcAklyc5O4kNw21HZXk6iS3tscjW3uSvD/J7iQ3Jjl+aJ2trf+tSbYemKcjSVqohRwBfBA4eUbbOcA1VbUJuKbNA5wCbGp/24ALYRAYwHnAM4ETgPOmQ0OSNB7zBkBVfR7YO6N5C3BJm74EOG2o/UM1cD2wNskxwAuAq6tqb1XdA1zN/qEiSVpBS/0O4PFVdRdAe3xca18H3DHUb7K1PVS7JGlMlvtL4MzSVnO077+BZFuSnUl2Tk1NLWtxkqSfWmoAfKed2qE93t3aJ4ENQ/3WA3fO0b6fqtpeVZuravPExMQSy5MkzWepAXAlMP1Lnq3AFUPtr2i/BjoRuLedIvoM8PwkR7Yvf5/f2iRJY7Jmvg5JPgI8Bzg6ySSDX/O8C/hYkrOAPcDprftVwKnAbuA+4JUAVbU3yfnAF1q/t1fVzC+WJUkraN4AqKozH2LRSbP0LeDsh9jOxcDFi6pOknTAeCWwJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6NVIAJHl9kpuT3JTkI0kekeTYJDuS3Jrko0kObX0Pa/O72/KNy/EEJElLs2apKyZZB7wWOK6qfpTkY8AZwKnABVV1WZL/CpwFXNge76mqX0hyBvBu4GUjPwNJB70P79gz7hIOSqOeAloDPDLJGuBRwF3Ac4HL2/JLgNPa9JY2T1t+UpKMuH9J0hItOQCq6lvAe4A9DN747wVuAL5fVftat0lgXZteB9zR1t3X+j92qfuXJI1myQGQ5EgGn+qPBZ4AHA6cMkvXml5ljmXD292WZGeSnVNTU0stT5I0j1FOAT0P+GZVTVXV3wOfAH4DWNtOCQGsB+5s05PABoC2/Ahg78yNVtX2qtpcVZsnJiZGKE+SNJdRAmAPcGKSR7Vz+ScBXwWuA17a+mwFrmjTV7Z52vJrq2q/IwBJ0soY5TuAHQy+zP0isKttazvwZuANSXYzOMd/UVvlIuCxrf0NwDkj1C1JGtGSfwYKUFXnAefNaL4NOGGWvn8HnD7K/iRJy8crgSWpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1KmRAiDJ2iSXJ/lakluS/HqSo5JcneTW9nhk65sk70+yO8mNSY5fnqcgSVqKUY8A3gf8ZVX9EvA04BbgHOCaqtoEXNPmAU4BNrW/bcCFI+5bkjSCJQdAkscAzwYuAqiq+6vq+8AW4JLW7RLgtDa9BfhQDVwPrE1yzJIrlySNZJQjgCcBU8CfJvlSkg8kORx4fFXdBdAeH9f6rwPuGFp/srVJksZglABYAxwPXFhVzwB+yE9P98wms7TVfp2SbUl2Jtk5NTU1QnmSpLmMEgCTwGRV7WjzlzMIhO9Mn9ppj3cP9d8wtP564M6ZG62q7VW1uao2T0xMjFCeJGkuSw6Aqvo2cEeSJ7emk4CvAlcCW1vbVuCKNn0l8Ir2a6ATgXunTxVJklbemhHXfw1waZJDgduAVzIIlY8lOQvYA5ze+l4FnArsBu5rfSVJYzJSAFTVl4HNsyw6aZa+BZw9yv4kScvHK4ElqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktSpkQMgySFJvpTkL9r8sUl2JLk1yUeTHNraD2vzu9vyjaPuW5K0dMtxBPA64Jah+XcDF1TVJuAe4KzWfhZwT1X9AnBB6ydJGpORAiDJeuCFwAfafIDnApe3LpcAp7XpLW2etvyk1l+SNAajHgG8F3gT8A9t/rHA96tqX5ufBNa16XXAHQBt+b2tvyRpDJYcAEleBNxdVTcMN8/StRawbHi725LsTLJzampqqeVJkuYxyhHAs4CXJLkduIzBqZ/3AmuTrGl91gN3tulJYANAW34EsHfmRqtqe1VtrqrNExMTI5QnSZrLkgOgqs6tqvVVtRE4A7i2qn4HuA54aeu2FbiiTV/Z5mnLr62q/Y4AJEkr40BcB/Bm4A1JdjM4x39Ra78IeGxrfwNwzgHYtyRpgdbM32V+VfU54HNt+jbghFn6/B1w+nLsT5I0Oq8ElqROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSp5YcAEk2JLkuyS1Jbk7yutZ+VJKrk9zaHo9s7Uny/iS7k9yY5PjlehKSpMUb5QhgH/DGqvpl4ETg7CTHAecA11TVJuCaNg9wCrCp/W0DLhxh35KkES05AKrqrqr6Ypv+AXALsA7YAlzSul0CnNamtwAfqoHrgbVJjlly5ZKkkSzLdwBJNgLPAHYAj6+qu2AQEsDjWrd1wB1Dq022NknSGIwcAEkeDXwc+N2q+tu5us7SVrNsb1uSnUl2Tk1NjVqeJOkhjBQASR7O4M3/0qr6RGv+zvSpnfZ4d2ufBDYMrb4euHPmNqtqe1VtrqrNExMTo5QnSZrDKL8CCnARcEtV/eHQoiuBrW16K3DFUPsr2q+BTgTunT5VJElaeWtGWPdZwMuBXUm+3NreArwL+FiSs4A9wOlt2VXAqcBu4D7glSPsW5I0oiUHQFX9b2Y/rw9w0iz9Czh7qfuTJC0vrwSWpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnq1CjDQa96b/nkLt75W08ddxnSsrvg6m/w+t/8xQX3/8W3XsU33nHqkva1kHUXW8+wjed8mp877BB2/f7JD9ln++f/hm3P/nkA3vrJXbxj6P/18DIY/L8/bE0478VPeaDt9z61i/NPeypv+eSuB9qOeOQa7v3RvgceZwqz3LJwDu/8rac+8J6z/fN/w+3fu++B95/f/+83cd6Ln7JfrdP133XvjzjmiEc+aNkor+lCeQQg/Qx63zW3Lqr//T9ZzFvZ4tddbD0z/eDHP5lz+e3fu++B6ZnVDC+b9uN9D+4121OYftOf7c1/tv0sxsyapuuZrdbbv3cfP95X+y0b9TVdCANAkjplAEhSpwwASeqUASBJnTIAJKlTK/4z0CQnA+8DDgE+UFXvWukaJC3Nh3fsWdKyUbetA2NFjwCSHAL8MXAKcBxwZpLjVrIGSdLASh8BnADsrqrbAJJcBmwBvrrCdUg/s6Y/KS/2E/Mon7D9dH5wWunvANYBdwzNT7Y2SdIKS9Uo17stcmfJ6cALqupVbf7lwAlV9ZqhPtuAbW32ycDXR9jl0cB3R1j/YOfrMz9fo/n5Gs1tHK/PP66qifk6rfQpoElgw9D8euDO4Q5VtR3Yvhw7S7KzqjYvx7YORr4+8/M1mp+v0dxW8+uz0qeAvgBsSnJskkOBM4ArV7gGSRIrfARQVfuSvBr4DIOfgV5cVTevZA2SpIEVvw6gqq4Crlqh3S3LqaSDmK/P/HyN5udrNLdV+/qs6JfAkqTVw6EgJKlTB2UAJDk5ydeT7E5yzrjrWW2SbEhyXZJbktyc5HXjrmk1SnJIki8l+Ytx17IaJVmb5PIkX2v/ln593DWtNkle3/6P3ZTkI0keMe6ahh10AeBwEwuyD3hjVf0ycCJwtq/RrF4H3DLuIlax9wF/WVW/BDwNX6sHSbIOeC2wuaqewuCHL2eMt6oHO+gCgKHhJqrqfmB6uAk1VXVXVX2xTf+AwX9cr8gekmQ98ELgA+OuZTVK8hjg2cBFAFV1f1V9f7xVrUprgEcmWQM8ihnXPY3bwRgADjexCEk2As8Adoy3klXnvcCbgH8YdyGr1JOAKeBP22myDyQ5fNxFrSZV9S3gPcAe4C7g3qr67HirerCDMQAyS5s/dZpFkkcDHwd+t6r+dtz1rBZJXgTcXVU3jLuWVWwNcDxwYVU9A/gh4PdtQ5IcyeDsw7HAE4DDk/yL8Vb1YAdjAMw73IQgycMZvPlfWlWfGHc9q8yzgJckuZ3BKcTnJvnz8Za06kwCk1U1feR4OYNA0E89D/hmVU1V1d8DnwB+Y8w1PcjBGAAONzGPJGFw7vaWqvrDcdez2lTVuVW1vqo2Mvj3c21VrapPbuNWVd8G7kjy5NZ0Eg7rPtMe4MQkj2r/505ilX1RvuJXAh9oDjexIM8CXg7sSvLl1vaWdpW2tFCvAS5tH7RuA1455npWlarakeRy4IsMfnn3JVbZVcFeCSxJnToYTwFJkhbAAJCkThkAktQpA0CSOmUASFKnDABpSJIntJ/ukeTpSU5dwDrPeagRQ5N8LsmqvB+sZABIQ6rqzqp6aZt9OjBvAEg/qwwAHVSSvCLJjUm+kuTPkrw4yY42YNn/TPL41u9tbfm1SW5N8q9b+8Y2dvuhwNuBlyX5cpKXJTkhyV+1bf3V0FWwC63tzCS72vbf3doOSfLB1rYryetb+2uTfLU9l8uW91WSBg66K4HVryS/ArwVeFZVfTfJUQwGAjyxqirJqxiM8PnGtsqvMrgfwuHAl5J8enpbVXV/kv/AYCz3V7ftPwZ4drva/HnAO4F/tsDangC8G/g14B7gs0lOYzBy7bo2XjxJ1rZVzgGOraofD7VJy8oA0MHkucDlVfVdgKram+SpwEeTHAMcCnxzqP8VVfUj4EdJrmNwL4kvz9zokCOAS5JsYhAsD19Ebf8E+FxVTQEkuZTBePrnA09K8kfAp4Hp4YJvZDDMwqeATy1iP9KCeQpIB5Ow/9DffwT856p6KvBvgOFb8s3sO9+4KOcD17VP6y+esa1BAcln2imjmTeSmW2YcqrqHgZ30/occDY/vQHNCxnc2e7XgBvaDUWkZWUA6GByDfDPkzwWoJ0COgL4Vlu+dUb/LUke0fo/h8FIssN+APzc0Pzwtv7lbAVU1Quq6ulV9aoZi3YA/zTJ0e22pWcC/yvJ0cDDqurjwO8Bxyd5GLChqq5jcMpqLfDoeZ+9tEh+qtBBo6puTvIOBm+sP2Ew+uLbgP+W5FvA9QxuzjHtrxmcdnkicH5V3dnukDbtOuCcNmLqHwD/kcEpoDcA1y6ytruSnNu2GeCqqroiydMY3FVr+sPYuQxGsf3zJEe0vhd4u0UdCI4Gqi4leRvw/6rqPeOuRRoXTwFJUqc8ApCkTnkEIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjr1/wE0xrdmMLjX4QAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "hist3 = sns.distplot(features_log_transformed['capital-loss'], kde=False, rug=True, bins=10)\n", + "axes3 = hist3.axes\n", + "axes3.set_ylim(0,1500)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Normalizing Numerical Features\n", + "In addition to performing transformations on features that are highly skewed, it is often good practice to perform some type of scaling on numerical features. Applying a scaling to the data does not change the shape of each feature's distribution (such as `'capital-gain'` or `'capital-loss'` above); however, normalization ensures that each feature is treated equally when applying supervised learners. Note that once scaling is applied, observing the data in its raw form will no longer have the same original meaning, as exampled below.\n", + "\n", + "Run the code cell below to normalize each numerical feature. We will use [`sklearn.preprocessing.MinMaxScaler`](http://scikit-learn.org/stable/modules/generated/sklearn.preprocessing.MinMaxScaler.html) for this." + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageworkclasseducation_leveleducation-nummarital-statusoccupationrelationshipracesexcapital-gaincapital-losshours-per-weeknative-country
00.301370State-govBachelors0.800000Never-marriedAdm-clericalNot-in-familyWhiteMale0.6674920.00.397959United-States
10.452055Self-emp-not-incBachelors0.800000Married-civ-spouseExec-managerialHusbandWhiteMale0.0000000.00.122449United-States
20.287671PrivateHS-grad0.533333DivorcedHandlers-cleanersNot-in-familyWhiteMale0.0000000.00.397959United-States
30.493151Private11th0.400000Married-civ-spouseHandlers-cleanersHusbandBlackMale0.0000000.00.397959United-States
40.150685PrivateBachelors0.800000Married-civ-spouseProf-specialtyWifeBlackFemale0.0000000.00.397959Cuba
\n", + "
" + ], + "text/plain": [ + " age workclass education_level education-num \\\n", + "0 0.301370 State-gov Bachelors 0.800000 \n", + "1 0.452055 Self-emp-not-inc Bachelors 0.800000 \n", + "2 0.287671 Private HS-grad 0.533333 \n", + "3 0.493151 Private 11th 0.400000 \n", + "4 0.150685 Private Bachelors 0.800000 \n", + "\n", + " marital-status occupation relationship race sex \\\n", + "0 Never-married Adm-clerical Not-in-family White Male \n", + "1 Married-civ-spouse Exec-managerial Husband White Male \n", + "2 Divorced Handlers-cleaners Not-in-family White Male \n", + "3 Married-civ-spouse Handlers-cleaners Husband Black Male \n", + "4 Married-civ-spouse Prof-specialty Wife Black Female \n", + "\n", + " capital-gain capital-loss hours-per-week native-country \n", + "0 0.667492 0.0 0.397959 United-States \n", + "1 0.000000 0.0 0.122449 United-States \n", + "2 0.000000 0.0 0.397959 United-States \n", + "3 0.000000 0.0 0.397959 United-States \n", + "4 0.000000 0.0 0.397959 Cuba " + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Import sklearn.preprocessing.StandardScaler\n", + "from sklearn.preprocessing import MinMaxScaler\n", + "\n", + "# Initialize a scaler, then apply it to the features\n", + "scaler = MinMaxScaler() # default=(0, 1)\n", + "numerical = ['age', 'education-num', 'capital-gain', 'capital-loss', 'hours-per-week']\n", + "\n", + "features_log_minmax_transform = pd.DataFrame(data = features_log_transformed)\n", + "features_log_minmax_transform[numerical] = scaler.fit_transform(features_log_transformed[numerical])\n", + "\n", + "# Show an example of a record with scaling applied\n", + "display(features_log_minmax_transform.head(n = 5))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation: Data Preprocessing\n", + "\n", + "From the table in **Exploring the Data** above, we can see there are several features for each record that are non-numeric. Typically, learning algorithms expect input to be numeric, which requires that non-numeric features (called *categorical variables*) be converted. One popular way to convert categorical variables is by using the **one-hot encoding** scheme. One-hot encoding creates a _\"dummy\"_ variable for each possible category of each non-numeric feature. For example, assume `someFeature` has three possible entries: `A`, `B`, or `C`. We then encode this feature into `someFeature_A`, `someFeature_B` and `someFeature_C`.\n", + "\n", + "| | someFeature | | someFeature_A | someFeature_B | someFeature_C |\n", + "| :-: | :-: | | :-: | :-: | :-: |\n", + "| 0 | B | | 0 | 1 | 0 |\n", + "| 1 | C | ----> one-hot encode ----> | 0 | 0 | 1 |\n", + "| 2 | A | | 1 | 0 | 0 |\n", + "\n", + "Additionally, as with the non-numeric features, we need to convert the non-numeric target label, `'income'` to numerical values for the learning algorithm to work. Since there are only two possible categories for this label (\"<=50K\" and \">50K\"), we can avoid using one-hot encoding and simply encode these two categories as `0` and `1`, respectively. In code cell below, you will need to implement the following:\n", + " - Use [`pandas.get_dummies()`](http://pandas.pydata.org/pandas-docs/stable/generated/pandas.get_dummies.html?highlight=get_dummies#pandas.get_dummies) to perform one-hot encoding on the `'features_log_minmax_transform'` data.\n", + " - Convert the target label `'income_raw'` to numerical entries.\n", + " - Set records with \"<=50K\" to `0` and records with \">50K\" to `1`." + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageworkclasseducation_leveleducation-nummarital-statusoccupationrelationshipracesexcapital-gaincapital-losshours-per-weeknative-country
226250.479452PrivateSome-college0.600000Married-civ-spouseCraft-repairHusbandWhiteMale0.00.0000000.397959United-States
403820.315068Federal-govBachelors0.800000Married-civ-spouseAdm-clericalHusbandWhiteMale0.00.9057590.397959United-States
101950.424658Local-govSome-college0.600000Married-civ-spouseExec-managerialHusbandWhiteMale0.00.0000000.397959United-States
32250.123288PrivateHS-grad0.533333Never-marriedAdm-clericalOwn-childWhiteFemale0.00.0000000.397959United-States
311950.219178PrivateBachelors0.800000Never-marriedProf-specialtyNot-in-familyWhiteFemale0.00.0000000.397959Canada
\n", + "
" + ], + "text/plain": [ + " age workclass education_level education-num \\\n", + "22625 0.479452 Private Some-college 0.600000 \n", + "40382 0.315068 Federal-gov Bachelors 0.800000 \n", + "10195 0.424658 Local-gov Some-college 0.600000 \n", + "3225 0.123288 Private HS-grad 0.533333 \n", + "31195 0.219178 Private Bachelors 0.800000 \n", + "\n", + " marital-status occupation relationship race sex \\\n", + "22625 Married-civ-spouse Craft-repair Husband White Male \n", + "40382 Married-civ-spouse Adm-clerical Husband White Male \n", + "10195 Married-civ-spouse Exec-managerial Husband White Male \n", + "3225 Never-married Adm-clerical Own-child White Female \n", + "31195 Never-married Prof-specialty Not-in-family White Female \n", + "\n", + " capital-gain capital-loss hours-per-week native-country \n", + "22625 0.0 0.000000 0.397959 United-States \n", + "40382 0.0 0.905759 0.397959 United-States \n", + "10195 0.0 0.000000 0.397959 United-States \n", + "3225 0.0 0.000000 0.397959 United-States \n", + "31195 0.0 0.000000 0.397959 Canada " + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# non_numeric_features = features_log_minmax_transform.drop(numerical, axis=1)\n", + "features_log_minmax_transform.sample(frac=1).head(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "103 total features after one-hot encoding.\n", + "\n", + "Encoded feature names are:\n", + "['age', 'education-num', 'capital-gain', 'capital-loss', 'hours-per-week', 'workclass_ Federal-gov', 'workclass_ Local-gov', 'workclass_ Private', 'workclass_ Self-emp-inc', 'workclass_ Self-emp-not-inc', 'workclass_ State-gov', 'workclass_ Without-pay', 'education_level_ 10th', 'education_level_ 11th', 'education_level_ 12th', 'education_level_ 1st-4th', 'education_level_ 5th-6th', 'education_level_ 7th-8th', 'education_level_ 9th', 'education_level_ Assoc-acdm', 'education_level_ Assoc-voc', 'education_level_ Bachelors', 'education_level_ Doctorate', 'education_level_ HS-grad', 'education_level_ Masters', 'education_level_ Preschool', 'education_level_ Prof-school', 'education_level_ Some-college', 'marital-status_ Divorced', 'marital-status_ Married-AF-spouse', 'marital-status_ Married-civ-spouse', 'marital-status_ Married-spouse-absent', 'marital-status_ Never-married', 'marital-status_ Separated', 'marital-status_ Widowed', 'occupation_ Adm-clerical', 'occupation_ Armed-Forces', 'occupation_ Craft-repair', 'occupation_ Exec-managerial', 'occupation_ Farming-fishing', 'occupation_ Handlers-cleaners', 'occupation_ Machine-op-inspct', 'occupation_ Other-service', 'occupation_ Priv-house-serv', 'occupation_ Prof-specialty', 'occupation_ Protective-serv', 'occupation_ Sales', 'occupation_ Tech-support', 'occupation_ Transport-moving', 'relationship_ Husband', 'relationship_ Not-in-family', 'relationship_ Other-relative', 'relationship_ Own-child', 'relationship_ Unmarried', 'relationship_ Wife', 'race_ Amer-Indian-Eskimo', 'race_ Asian-Pac-Islander', 'race_ Black', 'race_ Other', 'race_ White', 'sex_ Female', 'sex_ Male', 'native-country_ Cambodia', 'native-country_ Canada', 'native-country_ China', 'native-country_ Columbia', 'native-country_ Cuba', 'native-country_ Dominican-Republic', 'native-country_ Ecuador', 'native-country_ El-Salvador', 'native-country_ England', 'native-country_ France', 'native-country_ Germany', 'native-country_ Greece', 'native-country_ Guatemala', 'native-country_ Haiti', 'native-country_ Holand-Netherlands', 'native-country_ Honduras', 'native-country_ Hong', 'native-country_ Hungary', 'native-country_ India', 'native-country_ Iran', 'native-country_ Ireland', 'native-country_ Italy', 'native-country_ Jamaica', 'native-country_ Japan', 'native-country_ Laos', 'native-country_ Mexico', 'native-country_ Nicaragua', 'native-country_ Outlying-US(Guam-USVI-etc)', 'native-country_ Peru', 'native-country_ Philippines', 'native-country_ Poland', 'native-country_ Portugal', 'native-country_ Puerto-Rico', 'native-country_ Scotland', 'native-country_ South', 'native-country_ Taiwan', 'native-country_ Thailand', 'native-country_ Trinadad&Tobago', 'native-country_ United-States', 'native-country_ Vietnam', 'native-country_ Yugoslavia']\n", + "\n", + "The income col now looks like:\n", + "14023 0\n", + "41062 0\n", + "38718 1\n", + "36016 0\n", + "22478 0\n", + "Name: income, dtype: object\n" + ] + } + ], + "source": [ + "# TODO: One-hot encode the 'features_log_minmax_transform' data using pandas.get_dummies()\n", + "features_final = pd.get_dummies(features_log_minmax_transform)\n", + "\n", + "# TODO: Encode the 'income_raw' data to numerical values\n", + "income_raw.iloc[::-1][income_raw.iloc[::-1] == '<=50K'] = 0\n", + "income_raw.iloc[::-1][income_raw.iloc[::-1] == '>50K'] = 1\n", + "\n", + "# Print the number of features after one-hot encoding\n", + "encoded = list(features_final.columns)\n", + "print(\"{} total features after one-hot encoding.\\n\".format(len(encoded)))\n", + "\n", + "# Uncomment the following line to see the encoded feature names\n", + "print(f'Encoded feature names are:\\n{encoded}\\n')\n", + "print(f'The income col now looks like:\\n{income_raw.sample(frac=1).head(5)}')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Convert income raw to dtype of int32" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0 0\n", + "1 0\n", + "2 0\n", + "Name: income, dtype: int32" + ] + }, + "execution_count": 16, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "income_raw = pd.Series(income_raw, dtype='int32')\n", + "income_raw.head(3)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Shuffle and Split Data\n", + "Now all _categorical variables_ have been converted into numerical features, and all numerical features have been normalized. As always, we will now split the data (both features and their labels) into training and test sets. 80% of the data will be used for training and 20% for testing.\n", + "\n", + "Run the code cell below to perform this split." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Correcting a few things here:\n", + "sklearn v0.21.2 uses model_selection for train_test_split\n", + "\n", + "'income_raw' is our data - not 'income'" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageeducation-numcapital-gaincapital-losshours-per-weekworkclass_ Federal-govworkclass_ Local-govworkclass_ Privateworkclass_ Self-emp-incworkclass_ Self-emp-not-inc...native-country_ Portugalnative-country_ Puerto-Riconative-country_ Scotlandnative-country_ Southnative-country_ Taiwannative-country_ Thailandnative-country_ Trinadad&Tobagonative-country_ United-Statesnative-country_ Vietnamnative-country_ Yugoslavia
270050.4931510.2666670.00.00.39795900100...0000000100
64820.3698630.8000000.00.00.39795900100...0000000100
169840.4657530.4000000.00.00.44898000001...0000000100
254500.2876710.6000000.00.00.24489800100...0000000100
6660.4520550.5333330.00.00.41836701000...0000000100
\n", + "

5 rows × 103 columns

\n", + "
" + ], + "text/plain": [ + " age education-num capital-gain capital-loss hours-per-week \\\n", + "27005 0.493151 0.266667 0.0 0.0 0.397959 \n", + "6482 0.369863 0.800000 0.0 0.0 0.397959 \n", + "16984 0.465753 0.400000 0.0 0.0 0.448980 \n", + "25450 0.287671 0.600000 0.0 0.0 0.244898 \n", + "666 0.452055 0.533333 0.0 0.0 0.418367 \n", + "\n", + " workclass_ Federal-gov workclass_ Local-gov workclass_ Private \\\n", + "27005 0 0 1 \n", + "6482 0 0 1 \n", + "16984 0 0 0 \n", + "25450 0 0 1 \n", + "666 0 1 0 \n", + "\n", + " workclass_ Self-emp-inc workclass_ Self-emp-not-inc ... \\\n", + "27005 0 0 ... \n", + "6482 0 0 ... \n", + "16984 0 1 ... \n", + "25450 0 0 ... \n", + "666 0 0 ... \n", + "\n", + " native-country_ Portugal native-country_ Puerto-Rico \\\n", + "27005 0 0 \n", + "6482 0 0 \n", + "16984 0 0 \n", + "25450 0 0 \n", + "666 0 0 \n", + "\n", + " native-country_ Scotland native-country_ South \\\n", + "27005 0 0 \n", + "6482 0 0 \n", + "16984 0 0 \n", + "25450 0 0 \n", + "666 0 0 \n", + "\n", + " native-country_ Taiwan native-country_ Thailand \\\n", + "27005 0 0 \n", + "6482 0 0 \n", + "16984 0 0 \n", + "25450 0 0 \n", + "666 0 0 \n", + "\n", + " native-country_ Trinadad&Tobago native-country_ United-States \\\n", + "27005 0 1 \n", + "6482 0 1 \n", + "16984 0 1 \n", + "25450 0 1 \n", + "666 0 1 \n", + "\n", + " native-country_ Vietnam native-country_ Yugoslavia \n", + "27005 0 0 \n", + "6482 0 0 \n", + "16984 0 0 \n", + "25450 0 0 \n", + "666 0 0 \n", + "\n", + "[5 rows x 103 columns]" + ] + }, + "execution_count": 17, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "features_final.sample(frac=1).head(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Training set has 36177 samples.\n", + "Testing set has 9045 samples.\n" + ] + } + ], + "source": [ + "# Import train_test_split\n", + "from sklearn.model_selection import train_test_split\n", + "\n", + "# Split the 'features' and 'income' data into training and testing sets\n", + "X_train, X_test, y_train, y_test = train_test_split(features_final, \n", + " income_raw, \n", + " test_size = 0.2, \n", + " random_state = 0)\n", + "\n", + "# Show the results of the split\n", + "print(\"Training set has {} samples.\".format(X_train.shape[0]))\n", + "print(\"Testing set has {} samples.\".format(X_test.shape[0]))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Evaluating Model Performance\n", + "In this section, we will investigate four different algorithms, and determine which is best at modeling the data. Three of these algorithms will be supervised learners of your choice, and the fourth algorithm is known as a *naive predictor*." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Metrics and the Naive Predictor\n", + "*CharityML*, equipped with their research, knows individuals that make more than \\$50,000 are most likely to donate to their charity. Because of this, *CharityML* is particularly interested in predicting who makes more than \\$50,000 accurately. It would seem that using **accuracy** as a metric for evaluating a particular model's performace would be appropriate. Additionally, identifying someone that *does not* make more than \\$50,000 as someone who does would be detrimental to *CharityML*, since they are looking to find individuals willing to donate. Therefore, a model's ability to precisely predict those that make more than \\$50,000 is *more important* than the model's ability to **recall** those individuals. We can use **F-beta score** as a metric that considers both precision and recall:\n", + "\n", + "$$ F_{\\beta} = (1 + \\beta^2) \\cdot \\frac{precision \\cdot recall}{\\left( \\beta^2 \\cdot precision \\right) + recall} $$\n", + "\n", + "In particular, when $\\beta = 0.5$, more emphasis is placed on precision. This is called the **F$_{0.5}$ score** (or F-score for simplicity).\n", + "\n", + "Looking at the distribution of classes (those who make at most \\$50,000, and those who make more), it's clear most individuals do not make more than \\$50,000. This can greatly affect **accuracy**, since we could simply say *\"this person does not make more than \\$50,000\"* and generally be right, without ever looking at the data! Making such a statement would be called **naive**, since we have not considered any information to substantiate the claim. It is always important to consider the *naive prediction* for your data, to help establish a benchmark for whether a model is performing well. That been said, using that prediction would be pointless: If we predicted all people made less than \\$50,000, *CharityML* would identify no one as donors. \n", + "\n", + "\n", + "#### Note: Recap of accuracy, precision, recall\n", + "\n", + "** Accuracy ** measures how often the classifier makes the correct prediction. It’s the ratio of the number of correct predictions to the total number of predictions (the number of test data points).\n", + "\n", + "** Precision ** tells us what proportion of messages we classified as spam, actually were spam.\n", + "It is a ratio of true positives(words classified as spam, and which are actually spam) to all positives(all words classified as spam, irrespective of whether that was the correct classificatio), in other words it is the ratio of\n", + "\n", + "`[True Positives/(True Positives + False Positives)]`\n", + "\n", + "** Recall(sensitivity)** tells us what proportion of messages that actually were spam were classified by us as spam.\n", + "It is a ratio of true positives(words classified as spam, and which are actually spam) to all the words that were actually spam, in other words it is the ratio of\n", + "\n", + "`[True Positives/(True Positives + False Negatives)]`\n", + "\n", + "For classification problems that are skewed in their classification distributions like in our case, for example if we had a 100 text messages and only 2 were spam and the rest 98 weren't, accuracy by itself is not a very good metric. We could classify 90 messages as not spam(including the 2 that were spam but we classify them as not spam, hence they would be false negatives) and 10 as spam(all 10 false positives) and still get a reasonably good accuracy score. For such cases, precision and recall come in very handy. These two metrics can be combined to get the F1 score, which is weighted average(harmonic mean) of the precision and recall scores. This score can range from 0 to 1, with 1 being the best possible F1 score(we take the harmonic mean as we are dealing with ratios)." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 1 - Naive Predictor Performace\n", + "* If we chose a model that always predicted an individual made more than $50,000, what would that model's accuracy and F-score be on this dataset? You must use the code cell below and assign your results to `'accuracy'` and `'fscore'` to be used later.\n", + "\n", + "** Please note ** that the the purpose of generating a naive predictor is simply to show what a base model without any intelligence would look like. In the real world, ideally your base model would be either the results of a previous model or could be based on a research paper upon which you are looking to improve. When there is no benchmark model set, getting a result better than random choice is a place you could start from.\n", + "\n", + "** HINT: ** \n", + "\n", + "* When we have a model that always predicts '1' (i.e. the individual makes more than 50k) then our model will have no True Negatives(TN) or False Negatives(FN) as we are not making any negative('0' value) predictions. Therefore our Accuracy in this case becomes the same as our Precision(True Positives/(True Positives + False Positives)) as every prediction that we have made with value '1' that should have '0' becomes a False Positive; therefore our denominator in this case is the total number of records we have in total. \n", + "* Our Recall score(True Positives/(True Positives + False Negatives)) in this setting becomes 1 as we have no False Negatives." + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "TP = np.sum(income_raw)\n", + "FP = income_raw.count() - TP\n", + "TN = 0\n", + "FN = 0" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Naive Predictor: [Accuracy score: 0.2478, F-score: 0.2917]\n" + ] + } + ], + "source": [ + "'''\n", + "TP = np.sum(income) # Counting the ones as this is the naive case. Note that 'income' is the 'income_raw' data \n", + "encoded to numerical values done in the data preprocessing step.\n", + "FP = income.count() - TP # Specific to the naive case\n", + "\n", + "TN = 0 # No predicted negatives in the naive case\n", + "FN = 0 # No predicted negatives in the naive case\n", + "'''\n", + "# TODO: Calculate accuracy, precision and recall\n", + "accuracy = (TP + TN) / (FP + FN + TP + TN)\n", + "recall = TP / (TP + FN)\n", + "precision = TP / (TP + FP)\n", + "\n", + "# TODO: Calculate F-score using the formula above for beta = 0.5 and correct values for precision and recall.\n", + "fscore = (1 + (0.5) ** 2) * ((precision * recall) / (((0.5) ** 2 * precision) + recall))\n", + "\n", + "# Print the results \n", + "print(\"Naive Predictor: [Accuracy score: {:.4f}, F-score: {:.4f}]\".format(accuracy, fscore))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Supervised Learning Models\n", + "**The following are some of the supervised learning models that are currently available in** [`scikit-learn`](http://scikit-learn.org/stable/supervised_learning.html) **that you may choose from:**\n", + "- Gaussian Naive Bayes (GaussianNB)\n", + "- Decision Trees\n", + "- Ensemble Methods (Bagging, AdaBoost, Random Forest, Gradient Boosting)\n", + "- K-Nearest Neighbors (KNeighbors)\n", + "- Stochastic Gradient Descent Classifier (SGDC)\n", + "- Support Vector Machines (SVM)\n", + "- Logistic Regression" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 2 - Model Application\n", + "List three of the supervised learning models above that are appropriate for this problem that you will test on the census data. For each model chosen\n", + "\n", + "- Describe one real-world application in industry where the model can be applied. \n", + "- What are the strengths of the model; when does it perform well?\n", + "- What are the weaknesses of the model; when does it perform poorly?\n", + "- What makes this model a good candidate for the problem, given what you know about the data?\n", + "\n", + "** HINT: **\n", + "\n", + "Structure your answer in the same format as above^, with 4 parts for each of the three models you pick. Please include references with your answer." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Naive Bayes (Gaussian)\n", + "\n", + "## Applications\n", + "Naive Bayes has many applications in the real-world. It is very popular in the Medical industry - which itself is a huge area and has many applications where it can be applied.\n", + "\n", + "From my own research in my MSc, I used the results of [1]. Here Naive Bayes was used to categorically identify phage virion proteins from features such as amino acid composition and nucleo-capsid thickness. My own research was motivated in trying to understand the numerical mathematical dynamics of these features. The classifier had excellent results in this case - and this raised further questions about the dynamics of the features of viral proteins over time which were (and still) largely unknown. **This was an excellent use case of machine learning** to identify viral proteins from seemingly healthy ones - but mathematically was interesting as current numerical methods were slow, and the dyanmics of the equations were unknown. The classifier can be used to save a lot of time practically but mathematically raised more questions about what was happening to the current numerical models used. \n", + "The model also has extensive usage in text classification (such as the Spam example used in this nano-degree), and can also be used for predicting and recommendations if someone or something will do something (assuming the features are largely independent).\n", + "\n", + "## Advantages\n", + "The model performs very well in problems where the features are largely conditionally independent from each other. This means that we are assuming that features do not depend on each other (E.g if we considered height and weight we would exepct them to correlate, taller people would weigh more than shorter people, but weight could still be conditionally independent as there are other factors to consider in how heavy someone is).\n", + "Because of this this means that the model will converge much quicker than other methods (such as linear regression) - in practice this means we can use less training data. We can use the model for both discrete and continuous data. [2]\n", + "\n", + "## Disadvatanges\n", + "The model also has disadvantages. When the featurees are dependent the conditional independence does not hold: in such a case computing\n", + "\n", + "$P(X|C_i)$\n", + "\n", + "can be computationally expensive if we cannot leverage the conditional probability condition\n", + "\n", + "$P(X|C_i) = P(x_1 | C_i) * P(x_2 | C_i) * ... * P(x_N | C_i)$\n", + "\n", + "Interestingly, it has been shown that Naive Bayes (Gaussian) can be used and will even perform well even when this independence assumption does not hold. [3] accredits this to the underlying zero-loss function used in the algorithm - which calculates the error as the number of incorrect predictions. The zero-loss function does not penalise inaccurate probability estimates as long as the highest probability is assigned to the correct class [4]. In addition - special care must be taken if using this model **for non indpendent features** in the continuous case - as the model minimises the expected loss by maximising the posterior probability $P(C_i|X)$. Care must be taken when considering the zero-loss function, as integrating a discrete indicator over a probability density function (for a continuous case) would always be zero. Functions such as the Dirac delta function can be applied in this case [5]. There is much more research into why this model performs well when this condition does not hold and can be seen in [6].\n", + "Although the model is a very good classifier - it does fall short on estimating. This means we can use the model to evaluate future people given their features - but the probability that someone belongs to either class is not a good indicator. This means that future modelling will require all our data to classify someone, using the probabilities that someone belongs in either class is not a practical use for this model.\n", + "\n", + "\n", + "\n", + "## Reasoning\n", + "Based on the above I believe this model is a good candidate.\n", + "* We have features that appear at face value to not closely depend on each other - by this I mean no features stand out as largely dependending on another. Age is largeley independent to Ethnicity. Although there could be some dependence on the Capital Gains or Loss with respect to the other features - further investigation would only be warrented in my opinion if the output of the model warrants it.\n", + "* We want to know categorically if someone earns above or below \\$50k" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Decision Trees\n", + "\n", + "## Applications\n", + "\n", + "Decision trees have many applications in industry:\n", + "* One example is in customer relations and reccomendations. Decision trees can be used to analyse how customers interact online and then analyse their usage to provide recomendations based on this information. [10] applied decision trees to investigate customers shopping habits online - by classing people into two categories, 1) Those who rarely used it and 2) Those who shopped online frequently. The result of the decision tree showed that the time it takes customers to complete a transaction and how urgently the item needed were the most important factors in whether a customer shopped online or not. \n", + "\n", + "## Advantages\n", + "\n", + "Decision trees have many advantages when being considered as a classifier\n", + "\n", + "* They perform well with missing data points. Other methods require the removal of data if any features are missing - which is inefficient and if not careful can affect the validity of your data. Decision trees work around this by classifying missing values as a seperate category - where other categories can be used to analyise the missing categories. Or you can build a decision tree to categorically predict the missing values based on the data as a preliminary step before using the model to obtain your results. [7]\n", + "* They have excellent use in determining whether or not features are relatively important to one another. By using a decision tree you can find how important a feature is by removing it from the tree and validating the result against the feature included. This is a popular method employed to finding importance of features - I myself have used such methods when considering the importance of states in Markov Chains. By removing a state one by one - you can find the relative importance of a state relative to the other states. This can tell you lots of information about how important each state is. [8]\n", + "* Unlike a Naive Bayes classifier, Decision Trees can be used to predict values. The resulting probabilites from the model can be used to predict whether or not someone will belong to a class without the need to run the model with the new data included each time. [7]\n", + "* They are excellent when using categorical data. If you have a category that has many values under it a decision tree is a very good model in deciding how these categories can be split or grouped together. They can break the category down into a more manageable group. We can see in the cell below that the Occuption column has 14 values present. A decision tree can handle this (and much higher counts) with ease. [7]\n", + "\n", + "## Disadvantages\n", + "* Although decision trees are excellent predictors - if the data changes or evolves over time (say the number of people belonging to a specific job goes up) then the model needs to be redrawn to account for this. This can be accounted for by using ensemble methods in tandem with a decision tree [9]\n", + "* The hyperparamters for the model are very important - popular hyperparamters to consider are max_depth which can be used to control over-fitting, min_samples_split and min_samples_leaf which consider how many samples are needed to split or be defined as a leaf and min_weight_fraction_leaf when considering weighted samples. The overabundance and consideration of the hyperparameters means there is a need to understand your data before considering values for these. Methods we have seen such as grid search can aid in the process when we have many to consider.\n", + "* Decision trees are sensitive if a category is dominated by a particular value. Careful consideration should be taken if this is the case and balancing the data can help. Methods used to balance could include resampling (adding copies of under respresented values) or under sampling (removal of some of the dominant class values. We should also pay close attention to the Precision, Recall and F1 Score when evaluating the model - as this can aid in selection. \n", + "\n", + "## Reasoning\n", + "Based on the above I believe Decision Trees are a good candidate for our problem.\n", + "* We have a single classification problem which lends itself well to decision trees. \n", + "* We have categories which contain many classes (such as occupation) - we know decision trees can be used to great affect with this kind of data.\n", + "* Easy to visulise and explain - justifying the model can be easily done with scikitlearn. We can plot the tree which will show us the categories and their values used to split at each node.\n", + "* Categorical data - although we have accounted for categories with pd.get_dummies(), the model lends itself well to categorical data." + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Number of unique values in occupation column is 14\n" + ] + } + ], + "source": [ + "import collections\n", + "occupation_cat_count = collections.Counter(data['occupation'].unique())\n", + "occupation_cat_count = sum(occupation_cat_count.values())\n", + "print(f'Number of unique values in occupation column is {occupation_cat_count}')\n", + "# sum(collections.Counter(encoded).values())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# SVMs\n", + "\n", + "## Applications\n", + "\n", + "An application of a support vector machine in industry is:\n", + "* SVMs have a wide application in image recognition and classification problems. When applied to image recognition each feature of the data set corresponds to a single image pixel. An SVM can be used to classify these pixels into which category they belong to based on their features (such as edge, colour or shape). In [11] SVMs were used on microscopic images of cells to detect the location of the cell nucleus. Manual location of the cell nuclei is a long and arduous process especially when considering there may be many of thousands of images to consider. A SVM can be used to learn what part of on image corresponds to a nucleus, and what part does not and was used to great effect in this case - managing to locate the neclei across multiple scales and stains successfully. Their usage is not limited to the medical sector and have many practical uses such as in geography in identifying areas of land suitable for cultivation and farming [12]\n", + "\n", + "## Advantages\n", + "\n", + "SVMs have many advantages and are a powerful classification method\n", + "* They integerate well with kernel methods - this means that SVMs are very versatile. You can employ different Kernels when considering how you will map your points to a higher dimensional space and even write your own kernels if your data requires it.\n", + "* When compared to linear regression methods SVMs are more robust due to the maximising of the margin. With the hyperparamter C you can control how much an incorrectly classified point is penalised.\n", + "* They are excellent at non linear boundaries due to the kernels they employ. Although it is possible to employ kernels in other methods such as regression SVMs in scikitlearn have the kernels already implemented and it is much easier to use the \"kernel trick\" (the kernel trick using the fact that you can generalise kernels in higher dimensions by using the dot product in the original space and using a generalisation of the corresponding Kernel. [14] has an excellent write up on how this used for the Linear kernel) \n", + "\n", + "## Disadvantages\n", + "Although SVMs are powerful in classification problems there are disadvantages we must consider when using them\n", + "* Choosing a kernel function is not an easy task and can often be the main barrier to the success of the model. Although scikitlearn offers several kernals such as the linear kernel and the popular Radial Basis Function kernel or RBF. The RBF is often used and uses the squared euclidean distance between two points. The feature space of the kernel has an infinite number of dimensions [13] and this means the kernel can be used to project points any higher dimension - although this comes at a huge computational cost. \n", + "* The model has a long training time on large data sets and this is due to several reasons\n", + " * The C parameter is a hyperparameter used to penalise misclassified points - the higher this is, the more accurate the results but the slower the training process is.\n", + " * The general method is of $O(n^3)$ (where $O$ is big Oh notation) - meaning it has to run a number of operations proportional to $n^3$. With 10,000 data points this means the number of operations is proportional to $10^{12}$ - a huge number which can affect our computational time greatly.\n", + " \n", + "## Reasoning\n", + "Based on the above I believe SVMs can be used for our model\n", + "* We have a classification problem which is well suited to SVMs.\n", + "* They are very good when we have a large number of features and after transforming our category values into feature values we know we have 98 features for our category data.\n", + "* With careful selection of our C hyperparamter and a suitable kernel we can obtain good boundaries for our dataset." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# References\n", + "[1] https://www.ncbi.nlm.nih.gov/pmc/articles/PMC3671239/\n", + "\n", + "[2] https://www.slideshare.net/ashrafmath/naive-bayes-15644818\n", + "\n", + "[3] https://www.cs.waikato.ac.nz/~eibe/pubs/nbr.pdf\n", + "\n", + "[4] https://link.springer.com/article/10.1023/A:1009778005914\n", + "\n", + "[5] https://en.wikipedia.org/wiki/Dirac_delta_function\n", + "\n", + "[6] https://www.cs.unb.ca/~hzhang/publications/FLAIRS04ZhangH.pdf\n", + "\n", + "[7] https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4466856/\n", + "\n", + "[8] https://www.analyticsvidhya.com/blog/2018/01/channel-attribution-modeling-using-markov-chains-in-r/\n", + "\n", + "[9] https://scikit-learn.org/stable/modules/tree.html\n", + "\n", + "[10] https://www.sciencedirect.com/science/article/pii/S0957417406001825\n", + "\n", + "[11] https://link.springer.com/article/10.1007/s00138-010-0275-y\n", + "\n", + "[12] https://www.ncbi.nlm.nih.gov/pubmed/20052093\n", + "\n", + "[13] https://en.wikipedia.org/wiki/Radial_basis_function_kernel\n", + "\n", + "[14] https://www.quora.com/What-is-the-kernel-trick|" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer: **" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation - Creating a Training and Predicting Pipeline\n", + "To properly evaluate the performance of each model you've chosen, it's important that you create a training and predicting pipeline that allows you to quickly and effectively train models using various sizes of training data and perform predictions on the testing data. Your implementation here will be used in the following section.\n", + "In the code block below, you will need to implement the following:\n", + " - Import `fbeta_score` and `accuracy_score` from [`sklearn.metrics`](http://scikit-learn.org/stable/modules/classes.html#sklearn-metrics-metrics).\n", + " - Fit the learner to the sampled training data and record the training time.\n", + " - Perform predictions on the test data `X_test`, and also on the first 300 training points `X_train[:300]`.\n", + " - Record the total prediction time.\n", + " - Calculate the accuracy score for both the training subset and testing set.\n", + " - Calculate the F-score for both the training subset and testing set.\n", + " - Make sure that you set the `beta` parameter!" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.metrics import fbeta_score, accuracy_score\n", + "\n", + "def train_predict(learner, sample_size, X_train, y_train, X_test, y_test): \n", + " '''\n", + " inputs:\n", + " - learner: the learning algorithm to be trained and predicted on\n", + " - sample_size: the size of samples (number) to be drawn from training set\n", + " - X_train: features training set\n", + " - y_train: income training set\n", + " - X_test: features testing set\n", + " - y_test: income testing set\n", + " '''\n", + " beta = 0.5\n", + " results = {}\n", + " \n", + " # TODO: Fit the learner to the training data using slicing with 'sample_size' using .fit(training_features[:], training_labels[:])\n", + " start = time() # Get start time\n", + " learner = learner.fit(X_train[:sample_size], y_train[:sample_size])\n", + " end = time() # Get end time\n", + " \n", + " # TODO: Calculate the training time\n", + " results['train_time'] = end - start\n", + " \n", + " # TODO: Get the predictions on the test set(X_test),\n", + " # then get predictions on the first 300 training samples(X_train) using .predict()\n", + " start = time() # Get start time\n", + " predictions_test = learner.predict(X_test)\n", + " predictions_train = learner.predict(X_train[:300])\n", + " end = time() # Get end time\n", + " \n", + " # TODO: Calculate the total prediction time\n", + " results['pred_time'] = end - start\n", + " \n", + " # TODO: Compute accuracy on the first 300 training samples which is y_train[:300]\n", + " results['acc_train'] = accuracy_score(y_train[:300], predictions_train)\n", + " \n", + " # TODO: Compute accuracy on test set using accuracy_score()\n", + " results['acc_test'] = accuracy_score(y_test, predictions_test)\n", + " \n", + " # TODO: Compute F-score on the the first 300 training samples using fbeta_score()\n", + " results['f_train'] = fbeta_score(y_train[:300], predictions_train, beta)\n", + " \n", + " # TODO: Compute F-score on the test set which is y_test\n", + " results['f_test'] = fbeta_score(y_test, predictions_test, beta)\n", + " \n", + " # Success\n", + " print(\"{} trained on {} samples.\".format(learner.__class__.__name__, sample_size))\n", + " \n", + " # Return the results\n", + " return results" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation: Initial Model Evaluation\n", + "In the code cell, you will need to implement the following:\n", + "- Import the three supervised learning models you've discussed in the previous section.\n", + "- Initialize the three models and store them in `'clf_A'`, `'clf_B'`, and `'clf_C'`.\n", + " - Use a `'random_state'` for each model you use, if provided.\n", + " - **Note:** Use the default settings for each model — you will tune one specific model in a later section.\n", + "- Calculate the number of records equal to 1%, 10%, and 100% of the training data.\n", + " - Store those values in `'samples_1'`, `'samples_10'`, and `'samples_100'` respectively.\n", + "\n", + "**Note:** Depending on which algorithms you chose, the following implementation may take some time to run!" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "13181 0\n", + "10342 0\n", + "20881 0\n", + "24972 1\n", + "43867 0\n", + "Name: income, dtype: int32" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "y_train.head(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "36177 3617 361\n", + "\n", + "0 361\n", + "GaussianNB trained on 361 samples.\n", + "1 3617\n", + "GaussianNB trained on 3617 samples.\n", + "2 36177\n", + "GaussianNB trained on 36177 samples.\n", + "0 361\n", + "DecisionTreeClassifier trained on 361 samples.\n", + "1 3617\n", + "DecisionTreeClassifier trained on 3617 samples.\n", + "2 36177\n", + "DecisionTreeClassifier trained on 36177 samples.\n", + "0 361\n", + "SVC trained on 361 samples.\n", + "1 3617\n", + "SVC trained on 3617 samples.\n", + "2 36177\n", + "SVC trained on 36177 samples.\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAApkAAAIYCAYAAAAmQ/cvAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3Xd4FcX6B/Dvm4RUUkgIoYbQe4coqIheQUUQBEVEhSCiKKBX/AmKSlG4gooFKYqFiNi4iGLQqyDVQgsq0qtJ6L2TQpL5/TFzYHM4JzkJm4bfz/OcJ+fszu7O7s7svjuzuxGlFIiIiIiI7ORV3BkgIiIioqsPg0wiIiIish2DTCIiIiKyHYNMIiIiIrIdg0wiIiIish2DTCIiIiKyHYPMEkZE4kREWT5nRGS9iAwRER+bl9VWRFaLyDmzrOZ2zv+fQETGmG2XKiKhLsZb92ftAs7/5nxOkyQi8fldVkEURRmybOO8PnEiEmO+P2x3PuwmIs1F5CsRSRGRdBE5ICJLReSJ4s6bHRz7rQiX59j3cXmkc9TJfNfH4lSU9dppufFme+0RkctiBqf6acs5yrKPYgowrRKRMXbkg66crUEL2eoeAHsBhJjv7wCoAGCUjcv4EEAqgK4AzgPYbuO8/2kuALgbepta9QVwBkBwAec7GsB4AEvyMc1dAE4XcHn5VRRl6AMAP1h+3wHgBVyqIw67AAQVwvJtJyJtAPwMYDWA4QAOAqgK4Hro/Te5+HJnG+f9RlemKOu1s/MAKgO4CcBip3EP4MqOcXQVY5BZcv2plNppvi80V93/xhUGmSLiDUAAZAOoB2C8Uio/AYy7+QqAMkqpjCudVyk1D8CDsASZIlINwI0AZgGIK+wMiIifUipdKfVHYS/LLM8LRVCGlFJ7YQkmRaS++WqtI45xBQ4yi7gMDwVwEkAnpVS6ZfhsV61FJYWjjHmS1nm/0SUFKWtFVa/dOAFgK/Qx7mKQKSLXA6gJfYzrVzxZo5KsxB7M6DJrAQSLSAXHABEZaLrS00TkqIh8KCLh1olM18F4EXlWRP4GkAF9gsuC3v8vmjRJlmkecJrvJyJSyWm+SSIyW0QeEpGtZr53WLqsBonIKyJy0HT5zxaRQBGpLSI/ishZEdkpIv2c5lvbLO9v0wW9W0Smi0g5p3TxIrJXRFqIyM8icl5EdojIIOcNJyI1zDwPmm7J3SLytlOaG0VkscnrOZPHxvnYP7MAtBeR6pZhDwJIAbDC1QQi0kNEVpm8nxSR/4pItGW8o6vxeUt31Bin9W8rIr+JSCqAV824y7rV8toGItJGRBaJyDGTn90iMs3dyorukiyUMuRumfnkLSIvie6CPikiCSJS1dPlm7I60ZTDDPP3eecAUETKm/K5z2zXrSLyiAf5CwdwwlXAppTKtsy/g9m2HZyWe1l3omV9Bpq6lSYiv4vITc7L8KS8i8gyEflFRLqKyB8ikg7gcRHZJCJfuZjnNSZP3c3vy7rLReRJEdli6vYJEUkUkbuc0uRaL0yaQBGZZsrrWRH5Frol2DYebqNOIvK9KWfnRWSjiDwt+mLemi6v4+WjHpbXeMtvRxm4VkQ+FZHTIrJfRCaLiL/TtDVNPs+LyGERmSQijziXoTzMAtBTRAItw/pCt8gnudh+ZURknMl3hvk7TkTKuMjbdyZvR0Qfl/xcZUA8OOe5mKauiHxt1jtN9O0p/xWbbz8jN5RS/JSgD3SLlwJQ22n4fwFkAgg0vydAd9FOAtAJQH8A+6C737wt0ykz/GcAPQHcBiAKwHVm3AcArgXQwqR/xAz/AkBnAA8DOAzdDVrWMt8kM9+NAO4D8C8AtQDEmOmTAXwM4FYAT5m8zgKwAcATADpCt/5lA2hkmW97AK8A6Ga+x5llr3TaHvHQXUdbADxq5veZWfZNlnQ1ABwx+XkUwM3QV9yfWtLcYbbtfLPcbgB+g756r5bH/hpjllkGwG4AIy3jtgB42dU+BTDIDPvIbOd7Tfq/AQSbNNeaNDPN92sBVLWs/xmzXkMBdABwjWXfxHu6DQCUBXAcumuzq5lXHIAZuax3JAqpDBW0jphxMWZckikPt5t1PQpguVNal8uH7uH5GcAx6N6DfwF4HkAagEmW6UMAbIO+kBgI4BYAr0EH30PzWIdRJp/vAogF4OMmXQeTroObbRDjtD57TDm6F0B3ACtNvuvlt7wDWGb2298AHjJ5aQrgWQDpAMo55ekds818rXXDMv5+s9xR0N2unc28BuSnXph0n0AHas9DH/9eM/tBAYgraPkpwDYaBOBpU85uAvAMdL2c4GFZi0H+ymu8i/XYAeAl6PL3InT5G2tJ5wt9K8k+M01n6GNvMpzKkJttEQ/dIh0E4CyAPma4n9keA3DpOOhjme4zsw1fMvtoNPR54DMXedsPfQ67A8C30OXYuXzn55w3xvJ7O4A10Oe/GwH0ATAbppzyU7ifYs8AP0475NKBox70ya4cdGCQBeAbkybG/B7lNK3jpN/dMkyZChzglNbHRWX0BnAIwFKntNebtE9YhiVB36dT0SltjEm7xGn4PDP8AcuwcuYgNDqX7eFjWX4Ly/B4XB5Q+kEfnGdYhs0yB8bKuSxjJ4DFTsNCzLzeymN/XTy4moPpFjM81gyvA6eTGnRQdwrARy62XQaAfzvtv3EulutY/24uxiUh58ko120AoLWZV9N8ltVCKUP5qCO5BZnOJ+j/M8Mr57V86BZoBaC90/Dnzf6pYH6/CB3A1XFK974pOy4DR5MmAMDXZjnK5GMhdLBqPWF2QP6CzAwA0ZZhwdAXEJ/kt7xDB5nZAJo7pa0Gffx51DKsDPSFzDTnumH5PQXA77lsE4/qBfSxMQvAs07ppsO+IDPfxwTo25B8TDk5AcDLg7KW3/Ia72I9xjpNuwDAdstvx0VfrFNe1zuXITfrFQ9gr/k+C8AP5nsvs04hcAoyATSG07HBDH8BlmMNdHlXAK61pPECsMmaN+T/nDfGfC9vft+Z2zryU3gfdpeXXFuhr9qOA5gG4FPo1gRAt9p5AfhURHwcH+grutPQLYBWPyilUj1YZj3oh4s+tQ5USv0CfdV7o1P6VUqpg27m9T8X6wMAP1rmewK6paSaY5iI+IrISNPtmAq9DX625M/qvFJqqWV+6dBX9dautU4AFiil9rvKpIjUgW5RcN6W56FbgZy3ZW5mAagv+qGOvtDbZ4eLdG2hD8zOy9wLvZ08XWYm9AklL7luA+htdhLAe6K7uau5SecJO8vQlfjO6fcG8zfaabir5d8GndffnPbPQuhg6lpLutUA/nZK9yOACAAN3WVOKZWqlLoLQCPo1q//QQf7MwB8LyKSj3V1Xp8Uy3LOQG+LtkCBynuSUupPp7zvAbAcOhh3uA36hD4rl7ytBdBcRN4RkVucul0Bz+vFNdDHvzlO03+Ry7I9lp9tJCKVROQ9EUmGDoQvABgHIAy6HljlVtY9La+eTmud7loAKUqpNY4BSkdgl93y4IFZAG4RkYrQx7j5SilXDyM5ttFsp+GO347jQFsAe5RSqyx5y8bl+za/5zyHY9A9TBNMV3udPNeQbMV7Ekquu6APrmcAJCul0izjHAevnZdNpUU4/T7g4TId97a4Sn/QMt6T+Z5w+p2Ry3Dr/UOvQHf/vgTdPXUG+l6reU7pXM0L0N141nQRyP3hA8e2/BCXPxkO6C44jyildorISujuo7uhW7pyW+ZPbsa7Wi9XDiulsjxIl+s2UEqdEn3f3ovQFzTBIrIJuoU5vyciO8vQlTju9Ntx76NzGXK1/AoAqkMHDK5EWNLV9iCdW0qpzQA2A4C5j+596Kd174BnFxDODrkZVsV8z295d7d/ZgGYKSI1lFJ/QwecO63Bgptp/KHrx+MALojI9wCGKaWS4Hm9cNzb67yurta9IDzaRqLvz/0W+qnrMdCBcCr0bQrPw7Oy5uBpefV0Wus9jZWgL+adFWR7LYFej6egb4W60006d8eBg07jK7nJh/Ow/J7zAOhgWkQ6Qu+fVwBEiH424TWl1HQ38yIbMcgsuTYqpydnLY6Zv53gOiA55vRbebhMx8GqootxFQEkFnC++dEbwCyl1DjHABEpewXzO4pLJ1hXHNvqObg+ueX3SeNZAKZCtzJ+mccy46C7hZyd8XBZnm7/vLYBTGtVT9M60Bp6e8wRkWZKqY0eLgcoGWUoP1wt/xj0PYC93EyTZEl3GMCTbtJty1dGlEoTkdegg8yG0EGm4+LS1ym5uwA2ys2wfeZ7fsu7u/3zFXQ5f8A8qNEV+iTulmk9ew+6xbwc9PFrEnQ9uQae1wtH4BIF3UoFy287eLqNakHXlQeVUhdb7ESkq5v5FldZPwDXrer53l5KqWwR+RS69f0wdOu+K9bjwC7LcMdxwbGND0C35ueVt/ye86x53g2gr+kdaAZgCIBpIpKklHLucSObMcgsnRZB3ysVrZRaZON8t0FfQfZGzlfxtINu2Zlk47LcCcTlLUP9r2B+CwH0EJFKSilXLQnboIOGRkqpCVewHIcvoa/w/1JKObcwODhaaGsrpT7OY34Z0PfvXYm8tsFFSqlMAKtE5EXoVooG0A8reKoklKEr9QP0QwJnlVJb80g3FLor0lVLkVsiUlXpV/w4c7yeybGfks3fxsh5Qu/sZtbXikg106UNEQmGbhV1dKnaUt6VUmdEZD50C+Z+6Ba3T/Ix/QkAX4rINdD3nAOe14vV0Me/XtAPgzj09nwNcuXpNnJ09188Xpknp++3KR92WQWgv4jEOrrMTcDVs4Dz+wi6nC7KpSdlufnbG/o9vw6ObeN448ZKk7drHa3gpoXY+QLvis955iLnTxEZBt2a3hiX39ZFNmOQWQoppXaJyEQAU0SkHnSFToO+t7EjgA+s9yrmY75ZIjIKuqVhNvT9M1WgDxI7oJ9yLmw/AOgnIhugu0Z6AGh3BfMbDX2S/U1E/mPmWQXAbUqpB0x3ymAA80XEF/peoKPQV9LtoAOINzxdmDl53pVHmtMi8gyAqSISCX2gO2XydSOAZUqpz0zyzdCvOvkB+gp+fy73VrqT6zYQkS7QDwd8A92CFwT9BoAz0CcBj5WQMnSlPoW+sFksIpOgH5DwhW65uhP6IYPzAN6Efvr5ZxF5Ezo4CYI+Ad+glOqWyzLeFZEo6MBsI/QDU22gX8y+C/qhICilDojIcgDPichR6NajB0xeXDkE/V7dMdDdpiNMnl4287OzvM+CflJ6LIBfTLe5WyIyA5fK1GEAdaGD1IUmbx7VC6XUNhH5DMBLJiBZC33ccxd4u3ObiDjfI3lKKbXIw220BfoiYLyIZEEHm0/lMw9FIR66HMwTkeehH9B6GPrBS0AHbx5TSm2HviUgtzSbRORzAGNM78hv0Pdfvgjgc6XUXybpx9BvGJgnIiOhy8Ug6HtzrfMr0DlPRJoCeBv64n8ndD2Lg+5puuJ3+1LeGGSWUkqpkSKyBcBg81HQr31YDH0yL+h8Z4jIeejukPnQTyV/D2C4UursFWc8b0Ohn3x0XP1+D30iW+N2ilwopZJMa8k46O68YOiuw/mWNN+LSHvo+6g+gG45PAjdAuCuy/uKKKXeE5E90Nu5D/QDJfugr/CtD1oMgf7vLwnQ91mNhb6/KD/Lymsb7IC+l+xF6HukzsCcuN20tuW1vOIuQ1dEKXVBRG6FPvk9Av0KqHPQwd93MN2l5l7WdtCv5BkBHQydhA4287qX9R3o/T4Y+p4+X+j7ZmcDeNlpOz0A/eT0ZOgT60fQ+/J9F/NdDv1U+H+g72XeDOB2Exg41s+u8r7ITFcF+h7qvPwKHbw/CCAUugV0NvRFkCNvntaLR6HL1f9Bb7slJv0v+cj/Oy6GbQLQ2JNtpJTKEP1O0CnQAfdx6H2TAtf7pliYfHaCXt93obfbZ9AtwhOgA/nC0A/6doaHoJ8q3w9gIvQxzJq3jtDbcBp0PfsMup6967QeBTnnHYTeH8Og60Ma9INRXZRS62xZS8qV6BZkIiIqzUS/DP8XpdQDxZ0XKvlEZAGABkopd63iRFeMLZlERERXMXMf4lnoFr9gAPdA30LzWHHmi65+DDKJiIiubunQ94tGQ9+XuA3Aw0opV69oIrINu8uJiIiIyHb8jz9EREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDuf4s4Aab///vutPj4+o5VSFcHgn4iIKC/ZInIwMzNzbMuWLX8s7szQ5UQpVdx5+Mf7/fffb/Xz85sSExOTERAQkObl5cWdQkRElIvs7GxJTU31T0pK8k1PTx/CQLPkYYtZCeDj4zM6JiYmIygoKJUBJhERUd68vLxUUFBQakxMTIaPj8/o4s4PXY5BZgmglKoYEBCQVtz5ICIiKm0CAgLSzK1mVMIwyCwZvNiCSURElH/m/Ml4pgTiTiEiIiIi2zHIJCIiIiLb8RVGJdQX5cs3Sz92rEj3j19ERGbvo0fXF+Uyi9qwYcMqz507NzwlJWVjceelJCn/xRfNjqWnF2l5i/Dzyzzau3eJLW+xsbH1atSokfbll18me5JeRFpNnTr178cff/x4YeetJHr88cerLFq0KGzHjh2bimJ5r776auSYMWOqnj9//g/HsK+//jrk6aefrpaSkuLXtm3bM5MnT97TsmXLRsuXL9/Svn3780WRLzuV/6J8s2PpRXseiPCLyDza++o+D1DRYUtmCVXUAeaVLvPQoUPegwcPrlKrVq1GAQEBLUJCQprXr1+/4dChQ6vs3LmzjJ35vBKjR48+uHr16q12z3fYsGGVRaRVx44dazmPq1KlSpPhw4dXcvyOjY2tJyKtHJ/Q0NDmbdu2rfvTTz8F2Z0vTxV1gFnQZfbs2TPGsd18fHxahYaGNm/evHn9p59+utKhQ4e87cxfQkLCzunTp+/xNH1ycvL6uLi4E3Ytf/LkyRHWcuLqM2zYsMp2LS83p06d8ho2bFjlunXrNgwICGgRFhbWvHnz5vUnTpwYefbsWSmKPDh7/PHHj+7YsWODddiQIUOqx8bGnt22bduGefPm7W7SpElacnLy+rZt25a6ABMAijrALMgyz549K08++WTl6tWrN/b3928ZFhbWvHHjxg3GjRtXAQD69+9frUKFCk0vXLjgcvq6des27NatWw3H74MHD3oPGjSoakxMTGM/P7+W4eHhzVq3bl1vypQpEe7mQSUXWzLpiu3cubNM+/bt63t7e6tnn312f+vWrVMDAgKyt27d6vfNN9+EjR8/vuLMmTM9PlkXptDQ0OzQ0NDswpi3n5+fWrx4cdiCBQuCu3Tpcia3tF27dj0+ZcqUPQCwb9++Mi+99FKlu+66q87evXv/Kqz8XS1atWp1dt68ebuys7Pl6NGj3r/88kvQ22+/XXHWrFmRixcv3ta0adN0O5YTFRWVlZ/00dHRmXYs1+Ghhx463r1791OO30OGDKm2Z88ev/nz5+90DHNXVtLS0sTf39+WhwmPHDni3a5du/qnTp3yfvbZZ/dfd91154KDg7N+/fXXoKlTp0bVqlUr/e677z5tx7Lyo2zZsqps2bIXt3l6errs37/ft1OnTqdr1ap1MRqxY7/YuT2vNv369au+cuXK4IkTJ+5p06bN+RMnTnivXbs2MCUlxRcAhgwZciQ+Pr7Cl19+GfbAAw+ctE67ePHioB07dgS8/fbbKQCwa9euMjfccEN9b29vNXLkyP2xsbHnfX191bJly8pOnjw5qmXLlufbtWuXWhzrSQXDlky6Yo888kj1CxcuyPr16zcPHjz4+DXXXJPatGnT9F69ep3+7LPPUj788MM9gO7Kio2NrRcaGto8ODi4eZs2beotXbo00DovEWk1bdq0cOuwdu3a1e3Zs2eM4/fs2bPDGjRo0DAgIKBFcHBw8yZNmjT49ddfAwB9onn44YerRkVFNfX19W0ZGRnZtEuXLjUd0w4bNqxydHR0Y8fvrVu3+nbq1KlWhQoVmgYEBLSoW7duw6lTp+ZYfmxsbL177723+jPPPFOpfPnyzUJDQ5v37Nkz5vTp0znqT4UKFTI6d+58Yvjw4VWzsnKPTwICArKjo6Mzo6OjM9u2bZs6duzYA2fPnvXeuHGjn6fb/Z/K19dXRUdHZ8bExFxo3bp12r///e9j69at2+Lv75/9yCOPVHekmzFjRrn69es39PPza1mlSpUmDz/8cFXnffbKK69E1qpVq5Gvr2/L8PDwZrfddtvFsuLY747fP/74Y9mWLVvWDwoKahEUFNSiXr16Db/66qsQx3jnspucnFymS5cuNYODg5v7+/u3jI2NrbdixYqL5X3BggXBItLq66+/DmndunW9gICAFrVq1WrkmGfZsmWVo4xER0dnBgQEZJcpUybHsNDQ0Oy5c+eGiEirr776KqR58+b1fX19W06bNi0CAJYsWRLUtm3bugEBAS0iIiKade7cueauXbty9Cx8+eWXoc2aNavv7+/fMioqqmnv3r2rHzly5GKr8NChQ6vu27fPd+XKlVuGDRt29Jprrklt2LBhxsCBA0+sW7du60033XTO1X7asGGD3y233FKrfPnyzQICAlrUq1ev4fvvv1/OmiYhISG4efPm9QMDA1uULVu2RYMGDRomJCQEA0B2djaefvrpSlWqVGni2D/t27ev42jNevXVVyMDAwNbAMDcuXND/P39WwLAgAEDaopIqxkzZpT7448//EWklXW7JyUllenWrVuNcuXKNStbtmyLVq1a1Vu0aNHFXoTctiddbuHChWFDhgw5+OCDD56sX79+Rtu2bVOfeOKJY6+//voBAGjVqlVay5Ytz3744Yflnad97733ysfExKTdfvvtZwFg4MCB1TMyMrz+/PPPLY899tjxVq1apTVp0iR96NChxzZs2LClcePGtlxAUtFhkElX5NChQ97Lly8PHTBgwOHw8HCXrSpeXrqYnTlzxmvQoEGHf/755y1Lly7dWrNmzbTu3bvXPXjwoMfdnCkpKT79+/ev2bNnz2N//PHHpuXLl28dPHjwoTJl9HnzlVdeqZCQkBD+4Ycf/r1p06aNc+fO3RkbG3vW3fxOnz7tfdNNN51OSEjYkZiYuLlfv35Hn3zyyRqOE53D999/X+748eM+ixYt2vbhhx/uXrhwYdjo0aMvey/bG2+8sXf37t0BU6ZM8fikdObMGa/3338/IiwsLJMH0YIJDw/P7t+//5E1a9YE79+/32fy5MkR//d//1d96NChB//444+NH3zwwd8rVqwI6du378Wg8amnnqr88ssvVx0wYMDhxMTETd9+++2Opk2bumwlyczMRK9evWq3bNny7KpVqzavWrVq8/PPP78/KCjIZZnPzs5G165da+3cudN/7ty5O1esWLElMjLyQpcuXeoeOHAgRw/Ss88+W/XZZ589sGbNms1NmzY9FxcXV/Po0aP57vofMWJEteeee+7AX3/9tbFHjx6nfvvtt4A77rijbvv27U+vWrVq84IFC7ZnZGTIrbfeWjc9PV0AYM6cOSFxcXE1+/TpcywxMXHT559/vmvHjh3+3bt3rwkAFy5cQEJCQvjdd999zNo66ODt7Y2IiAiXV1SnTp3y7tSp0+nvv/9+e2Ji4ub77rvv2KBBg2o6ArrU1FTp3bt37Xbt2p1Zs2bN5t9++23ziBEj9gcEBGQDwIwZM8Lff//9qDfeeCNl06ZNGxMSErbffPPNLltMu3Tpcmbbtm0bAGDSpEnJycnJ651bzUyevG688cZ62dnZSEhI2LFy5crN7du3P9O1a9d6mzZtynGB57w987c3/jkiIyMvLFq0KDS321UGDBhw5Oeffw61XuCcOHHCa8GCBeH9+vU7Clw6lzz00EOHXZUpPz8/FRISwl6eUobd5XRFNm/e7JednY2GDRvmeJl8ixYt6m/bti0AACpXrpyxc+fOTX379s1x0P/ss8+Sy5UrV+7rr78Ofeyxxzx6WGLPnj1lMjMz5cEHHzxRr169DABo2bLlxWUnJyf71qhRI61z585nvLy8UKdOnYwbb7zR7f1YsbGxqbGxsRcDi0aNGh1esmRJ8KeffhretWvXi13elSpVynC0yLZo0SJt3rx5x5cuXRoCYL91fnXr1s0YMGDAofHjx1fp37//CXcHxa+++ioiMDAwHABSU1O9wsLCMmfPnr2LXeUF17Rp01SlFLZt2+Y7ceLEyi+88MK+wYMHHweAhg0bZgBI6dy5c70jR46k+Pn5qenTp1ccPnz4vpEjRx5xzOP66693WVZOnDjhffr0ae/u3bufatKkSToAOP66kpCQELxhw4agxMTETa1atUoDgLlz5/4dHR3dZNKkSZGOVh4AGDly5H5Hd/Pbb7+9t3r16hHLly8P6tmzZ766oEeOHLn/3nvvzdG93rlz5xMTJ0486Bg2b968v8PDw5snJCQE33333afHjx9f+bHHHjs0YsQIxzZInzlzZlKzZs0a//HHH/5ly5bNPn/+vFfDhg3z3UV5/fXXn7duz0aNGh366aefQmbPnh3esWPHc4cPH/Y5f/68V8+ePU86Lq6stzokJyf7RkVFXejRo8epMmXKoE6dOrjuuutc5sPf319VrVr1AgCUK1cuy10X+XvvvReRlZUl33zzzd/e3jomevPNN/cvW7YsZOrUqeWnTZu2z932JNfefffdpLi4uJqVK1duXqtWrdRWrVqdu+OOO0716dPnpKOBIS4u7sTIkSOjp0+fXt5R9j/44IPwrKwsGTRo0FHg0rmkUaNG7A6/irAlk66IUsrlTf9r6KiYAAAgAElEQVT//e9/d61Zs2Zznz59jqSmpnoBumu6e/fuNaKjoxuXLVu2RXBwcIuzZ896Jycn+3q6vGuuuSb1+uuvP92iRYtGHTt2rPXyyy9XsD5YNHDgwKPbtm0LqF69euM+ffpEx8fHh6Wlpbl9MOHMmTNejz/+eJXatWs3Cg0NbR4YGNhi+fLloXv27MmRp0aNGuUIPqpUqXLh6NGjLh9oGjdu3IGsrCwZNWqU2/9A0alTp5Nr1qzZvGbNms0rVqzYcs899xzr3bt37d9++y3A021BOWVn6/jcy8sL+/fv9x09enTVwMDAFo5Pjx496gD6ZLZu3Tr/9PR0ueOOOzwK5CIjI7Puvffeoz169KjTvn37OiNHjqy4fv16t7c2bNiwISAsLCzTEWACQEBAgGrWrNm5LVu25NjHbdq0uVi2oqOjM729vXHgwIF8Pyx3/fXX5+i2Xr9+fWBCQkK4dRtUrFixWXZ2tmzbts0/OzsbmzZtCpw6dWpFa5prr722IQBs2bLFTyl9G6JI/p/tOXXqlNejjz5atVatWo1CQkKaBwYGtli1alXwnj17/ACgevXqF7p163a8c+fO9Tp06FD7hRdeiLLeLhIXF3f8zJkz3lWrVm16zz33xLz77rvhzrc75FdiYmLgwYMHfYODg1tY13nDhg2Bu3bt8remdd6e5FqnTp3OJScnb/jhhx+23nfffccOHz7sExcXV+uWW26p7aiTgYGBqmfPnsc+++yz8o5biT7++OPITp06nahYsWIWcOlcUpCyRiUXWzLpijRq1CjNy8sLmzZtynGArl279gUACA8Pv9jt0aVLlzrlypXLfPPNN1NiYmIy/Pz8VIcOHepnZGRcPHGICBwnNocLFy5cPOr4+Phg+fLlO5YvXx74448/hsyfP7/c+PHjq86cOXPXfffdd6pdu3apSUlJG+bPnx+yZMmS4BEjRkS//PLLWWvXrt3iqjv/8ccfr7pw4cKwcePG7WncuHFacHBw9pNPPln1zJkzOeqGr69vjky5yqdDuXLlsp977rl9L774YrWhQ4cecZUmODg4y9o1fsMNN5xfuHBh2GuvvRb19ddfJ7mcMeVqw4YNASKCmjVrZgDAuHHj9tx6662XPYBVs2bNjNWrVwcA+TuhffHFF8lr16499N1334UuWbIk5NVXX638yiuvpDzzzDNHPZ2HUuqyZfr5+V1WkBwn5/wIDg7OMVF2drbce++9R0eMGHHIOW3FihUzlVJQSslTTz2174EHHrjsqfjo6OgLAQEB2YGBgdmbNm3K98XPwIEDq/36668h48aN21u/fv204ODg7MceeyzaWp+/+eabv1evXn3wu+++C1myZEnIxIkTq0yaNCn5iSeeOFavXr2M3bt3b0hISAhZvHhx8H/+85/KY8eOrbJq1aqt1atXL9BjxtnZ2VK/fv3zX3zxxW7ncc7bz/k3uVemTBl07NjxXMeOHc8BODRt2rTwwYMH1/jf//5X9o477jgL6AeAPvroowpfffVVSJUqVS5s2rQpcMKECXsd83CcSzZu3BgA4LJbHah0YksmXZGoqKis9u3bn/rwww+jjh075vaenIMHD3rv2rXL/5lnnjnQs2fP061atUoLCAjIPn78eI5gLjw8PHP//v0XWxFTU1Nl586dOQJYLy8v3HTTTecnTJhwMDExcVubNm3OxMfHX7ypPDQ0NLtv374n4+Pj96xdu3bz7t27/X/44Ycc91g6rF69umyPHj2ODRw48ETbtm1TGzRokP7333/7u0qbH//+97+PVqtWLf3pp5+u6uk0Pj4+ytHqS/lz/Phxr5kzZ1a49tprT1erVi2zYsWKGdu2bfNv3LhxuvMnMDBQtWzZMs3Pz08tWLAgJO+5X9KmTZu0MWPGHFqxYsWOXr16HY2Pj490la5JkyapJ0+e9Fm3bt3FspSamip//fVXUIMGDYqkO7Bp06bnNm/eHOBqG5QvXz7L29sbDRo0OL9lyxaXaUJCQrLLlCmDLl26HJ87d26E8wNDAJCVlQV39X716tXBvXr1Ota/f/8Tbdu2Ta1Xr156UlLSZa2/11xzTepLL7106Jdfftlx5513Hrdu08DAQHXvvfeemjFjxt7NmzdvOnnypM/cuXNDC7pNWrVqdS45OdkvMjIy03l9Cxq40uWaNGmSBgCHDh26WGZatGiR1rp167MffPBB5LRp0yKrV6+ebn0Lh+Nc8tFHH1VwVabS09PlSluyqehxh9EVmzFjRoqPj49q1qxZwylTpkSsXr06YPPmzb5z5swJ+fHHH0O9vLxUZGRkVrly5TI/+OCDyL/++svvp59+CurVq1dNPz+/HK0F11133en4+PjIn376KWjt2rX+vXr1isnMzLzY8rFo0aKgZ555ptKSJUuCduzY4Tt//vzgbdu2BdSvXz8VAF588cWo6dOnhycmJvpv3brVd9q0aeW9vb3RqFGjNOd8A0DNmjXTfvjhh7ClS5cGrlu3zr9Pnz7Vjxw5csXv9fTx8cHEiRP3fvvtt+GuutVTU1O9UlJSfFJSUnzWr1/vN2zYsMq7du3y79atG6/g85CRkSEpKSk+ycnJZdatW+f/1ltvRbRq1apBRkaGzJgxIwUAXnjhhX0zZ86sMHz48Epr1671X79+vd8nn3wS1qdPn+qAvhB55JFHDr7++uuVX3nllci//vrLb+XKlQHPPfecy1scNm7c6PfYY49V+fHHH8tu377d96effgpas2ZNcJ06dVyWq65du55p0qTJufvvv7/mwoULg9auXet/991310hPT/caNmyYy9Ztu40aNerA5s2bA+++++6YFStWBG7evNl3/vz5wX379o12BIxjx47d991334UPGjSo6sqVKwM2btzoN2fOnJCePXvGZGbq2xonT568t1KlShlt27Zt8Oabb5Zfs2ZNwNatW31nzpxZrnXr1vWXLl3q8v2uNWvWTPvuu+/Cfv7558DExET/Xr16xZw8efLiReW6dev8hwwZUmXhwoVB27dv9124cGHQunXrytatWzcVAF577bXyb775ZvnVq1cHbN++3Xf69OkR6enpXo0bN3a5zT3x+OOPH4uIiMi89dZb63zzzTfB27Zt8128eHHQ8OHDK33xxRcFDl7/ydq0aVPv1VdfjVyxYkXg9u3bfefPnx88ePDg6ODg4Kzbb789R0/CgAEDjixZsiR0/vz5EX379r2sHjjOJS1atGjw7rvvhq9bt85/48aNftOmTQtv2rRpA759o/Rhd3kJ5RcRkVkc//GnINPVqVMn448//tj80ksvRb3xxhsV9+/f7wcAVapUSe/QocPp4cOHH/L29sYnn3yya9iwYdFt2rRpVKlSpYwxY8bsHTVqVI6WvnfeeWdPXFxcTPfu3euWLVs266mnnjpw7Nixi0FauXLlstasWRM0c+bMCqdPn/YuX778hbvuuuv4xIkTDwBASEhI1pQpU6KSk5P9s7OzUbNmzbT4+PhdzZo1c/mQxpQpU/bExcXFdO7cuV7ZsmWzHnjggaO33377iaSkpCtuzbzrrrtO33jjjaeWLVt22ckrISEhPCEhIRwAgoKCsqOjo9PeeuutJE8fgLJbhJ9fZnH8x5+CTLdu3bqy1atXb+bt7Y3AwMCsGjVqpPXs2fP4iBEjDkdGRmYBwODBg4+HhIRkT5o0qeI777xT0dvbG1WrVk3v0qXLxW7ht956a39kZGTme++9FzVq1KhqISEhWbGxsS7fbxocHJy9a9cu/759+0acOHHCJywsLPPmm28+NXXq1L2u0nt5eSEhIWHX4MGDq/Xs2bPOhQsXvJo0aXJuwYIF2ytVqmTr+zTdadu2bepPP/209YUXXqhyxx131L1w4YJXVFRUxnXXXXe6XLlyWQDQs2fP0/Pmzds+fvz4SrNmzYoE9IN6HTp0OOV4aCMqKiorMTFxy9ixYytOnTo16rnnnvPz8/PLrlGjRtr9999/tHPnzi632fTp01P69+8f06lTp3rBwcFZcXFxR7Kzs085ei9CQ0Oztm7d6j9nzpxaJ0+e9AkLC8vs2LHjySlTpuwFgLCwsKwpU6ZEjRo1qmpmZqZER0enT548OenWW291+7aIvISGhmb/9ttvW4cNG1Zl4MCBNU6ePOkTHh6e2aJFi7N33313ibvAi/CLyCyO//iTn/QdO3Y89eWXX4ZPmDCh8rlz57zDw8MvxMbGnp05c2aSc1nv16/fieeee67auXPnvAcNGnTMeV516tTJ+P333zePHj264oQJEyofOHDANygoKKtWrVppTz755ME2bdrwoaBSRtzdV0ZFZ/369UnNmjXz+L4uIiIiumT9+vXlmzVrFlPc+aCc2F1ORERERLZjkElEREREtmOQSURERES2Y5BJRERERLZjkFkyZGdnZ/PfHBAREeWTOX/y5fklEIPMEkBEDqampl7xK3OIiIj+aVJTU/1F5GBx54MuxyCzBMjMzByblJTke+7cuQC2aBIREeUtOztbzp07F5CUlOSbmZk5trjzQ5fjezJLiN9///1WHx+f0UqpimDwT0RElJdsETmYmZk5tmXLlj8Wd2bocgwyiYiIiMh2bDEjIiIiItsxyCQiIiIi2zHIJCIiIiLbMcgkIiIiItsxyCQiIiIi2zHIJCIiIiLbMcgkIiIiItsxyCQiIiIi2zHIJCIiIiLbMcgkIiIiItsxyCQiIiIi2zHIJCIiIiLbMcgkIiIiItsxyCQiIiIi2zHILIVEJEZElIj4eJA2TkR+KaJ8dRCRTXanJaIrJyLbROQGu9MWFRG5RUSSijsfVDqJyEIRud/utEVFRGqLiCrufOQXg8xCJiJJIpIhIuWdhv9pAsWYYsrXDSJy1nzOmbyctXyi8ztPpdQypVQju9NS/onIMhE5ISJ+xZ2XwiIi3Uw9Oi0iR0VkcXHVJ7uJyCZLXcwSkTTL75EFmadSqp5S6me70+aHiPiJyFsisk9EzojI3yLyut3LyWee9opIh+LMg5U5Z6Q6HY8rF3e+ipKI/M+y7hfMOdTx+92CzFMp1Ukp9andafNDtBfMPj5ryp7ty8lnnn4RkbjCmn+eLWFki78B3AfgHQAQkSYAAoozQ+YEUtbkJwY6j2FKqUxX6UXEy0yXXURZpAIy+/MGAKcA3Angv0W4bB93Zcjm5dQGMAtADwBLoMtyJwC2lU8REQBSHGXeegEmIssAzFZKfeAufVFtdxu8AKApgFYADgGIAXBdcWaohOqqlPqpuDMhIt5KqayiXq5S6nZLHuIB7FVKveAufSkq/w8B6A3gZqXUbhGpBKBLMeepULEls2h8AqCv5Xc/6BPkRSISKiKzROSIiCSbqx0vM85bRF43rTW7AdzhYtoPReSAaSEYJyLeV5ppc4XzsoisBHAOQLSIPCwiW0wrxC4RediSPkd3lrlKGyYiG0TklIh87mhZy09aM/45ETlo1m9gcbYClwJ9AawCEA9d1i4SkQARmWTK2CmzjwPMuOtF5DcROSkiexxXt6ZV1Lqfc9yCYfbFYBHZAWCHGfa2mcdpEVknlq5XU55HmvJzxoyvJiJTRWSSU34TROTfLtaxOYC/lVKLlXZGKfWVUiolt2WYce1EZK1Z/7Ui0s6yvGUiMl5EfgVwHkDN/NQvudRSt9983rKU+Q6mnD8tIofN/PrnvitdM/VwhYhMFpHjAF4QkToislREjpljxSciEmqZ5mKLnVmHz0Vkttk+G0WkZQHTthbdonxGRL4Qkf+KyBg3WW8DYJ5S6qDZb38rpWab+fg412uzzBzzEpFRZh3/FpHeluFd5NKxaa+IPGUZd6eIrDdl+xcRaWyGfw6gMgBHy9mwfO2IYmbq4m651Cp8v2XcQMv22OzYZyLSwJTzk6JbzO+0TBMvItNF5HsROQfgJlOmXxeRFBE5JCLvijlmuMiPl+hzV7Ip47McZVAu3ebVz8zrqIg8X8D1vkV0a+BIETkI4H0RiTD5PiK6FydBRKpYprnYYmfqz3IRedNsh90i0qmAaWuZ9GdEd7NPFx0Yu9IGwA9Kqd0AoJQ6oJR63zKvHK3qpu7lmJfZr47ji7WMXysiv4s+5h4Skdcs464TkVUm/3+KSHszfCKAtgDeNeX/LU/3gceUUvwU4gdAEoBbAGwD0ACAN4A9AKoDUABiTLpZAOYDCIa+ut8OYIAZNwjAVgDVAIQDWGqm9THjvwHwHoAgABUArAHwqBkXB+CXPPIYY52fZfgvJv8NAJSBbvnuCqAmAAFwM4BUAE1N+lsAJFmm3wsd7FQEEGHW6eECpO0CYL/JRxCAz63bjp/L9udOAI9DtxZdABBlGTcVwDIAVUxZbAfAD0A0gDPQLe5lzD5obqZZ5tgXrsqU2ReLTNkMMMMeMPPwAfA0gIMA/M24ZwBsAFDPlKNmJm2s2c9eJl156EAvysU61gSQBuBNADcBKOs03t0ywgGcAPCgydt95neEZV1TADQy48sgl/rlIl8vmXJcAUAkgN8AvGzGdQCQadKUAdDZrF+5PPZnju1vhj1s5vWY2Y8BAOoC+BcAX7P8XwG87lTHOpjv46Dr7q1m+tec9qlHaU3Z2QtgiFmne6DL3Bg36zIGQLLJd2PolmLHOB841WsAsx3zgj5mZJrl+0Eff84DqG3GHwHQznwPB9DSfG8D3WraxuT/IQC7APg6r2tJ+MCcMzxIFwTgNIB65nclAI3M93sA7DPrLABqQ59zykAfH0aacnIzdL13zCMeugfkOuhGKH8AbwH41mzTYAAJAF5xk6eHzPxrQvcuzAPwiRkXY/bv+6a8NgOQDqBBHusZD2Cc0zBHWfiPWY8A6Pp2l/keYpY91zLNLwDiLPXngsmvN4ChAPYUMO0aABNNPtqb7RnvZl3iABwD8H/Qx2dvp/E5yiJ03Ys332ub7fcJgECz/Y7hUj1dC+A+8z0YwDXmezWT7lazT28DcBSXjnkX17VQynNxV6ir/YNLQeYLAF4xO3gRLAdUU3DTATS0TPcogGXm+xIAgyzjOplpfQBEmWkDLOPvA7BUXSrUVxJkjspj2gUABpvvrgLH3pbfbwCYUoC0s2BO1OZ3fTDIdLc/rjcHxPLm91YAT5nvXtDBQjMX0z0H4Gs381yGvIPMm/PI1wnHcqEvuLq5SbcFQEfzfQiA73OZ57UA5kAHF2nQJ6OyuS0DOrhc4zRsJS6dUJYBeMkyLtf65WL+uwB0tvy+1VHOoYPMVGs9A3AYwLV5bLsc298MexjA7jymuxvAWstv58DxB8u4pgDO5jctdJCS4rTcVXAfZPpAn6R/M9t1H4AHLOPyCjIzAARaxs8D8Jz5vt9sl2CnZb4PYLSL/XSd87qWhA/0OeMsgJPm842bdEFmfE9r+TTjfgTwpItpboC+4POyDPvcso3jAcyyjBPoXqxalmFtoXsRXOVpMYDHLb/rQR+PfHDpPFPVMn4NLMd9N/OMh+sgMw3mQsHNdK0BHLH8dg4ct1rGhZi8lc9PWuhg2vn48AXcBJlm/INmO52DCThd1TtL3Ys33x1BZm3L+DcAvGe+/wZgFEzwaEnzPICZLvbT/c7rWhgfdpcXnU8A9IE+Qc9yGlce+ioo2TIsGbq1CdDdOXucxjk4rk4PmKbwk9CtLhVsyrd1uY4uqdUictwsq5PJvzsHLd/Pw9wHms+0zuufI0+UQz8AC5VSR83vz3Cpy7w8dMvELhfTVXMz3FPO5eRp01V3ypSTUFwqJ7kt62PoVlCYv5+4W6BSapVSqpdSKhL65Nke+oCa2zIqI2f9AXLWNed1yW/9cp5/shnmcEzlvHcsrzqRG+dtXlFE5oju0j8NfXLOT90MKkDaytAnRrf5slJKZSql3lFKtQMQBuBVAPEiUjeXZVsdU0qdt/y2bt+7oO9BTjHdwdeY4dUBjHDsP7MPKyHnPi9puiulwsynOwCYbuqLD38ppc4BuBe6p+uAiHwnIvXN9LmV/z0q533GuZX/SOhWs3WWbfeDGe6Kq/LvaAxxyM85ITeHlFIZjh8iEiQiH5iu+NPQjTP5Kf/IJS/u0laGLpOplvG5np+UUp8opf4FXf4HA3hFRP6V2zROnGMBR/nvD6AhgG0iskZEOpvh1QHc51T+r0XO41KhYZBZRJRSydAP13SGvvq2Ogp9tVfdMiwa+iofAA5AHzSs4xz2QF9JlbcclEKUfU9uK8cXcx/OXOgW2SilVBiAhdBXu4XpAICqlt/V3CX8JzP7pxeAG0Xfv3oQwFMAmolIM+hylgaglovJ97gZDugr7kDL74ou0ljLyQ0ARpi8lDPl5BQulZPcljUbQDeT3wbQXdV5Ukqtha5XjfNYxn7krGdAzrqWY12Q//rlPP9oM6wwKKffE6Hz2kQpFQJ9QVvUdRPwsH4qpVKVUm9Dt9o1MMF3OnIvaxFO9wNe3L5KqdVKqTuhLwAWQLcoAXofjrXsvzClVKBSao4jK57kt7gppQYppcqaz3/MsB+VUh2hg+at0K22QO7lv5qY+/2N3Mr/UejW90aWbReqlHIXjLkq/5nQtyvYzXm/DQdQA0CsKf83F8IynR2ALpP+lmGelv8LSqkvAGzCpeOWJ8da51jAUf63KaV6Q5f/SQC+MvnaA92SaS3/QUopxz2bhVr+GWQWrQHQ3YrnrAOVfnpvDoDxIhIsItUBDIM+4cKMe0JEqopIOQDPWqY9AB3oTRKREHPjdS0RubEQ8u8H3eJ6BECWiHSBvgessM0BMEBE6olIIIAXi2CZpVF3AFnQV7PNzacBgJ8B9DWtFx8BeENEKot+OKat6AdTPgVwi4j0Ev0ARoSINDfz/RNADxEJFP1U94A88hEMfWI5AsBHREZBdzE5fADgZdEPqoiINBWRCABQSu2FvrfoEwBfObUQXCT6IaWBIlLB/K4P3Yq1Ko9lfA+groj0Met5r9leC1wtpwD163Poh3AiRb+2bBQu1ePCFgx9kjol+iGn/yuCZf4CwFtEHjPbsyf0vWYuichTItJe9ANoPiLyEHTr+p8myXoA95uyeQf07R9WXgDGiIiv6Ackbgcw18yvj4iEKKUuQN8X53gqegaAwSLSxpSFsiLSVUQcrbGHoLs9SxURiRL9QFMQdHB+FpfW+QMA/ycircw61zbnldXQZWS4iJQx27ArLgXkOZhjxvsA3rTUtSoicqubbH0O4CkRqSEiZaHvmfxSFc2T38HQrYwnTF0fVdgLVErtgr73e7Qpk9fD6cFcKxF5SEQ6m/O8lynj9aBvGwB0Peht6kYs9NsznL1oynsT6F6qL828HxSR8mafnYIOHrOhj6V3iUhHU6/8ReQmufRarEIt/wwyi5BSapdSKtHN6KHQlX839IH7M+iAANCV/EfoA/DvuLwltC908LcZ+t63udBXtrZSSp2Ebhn7GsBx6Hu+XJ6cbV5uAoDpAFZAP738qxmVXtjLLmX6QV+xpij99O5BpdRBAFOgT9w+0IHHBuhA7jh065eX0k9ld4Z+SOc49MGumZnvm9D3wh2C7s7O671uPwL4H/TDW8nQrafWLp43oC8cFkI/uPAhcr7S62MATZBLVzn0vWh3AtggImehu/C+hu5+dbsMpdQx6AfJnoa+H2o4gC6W2wtcyU/9GgcgEcBf0Nv5dzOsKIyGfnjqFPSDGl8V9gKVUunQ3dSDoLdNL+hA3l3dTIN+kOQQdCvZowB6mJ4eAHjCzO8k9MMr3zpNvxf6OHkAupw8rJTaYcb1A5Asuqt0APS9b1BKrYZ+0Gi6yeN2XLolA9CB0FjRXYmu3mRQUnlBl+P90HX2RugH/qCU+i+A8dDnkTPQPQLhpnv5Tujg/CiAadAXoFtzWc4I6Id5Vplt+xN0YOTKR9D1dgV0z10a9LmtKLwBfVvOMej7E/9XRMu9D/pWnWPQdfBLuC//p6Gfz9gDXRb/A+ARpdRKM/556GcOTkI3pnzmYh6/QMcJC6EfwFpihncGsEVEzgB4HcC9SqkMpVQSdJ16EfrCPwW63Djiv7dwqTv9jXyvfR7E3PhJVGqYK7jfAfgpvrfzqiP69RqzoR8A4f4tZURkHYC3lFK5XSQQXZVE5CsAfyqlXi7uvJQEbMmkUkFE7jLdEREAJgCYzwDk6iMiZQA8CeAD7t/SQfT7P6NMF98A6JaYhcWdL6KiICKx5vYAL9EP23SBfh0hgUEmlR6Dobt3dkB3wQwu3uwUDxH5SPRLjje6GS+iX9C9U0T+EstLs0s6EWkA3U1UCboLh0qHBtC3B5yE7u7uqZQqjAc9Ct3VXL+o0FSGvj3gDPStRQOVUn8Vb5ZKDnaXE5Uipiv5LPS77Bq7GN8Z+h6ozgCuAfC2Uuoa53REdDnWLyJ7FVpLpugngf+0fE6LyL9FJFxEFonIDvO3XGHlgehqo5RaAX2TvzvdoE+QSim1CkCY6P+PS0R5YP0ispdPYc1YKbUN+hUqEP1/fvdBP/35LIDFSqkJIvKs+T0it3mVL19excTEFFZWiYrUunXrjpoXiBeGKsj5JPdeM+yAc0IReQTAIwAQFBTUqn79+s5J8rTu2LGC5dJJq4gIW+ZDBBRqHSvS+gXYU8dYv8huntaxQgsynfwLwC6lVLKIdIP+92qAfgXFMuQRZMbExCAx0d2bf4hKFxFx/o8zts7exTCX98QopWZAv0MQrVu3VgWpY/Lxx/mexpXEfv3yTlSM7FpPVcLX82pRiHWsSOsXYE/ZK+n1C7BnPVm/io6ndayoHvzpDf2SVkD/p5gDwMUXHbv892wi8oiIJIpI4pEjR4oom0Sl3l7k/I8QVVF4/3GG6J+G9YsoHwo9yBQRX+iXv/43P9MppWYopVorpVpHRhZWzyLRVedbAH3NU7DXAjjluKgjoivG+kWUD0XRXX47gN8tr7Q4JCKVlFIHzA3Th4sgD0RXBRH5HPp2k/Iishf6P0yUAQCl1LvQ/22lM/R/6DgPoH/x5JSo9GH9IrJXUW5jDx8AACAASURBVASZ9+FSVzmgrwT7Qb9Qux/40lIijyml7stjvMI/9B2iZI9/8r1xrF9E9irU7nIRCQTQETn/1/YEAB1FZIcZN6Ew80BERERERa9QWzKVUucBRDgNOwb9tDkRERHRP8Y/7U0V/LeSRERERGS7onpPJlGJIR+7etVd/ql+/JesRERE7rAlk4iIiIhsxyCTiIiIiGzHIJOIiIiIbMcgk4iIiIhsxyCTiIiIiGzHIJOIiIiIbMcgk4iIiIhsxyCTiIiIiGzHIJOIiIiIbMcgk4iIiIhsxyCTiIiIiGzHIJOIiIiIbMcgk4iIiIhsV6hBpoiEichcEdkqIltEpK2IhIvIIhHZYf6WK8w8EBEREVHRK+yWzLcB/KCUqg+gGYAtAJ4FsFgpVQfAYvObiIiIiK4ihRZkikgIgPYAPgQApVSGUuokgG4APjbJPgbQvbDyQERERETFw6cQ510TwBEAM0WkGYB1AJ4EEKWUOgAASqkDIlKhEPNARERFTD4WW+aj+ilb5kNExaMwu8t9ALQEMF0p1QLAOeSja1xEHhGRRBFJPHLkSGHlkYiIiIgKQWEGmXsB7FVKrTa/50IHnYdEpBIAmL+HXU2slJqhlGqtlGodGRlZiNkkIiIiIrsVWne5UuqgiOwRkXpKqW0A/gVgs/n0AzDB/J1fWHkgIipJ7OhGZhcyEZUWhXlPJgAMBfCpiPgC2A2gP3Tr6RwRGQAgBcA9hZwHIiIiIipihRpkKqX+BNDaxah/FeZyiYiIiKh48T/+EJUiInKbiGwTkZ0ictmDdCISLSJLReQPEflLRDoXRz6JSivWMSL7MMgkKiVExBvAVAC3A2gI4D4RaeiU7AUAc8wbHXoDmFa0uSQqvVjHiOzFIJOo9IgFsFMptVsplQHgC+h/bmClAISY76EA9hdh/ohKO9YxIhsxyCQqPaoA2GP5vdcMsxoD4AER2Qvge+iH71ziu2iJLmNbHWP9ImKQSVSauHr/jfP7bO4DEK+UqgqgM4BPRMRlPee7aIkuY1sdY/0iYpBJVJrsBVDN8rsqLu+qGwBgDgAopVYC8AdQvkhyR1T6sY4R2YhBJlHpsRZAHRGpYd492xvAt05pUmBeESYiDaBPgOyrI/IM6xiRjRhkEpUSSqlMAEMA/AhgC/QTrptE5CURudMkexrAQBFZD+BzAHFKKf6LGCIPsI4R2auw/+MPEdlIKfU99MMG1mGjLN83A7iuqPNFdLVgHSOyD1syiYiIiMh2bMkkomInH7t6qDd/VD/2WBIRlSRsySQiIiIi2zHIJCIiIiLb5dldLiJtATwA4AYAlQCkAtgI4DsAs5VSpwo1h0RERERU6uTakiki/wPwMPTrHG6DDjIbAngB+t1g8y2vdSAiIiIiApB3S+aDSqmjTsPOAvjdfCaJCP/TARERERHlkGtLpiPAFJEgx/9mFZG6InKniJSxpnFFRJJEZIOI/CkiiWZYuIgsEpEd5m85+1aHiIiIiEoCT19htALADSYgXAwgEcC9AO73YNqbnALRZwEsVkpNEJFnze8R+cgzERER0T9WaXntm6dPl4tS6jyAHgDeUUrdBX1vZkF0A/Cx+f4xgO4FnA9RqSYi14tIf/M9UkRqFHeeiIiI7OJxkGmeMr8f+qlywLNWUAVgoYisE5FHzLAopdQBADB/K7hZ4CMikigiiUeOHPEwm0Slg4iMhm7Bf84MKgNgdvHliIiIyF6edpf/G/pk+LVSapOI1ASw1IPprlNK7ReRCgAWichWTzOmlJoBYAYAtG7dmv/Kg642dwFoAf0AHUw9CS7eLBEREdnHoyBTKbUcwHLL790AnvBguv3m72ER+RpALIBDIlJJKXVARCoBOFygnBOVbhlKKSUiCtAP1xV3hoiIiOyUa5ApIgnQXd4uKaXcviPTnDS9lFJnzPdOAF4C8C2AfgAmmL/zC5BvotJujoi8ByBMRAYCeAjA+8WcJyIiItvk1ZL5uvnbA0BFXLpn7D4ASXlMGwXgaxFxLOczpdQPIrIW+gQ7AEAKgHsKkG+iUk0p9bqIdARwGkA9AKOUUouKOVtERES2yTXINN3kEJGXlVLtLaMSRGRFHtPuBtDMxfBjAP5VgLwSXTVE5Cel1C0AGFgSEdFVydMHfyJFpKYJHGFetRJZeNkiuuqdF5FQpdSp4s4IEdHVwI53RwJF8/7IfwpPg8ynACwTkd3mdwyARwslR0T/DGkANojIIgDnHAOVUnk+UEdERFQaePp0+Q8iUgdAfTNoq1IqvfCyRXTV+w6X3jlLRER01fG0JRMAWkG3YPoAaCYiUErNKpRcEV3llFIfi4gvgLpm0Dal1IXizBMREZGdPAoyReQTALUA/AkgywxWABhkEhWAiHSA/reqSQD+n707D5ejKvM4/v2RsAQIBEhAthCEAAYcAS+KiKICGlzYVAS3BNGAI4IijiiryzjAqAiKSARMQGRVJGgQEImoo5gECAJhjZgEAoQlLGFNeOePczqpdO7S96b6drr793mefm5XdVX1W7frrTp1quocAZtLGhMR3T5QZ2Zm1ixqrcnsAEZFhO+GNSvH94H3RsS9AJK2AS4hXTEwMzNrerX2XX4nqZ1MMyvHqpUCJkBE3Efqv9zMzKwl1FqTORS4W9I/gCUP/HTX44+ZdWuapPOBi/LwJ4DpDYzHzMysVLUWMk+pZxBmbejzwBeAo0j3ZN4M/KShEZmZmZWopsvlueefe4DB+TWz0huQmfXJQODMiDgwIg4AzgIG9DSTpNGS7pX0gKTjupjmIEl3S7pL0i9LjtuspTnHzMpTUyFT0kHAP0j9jB8E3CLpI/UMzKzF3QgMKgwPAv7Q3QySBgBnA/sAo4BDJI2qmmYk8HXg7RGxPfClMoM2a2XOMbNy1Xq5/Hhgl4h4HEDSMNIB8cp6BWbW4taIiOcrAxHxvKQ1e5jnLcADhe5dLwX2A+4uTPM54OyIeDov9/FywzZrac4xsxLV+nT5KlWJ9GQv5jWz5S2UtHNlQNKbgRd7mGdTYE5heG4eV7QNsI2kv0r6u6TRXS1M0jhJ0yRNmz9/fi/DN2tJpeWY88us9prM30u6jtSOH8DHgGvrE5JZW/gScIWkR/LwxqS86o46GVfddu1AYCTwLmAz4M+SdoiIBcvNGDEeGA/Q0dHhNnDNSswx55dZ7X2Xf1XSgcDupCQcHxFX1TUysxYWEVMlbQdsS8qpe2roVnIusHlheDPgkU6m+Xte1r8k3Us6IE4tJ3JbWU1UZ+WjPpgwoZzlNCfnmFmJan3wZ0tgckQcExFfJtVsjqhx3gGSbpP028qyJN0i6X5Jl+X+m83awtSpUyGf3OWD1M7Ad4DvS1q/p9mBkTmHVgMOBiZVTfMb4N0AkoaSLu3NKm0FzJqEpI0knS/p2jw8StJhPczmHDMrUa33VV4BvFYYXpzH1eJoYGZh+DTgjIgYCTwN9JT0Zi3j8MMPh3z5TdI7gVOBC4FnyJfWuhIRi4AjgetIOXV5RNwl6VuSKh0jXAc8Kelu4CbgqxHxZD3WxWwlN4GUD5vk4fvo4Ulw55hZuWq9J3NgRLxSGYiIV2qpgZS0GfAB4L+BYyQJeA/w8TzJRFJD7+f0JmizZrV48WJIJ2mQ7sEcHxG/An4l6fae5o+IycDkqnEnFd4HcEx+mbWzoRFxuaSvQypASlrc00zOMbPy1FqTOb9wFoek/YAnapjvh8B/sbQWdANgQT5bhM6f3DNrWbmQWbEn8MfCcK0nfWbWs4WSNmDplYNdSVcMzKyf1FrIPAL4hqQ5kmYDXwMO724GSR8EHo+IYn/MtTy5V5nfzT9YyznkkEMAtpN0NanJoj8DSNoaHwDNynQM6X7KrST9lXRbyhcbG5JZe6m1W8kHI2JX4A3A9hGxW0Q80MNsbwf2lfQQcCnpMvkPgSGSKjU2nT25V/nO8RHREREdw4YNqyVMs5Xe8ccfD6kdvgnA7vnSG6Rc9AHQrDxrAHsAu5EqRbaPiDsaG5JZe6n16fKNJJ0PXBERz9XylF5EfD0iNouIEaQn9P4YEZ8g3Shd6ZJyDHB138M3a0oLI+KqiFhYGRER90XErY0MyqzFfD8iFkXEXRFxZw1NhJlZyWq9XD6BXj6l142vkR4CeoB0j+b5fVyOmZlZV66X9OH8wKmZNUCtDxr06Sm9ioiYAkzJ72eR+oc1MzOrl2OAtYDFkl4kPRMQEbFOY8Myax+11mT6KT2zEkk6UtJ6jY7DrFVFxOCIWCUiVo2IdfKwC5hm/ajWmszqp/SGsfS+SjPrvdcBUyXdClwAXFd4CMjMSpCb3ntnHpwSEb9tZDxm7abWp8tvxU/pmZUmIk4g9Xd8PjAWuF/SdyVt1dDAzFqEpFNJPc7dnV9H53Fm1k9qfbr8o8CgiLgL2B+4TNLOdY3MrMXlmstH82sRsB5wpaTTGxqYWWt4P7B3RFwQERcAo/M4M+sntd6TeWJuumh34H2k7iDdFaRZH0k6StJ04HTgr8AbI+LzwJuBDzc0OLPWMaTwft2GRWHWpmq9J7PyJPkHgHMi4mpJp9QnJLO2MBQ4MCL+XRwZEa/l3rLMbMX8D3CbpJtIT5a/E/h6Y0Myay+1FjIflnQusBdwmqTVqb0W1MyWNxl4qjIgaTAwKiJuiYiZjQvLrDVExCWSpgC7kAqZX4uIRxsblVl7qbWgeBCpMfbREbEAWB/4at2iMmt95wDPF4YX4ltQzEoj6QDghYiYFBFXAy9J2r/RcZm1k1qfLn8hIn4dEffn4XkRcX19QzNraSo2WRQRr1H7lQUz69nJEbGkPedcQXJyA+Mxazu+5G3WGLPywz+r5tfRwKxGB2XWQjo7vvlEzqwfuZBp1hhHkNqdfRiYC7wVGNfQiMxayzRJP5C0laTXSzoDmN7ooMzaic/qzBogIh4HDm50HGYt7IvAicBlpAd/rge+0NCIzNpMTYVMSQcCpwEbkpJVpLak3Q+sWR9IWgM4DNgeWKMyPiI+07CgzFpIRCwEjgOQNABYK48zs35S6+Xy04F9I2LdiFgnIga7gGm2Qi4i9V/+PuBPwGbAcw2NyKyFSPqlpHUkrQXcBdwrya2imPWjWguZj7ntPrNSbR0RJwILI2IiqaODNzY4JrNWMioiniV1hTwZGA58qrEhmbWXWu/JnCbpMuA3wMuVkRHx67pEZdb6Xs1/F0jagdR/+YjGhWPWclaVtCqpkPnjiHhVUvQ0k5mVp9ZC5jrAC8B7C+MC6LKQme85uxlYPX/PlRFxsqQtgUtJDbrfCnwqIl7pQ+xmzWy8pPWAE4BJwNqkhxTMrBznAg8BM4CbJW0BPNvQiMzaTE2FzIg4tA/Lfhl4T0Q8n88m/yLpWuAY4IyIuFTST0kPP7inE2s3z0bE06QTsdc3OhizVhMRZwFnVYYlzQbe3biIzNpPt4VMSf8VEadL+hGp5nIZEXFUV/Pm3kwq3eatml8BvAf4eB4/ETgFFzKt/RwJXN7oIMzagaTfRsQHgUWNjsWsnfRUk1l52GdaXxaem42YDmwNnA08CCyIiEqizwU27WLeceTGqYcPH96Xrzdbmd0g6VhSG35LmlWJiKcaF5JZy+r0OGNm9dVtITMirsl/J/Zl4RGxGNhR0hDgKuANnU3WxbzjgfEAHR0dvlnbWk2lPcxi49BBD5fOJY0GzgQGAOdFxKldTPcR4Apgl4jo00miWQu5rdYJnWNm5enpcvl44EcR8c9OPlsL+BjwckRc3N1yImKBpCnArsAQSQNzbeZmwCN9Dd6sWUXElr2dJ18ZOBvYm3QVYKqkSRFxd9V0g4GjgFvKiNWsmcyePXu5cbV2cuAcs+5MlFZ8IRMmrPgymkhPl8t/Apwo6Y3AncB8Uu8kI0lPnF8AdFrAlDQMeDUXMAcBe5F6DboJ+AjpCfMxwNUlrIdZU5H06c7GR8SF3cz2FuCBiJiVl3EpsB9wd9V03yZ1oHBsCaGaNZX9999/yXtJv4qID/didueYWYl6ulx+O3CQpLWBDmBj4EVgZkTc28OyNwYm5jPDVYDLI+K3ku4GLpX0HdIljPNXdCXMmtAuhfdrAHuSmvTqrpC5KTCnMDwXeGtxAkk7AZvnXOv2AFi873kD+niW3mZn5bbyS8+cLtHblhtKyzE/V2BWexNGzwNTerPgiLgD2KmT8bNIZ4tmbSsivlgclrQuqavJ7nRWClxyRJW0CnAGMLbGGJbc97ylG6m2FqFlT5Z6u12XlmN+rsCs9sbYzay+XiDdhtKducDmheHqe5oHAzsAU/KB9nXAJEn7+sEEaxczZswA2EnSc8AgSZUG2EVqXW+dbmZ3jpmVyIVMswaQdA1La0hWAUbRc7uZU4GRudesh4GDWdrmLBHxDDC08B1TgGPb/eDnm/Xby+LFi5F0W0R09GF255hZiXpVyJS0VkQs7HlKM+vB9wrvFwH/joi53c0QEYskHQlcR2pe5YKIuEvSt4BpETGpfuGatT7nmFm5aipkStoNOI/Uv/JwSW8CDo+I/6xncGYtbDYwLyJeApA0SNKIiHiou5kiYjIwuWrcSV1M+65yQjVrH84xs/KsUuN0ZwDvA54EiIgZwDvrFZRZG7gCeK0wvDiPMzMzawm1FjKJiDlVoxaXHItZOxkYEa9UBvL71RoYj5mZWalqLWTOyZfMQ9JquW2wmT3NZGZdmi9p38qApP2AJxoYj5mZWalqffDnCFJfrpuSmni4nmX7XDaz3jkCuFjSj/PwXKDTXoDMzMyaUa2NsT8BfKLOsZi1jYh4ENg196aliHiu0TGZmZmVqdany7cEvgiMKM4TEft2NY+ZdU3Sd4HTI2JBHl4P+EpEnNDYyMzMzMpR6+Xy35D6GL+GZZ+INbO+2ScivlEZiIinJb0fcCHTrMU8OX163zsFcEcA1sRqLWS+FBFn1TUSs/YyQNLqEfEypHYygdUbHJOZWa+5Vy3rSq2FzDMlnUx64OflysiIuLUuUZm1vl8AN0r6Oal7yc8AFzY2JDMzs/LUWsh8I/Ap4D0svVweedjMeikiTpd0B7AXIODbEXFdg8MyMzMrTa2FzAOA1xcbjzazFRMRvwd+DyDp7ZLOjgg3DWZmZi2h1sbYZwBDerNgSZtLuknSTEl3STo6j19f0g2S7s9/1+tt0GatQNKOkk6T9BDwHeCeBodkZmZWmlprMjcC7pE0lWXvyeyuCaNFpCZZbpU0GJgu6QZgLHBjRJwq6TjgOOBrfYrerMncd999ABtLmgk8CVxGaifz3Q0NzMzMrGS1FjJP7u2CI2IeMC+/fy4fVDcF9gPelSebCEzBhUxrE9tttx3AOsAeEfEAgKQvNzQoM6urh0i1K2fk92cWPhtLOiCOLYx7E/DlPD1jC59MmABTpiz7JPbRR8OIEfDlwm5kjz3g0EPh5JPh3/9GY8ey8cYb88gjj3DKKafwzW9+c8mk06ZNA6Cjo2PJuJNPPplTTjmFTTbZhHnz5gGw8847M336dMaNG8fPfvazJdM+/PDD3NbLdZpRGD+BVAhYZj1rWCcAhgyBH/4QrroKrr566bSnVP2FVPI4APgSsCCP2wL4JvBz4E9LJ31k70eYPn06++67tB7t3HPPZfVertOEwrijSQ2NL7OevVqnU5b928t16mzjG//yeMaNG4cKrQN88IMf5JprruFDH/oQv/3tb5eMjwjGjx/P4YcfTm8oIno1Q19IGgHcDOwAzI6IIYXPno6I5S6ZSxoHjAMYPnz4m/9d+QHMVpAmltDcBhBjep87V111FQceeODTwELS/ZiXAudFxJalBNVHW0pxSh/mG1tasyNjV3gJXf0eZTSv0i7rCWWt69gSltG3HAOQND0iOnqesn/0Nb+gnN8jxoxZ4WV0Z+XJsbElLMP7klrUmmPd3pMp6S/573OSni28npP0bI2BrA38CvhSRNQ0D0BEjI+IjojoGDZsWK2zma3UDjjgAIBZwHakk90vAxtJOkfSexsYmpmZWal6evBnLYCIGBwR6xRegyNinZ4WLmlVUgHz4oj4dR79mKSN8+cbA4+vQPxmTSkiFkbExRHxQWAz4HbS/clmZmYtoadCZp/rUpUu8p8PzIyIHxQ+mgRU6u7HAFdXz2vWTiLiqYg4NyLc7qyZmbWMnh782VDSMV19WFV4rPZ2UgPu/5R0ex73DeBU4HJJhwGzgY/2Il4zMzMzawI9FTIHAGuTeiTplYj4Szfz7dnb5ZmZmZlZ8+ipkDkvIr7VL5GYWcM8RN+aWOGMM2BGofGOPjaxAqTuHn4IXMWyN9GcUvUXOm26481nvbnTJlb60mxMdXMkfV+n8ptY0Vjx8MMPL9fESm/XaQpuYsXM6qvbJowk3RYRO/VjPJ3q6OiISlteZiuqkU0YwcrXvAq4CaOetMt6QnM0JdOTlS3H3IRRz5phu1t51hNaogkjfFnbzMzMzPqg20JmRDzVX4GYmZmZWevoqSbTzMzMzKzXXMg0ayKSRku6V9IDkpZrvF3SMZLulnSHpBslbdGIOM2alXPMrDwuZJo1CUkDgLOBfYBRwCGSRlVNdhvQERH/AVwJnN6/UZo1L+eYWblcyDRrHm8BHoiIWRHxCnApqZGYJSLipoh4IQ/+ndRlpZnVxjlmViIXMs2ax6bAnMLw3DyuK4cB19Y1IrPW4hwzK1FPjbGb2cqjs0baOm3oTNIngQ5gjy4XJo0DxgFsUEZ0Zs2vtBxzfpm5JtOsmcwFNi8MbwY8Uj2RpL2A44F9I+LlrhYWEeMjoiMiOgaXHqpZUyotx5xfZi5kmjWTqcBISVtKWg04GJhUnEDSTsC5pIPf4w2I0ayZOcfMSuRCplmTiIhFwJHAdcBM4PKIuEvStyRVOrH+X2Bt4ApJt0ua1MXizKyKc8ysXL4n06yJRMRkYHLVuJMK7/fq96DMWohzzKw8rsk0MzMzs9K5kGlmZmZmpatbIVPSBZIel3RnYdz6km6QdH/+u169vt/MzMzMGqeeNZkTgNFV444DboyIkcCNedjMzMzMWkzdCpkRcTPwVNXo/YCJ+f1EYP96fb+ZmZmZNU5/35O5UUTMA8h/N+xqQknjJE2TNG3+/Pn9FqCZmZmZrbiV9sGfYm8Jw4YNa3Q4ZmZmZtYL/V3IfEzSxgD5r3tLMDMzM2tB/V3InASMye/HAFf38/ebmZmZWT+oZxNGlwB/A7aVNFfSYcCpwN6S7gf2zsNmZmZm1mLq1q1kRBzSxUd71us7zczMzGzlsNI++GNmZmZmzcuFTDMzMzMrnQuZZmZmZlY6FzLNzMzMrHQuZJqZmZlZ6VzINDMzM7PSuZBpZmZmZqVzIdPMzMzMSudCppmZmZmVzoVMMzMzMyudC5lmZmZmVjoXMs3MzMysdC5kmpmZmVnpXMg0MzMzs9K5kGlmZmZmpWtIIVPSaEn3SnpA0nGNiMGsGfWUO5JWl3RZ/vwWSSP6P0qz5uUcMytPvxcyJQ0Azgb2AUYBh0ga1d9xmDWbGnPnMODpiNgaOAM4rX+jNGtezjGzcg1swHe+BXggImYBSLoU2A+4uwGxWIEmqpTlxJgoZTm2nFpyZz/glPz+SuDHkhQR/lHMeuYcMyuR+jsvJH0EGB0Rn83DnwLeGhFHVk03DhiXB7cF7u3XQJc1FHiigd/fX7ye/WOLiBjW25lqyR1Jd+Zp5ubhB/M0y62vc6whvJ79o+E55vxqiHZZT2j8utaUY42oyeysumy5km5EjAfG1z+cnkmaFhEdjY6j3ryeK71acqem/ALnWCN4PVd6peWY86v/tct6QvOsayMe/JkLbF4Y3gx4pAFxmDWbWnJnyTSSBgLrAk/1S3Rmzc85ZlaiRhQypwIjJW0paTXgYGBSA+Iwaza15M4kYEx+/xHgj75XzKxmzjGzEvX75fKIWCTpSOA6YABwQUTc1d9x9NJKccmjH3g9V2Jd5Y6kbwHTImIScD5wkaQHSLUrBzcu4l5pyt+kD7yeK7EWzrGm/D36oF3WE5pkXfv9wR8zMzMza33u8cfMzMzMSudCppmZmZmVzoXMTNIFkh7PbaBVxp0m6Q5JFxbGfUrS0Y2Jsm+6WLf1Jd0g6f78d708/sOS7pL0Z0kb5HFb5UaJVzq9XDdJOit3B3eHpJ3z+G0lTZc0Q9Lb8riBkv4gac3GrFnrcY45x5xj9eUcc46tbDnmQuZSE4DRlQFJ6wK7RcR/AAMkvVHSIGAs8JOGRNh3EyisW3YccGNEjARuzMMAXwF2BS4EPp7HfQc4sf5h9skEal+3fYCR+TUOOCePPzxP8xHg2Dzu88BFEfFC3SJvPxNwjoFzzDlWPxNwjoFzbKXJMRcys4i4mWXbOnsNWE2SgEHAq8BXgbMi4tUGhNhnnawbpK7RJub3E4H98/vXgNWBNYFXJb0DmBcR9/dHrL3Vy3XbD7gwkr8DQyRtTPptB7F0nYcAHyLtoKwkzjHnGM6xunKOOcdYyXKsET3+NIWIeE7Sr4DbSGcRzwC7RMS3GhtZaTaKiHkAETFP0oZ5/DdJzXc8AnwSuJzmaKKjqKt12xSYU5hubh53NikRVyedDZ4E/Lfbvqsv55hzzDlWX84x51ijc8yFzG5ExOnA6QCSzgNOkvRZ4L3AHRHxnUbGVw8RcQNwA4CkMcBkYFtJxwJPA0c38eWtTruDi4jZwLsAJG0NbALcI+kiYDXgxIi4r9+ibCPOMecYzrG6co45x2hgjvlyeQ0k7ZTf3gd8OiIOAnaQNLKBYa2ox3IVO/nv48UP843CY0j37fwP8BlgOvCJfo6zL7pat1q6jPtv0n07RwEXAyfnl9WRc8w5VtdozTnmHGtIjrmQWZtvk6qeVyX1AgHpno9mfiqy2DXaGODqqs//Czgz37czCAiaZ527WrdJwKfz03m7As9ULkcASNoDeDjft7MmaX0X0xzr3OycY84xqy/nmHOs/0WEX+mWhUuAeaSbZ+cCh+Xx+wMnCwl4EwAAIABJREFUF6b7HvBP4OJGx7wi6wZsQLpH5/78d/3C9JsAvy0MfxS4C/grMKzR69PXdSNdZjgbeDD/hh2F5Yh0eWW9PPwG4FbgDuDtjV7PVng5x5xjzrH+/63yeOeYc6whOeZuJc3MzMysdL5cbmZmZmalcyHTzMzMzErnQqaZmZmZlc6FzJWYpBGSQlKP7ZlKGivpL/0RV0/fLel5Sa/vw3I+Ien6cqMzs7JJerDSP7JZu5H0R0kfa3QczcCFzJJIekjSK5KGVo2/PRcURzQmsmUKq8/n10OSjut5zr6JiLUjYlaNMQ0szHdxRLy3XnFZ9yRNkfS0pNUbHUu9SNov5+Szkp6QdGMjc7NMku4q5PhiSS8Vhr+xAsu9VNIJxXERsVVE/G3Fo17uu9aQdJakh3PcsySdVuO8p+bGxttO3qe/WPi9n5e0SaPj6k+Sri2s+6v5eFwZ/ukKLHe57Soi3hMRl6141Mt9lySdnH/P5yXNkVRTt5CSjpD0h7JjWlEuZJbrX8AhlQFJbyS1zQUwOR/cHs070Nvza7VaFizp55K27WGyjSV118jskIhYO8d4kqTRnXzPwPy3cjCeIelupR4iurNubrOrs9g3ljS5sKxJhY9/2cNyrR/kgtY7SO3I7dvP373CPY9J2qCQU53mmFIvGBcCXwHWBbYkNdL8Wv68xxyT9IXuciwfJGrar/Y2xyS9p7scA/5NatZkNqlXkyNJTZj8LiK+W0tMK4GTSTHvDAwG9iI1v2I9+1A+wa+8qhvo7rNa8qsw7YAulrHC+dWdiNinsu6kBsh/AzxAyol3rkh+AYM6O4ZJ2lxSmYXNccCHgXfn9XgrcHOJy+9/jW4fqlVewEPACcDUwrjvAceTDtwj8rj/AaYB80kHhRNIhX2Ruvn8HvAEMAv4Qp53YJ53XeB8UntaDwPfAQbkz8YCf+kithHF5eRxU4Fj8/vI33U/qaC8Oql3gZuBp0g9RBxdmHcDUoOwzwL/IDXyOxv4UmF5W+f3g0hteT1J6jf3L8AuefoAns+vt1WvQ/78iBzX06S2wSrNbg0Avp//V/8iHVCXWUe/erX9nkRqP+4HFNqWK/yG38/ba+U3HJQ/2x34P2ABqT/dsXn8FOCzhWV09tsu2ebyuDPzMp4l9crxjsL0A4BvkA4Yz+XPN8/bxPer4r0XuLqTdfwIcHs3/4NOvyN/tlvOmWfy390K800h9bDxV+BFYGu6ydU8z+qkXjo2ye9/BDyWx/0QWD1P9y5Su3lfARbm7z+0k9jPB75Qld+f7WS6w/P/5yngd8CmhXX/MWm/9AwwA9iW1GPIq8DLpDy9Ik//KLB7fn8q6aB+Sf6/3QHsWPjOt+TlPUc6qfw1cEIXv8EfgCO6+Y02JzVKXdlHHpHH7w+8kmN9HvhHo3Oqn/P3IWCvGqcdm/93z5H2nZ8ofPY5YGb+7G5g5zz+DXk7X0A6NlxQmGcCcA6p68aFpBOD1UnHstl5u/4peZ/RSTyrkI6D/87LvhBYN382grSvGJOX9QRwfA3reGFeh00K+bYNcEDePhcAfwZGVeXxM6T9z0zSSXdlu3ot58A/8rR3AJ/M748gtWN5Vl7ug8XfgrQ/+GuO5/fAucB5XcR9HnBqN+u1fl63R0n7ypPz/28n4CVgUd7+H230Nrkk5kYH0CqvSpKTduBvIO205wBbsGwhcwZwJ+ksfY+84U4BbgOOyxvpDOCevCMIUuHzL8BNwPg8zVnAC3mD3pC04ygW9P5C2vn/I09TWc5a+fteA/5IKvAGqQHX9UkFihGkHgI+l+fZOSf39sBGeb2eyvN+PG/wr5AOprezbCHzbFIB89D8P9mNlPAj8nS35+l+nuN/Pn9XpXA+k3Swn0nagY3O0x9B2gluBqxHOji5kNn37fcB4D+BN5MO1BsVPjs7bzObVv2Gw0k7zkNIvYhsQC5cUFshc8k2l8d9Mi9jIKlQ9SiwRv7sq6STlW1JJ2RvytO+hVQwWyVPNzTHf0oe3pqUbz8lNcT8EukAcW/epk4qxPQvUqF3FCnHLsjzTs3DnyIVJi8knfT8nZRjz+bv/ESOfd0c05PA5Tkn7gQOL3zXhqQC6BrAt/KyNgSG5e+bScqvmaQDx4/y/+MJUu6+r+r3mwzsVxieAnw2r//thXEv5WU+Qdqf3ETa79xHyq//Jh20tgc2zPNdSlWhkOULmS8Ae5O2jzOAKfmzNfL/4oj8vzk4/6+6KmR+J/8ORwDbV302IG8DXyP1xbwNaZ+xRyGOTg/erf6ixkImaf//LLBtHt648n8mNVb+MKkSQHnb2YKU2w+QTsBWAybm7WjbPM3TpOPYfaT98fmkguWzpEqVwcA1pOPGjnk7WJB/rxl52f8CXg+clsddRDqGnUPaVywgnXC9KX/X9Xm6S3Ke7Fi1npeS9k1rFMbtSsq5vUknOg+RTgrfDnyAlGfzSPn6EWDLwnY1h2Xz6++k/dXW+bNXSZUyt+f/4WJyYTgPP5K33QtIedZVIfOzpBO9Y0jH3QFVn19L2hesmX+724Ax+bMjgD80eltcbp0aHUCrvFhayDwhJ9Zo0kF0YE6SEaSd5CLg9DzP1qQDxvQ8/EfgmPx+YN4oK4XDW0gFubXzuH1IB/c5pIPEWJYvZJ5W2HArifoCqYB4VE7Yxfmz9xTW5WOkncRjpJqHQ0hnXyeTDpqLgO3yOt0JfJdOajJJB6sXSTVWC/L6fSMnxwgKhcw831jSAfYeUo1FkHYGysuaB/yk8L8qHrT3woXMvm67u5N2kkPz8D3Al/P7ym/4pk7m+zpwVRfLnELPhcz39BDX05XvJRUK9+tiupnA3vn9kaSCYqWWvpJju+ThXUmX0eaTDpSPkXvMyLnxJZbm7D55/LXAnPz+O3mav5EOqqfldb0U+H1hmsWkE7ZKjh0H3FQV94T8/c/l5VQKyn8C5uX3B+f4Bxa++3Fg16plvb8qx/6P5QuZN5EKwlvm33hLUi7/PM9/V16v3aqWXUshs9izys7Agvz+vcCsqnmnVS+v8NmqwNE5jpdJtbiH5M/2AO6vmv6bwDmFONq5kPl83gYWAL/pYrq18ucfpqpmEbiOwhWrwvh35N+7sn2eQircnJK3ryDdklGZfn1SQWobcm0h6UrVSywtZBbza3Yl3ryN/zdpf1QsZB7K0vyaA1yX31fyq7qQOYFUCC0ew35Oqry4rJI/eft6kHRS9RypNn9g1bJOJdVAFvNrOssWMu8sTL9jjnl7UkXNItJJ+Sp5OTd1tZ2SjnVj8jQvkE4GK/viLfL/ddXC9IcC1+b3K2Uh0/dklu8iUu3eWFKNR9FQUkFzQWHcPGCd/H4TYGtJt5K6gtqsMN3qpOScm4cvIRX8RCqwdebX+e8/C9//R9LB+qyImEE6sEBKlIotSLWDg0iXF34BfAZ4HakwN4BU2PxNnq6re3+GkmoyJgJbkc5wR5F2UEM6mX5VUuH18xFRiWeXPP2tpB1k5X+ySVXMxffWO2OA6yPiiTz8S5b2mVv5DR/sZL7Nuxhfq2V+M0lfkTRT0jOSFpBqBCsP0nX3XRNJO3zy3xlVnz8YEVMBIuLvpJO/Ofk1lHTQgJRjlZhejIhr8/sFpBO8on+TanUqOTadpXn4LlJeziMVGCGdfG5YXEBEjCXVqqwB7Ee6SgHwH8BGkm4nHXSDlBsVL5BONovLmsyyOdZBypeiLUg1uveT8ui2PP69pBPFIaQC4u8l/UTS2tTu0S7i24Sl+6yKLnM1Il6NiDMj4m2kfcsPgAslbZXjHyFpQeVFqvF5XS/ibGX7R8SQ/NofQNJPiw9/RcRCUiXCEcA8Sb+TtF2ev6sc24R0kvVaYdzTpCsbkApntxc++xyppm0mqZZwKqlwVdyGi/k1gJRLxWUPzOOuy+NuZGl+rVn5vqpjWLVrSPk1jXSS9z5Srn8U+KukxXndhpCuGt5EqtF8XNLFkjYqLGsuy+bXG1k2Bx8FkDQoTwPp0vv78vtbSMewrVl+X7JEJBMj4t05rqOA05X6I9+CtK+YX9j+zyRdXVxpuZBZsoj4N6nq//0sPQBVVC51FQtYr5Gq02HpGeZ7IuI/SAeuipdJG+dGwDN5R7IOcCwpITvzcuE7KtRV6IX3c4A/RcQ6ETGItDN5PiI+nz9fBBwUETtGxKakmsnOPEE6e90qIp6M9PT4J0k7iI5Opj8UeCIibiqM+0n+nh1J/8/KQwDzWLYQvnkXMVg38k7xIGCPfEP/o8CXgTdJehOF37CT2ed0MR7SGfeaheHOCgJLtjlJ7yBdBj2I1O/uENJOurK9dvddvwD2y/G+gVRLVx1L5XtGkmrK3hMRI0k1pCPyxy+zdDsqHgieIl3yKxqep6nk2GKW5uFLLK0ZHkI6CO4eEdtXBx4Rd5Bqcr5Nyn1IB93ZeZv/LKlW88Uu1r24rGKOPQ+MrJpkDulAd1ykBySGkG6FOKmSyxFRuXftTaT/Eyy7b+it6jyFGnM1Il6IiB+Q/sfb5fjvKRSkhkTE4Ig4oIQ4W1JEHBFLHwT6bh53XUTsTdpv3wP8LE/eVY49Amxe9UDbEJYetxaR//c5vw4jXf0YTjphPTwi1iXVTlcU8+tp0gllxXp5ma8UpivmV80i4o68Db2PdHvNSaTj7KCIGBARq0TEBjm/7iAV2l5PKsx9p7KYvKxifr1AypNqPwOuKAwvJB1/35pzbGtSobyW2F+JiF+S9lE7kH6f58n7x0oZICJ2Lsa5snEhsz4OIx3EFhZHRsRi0gFnH0mDSWdRw0gHSUhnUusAg/PZ5TsLs79KStL/BZC0Sj67f0MvY/sL6UBeefp9VCfT/Al4o6RPSVqVdJ/e45LeQLr38U7gFElrSjqQVOu1mKoDcT7zvQD4uaTXSxogaU9SEt9FSr7VcyxHkw6uD7Osj0qq1MisydKn9S8Hjpa0qaQhpAKK9d7+pN9uFOkyz46kberPwKcLv+EPJG2Sf8O3KTVzdDGwl6SDJA3MT6DumJd7O3Bg3ka2JuVEdwaTDizzgYGSTmJpDT+kG+K/LWlkfoL7PyRtABARc0m1JRcBv8rLWY6k3YFPkw6Az+aC7Take8IgXVr7T1JtA4XvuI3UesLHSYXeHfP/66ku1uVG0nb8/fy06ihgs1wbUYllHUmV/L6EdBlvrlITaJX72yoqNUDPsXxht7K8PfMJA5LWIR0kn6ya7CFSLek1ebr1SAetwyS9S1KHpC1IOfkKabuo/F963e5tdjPpydxxeRs5iFSA7VSuzX6HUlNGq0oaR9ovzCDtu5D0pfz5wPwbVQ6yjwFbSurqRLrtSdpI0r55n1p5mKvyO58HHCvpzTnHts7bwy2kwtJ/5ePBCNI2fWknX7EOaTv9GelS9+j8vZvS+dUrSA/F7CBpS9K2/gHSJe2uPEOupOjmGLYqqZBbsSPpZO6LpMqbL0haO/8vdpU0inRVYwhp//Aiy27/O1fl1+pU5Vc+hq1KenCv4jJSLn0zb88frvxPOiPps5JG59hWkbQvaX/0j4j4F+le0NMlDc6fj8z7tUqcm+ffaKXhQmYdRMSDETGti48nkza6WaQN8GnSQRzgRFIt6L9INQ4zq+Y9kXQJYZ0835V0nbhd+RGwqaQ7SA9X3NnJNAtJB7lzSMn2G1Jir066v3IOqab2uTzNz0kH3IMk3Va1rGNJZ3335vWeBPwsUht7PwFG5mr/b5B2CjsqNYtRaW7iWuDvkv5JugxZuazyM9LN33eQCgGTSYWLyo7BajMG+HlEzI6IRysv0r1Jn1BqXuhY0i0XU0m/c+X+wdmk7eArefztLC1AnEH6vR8jXc6+uIc4riP91veRLkW/xLKXVX9AOrG4nvRAwfksPeEgf8cbSQXNriwgHWy2IW0r15Hy8Hf584fz8q9l6dPhg0gH4uvzen4F2BP4IF0UZkk5difp0v2NpILpaSxb4y/g65LuBT5EyuPXkf7PvwGezzk6gaWXva8mnSBuzPIH1l2AW/M8/0eqfaq+LP0eUsHidqVLhQ+QaneuJOXwX/L/41bSb3BWnm88sEu+RNdZwaJLuYboQNLB/WnSSc11LK0BrvZy/t7HSPeeHkq6DDw3Il4lbW+75fjmk/Y/lcuWl5JORJ+S9H+9ibONrELahh8h5ewepBMrIuIK0v2QvyTt238DrB8Rr5CaNduHdGXjA8ClEVF9xQDStnM36RaMN5Dy52ekyolBnUwP6Z7mB0gnJEeS8uqL3azDw8B6VcewZzqZbjdJ9yrddnIC6TaBo0i3rZxO2h4vIt3aNoh0b/qJpOPfcFKtJ6TtagNSTi4k5ddjpG2w6FjS/uWWPHxIvo3lR3l9XiIV5K+l6+3/OdKzD3NzfN8GDqvc7kO6t3QIqQb6KVIZonK5/PekE8nHJVXfotIwleZgrE3kQsPAiHgpX9q4HhgZEV0dMJuCpH2An0bEFo2OxfpfrhX8BakVh9d6mr7OsbRkjpVF0gxSMy2XNDoWaz7Nnl+Srgb+HhH/0+hY+sMKN4JsTWdt4MacqCLdL9MUyVmUL128m7SD2Yh09ndVQ4OyhsiXh44mPbHZ0AJm1hI5VhZJ7ybdHvM0qWZyK9LDV2Z90VT5JemtpJrP2aRa4NEsfdiw5bmQ2WYiYgHpHstmJ1LzJZeRLun/jqWXN1qWpAtIl2ofj4gdOvlcpJvX30+6TWFsRNzav1H2H6X7hKeR7tk7tMHhAC2VY2XZnpSna5Iuix5YaMlgpeL8Wvk1YX5tRrpXfH1SQfMzEdHVE/Etx5fLzZpIviz8PHBhFwfB95Pu/3k/qUuyMyPirf0bpVlzcn6ZlcsP/pg1kYiodPXZlf1IB8iI1CbkEKV+rc2sB84vs3LV7XJ5Z5cdJP0v6UnKV0iNvh6aq767NXTo0BgxYkS9QjXrV9OnT38iIobVafGbsuxTxXPzuHnVE+bmYcYBrLXWWm/ebrvtqicxa0p1zDHnlxm151g978mcQGoGpdjrzQ3A1yNikaTTSN3S9di+4YgRI5g2rasWgcyai6Tqpi9KXXwn4zq9JyYixpN7meno6AjnmLWKOuaY88uM2nOsbpfLO7vsEBHXF54C+zvL9wRhZitmLsv2qLIZXXf7aWa94/wy64VG3pP5GVKjpJ3KPURMkzRt/vz5/RiWWVObBHw699ixK6kL0uUu5ZlZnzi/zHqhIU0YSTqe1Kp/l72AVF9q6KfQzFZqki4h9Xw0NPfqcDK528GI+Cmp56P3k5qKeYGVpFkfs2bg/DIrV78XMiWNIT0QtGe4/SSzXomIQ3r4PEhdf5pZLzm/zMrVr4VMSaNJD/rsEREv9Od3m5mZmVn/qds9mfmyw9+AbSXNlXQY6WnzwcANkm6X9NN6fb+ZmZmZNU7dajK7uOxwfr2+z6xWmthZKyS9F2N8t4eZmVlX3OOPmZmZmZXOhUwzMzMzK50LmWZmZmZWOhcyzczMzKx0LmSamZmZWelcyDQzMzOz0rmQaWZmZmalcyHTzMzMzErnQqaZmZmZlc6FTDMzMzMrnQuZZmZmZlY6FzLNzMzMrHQuZJqZmZlZ6VzINDMzM7PSuZBpZmZmZqVzIdPMzMzMSudCppmZmZmVzoVMMzMzMyudC5lmZmZmVrqB9VqwpAuADwKPR8QOedz6wGXACOAh4KCIeLpeMZiZWf/TRJWynBgTpSzHzBqjboVMYALwY+DCwrjjgBsj4lRJx+Xhr9UxBjOzlUYZhS8XvMysWdTtcnlE3Aw8VTV6P2Bifj8R2L9e329mZmZmjVPPmszObBQR8wAiYp6kDbuaUNI4YBzA8OHD+yk8s5WbpNHAmcAA4LyIOLXq8+GkE7gheZrjImJyvwdqTUsTJ/Y8UQtzjpmVZ6V98CcixkdER0R0DBs2rNHhmDWcpAHA2cA+wCjgEEmjqiY7Abg8InYCDgZ+0r9RmjUv55hZufq7kPmYpI0B8t/H+/n7zZrZW4AHImJWRLwCXEq6BaUogHXy+3WBR/oxPrNm5xwzK1F/Xy6fBIwBTs1/r+7n7zdrZpsCcwrDc4G3Vk1zCnC9pC8CawF7dbUw35JSu3a/hNxGSssx55dZHWsyJV0C/A3YVtJcSYeRCpd7S7of2DsPm1ltOns0ufpR40OACRGxGfB+4CJJnea5b0kxW05pOeb8MqtjTWZEHNLFR3vW6zvNWtxcYPPC8GYsf6nuMGA0QET8TdIawFB8a4pZLZxjZiVaaR/8MbPlTAVGStpS0mqkhw4mVU0zm3wiJ+kNwBrA/H6N0qx5OcfMSuRCplmTiIhFwJHAdcBM0hOud0n6lqR982RfAT4naQZwCTA2Itx6t1kNnGNm5ervB3/MbAXk9vgmV407qfD+buDt/R2XWatwjpmVxzWZZmZmZlY612SaWZ+V1bRPjBlTynLMzGzl4UKmmTWcJnbWckzvxBjfFmdmtjLx5XIzMzMzK12PNZmS3gZ8EngHsDHwInAn8DvgFxHxTF0jNDMzM7Om021NpqRrgc+SmnMYTSpkjgJOILUNdnWhWQczMzMzM6DnmsxPRcQTVeOeB27Nr+9LGlqXyMzMzMysaXVbk1kpYEpaq9I3q6RtJO0radXiNGZmZmZmFbU++HMzsIakTYEbgUOBCfUKyszMzMyaW62FTEXEC8CBwI8i4gDSvZlmZmZmZsupuZCZnzL/BOmpcnAbm2YrRNLukg7N74dJ2rLRMZmZmZWl1kLml4CvA1dFxF2SXg/cVL+wzFqbpJOBr5HyCmBV4BeNi8jMzKxcNdVGRsSfgD8VhmcBR9UrKLM2cACwE6mVBiLiEUmDGxuSmZlZebotZEq6Buiyr7aIcBuZZn3zSkSEpIDUgkOjAzIzMytTTzWZ38t/DwRex9LLeYcAD9UpJrN2cLmkc4Ehkj4HfAb4WYNjMjMzK023hcx8mRxJ346IdxY+ukbSzXWNzKyFRcT3JO0NPAtsC5wUETc0OCwzM7PS1PqE+DBJr8/3YpKfgh3W1y+V9GVSd5UB/BM4NCJe6uvyzJqNpD9ExF6AC5ZmZtYrmqgVXkaM6fJuyNLUWsj8MjBF0qw8PAI4vC9fmBt0PwoYFREvSrocOBg37m7t5QVJ60bEM40OxMysFZRR8IL+KXy1i1qfLv+9pJHAdnnUPRHx8gp+7yBJrwJrAo+swLLMmtFLwD8l3QAsrIyMCLfaYGZmLaE3Daq/mVSDORB4kyQi4sLefmFEPCzpe8Bs4EXg+oi4vno6SeOAcQDDhw/v7deYrex+x9KODczMzFpOTYVMSRcBWwG3A4vz6AB6XciUtB6wH7AlsAC4QtInI2KZhqgjYjwwHqCjo8N119ZSImKipNWAbfKoeyPi1UbGZGZmVqZaazI7SPdQllHY2wv4V0TMB5D0a2A33NuJtRFJ7wImkpoCE7C5pDER4VYbzMysJdRayLyT1E7mvBK+czawq6Q1SZfL9wSmlbBcs2byfeC9EXEvgKRtgEtIt6WYmZk1vVoLmUOBuyX9A1jywE9fevyJiFskXUnqTm8RcBv5srhZG1m1UsAEiIj7JK3ayIDMzMzKVGsh85QyvzQiTgZOLnOZZk1mmqTzgYvy8CeA6Q2Mx8zM6kwTJzY6hH5VaxNGf5K0EbBLHvWPiHi8fmGZtbzPA18gtRkr4GbgJw2NyMzMrESr1DKRpIOAfwAfBQ4CbpH0kXoGZtbiBgJnRsSBEXEAcBYwoKeZJI2WdK+kByQd18U0B0m6W9Jdkn5ZctxmLc05ZlaeWi+XHw/sUqm9lDQM+ANwZb0CM2txN5JaWng+Dw8Crie1tNApSQOAs4G9gbnAVEmTIuLuwjQjga8Db4+IpyVtWKf4zVqOc8ysXDXVZAKrVF0ef7IX85rZ8taIiEoBk/x+zR7meQvwQETMiohXgEtJbc4WfQ44OyKezsv1bS1mtXOOmZWo1prM30u6jtTECsDHgGvrE5JZW1goaeeIuBVA0ptJTXp1Z1NgTmF4LvDWqmm2ycv7K+ny+ykR8fvOFuZetVrLRJXTbzMTJpSznOZUWo45v3qn3R6IaRe1PvjzVUkHAruTHlIYHxFX1TUys9b2JVJvV4/k4Y1JJ2/d6awUUd1BwkBgJPAuYDPgz5J2iIgFy83oXrXMqpWWY84vs9q7ldwSmBwRv87DgySNiIiH6hmcWauKiKmStgO2JR3Y7qmhW8m5wOaF4c2ARzqZ5u95Wf+SdC/pgDi1nMjNmkNuEeW7wCYRsY+kUcDbIuL8bmZzjpmVqNb7Kq8AXisML87jzKwXpk6dCvnkLh+kdga+A3xf0vo9zQ6MlLRl7vf8YGBS1TS/Ad4NIGko6dLerNJWwKx5TACuAzbJw/eRriB0xzlmVqJaC5kD803QAOT3q9UnJLPWdfjhh0O+/CbpncCpwIXAM/TQ81VELAKOJB04ZwKXR8Rdkr4lqdL71nXAk5LuBm4CvhoRT9ZjXcxWckMj4nJyBUnOn8XdzeAcMytXrQ/+zJe0b0RMApC0H/BE/cIya02LFy+GpQe6j5Hub/4V8CtJt/c0f0RMBiZXjTup8D6AY/LLrJ0tlLQBS0/qdiWdzHXLOWZWnloLmUcAF0s6m5Swc4FP1y0qsxaVC5kVe5KfPs1qzUcz69kxpEvdW+UnwYcB7kTErB/VdLk8Ih6MiF2BNwDbR8RuEfFAfUMzaz2HHHIIwHaSriY1WfRnAElbU0Mti5nVbA1gD1IHB4eTjl13NDYks/ZSa7eSG0k6H7giIp6TNErSYXWOzazlHH/88ZDa4ZsA7J4vvUHKxS82KCyzVvT9iFgUEXdFxJ01tN5gZiWr9cGfCfT+KT0z69zCiLgqIhZWRkTEfZWG2c2sFNdL+rBUViv1ZtZbtRYye/2UnpmZWQMdQ2pq7xVJz0p6TtKzjQ7KrJ3U+qBBn57SMzMza4SIGNzoGMzaXa2FTD+lZ1YiSUcCF0fE042OxaxV5bYt35kHp0TEbxsZj1m1aEDUAAAXqklEQVS7qbXv8lsl7cHSLvDu9U3UZivkdcBUSbcCFwDXFR4CMrMVJOlUYBfg4jzqaEm7R8RxDQzLrK3U2nf5R4Hf554PTgB2lvQdP6hg1jcRcYKkE4H3AocCP5Z0OXB+RDzY2OjMWsL7gR0j4jUASROB24CmKmRq4sQVXkaMGVNCJGa9V+uDPyfmpot2B94HTATOqV9YZq0v11w+ml+LgPWAKyWd3tDAzFrHkML7dRsWhVmbqrWQWXmS/APAORFxNSvQd7mkIZKulHSPpJmS3tbXZZk1I0lHSZoOnA78FXhjRHweeDPw4YYGZ9Ya/ge4TdKEXIs5Hfhug2Myayu1PvjzsKRzgb2A0yStTu0F1M6cSbr8/hFJqwFrrsCyzJrRUODAiPh3cWREvCbpgw2KyaxlRMQlkqaQ7ssU8LWIeLSxUZm1l1oLigeRGmMfHRELgPWBr/blCyWtQ3ra73yAiHglL9OsnUwGnqoMSBos6a0AETGzYVGZtQhJBwAvRMSkfPXtJUn7Nzous3ZSa9/lL0TEryPi/jw8LyKu7+N3vh6YD/xc0m2SzpO0VvVEksZJmiZp2vz58/v4VWYrrXOA5wvDC/F9zmZlOjkilrTnnCszTm5gPGZtZ0UueffVQGBn0r2dO5EOrss97RcR4yOiIyI6hg0b1t8xmtWbik0W5Sdga719xcx61tnxzTlm1o8aUcicC8yNiFvy8JWkQqdZO5mVH/5ZNb+OBmY1OiizFjJN0g8kbSXp9ZLOID38Y2b9pN8LmfnG6zmSts2j9gTu7u84zBrsCGA34GHSiddbgXENjcistXwReAW4jNSH+UvAFxoakVmbqbUx9gOB04ANSU/pidTM3zp9/N4vAhfnJ8tnkRqjNmsbEfE4cHCj4zBrVRGx5FYsSQOAtfI4M+sntd6fcjrwobKeeo2I24GOMpZl1owkrQEcBmwPrFEZHxGfaVhQZi1E0i9JVwwWky6TryvpBxHxv42NzKx91Hq5/DE3q2JWqotI/Ze/D/gTsBnwXEMjMmstoyLiWWB/UpNhw4FPNTYks/ZSa03mNEmXAb8BXq6MjIhf1yUqs9a3dUR8VNJ+ETEx17pc1+igzFrIqpJWJRUyfxwRr0qKnmYys/LUWshcB3gBeG9hXAAuZJr1zav57wJJO5D6Lx/RuHDMWs65wEPADOBmSVsAzzY0IrM2U1MhMyL8YI5ZucZLWg84AZgErA2c2NiQzFpHRJwFnFUZljQbeHfjIjJrP90WMiX9V0ScLulHpJrLZUTEUXWLzKy1PRsRTwM3k3rBMrM6kfTbiPggsKjRsZi1k55qMisP+0yrdyBmbeZI4PJGB2HWJjZtdABm7ajbQmZEXJP/TuyfcMzaxg2SjiU1FL2k7b6IeKq7mSSNBs4EBgDnRcSpXUz3EVID1LtEhE8Srd3dVuuEzjHrykRpxRcyYcKKL6OJ9HS5fDzwo4j4ZyefrQV8DHg5Ii6uU3xmrarSHmaxB5Kgm0vnuUHps4G9Sb0ETZU0KSLurppuMHAUcMvySzFrbbNnz15uXK3tzzrHzMrV0+XynwAnSnojcCcwn9Rw9EjSE+cXAC5gmvVSRGzZh9neAjwQEbMAJF0K7Mfy3bJ+m9SBwrErFKRZE9p///2XvJf0q4j4cC9md46Zlainy+W3AwdJWpvUQ8/GwIvAzIi4tx/iM2tJkj7d2fiIuLCb2TYF5hSGK32eF5e7E7B5RPw2X443aysRyzyj2tuH6pxjZiWqtQmj54Ep9Q3FrK3sUni/BrAncCvQXSGzsxuClhxRJa0CnAGMrSUASeOAcQDDhw+vZRazlZ6WvW+ut42vl5Zjzi+z2htjN7MSRcQXi8OS1iV1NdmducDmheHNgEcKw4OBHYAp+UD7OmCSpH07ezAhIsYD4wE6OjrcE4q1hBkzZgDsJOk5YJCkSgPsAiIi1ulm9tJyzPll5kKm2criBdK9zt2ZCoyUtCXwMHAw8PHKhxHxDDC0MixpCnCsn3y1drJ48WIk3RYRHX2Y3TlmVqJeFTIlrRURC3ue0sy6I+kall6GWwUYRQ/tZkbEIklHkvo4HwBcEBF3SfoWMC0iJtUzZrNW5xwzK1dNhUxJuwHnkbq+Gy7pTcDhEfGf9QzOrIV9r/B+EfDviJjb00wRMRmYXDXupC6mfdeKBGjWjpxjZuWptSbzDOB9pD6WiYgZkt5Zt6jMWt9sYF5EvAQgaZCkERHxUGPDaj1uQNnMrDFWqXXCiJhTNWpxybGYtZMrgNcKw4vzODMzs5ZQa03mnHzJPCStRurpYGYP85hZ1wZGxCuVgYh4JeeWmZlZS6i1kHkEqS/XTUlNPFzPst3hmf1/e/ceLVdZn3H8+wiCKHIRkQViBYWirqqgEam2xSpYsVyktQoqJqgr1IU2XtCFWk2w2CpaRZQiASSgKF5QiSyUKoIt1gsJl5SLIOCNJBbxGrwg6q9/zA6ZHM7JmXOyZ+ZMzvez1qyZvWfP3r83c56sd/bl3ZqaHzfDniwFSHIYcOewivnJ8uXTO6zsYWRJ0gR6HYz9TuDFbW64uUfsMmBlVR3c5rqlEfCPwHlJPthM3w6MexcgSZJGUa9Xl+8OvBrYrfszVXXoRmx7AZ1D7hsaGFfaJFXVrcB+zS1bU1Vrhl2TJElt6vXCn88B3wM+APx712NakuwK/C2dYZGkWSfJvybZrqruqqo1SbZPcuKw65IkqS29npP526o6pcXtngy8kc4tusblfV+1iTuoqt68dqKqfpbkucA/D7EmSZJa02sn8/1JFtK54OfutTOr6qqpbjDJwcAdVbU8yTMmWs77vmoTt1mSLavqbuiMkwlsOeSaJGnKHItWE+m1k/l44Cjgmawb26+a6al6OnBos9fmAcA2ST5aVS+ZxrqkUfVR4NIkZ9PJ0suAc4dbkiRJ7em1k3k48Kjucf2mq6reBLwJoNmTeZwdTM02VXVSkhXAAUCAf6mqS4ZclqQ+mPYQYeAePo20Xi/8uRbYrp+FSLNNVX2xqo6rqtcDdyU5ddg1SZLUll73ZO4EfDvJlax/TubGDGFEVV0OXL4x65BGVZK9gSOBFwLfBT4z3IokSWpPr53MhX2tQpolbr75ZoCdk9wI/AT4BJ1xMv96qIVJ6pvvAfOA9zWv39/13jzgGc3zWk8EXtssz7yud5YsgcsvX/8Q+oIFsNtu8NrXrpu3//5w9NGwcCF8//tk3jx23nlnVq1axaJFizjhhBPuXXTZsmUAzJkz5955CxcuZNGiReyyyy6sXr0agCc96UksX76c+fPnc8YZZ9y77MqVK7l6im26tmv+Epo9Td3t7KFNAGy3HZx8Mnz2s3DhheuWXTTmGeAwOif+vQb4eTPvkcAJwNnAV9ctuurAVSxfvpxDD123H+30009nyym2aUnXvAV0Bhpfr51TatOi9Z+n2Kbx/vgW372Y+fPnk65TOQ4++GA+//nPc8ghh3DRRRfdO7+qWLx4MccccwxTkaqZf+H2nDlzam0QpI2Vc1q4EhKouVPPzv3udz+q6i5gn6q6BSDJbVX1qFaKmqbdk1o0jc/Na+18sXkbvYaJvo82rnydLe2Etto6r4V1TC9jAEmWV9WcyZccjOnmC9r5Pmru3I1ex4bMnIzNa2Ed/l/Si14ztsFzMpNc0TyvSfLLrseaJL+cdnXSLHXBBRcA3ANcluSMJM+ic+GPJEmblMku/HkQQFU9uKq26Xo8uKq8HaQ0RYcffjjAbcBj6BxReS2wU5LTkjx7iKVJktSqyTqZM/9YujSCqupXVXVeVR0M7ApcAxw/5LIkSWrNZBf+PCzJ6yZ6s6re23I90qxTVT8FTm8ekiRtEibrZG4GbI3njEmSJGkKJutkrq6qtw+kEkmSJG0yJutkugdTmgW+x/TG8eN974Nru0aIm+Y4fkDnnmInA58FuoaH63XMuyef8uRxx/GbztiEY8e8m36b2h/HL/PCypUr7zOO31TbdDmO4yepvzY4TmaShzTniw2V42SqTcMcJxNm3hh+4DiZk5kt7YTRGK9wMjMtY46TOblR+LubOe2ETWKczJnQwZQkSdLomWwII0mSJGnK7GRKkiSpdXYypRGS5DlJbkpyS5L7DN6e5HVJbkiyIsmlSR45jDqlUWXGpPbYyZRGRJLNgFOBg4DHAUcmedyYxa4G5lTVE4BPAycNtkppdJkxqV12MqXRsS9wS1XdVlW/A86nM0jMvarqsqr6dTP5DTq3rJTUGzMmtchOpjQ6Hg78sGv69mbeRF4OfGGiN5PMT7IsybI1LRUojbjWMma+pMkHY5c0c4w3SNu4A50leQkwB9h/opVV1WJgMXTG8WujQGnEtZYx8yXZyZRGye3AI7qmdwVWjV0oyQHAW4D9q+ruAdUmbQrMmNSigR8uT/KIJJcluTHJ9UkWDLoGaURdCeyZZPckWwBHAEu7F0iyD3A6cGhV3TGEGqVRZsakFg3jnMzfA6+vqscC+wHHjnP1nqQxqur3wKuAS4AbgU9W1fVJ3p5k7U2s3w1sDXwqyTVJlk6wOkljmDGpXQM/XF5Vq4HVzes1SW6kc2L1DYOuRRo1VXUxcPGYeW/ren3AwIuSNiFmTGrPUK8uT7IbsA/wzXHeu/fKvB//+MeDLk2SJEkbYWidzCRbAxcAr6mqX459v6oWV9Wcqpqz4447Dr5ASZIkTdtQOplJ7k+ng3leVX1mGDVIkiSpf4ZxdXmAs4Abq+q9g96+JEmS+m8YezKfDhwFPLO5Mu+aJM8dQh2SJEnqk2FcXX4F499VQZIkSZsI710uSZKk1tnJlCRJUuvsZEqSJKl1djIlSZLUuoFf+KOZK+e0cz1Wza1W1iNJkkaXezIlSZLUOjuZkiRJap2dTEmSJLXOTqYkSZJaZydTkiRJrbOTKUmSpNbZyZQkSVLr7GRKkiSpdXYyJUmS1Do7mZIkSWqdnUxJkiS1zk6mJEmSWmcnU5IkSa2zkylJkqTW2cmUJElS64bSyUzynCQ3JbklyfHDqEEaRZNlJ8mWST7RvP/NJLsNvkppdJkxqT2bD3qDSTYDTgUOBG4HrkyytKpuGHQtvco52eh11NxqoRLNZj1m5+XAz6pqjyRHAO8CXjj4aqXRY8akdg1jT+a+wC1VdVtV/Q44HzhsCHVIo6aX7BwGnNO8/jTwrCQb/ytJmh3MmNSiVA12D1uS5wPPqapXNNNHAU+tqleNWW4+ML+Z3Au4aaCFru+hwJ1D3P6g2M7BeGRV7TjVD/WSnSTXNcvc3kzf2ixzn/aasaGwnYMx9IyZr6GYLe2E4be1p4wN/HA5MN4vvvv0dKtqMbC4/+VMLsmyqpoz7Dr6zXbOeL1kp6d8gRkbBts547WWMfM1eLOlnTA6bR3G4fLbgUd0Te8KrBpCHdKo6SU79y6TZHNgW+CnA6lOGn1mTGrRMDqZVwJ7Jtk9yRbAEcDSIdQhjZpesrMUmNu8fj7wlRr0OTHS6DJjUosGfri8qn6f5FXAJcBmwIer6vpB1zFFM+KQxwDYzhlsouwkeTuwrKqWAmcBH0lyC529K0cMr+IpGcnvZBps5wy2CWdsJL+PaZgt7YQRaevAL/yRJEnSps87/kiSJKl1djIlSZLUOjuZjSQfTnJHMwba2nnvSrIiybld845KsmA4VU7PBG17SJIvJflO87x9M//vk1yf5L+T7NDMe3SS84dV/4ZMsW1JckpzO7gVSZ7UzN8ryfIk1yb582be5km+nOSBw2nZpseMmTEz1l9mzIzNtIzZyVxnCfCctRNJtgWeVlVPADZL8vgkWwHzgP8YSoXTt4SutjWOBy6tqj2BS5tpgNcD+wHnAi9q5p0IvLX/ZU7LEnpv20HAns1jPnBaM/+YZpnnA8c1814JfKSqft23ymefJZgxMGNmrH+WYMbAjM2YjNnJbFTVf7H+WGd/BLZIEmAr4B7gDcApVXXPEEqctnHaBuvfGu0c4HnN6z8CWwIPBO5J8pfA6qr6ziBqnaoptu0w4Nzq+AawXZKd6Xy3W7GuzdsBh9D5D0otMWNmDDPWV2bMjDHDMjaMO/6MhKpak+QC4Go6vyJ+ATylqt4+3Mpas1NVrQaoqtVJHtbMP4HO8B2rgJcAn2Q0hujoNlHbHg78sGu525t5p9IJ4pZ0fg2+DXiHY9/1lxkzY2asv8yYGRt2xuxkbkBVnQScBJDkTOBtSV4BPBtYUVUnDrO+fqiqLwFfAkgyF7gY2CvJccDPgAUjfHhr3NvBVdUPgGcAJNkD2AX4dpKPAFsAb62qmwdW5SxixswYZqyvzJgZY4gZ83B5D5Ls07y8GXhpVb0A+LMkew6xrI31f80udprnO7rfbE4UnkvnvJ1/A14GLAdePOA6p2OitvVyy7h30Dlv55+A84CFzUN9ZMbMWF+rlRkzY0PJmJ3M3vwLnV3P96dzFwjonPMxyldFdt8abS5w4Zj33wi8vzlvZyugGJ02T9S2pcBLm6vz9gN+sfZwBECS/YGVzXk7D6TT3j8wGm0edWbMjKm/zJgZG7yq8tE5ZeHjwGo6J8/eDry8mf88YGHXcu8B/hc4b9g1b0zbgB3onKPzneb5IV3L7wJc1DX9D8D1wNeAHYfdnum2jc5hhlOBW5vvcE7XekLn8Mr2zfRjgauAFcDTh93OTeFhxsyYGRv8d9XMN2NmbCgZ87aSkiRJap2HyyVJktQ6O5mSJElqnZ1MSZIktc5OpiRJklpnJ1OSJEmts5M5AEl2SHJN8/hRkpVd01v0uI6zk+w1yTLHJmllkNkkhzX1XZvkhuYOERta/pnNmF3jvbdzkou71rW0mf+IJJ9oo17NbmbMjKl/zJf5mi6HMBqwJIuAu6rqPWPmh8738cehFLZ+LVsC36Uz/taqZvqRtYFbUiU5Ebizqk4e572zgKuq6tRm+glVtaJP5WuWM2NmTP1jvszXVLgnc4iS7JHkuiQfojNg6s5JFidZluT6JG/rWvaKJHsn2TzJz5O8s/lV9fUkD2uWOTHJa7qWf2eSbyW5KcnTmvkPSnJB89mPN9vae0xp29IZ1PWnAFV199pwJtkpyWeaz30ryX5JHg28AnhD88vxaWPWtzOdAWZp1reiq/3XNK/P7vplfGeStzTzj2+2s6L730PqhRkzY+of82W+JmMnc/geB5xVVftU1Urg+KqaAzwRODDJ48b5zLbAV6vqicDX6dyPdTypqn2BN9C5nRjAq4EfNZ99J7DP2A9V1R3AJcD3k3wsyZFJ1v6tnAKc1NT4AuDMqroVOBN4d1XtXVX/M2aVHwTOSfKVJG9Ocz/WMds8uqr2Bg4H7gTOTfJc4E+ApwJ7A08bJ/zSZMwYZkx9Y74wXxOxkzl8t1bVlV3TRya5is6vwsfSCfBYv6mqLzSvlwO7TbDuz4yzzF8A5wNU1bV0brN1H1U1DzgQWAYcDyxu3joA+FDz6+1zwPZJtpq4eVBVFwOPBs5q2nN1kh3GLtes51PAK6vqh8CzgYOAq+n8e+wB/OmGtiWNw4w1zJj6wHw1zNd9bT7sAsSv1r5IsiewANi3qn6e5KPAA8b5zO+6Xv+Bib/Hu8dZJr0W1hwSWJHkY8CNdA4npKmvuwaSDa+2qn4CnAecl+SLdP6jGPufwxnA+VV1WVetJ1bVWb3WLI3DjK1jxtQ287WO+RrDPZkzyzbAGuCXze74v+nDNq6gc4iAJI9nnF+ZSbZJ8ldds/YGvt+8/jJwbNeya8+FWQM8eLwNJnnW2l+KSbYBdgd+MGaZBcD9x5xMfgnw8iQPapbZNclDe2ynNB4zZsbUP+bLfK3HPZkzy1XADcB1wG3A1/qwjQ/QOVdkRbO964BfjFkmwJuSnAH8BriLdefMHAucluRoOn8/lzXzLgQ+leTvgGPHnNPyFOCDSe6h88PmtKq6OskeXcscB/x67UnUwAer6swkjwG+0fzKXAO8iM75LtJ0mDEzpv4xX+ZrPQ5hNMsk2RzYvKp+2xza+E9gz6r6/ZBLkzYJZkzqH/M1WtyTOftsDVzaBDXAMYZTapUZk/rHfI0Q92RKkiSpdV74I0mSpNbZyZQkSVLr7GRKkiSpdXYyJUmS1Do7mZIkSWrd/wMFw2EpFPneugAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "# TODO: Import the three supervised learning models from sklearn\n", + "from sklearn.naive_bayes import GaussianNB\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "from sklearn.svm import SVC\n", + "\n", + "# TODO: Initialize the three models\n", + "clf_A = GaussianNB()\n", + "clf_B = DecisionTreeClassifier()\n", + "clf_C = SVC()\n", + "\n", + "# TODO: Calculate the number of samples for 1%, 10%, and 100% of the training data\n", + "# HINT: samples_100 is the entire training set i.e. len(y_train)\n", + "# HINT: samples_10 is 10% of samples_100 (ensure to set the count of the values to be `int` and not `float`)\n", + "# HINT: samples_1 is 1% of samples_100 (ensure to set the count of the values to be `int` and not `float`)\n", + "samples_100 = int(X_train.shape[0])\n", + "samples_10 = int(samples_100 * 0.1)\n", + "samples_1 = int(samples_100 * 0.01)\n", + "print(samples_100, samples_10, samples_1)\n", + "print()\n", + "# Collect results on the learners\n", + "results = {}\n", + "for clf in [clf_A, clf_B, clf_C]:\n", + " clf_name = clf.__class__.__name__\n", + " results[clf_name] = {}\n", + " for i, samples in enumerate([samples_1, samples_10, samples_100]):\n", + " print(i, samples)\n", + " results[clf_name][i] = \\\n", + " train_predict(clf, samples, X_train, y_train, X_test, y_test)\n", + "# Run metrics visualization for the three supervised learning models chosen\n", + "vs.evaluate(results, accuracy, fscore)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Improving Results\n", + "In this final section, you will choose from the three supervised learning models the *best* model to use on the student data. You will then perform a grid search optimization for the model over the entire training set (`X_train` and `y_train`) by tuning at least one parameter to improve upon the untuned model's F-score. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 3 - Choosing the Best Model\n", + "\n", + "* Based on the evaluation you performed earlier, in one to two paragraphs, explain to *CharityML* which of the three models you believe to be most appropriate for the task of identifying individuals that make more than \\$50,000. \n", + "\n", + "** HINT: ** \n", + "Look at the graph at the bottom left from the cell above(the visualization created by `vs.evaluate(results, accuracy, fscore)`) and check the F score for the testing set when 100% of the training set is used. Which model has the highest score? Your answer should include discussion of the:\n", + "* metrics - F score on the testing when 100% of the training data is used, \n", + "* prediction/training time\n", + "* the algorithm's suitability for the data." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer: **\n", + "\n", + "From the above graphs we can see that when working on our training data (which is a subset of the entire dataset used exlusively for training our model) that the Decision Tree classifier appears to be overfitting. We can see this because the accuracy and F-score are very very close to one for all 3 splits of our data. This most likely suggests our model is overfitting and it will not generalise well when we introduce the rest of the data to try predict the result. \n", + "\n", + "Looking at a Support vector machine in the above graphs we can see that for the testing data (and the training data) that this model appears to show some promise. Accuracy for the SVM on 100% of the data appears to be around 80% with the default values. For the fscore we can see that the value is around 65-70% for 100% of the data. This is a good indicator that with some further tuning of the model - we should be able to increase this accuracy further.\n", + "\n", + "The training time for a SVM is the highest out of all of the 3 models chosen. Indeed with 100% of the data used only SVM is showing any significant time needed to train a model. This is something we will have to work with and be careful with. If the model takes a significant amount of time to train we could look to the other two models. If we chose a decision tree we would need to be careful that we do not overfit and put some work into tuning the hyperparameters for the model. \n", + "\n", + "We discuss below the algorithms suitability and how it works in simple terms as to the reason why we are choosing a SVM." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 4 - Describing the Model in Layman's Terms\n", + "\n", + "* In one to two paragraphs, explain to *CharityML*, in layman's terms, how the final model chosen is supposed to work. Be sure that you are describing the major qualities of the model, such as how the model is trained and how the model makes a prediction. Avoid using advanced mathematical jargon, such as describing equations.\n", + "\n", + "** HINT: **\n", + "\n", + "When explaining your model, if using external resources please include all citations." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer: ** \n", + "\n", + "A support vector machine is a supervised learning algorithm that can be used in regression, but it really shines when used as a classifier. As we are wanting to classify whether someone earns \\$50k or not we have a classification problem, which a support vector machine lends itself well to.\n", + "\n", + "\n", + "The model works by classifying points. If we had 2 features (i.e if we took age and education level), converted them to arbitrary numbers and plotted them on a grid, we could colour each point red or green: red being they earn <50k and green meaning they earn >50k. In this plot a support vector machine would attempt to find a \"line\" that seperates the data.\n", + "\n", + "In our case we have many features (much more than 2), in this case visualising a plot is impossible, but the method remains the same just extended to higher dimensions. In this case we are not finding a line, rather a hyperplane (a higher dimensional line) that will seperate the points.\n", + "\n", + "When finding a hyperplane the model uses a margin to help optimise the model. We can think of the margin as the distance from a point to the seperating line (or hyperplane). If this margin is high, then this means there is a good distance from each classified point to the seperating hyperplane. If this margin is small, this means the points are close to the hyperplane - this means we are more likely to make a mistake in classifying a point. The aim of the method is to find the best line. It knows what the best is by maxmising this distance margin. \n", + "\n", + "A support vector machine uses a technique called the kernel trick to find this hyperplane. What this means in practice is that we can find very non linear hyperplanes to seperate our data. When compared to methods such as regression which do something similar, it means a support vector machine is much more useful in a non-linear seperation problem. If we observed our data in the 2 dimensional example as above, it might be obvious from the graph that a circle might seperate our data and classify points accurately. A SVM would allow us to do this, a regression line would not. \n", + "\n", + "To make a prediction the model will take a data point we give it, and \"plot\" it. It would then read from this what it believes the point is (what region it has been plotted in) based on the data we gave the model to train using the found hyperplane. This is how it makes a prediction\n", + "\n", + "** All information here is taken from this Udacity course - I have not cited it as per https://udacity.zendesk.com/hc/en-us/articles/360001451091-What-is-plagiarism-" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation: Model Tuning\n", + "Fine tune the chosen model. Use grid search (`GridSearchCV`) with at least one important parameter tuned with at least 3 different values. You will need to use the entire training set for this. In the code cell below, you will need to implement the following:\n", + "- Import [`sklearn.grid_search.GridSearchCV`](http://scikit-learn.org/0.17/modules/generated/sklearn.grid_search.GridSearchCV.html) and [`sklearn.metrics.make_scorer`](http://scikit-learn.org/stable/modules/generated/sklearn.metrics.make_scorer.html).\n", + "- Initialize the classifier you've chosen and store it in `clf`.\n", + " - Set a `random_state` if one is available to the same state you set before.\n", + "- Create a dictionary of parameters you wish to tune for the chosen model.\n", + " - Example: `parameters = {'parameter' : [list of values]}`.\n", + " - **Note:** Avoid tuning the `max_features` parameter of your learner if that parameter is available!\n", + "- Use `make_scorer` to create an `fbeta_score` scoring object (with $\\beta = 0.5$).\n", + "- Perform grid search on the classifier `clf` using the `'scorer'`, and store it in `grid_obj`.\n", + "- Fit the grid search object to the training data (`X_train`, `y_train`), and store it in `grid_fit`.\n", + "\n", + "**Note:** Depending on the algorithm chosen and the parameter list, the following implementation may take some time to run!" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "SVC(C=0.01, cache_size=200, class_weight=None, coef0=0.0,\n", + " decision_function_shape='ovr', degree=3, gamma=0.1, kernel='rbf',\n", + " max_iter=-1, probability=False, random_state=None, shrinking=True,\n", + " tol=0.001, verbose=False)" + ] + }, + "execution_count": 25, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "from sklearn.model_selection import GridSearchCV\n", + "from sklearn.metrics import make_scorer\n", + "\n", + "clf = SVC(C=0.01, gamma=0.1, kernel='rbf')\n", + "\n", + "clf.fit(X_train, y_train)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "predictions_test = clf.predict(X_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0.8245439469320066" + ] + }, + "execution_count": 27, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "accuracy_score(y_test, predictions_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Unoptimized model\n", + "------\n", + "Accuracy score on testing data: 0.8371\n", + "F-score on testing data: 0.6745\n", + "\n", + "Optimized Model\n", + "------\n", + "Final accuracy score on the testing data: 0.8392\n", + "Final F-score on the testing data: 0.6803\n" + ] + } + ], + "source": [ + "# TODO: Import 'GridSearchCV', 'make_scorer', and any other necessary libraries\n", + "from sklearn.model_selection import GridSearchCV\n", + "from sklearn.metrics import make_scorer\n", + "\n", + "# TODO: Initialize the classifier\n", + "clf = SVC()\n", + "\n", + "# TODO: Create the parameters list you wish to tune, using a dictionary if needed.\n", + "# HINT: parameters = {'parameter_1': [value1, value2], 'parameter_2': [value1, value2]}\n", + "parameters = {'C': [0.001, 0.01, 0.1, 1, 10, 20, 30],\n", + " 'gamma': [0.001, 0.01, 0.1, 1, 2, 5],\n", + " 'kernel': ['linear', 'rbf']}\n", + "\n", + "# TODO: Make an fbeta_score scoring object using make_scorer()\n", + "scorer = make_scorer(fbeta_score, beta=0.5)\n", + "\n", + "# TODO: Perform grid search on the classifier using 'scorer' as the scoring method using GridSearchCV()\n", + "grid_obj = GridSearchCV(clf, param_grid=parameters, scoring=scorer, n_jobs=-1)\n", + "\n", + "# TODO: Fit the grid search object to the training data and find the optimal parameters using fit()\n", + "grid_fit = grid_obj.fit(X_train, y_train)\n", + "\n", + "# Get the estimator\n", + "best_clf = grid_fit.best_estimator_\n", + "\n", + "# Make predictions using the unoptimized and model\n", + "predictions = (clf.fit(X_train, y_train)).predict(X_test)\n", + "best_predictions = best_clf.predict(X_test)\n", + "\n", + "# Report the before-and-afterscores\n", + "print(\"Unoptimized model\\n------\")\n", + "print(\"Accuracy score on testing data: {:.4f}\".format(accuracy_score(y_test, predictions)))\n", + "print(\"F-score on testing data: {:.4f}\".format(fbeta_score(y_test, predictions, beta = 0.5)))\n", + "print(\"\\nOptimized Model\\n------\")\n", + "print(\"Final accuracy score on the testing data: {:.4f}\".format(accuracy_score(y_test, best_predictions)))\n", + "print(\"Final F-score on the testing data: {:.4f}\".format(fbeta_score(y_test, best_predictions, beta = 0.5)))" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "SVC(C=0.01, cache_size=200, class_weight=None, coef0=0.0,\n", + " decision_function_shape='ovr', degree=3, gamma=0.001, kernel='linear',\n", + " max_iter=-1, probability=False, random_state=None, shrinking=True,\n", + " tol=0.001, verbose=False)" + ] + }, + "execution_count": 29, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "best_clf" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 33, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "grid_obj.get_params" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 42, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAWYAAAD8CAYAAABErA6HAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAGg1JREFUeJzt3Xl8VfWd//HXhwDFyhIWQQiURVCrM7VuYKU6ILKJFtxpHQktbRwXEKczotXKr2ylddx/ijCKolWRahmwpdrIMiotCqIoiJqICwEEMWwqSHLzmT/ul/SCWS4lyT05vp8+vo/c8z3fc873POTxySef8733mrsjIiLR0SDTExARkf0pMIuIRIwCs4hIxCgwi4hEjAKziEjEKDCLiESMArOISMQoMIuIRIwCs4hIxDSs7QuUbF2ntxbKVxzW4YxMT0EiqHTvBjvUcxxMzGnUptshX682KGMWEYmYWs+YRUTqVFki0zM4ZArMIhIvidJMz+CQKTCLSKy4l2V6CodMgVlE4qVMgVlEJFqUMYuIRIwe/omIRIwyZhGRaPEYrMrQG0xEJF7KytJv1TCzbDN7yszeNrO1ZvY9M2tlZvlmVhB+tgxjzczuNrNCM3vDzE5KOU9uGF9gZrnVXVeBWUTixcvSb9W7C3jW3Y8FTgDWAjcAC929B7AwbAMMBnqElgdMAzCzVsB4oBfQExi/L5hXRoFZROKlLJF+q4KZNQfOBB4EcPe97r4dGArMCsNmAcPC66HAI560DMg2s/bAQCDf3YvdfRuQDwyq6toKzCISLzWXMXcDPgEeMrPXzOwBMzscaOfumwDCz7ZhfA6wPuX4otBXWX+lFJhFJF4SpWk3M8szsxUpLS/lTA2Bk4Bp7n4i8Dl/L1tUpKJPqvMq+iulVRkiEi8H8c4/d58BzKhkdxFQ5O4vh+2nSAbmzWbW3t03hVLFlpTxnVKO7whsDP19DuhfUtW8lDGLSKy4J9JuVZ/HPwbWm9kxoasf8BYwH9i3siIXmBdezwdGhNUZpwE7QqnjOWCAmbUMD/0GhL5KKWMWkXip2TeYjAYeM7PGwDrgxyQT2jlmNgr4CLg4jF0AnAMUAl+Esbh7sZlNBJaHcRPcvbiqi5p77X7BiL7BRCqibzCRitTEN5jsWTk/7ZjT5KQfRPIbTJQxi0i86C3ZIiIRkyjJ9AwOmQKziMSLPo9ZRCRiVMoQEYkYZcwiIhGjwCwiEi2uh38iIhGjGrOISMSolCEiEjHKmEVEIkYZs4hIxChjFhGJmNL6/y3ZCswiEi/KmEVEIkY1ZhGRiFHGLCISMcqYRUQiRhmziEjEaFWGiEjE1PL3mNYFBWYRiRfVmEVEIkaBWUQkYvTwT0QkYhKJTM/gkCkwi0i8qJQhIhIxCswiIhGjGrOISLR4Wf1fx9wg0xMQEalRZWXpt2qY2Qdm9qaZvW5mK0JfKzPLN7OC8LNl6Dczu9vMCs3sDTM7KeU8uWF8gZnlVnddBWYRiZdEIv2Wnr7u/l13PyVs3wAsdPcewMKwDTAY6BFaHjANkoEcGA/0AnoC4/cF88ooMItIvNRgxlyJocCs8HoWMCyl/xFPWgZkm1l7YCCQ7+7F7r4NyAcGVXUB1ZgP0c5dnzF+6p0UrvsQzJj4i+t48a/LWfTS32hgDWjVsgWTb/o5bY9oDcArK9/gN3dNp7S0lJbZzXn43lvZtPkTfjHxv9havI0GZlw0dDCXXzKsmitLfdKgQQNeXvZnNm74mKHn57Jk0R9o2qwpAG2PaM3yFa9z4UWjaN68GY/MuodOnXJo2DCL22+/n1mPzMnw7OuZml2V4cBfzMyB6e4+A2jn7psA3H2TmbUNY3OA9SnHFoW+yvorpcB8iKbeeT+9e53CHZNvpqSkhN17vqR7128xOm8EAL/7/TymPfQ4468fzc5dnzHptv/P9Nsm0f7Itny6bTsADbOy+M/RP+O4Y7rz+edfcMmoMZx+6okc1bVzJm9NatCY0T/l7bcLaN6sGQB9zrqgfN+cJ2cw/5m/AHDVlSNZu/Zdhp0/kjZtWvHW6hd4/Im5lJSUZGTe9dJBfIiRmeWRLDvsMyME3316u/vGEHzzzeztqk5X0Wyq6K9UtaUMMzvWzMaFovZd4fW3qzvu6+Czzz/n1VWrufC8gQA0atSI5s2a0vTww8vH7N69Bwv/WxbkL+Hsf+lN+yOTv2Bbt8wG4Ig2rTjumO4AHH74N+nWuRObP/m0Du9EalNOTnvOGdyPmTOf+Mq+pk0Pp2+f3syb9ywA7k7Tpk3L9xUXb6c0Bh9jWacOopTh7jPc/ZSUlhqUcfeN4ecWYC7JGvHmUKIg/NwShhcBnVIO7whsrKK/UlUGZjMbB8wmGfFfAZaH10+Y2Q1VHft1ULThY1pmt+Dmybdz0cirueXXd/LF7j0A3DX9Yfqdfzl/+stirvnp5QB88FERO3d9xshrrueSn4xm3p+f/8o5N2zazNqC9/jO8cfU6b1I7bn9tl9xw42TKKvgT+xhwwazaPFSdu36DIB773uIbx/bg/UfruT1lQv595+Px2PwMZZ1qszTb1Uws8PNrNm+18AAYDUwH9i3siIXmBdezwdGhNUZpwE7QsnjOWCAmbUMD/0GhL5KVZcxjwJOdfep7v670KaS/K0xqppjY680kWDtu4Vcev4Qnnr4Xg47rAkPPpqsB157xUgWzn2UIQP68vjTzwCQSJTx1tsF3HfrBKbfPonpDz/BBx8VlZ/viy92c91Nkxg35or9sm6pv4acczZbtmxl5WtvVrh/+CVDmf3k/5RvDxjQh1Wr1tCp80mcfOoA7rpzEs1CLVrSVHOrMtoBL5nZKpKJ6Z/c/VlgKtDfzAqA/mEbYAGwDigE/hu4CsDdi4GJJBPb5cCE0Fep6gJzGdChgv72YV+FzCzPzFaY2YoHHvnqn29xcWTbNrQ7og3fOf5YAAb0+T5vvVu435ghA/rw/JKlALRr24bep53CNw9rQsvsFpz83X/incL3ASgpLWXsTZMYMqAv/fv0rtsbkVpz+umncN65Ayh8dxmP/e4++vbtzayH7wagVauWnHrqiSxYsLB8/MgRlzL3fxYA8N57H/DBB+s5NpS5JD1eVpZ2q/I87uvc/YTQjnf3yaH/U3fv5+49ws/i0O/ufrW7H+Xu/+zuK1LONdPdu4f2UHX3UF1gHgssNLM/m9mM0J4luXbv2ipuqLxu89MRP6xuDvVWm9atOLLtEbz/YTLrXfbq6xzV5Vt8uH5D+ZjFLy6ja+eOAPQ94zRWrlpNaWmC3Xv28Oaad+jWpRPuzi2/vpNunTuRO/yCCq8l9dNNN0+lS7dT6H70aVz2r1exePFSckeOAeCiC8/lTwue58svvywf/9H6DZx11vcBaNu2DUcf3Y1173+YkbnXWzVUysikKldluPuzZnY0ydJFDsn6chGw3N3r/2fr1YBfXHcl4371W0pKS+jUoT0Tf3Ed46fexQcfFWENjA5HtuWW/xwNwFFdvkXvXqdwQe6VNLAGXHjeQHp068LKVat55tmF9DiqCxfmXg3AtVfkcubpPTN5a1LLLr3kB/z21nv365s85U5mPnAHr618HjPjxpum8Omn2zI0w3oqBp+VYbX9YKFk67ro/lqSjDmswxmZnoJEUOneDRUtLTson0+4LO2Yc/gtjx3y9WqD1jGLSLyU1v8/5hWYRSReYlDKUGAWkXiJ8EO9dCkwi0isVLcMrj5QYBaReFHGLCISMQrMIiIRk/4H4EeWArOIxEocvvNPgVlE4kWBWUQkYrQqQ0QkYpQxi4hEjAKziEi0eEKlDBGRaFHGLCISLVouJyISNQrMIiIRU/9LzArMIhIvXlr/I7MCs4jES/2PywrMIhIvevgnIhI1yphFRKJFGbOISNQoYxYRiRYvzfQMDp0Cs4jEiscgY26Q6QmIiNSosoNoaTCzLDN7zcz+GLa7mtnLZlZgZk+aWePQ/42wXRj2d0k5x42h/x0zG1jdNRWYRSRWvCz9lqZrgbUp278B7nD3HsA2YFToHwVsc/fuwB1hHGZ2HDAcOB4YBNxnZllVXVCBWURipSYDs5l1BIYAD4RtA84CngpDZgHDwuuhYZuwv18YPxSY7e5fuvv7QCHQs6rrqsYsIrHiCavJ090JXA80C9utge3u5Y8Yi4Cc8DoHWA/g7qVmtiOMzwGWpZwz9ZgKKWMWkVg5mIzZzPLMbEVKy9t3HjM7F9ji7q+mnL6iqO/V7KvqmAopYxaRWPGy9DNmd58BzKhkd2/gB2Z2DtAEaE4yg842s4Yha+4IbAzji4BOQJGZNQRaAMUp/fukHlMhZcwiEis1VWN29xvdvaO7dyH58G6Ru18GLAYuCsNygXnh9fywTdi/yN099A8Pqza6Aj2AV6q6tjJmEYkV9xqtMVdkHDDbzCYBrwEPhv4HgUfNrJBkpjw8OR9fY2ZzgLeAUuBqd09UdQFLBvTaU7J1Xf1/47rUuMM6nJHpKUgEle7dcMhRtajXWWnHnI4vL6r1KP6PUMYsIrFSVrOrMjJCgVlEYuVgHv5FlQKziMSKArOISMTU8mOzOqHALCKxooxZRCRi6mC5XK1TYBaRWEloVYaISLQoYxYRiRjVmEVEIkarMkREIkYZs4hIxCTK6v+HZiowi0isqJQhIhIxZVqVISISLVouJyISMSplpOHoY86v7UtIPfTPrbpkegoSUypliIhEjFZliIhETAwqGQrMIhIvKmWIiESMVmWIiERMWaYnUAMUmEUkVhxlzCIikVKqUoaISLQoYxYRiRjVmEVEIkYZs4hIxMQhY67/710UEUmRwNJuVTGzJmb2ipmtMrM1Zvar0N/VzF42swIze9LMGof+b4TtwrC/S8q5bgz975jZwOruQYFZRGKlzNJv1fgSOMvdTwC+Cwwys9OA3wB3uHsPYBswKowfBWxz9+7AHWEcZnYcMBw4HhgE3GdmWVVdWIFZRGKlDEu7VcWTPgubjUJz4CzgqdA/CxgWXg8N24T9/czMQv9sd//S3d8HCoGeVV1bgVlEYsUPolXHzLLM7HVgC5APvAdsd/fSMKQIyAmvc4D1AGH/DqB1an8Fx1RIgVlEYqXsIJqZ5ZnZipSWl3oud0+4+3eBjiSz3G9XcMl9Mb6iFNyr6K+UVmWISKyUWfrL5dx9BjAjjXHbzWwJcBqQbWYNQ1bcEdgYhhUBnYAiM2sItACKU/r3ST2mQsqYRSRWEgfRqmJmR5hZdnh9GHA2sBZYDFwUhuUC88Lr+WGbsH+Ru3voHx5WbXQFegCvVHVtZcwiEitprLZIV3tgVlhB0QCY4+5/NLO3gNlmNgl4DXgwjH8QeNTMCklmysMB3H2Nmc0B3gJKgavdvcrfCwrMIhIr1a22SJe7vwGcWEH/OipYVeHue4CLKznXZGByutdWYBaRWNFXS4mIREwNljIyRoFZRGIlDp+VocAsIrGSUMYsIhItyphFRCJGgVlEJGJi8JV/CswiEi/KmEVEIqa6t1rXBwrMIhIrWscsIhIxKmWIiESMArOISMToszJERCJGNWYRkYjRqgwRkYgpi0ExQ4FZRGJFD/9ERCKm/ufLCswiEjPKmEVEIqbU6n/OrMAsIrFS/8OyArOIxIxKGSIiEaPlciIiEVP/w7ICs4jEjEoZIiIRk4hBzqzALCKxooxZRCRiPAYZc4NMT0BEpCaVHUSripl1MrPFZrbWzNaY2bWhv5WZ5ZtZQfjZMvSbmd1tZoVm9oaZnZRyrtwwvsDMcqu7B2XMNWhk3o8YPuJCzIzZjzzNQ9Mf454Hfku37p0BaN6iGTt37GJIn0sBOPa4Hky+/Zc0bdaUsrIyhp79I/Z+uTeTtyA1YPwdN3Jm/94Ub93GxX0uB2DsLVdzZv/elJSUUPTBBsaPncJnOz+j15mnMuamf6NR40aU7C3hzgn3snzpSgAGDO3HqGtHkJWVxYvP/5W7Jt6XyduqN2pwuVwp8HN3X2lmzYBXzSwfGAksdPepZnYDcAMwDhgM9AitFzAN6GVmrYDxwCkkF428ambz3X1bZRdWYK4hRx/bneEjLmRY/8so2VvCw7+/j8X5LzL6p9eXj7lpws/ZufMzALKysrjj/in8+5U3sXbNu2S3bEFpSWmmpi816JknF/DkzKeZeM8vy/uW/e9y7pl8P4lEgjE3X8lPxlzO3ZOmsb14O2NHjOOTzVs56tiu3PfEHQw8cRgtWjZn7C+v4rKBo9j26XYm3H0zPb9/Mq+89GoG76x+qKmw7O6bgE3h9S4zWwvkAEOBPmHYLGAJycA8FHjE3R1YZmbZZtY+jM1392KAENwHAU9Udm2VMmpI96O78vqKN9izew+JRIJXlr7KwCFn7TfmnGEDeOYPfwbgjL7f4+23Cli75l0Atm/bQVlZHB5byMplq9ixfed+fcv+9xUSieRHuL/56hratW8LwDurC/hk81YA3nv7fRp/ozGNGjcip3MHPlq3nm2fbgfg5ReW0+/cPnV3E/VYKZ52S5eZdQFOBF4G2oWgvS94tw3DcoD1KYcVhb7K+iv1DwdmM/vxP3psHL3zdiE9v3cy2S1b0OSwJvTp/33a5xxZvr/n905i6yef8sG6jwDoelRn3J1Zv5/GM4tmc8XokRmaudS1oT8cwtJFf/tK/9nn9uGd1e9SsreE9e9voEv3zrTvdCRZWVn0HXQm7Tq0reBsciA/iP/MLM/MVqS0vAPPZ2ZNgaeBse6+86tX/PvQCqdTeX+lDqWU8SvgoYp2hJvLA2j9zRyaNWl9CJepH957933uv/shHn16Ol98/gVrV79LaenfSxPnXTiYZ55+tny7YcMsTul1IkPP/hG7d+/hsbkzeHPVW/z1hVcyMX2pI6OuHUGiNMGCp/+yX3+3Y7oy5uaruOrS6wDYtWMXU8b9F7+ZPgEvc1ateJOcb3XIxJTrnYP5u9PdZwAzKttvZo1IBuXH3P0PoXuzmbV3902hVLEl9BcBnVIO7whsDP19DuhfUtW8qgzMZvZGZbuAdpUdl3qzXVufUP/XrqRpzmNzmfPYXAD+4+bRfLxxM5CsJw8a0o/z+g0vH7tp4xZe/usKthUn/1Rdkv8S//Sdbyswx9h5lwzmzP69ueLiMfv1t21/BLfPnMIvR0+k6MMN5f0v5C/lhfylAFzwrz8gkVCpKx01tVzOzAx4EFjr7ren7JoP5AJTw895Kf3XmNlskg//doTg/RwwZd/qDWAAcGNV166ulNEOGAGcV0H7NL3b+/po3aYVAB1yjmTQuf2Y/3Syntz7X3rxXsH7fLxxS/nYFxYt5djjjqbJYU3IysqiZ++TKXhnXUbmLbXv9L69GHnNZYzNHcee3V+W9zdt3pR7fncr90yZzqrlb+53TMs22QA0a9GMS0ZewNzHnqnTOddXNbVcDugNXA6cZWavh3YOyYDc38wKgP5hG2ABsA4oBP4buAogPPSbCCwPbcK+B4GVqa6U8Uegqbu/fuAOM1tS/X19vUx7+DayWyVXV9xy/RR27tgFwHkXDGL+H57db+zOHbt4cNqjzHv+cdydJfkvsjj/xUxMW2rYr6f9P04+/USyW2Xz7Mq53H/rg/x4zOU0btyIaU/eCSQfAE4edyvDf3Ihnbp25GfXjeRn140E4MrhY9m2dTvXTxzL0cd3B2DGbQ/x0br1lV1SUiS8ZjJmd3+JiuvDAP0qGO/A1ZWcayYwM91rm9fQTVTm61TKkPRlN2qa6SlIBL328dLKAmHaftT5/LRjzuMfzj3k69UGrWMWkViJw1uyFZhFJFbi8IhUgVlEYkXfYCIiEjEqZYiIRExNrcrIJAVmEYkVlTJERCJGD/9ERCJGNWYRkYhRKUNEJGJq+93MdUGBWURiJaGMWUQkWlTKEBGJGJUyREQiRhmziEjEaLmciEjE6C3ZIiIRo1KGiEjEKDCLiESMVmWIiESMMmYRkYjRqgwRkYhJeP3/4E8FZhGJFdWYRUQiRjVmEZGIUY1ZRCRiylTKEBGJljhkzA0yPQERkZqU8LK0W3XMbKaZbTGz1Sl9rcws38wKws+Wod/M7G4zKzSzN8zspJRjcsP4AjPLre66CswiEitl7mm3NDwMDDqg7wZgobv3ABaGbYDBQI/Q8oBpkAzkwHigF9ATGL8vmFdGgVlEYsUP4r9qz+X+AlB8QPdQYFZ4PQsYltL/iCctA7LNrD0wEMh392J33wbk89Vgvx/VmEUkVurg4V87d98E4O6bzKxt6M8B1qeMKwp9lfVXShmziMTKwWTMZpZnZitSWt4hXNoqnE7l/ZVSxiwisZLwRNpj3X0GMOMgL7HZzNqHbLk9sCX0FwGdUsZ1BDaG/j4H9C+p6gLKmEUkVtw97fYPmg/sW1mRC8xL6R8RVmecBuwIJY/ngAFm1jI89BsQ+iqljFlEYqUm35JtZk+QzHbbmFkRydUVU4E5ZjYK+Ai4OAxfAJwDFAJfAD8GcPdiM5sILA/jJrj7gQ8U979ubX/gR9fWJ9T/1d5S47IbNc30FCSCXvt4aUX12IOS0/L4tGPOhm1rDvl6tUEZs4jEit6SLSISMXF4S7YCs4jEij4oX0QkYvRB+SIiEaMas4hIxChjFhGJGH21lIhIxChjFhGJGK3KEBGJGD38ExGJGJUyREQiRu/8ExGJGGXMIiIRE4cac61/7Kf8nZnlhW9MECmnfxdyIH2DSd06lO8Tk/jSvwvZjwKziEjEKDCLiESMAnPdUh1RKqJ/F7IfPfwTEYkYZcwiIhGjwFxHzGyQmb1jZoVmdkOm5yOZZ2YzzWyLma3O9FwkWhSY64CZZQH3AoOB44AfmtlxmZ2VRMDDwKBMT0KiR4G5bvQECt19nbvvBWYDQzM8J8kwd38BKM70PCR6FJjrRg6wPmW7KPSJiHyFAnPdsAr6tBxGRCqkwFw3ioBOKdsdgY0ZmouIRJwCc91YDvQws65m1hgYDszP8JxEJKIUmOuAu5cC1wDPAWuBOe6+JrOzkkwzsyeAvwHHmFmRmY3K9JwkGvTOPxGRiFHGLCISMQrMIiIRo8AsIhIxCswiIhGjwCwiEjEKzCIiEaPALCISMQrMIiIR839sVjphqt9CTwAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "from sklearn.metrics import confusion_matrix\n", + "\n", + "cf = confusion_matrix(y_test, best_predictions)\n", + "\n", + "sns.heatmap(cf, annot=True, fmt='d')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 5 - Final Model Evaluation\n", + "\n", + "* What is your optimized model's accuracy and F-score on the testing data? \n", + "* Are these scores better or worse than the unoptimized model? \n", + "* How do the results from your optimized model compare to the naive predictor benchmarks you found earlier in **Question 1**?_ \n", + "\n", + "**Note:** Fill in the table below with your results, and then provide discussion in the **Answer** box." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Results:\n", + "\n", + "| Metric | Unoptimized Model | Optimized Model |\n", + "| :------------: | :---------------: | :-------------: | \n", + "| Accuracy Score | 0.8371 | 0.8392 |\n", + "| F-score | 0.6745 | 0.6803 |\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer: **\n", + "\n", + "The results are better (only marginally). I ran this several times with the same parameters and it remains very close whether a rbf or linear kernel was chosen.\n", + "\n", + "\n", + "The scores for the naive model were: Accuracy score: 0.2478, F-score: 0.2917\n", + "\n", + "If this were a production use case - I would do further investigation with the hyperparamters. Rather than using a step of 0.001, 0.01, 0.1 for C I would look at more granular steps in between these values. For values of C < 1 this usually suggests we have noisy data.\n", + "\n", + "We could also look at gamma - we have a relatively small value of gamma at 0.001. If this is too small then the model may not be able to accurately capture the shape of the data.\n", + "\n", + "If I were to work on this further - I would try a grid search with more granular values for gamma and C. I would then make use of the seaborn heatmap to see the validation accuracy on a scale of 0 to 1 to see the heatmap for each combination of values.\n", + "\n", + "That being said we have a much higher accuracy when compared to the naive predictor and this is to be expected. Since our assumption was naive and we have used a model with tuned parameters.\n", + "\n", + "We see that our accuracy of our tuned model is 0.8392 compared to 0.2478 of the naive model. This is an increase of ~240% which is a huge improvement. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Feature Importance\n", + "\n", + "An important task when performing supervised learning on a dataset like the census data we study here is determining which features provide the most predictive power. By focusing on the relationship between only a few crucial features and the target label we simplify our understanding of the phenomenon, which is most always a useful thing to do. In the case of this project, that means we wish to identify a small number of features that most strongly predict whether an individual makes at most or more than \\$50,000.\n", + "\n", + "Choose a scikit-learn classifier (e.g., adaboost, random forests) that has a `feature_importance_` attribute, which is a function that ranks the importance of features according to the chosen classifier. In the next python cell fit this classifier to training set and use this attribute to determine the top 5 most important features for the census dataset." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 6 - Feature Relevance Observation\n", + "When **Exploring the Data**, it was shown there are thirteen available features for each individual on record in the census data. Of these thirteen records, which five features do you believe to be most important for prediction, and in what order would you rank them and why?" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageworkclasseducation_leveleducation-nummarital-statusoccupationrelationshipracesexcapital-gaincapital-losshours-per-weeknative-countryincome
039State-govBachelors13.0Never-marriedAdm-clericalNot-in-familyWhiteMale2174.00.040.0United-States0
150Self-emp-not-incBachelors13.0Married-civ-spouseExec-managerialHusbandWhiteMale0.00.013.0United-States0
238PrivateHS-grad9.0DivorcedHandlers-cleanersNot-in-familyWhiteMale0.00.040.0United-States0
353Private11th7.0Married-civ-spouseHandlers-cleanersHusbandBlackMale0.00.040.0United-States0
428PrivateBachelors13.0Married-civ-spouseProf-specialtyWifeBlackFemale0.00.040.0Cuba0
\n", + "
" + ], + "text/plain": [ + " age workclass education_level education-num marital-status \\\n", + "0 39 State-gov Bachelors 13.0 Never-married \n", + "1 50 Self-emp-not-inc Bachelors 13.0 Married-civ-spouse \n", + "2 38 Private HS-grad 9.0 Divorced \n", + "3 53 Private 11th 7.0 Married-civ-spouse \n", + "4 28 Private Bachelors 13.0 Married-civ-spouse \n", + "\n", + " occupation relationship race sex capital-gain \\\n", + "0 Adm-clerical Not-in-family White Male 2174.0 \n", + "1 Exec-managerial Husband White Male 0.0 \n", + "2 Handlers-cleaners Not-in-family White Male 0.0 \n", + "3 Handlers-cleaners Husband Black Male 0.0 \n", + "4 Prof-specialty Wife Black Female 0.0 \n", + "\n", + " capital-loss hours-per-week native-country income \n", + "0 0.0 40.0 United-States 0 \n", + "1 0.0 13.0 United-States 0 \n", + "2 0.0 40.0 United-States 0 \n", + "3 0.0 40.0 United-States 0 \n", + "4 0.0 40.0 Cuba 0 " + ] + }, + "execution_count": 48, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "data.head(5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer:**\n", + "\n", + "I would rank the features in the following order\n", + "\n", + "1. Hours per week - I would consider this very important. Those who do not work full time (>35 hours a week) are much less likely to have a high income. It is noteworthy that if their marital status is married then this could explain why someone works few hours a week. As our data is income individually (and not household income) I would therefore rate this as the highest indicator.\n", + "\n", + "2. Capital gain - I would consider this important. Those who have investments that are paying off I would believe to have a high enough income to begin with to afford the investment. \n", + "\n", + "3. Education Level - Those who have a Bachelors degree or higher are more likely to be earning more than those who do not (see https://smartasset.com/retirement/the-average-salary-by-education-level)\n", + "\n", + "4. Native Country - I would expect that this would be quite important in determining whether someone earns over \\$50k. Countries such as the UK, USA and Luxembourg would have a higher median income compared to countries such as Liberia and other African states.\n", + "\n", + "5. Sex - On average women earn 78 cents to the dollar when compared to men (according to CNN in 2015 in the USA https://money.cnn.com/2015/04/13/news/economy/equal-pay-day-2015/). Although there are many reasons why this is the case in terms of looking just at the data and the problem we want to solve, I would expect more men than women to earn $50k or above." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation - Extracting Feature Importance\n", + "Choose a `scikit-learn` supervised learning algorithm that has a `feature_importance_` attribute availble for it. This attribute is a function that ranks the importance of each feature when making predictions based on the chosen algorithm.\n", + "\n", + "In the code cell below, you will need to implement the following:\n", + " - Import a supervised learning model from sklearn if it is different from the three used earlier.\n", + " - Train the supervised model on the entire training set.\n", + " - Extract the feature importances using `'.feature_importances_'`." + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAoAAAAFgCAYAAAArYcg8AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XvcVWP+//HXR6UDqVSIopAQTeUuJZJjOYURchrNoHFonIafw8zENMy372CkwddpmhiHkGEaGgzKoaLuiElFRUgoIR2UDp/fH9e171a7ve9D3fe+q/V+Ph73495rrWtd67PXWnvtz76udTB3R0RERETSY6vqDkBERERECksJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBLATZyZ9TMzN7PvzKxR1rSacdqN1RTeBku8r5aJcXPMbHh1xpCjzL1m9oOZbZ01/vQ47xM55nnSzBaYmVUwng3almbWI857ZBnlGprZjWbWsaLLKKXOE8zsv2a2PMbQsLLqzrEsz/P3cKLMXDN7oJKWd3hFtkdcdq74xibKvGlmz1dGfBWIa0SMY3ae6YPj9FVVsOyacZ/rXs7yF2atu8Vm9k4cX+XfV3FdLE8M14lxXFvBeq4ys95l1V8IOdZp8u/gKlpmHzO7tCrqlspTs7oDkHJrAFwDVOhAtJk5Gfi+uoPI8hrQH+gMvJEY3x1YBhySY55DgNe94jfZ7ArM3ZAgy6khcENcxtsbW5mZ1QQeAcYDlwA/Aos3tt4yDAfuzRq3IPH6BGBRJS3rcOA3wI0VmGc08Iesccl9+jxg9caFtUGWALubWTd3H5cZGZOqswjbrV4VLLcmYZ9bRfgslVdvwnZtAJwB/B+wPfDHyg6wDCsIn8tPKzjfVcCzwKis8XcB/6iEuDZEZp0mvV9Fy+oDFAFDq6h+qQRKADcfLwK/MrMh7v5lVSzAzGq7+4qqqLs83P2d6lp2KV6N/7uzfgJ4H3C5me3l7h8CmFkbYMfEfOXm7m9uZKyFtgtQH3jC3Svy5Z6TmdUAzN1La4n6vLT1VJ59qIr38wVlxFdVX7hl+Qp4FzgHGJcYfziwMyGRP7Ma4srnHXfP/Bh6wcz2Ai4nTwIYW9trufuPlRlE/BFXaZ9Ld/8M+Kyy6qug5Drd7JTz+CAVoC7gzcdN8f9vyipoZp3N7CUzW2JmS83sZTPrnFVmeOyy6mpm483sB+BPcdocM3vYzM4xsw9iF+jrZtbazLaJ3aILzewrM7sttgRl6q1jZreb2dS4/C/N7F9mtnc54i7pAjazlqV0W4xNzFPTzK4zsxlmtsLM5sWY6mTVvbuZPWdmyyx0z94B1C4rpnjA/JiQ8GXq2h5oCzwGfJKclni9TkJkZheY2buxq/RrM/trrCdZZr0uYDM7I7635Ra6Wnub2djkOkioZ2Z3xvoXxG3YMLM+4/sAuD+xLvvF6T3NbJyZLYrb7QMzG5hvvcQ458TBvya3iwVXxDp+NLMvYlzb5Xi/N5vZtWb2MaEFcf98yywPy+oCNrPz43K6mdlTZraImACZWZf4Ofkm7hezzewvcdpNxM9aYl1t9BePJbqAzWw3M1tjZhfkKHdD3OYNE+NON7OJMdZvLXTt7lKBxT8EnGZmyf3+Z8BLwLwcMdS20GX5SdyOH1vozk1+3muZ2f+Y2Ucx3gUWjhUHxs/gD7HoHxLrcUN6MYqBppl9KB5XHrDQvfkhsBI4Ik6rH48Bmbhnm9n/M1v3lAwLx8nxMe7PcsVlebqAzewAMxsV950fzGy6mV2ViY3wI/C8xHu+J07L7mKeZWaP5FjuoXG+XlnLfNbC6UA/mNlrZtZ1A9ZlTma2o5ndHz+vK8xsmpn9PKtMs1hmZtwPPzWzh8xsp0SZEcDpwB6J9z8jTst0R++UVW++rveBZvY7M/uEcHxoXYFYdzGzRxJl5sVtts6pVGmmFsDNxxfAnYQWp1vd/ZNchcysHaH1aRrQD3BCt/GrZtbF3d9NFG8AjABuBa5n7cEaQiKzB6HbeWtgCPAU8BEwC+gby/wWmA3cHeerTWgVuinGvD1wMfCmme1dgdbLLwhdL0ltCa1u0xPjHiZ0+/0voStyH0IXXEvglLhOtgb+A9QldFXOB34J/LScsbwG/NTMarj7akIX7zJCN+rrhPWQSTq6E7ogS9azmQ0Gfk3oDrma0HJ2E7CfmR0U61yPmR1FaJkZFedvQtgOdYAPc8xyB6Hb6UygDSGhXw2cS1ifPyV0P/0Pa7umZpvZ7nF4JGHdZQ60u5eyTh4ApgJPxvfyHGu7Om8GriN0d/0L2DfW+xMzO9Td1yTq6UfYp64ClpIjEcliyQQEoJwtAo8BjxK6EmuYWQPg38AEQhK0hLDPdInl7yFsp36s3Q/L06W/XnzA6lynA7j7J2b2GqFV7v6syWcB/3L372KllwN/juVuIHTnDwLGmFl7d19WjtgeJ+wjxwH/MLNtCPvEL8mdeD9G+Gz9gdAK1h34HbAr8ItYZiDhM3UdYX9oQDhdYntC9+mhhOPRvYTue6h4dypAK8J+mTxGHQN0ijEtBGbFz/pLsfwfCMeKboR9tAFrk/qdYrlPCOt/NeE42aysQCycN/dSrPsy4HPC561NLHIs4XjzBuGzBqEFNpeHgavNrL67J0+fODvO85+4zC7AGMJ2OA9YDgwAXjGzzu7+37LiJuz3yX1zTeazGJOiCXH8bwnb6DjCj7ua7p7ZP5sQThe4BvgaaE44pr1mZm3dfWWcvzGwN3BqnC+53Sril8AHhNbf5cD8CsQ6IsZxJWEb7QQcRTh+CoC7628T/mNtErcn4aD6HTAsTqsZp92YKD8ylmmYGLcd8A3wj8S44XHeE3Msc04s3yAx7tJY/oGssm8DY0qJvwbh3KLFwBU53lfLrOUOz1NPU0KiMB6oE8cdEuv4WVbZs+L49nH4gjjcJVFmK8L5L+vEkGfZv4jliuLwbcBL8XV/YE6i7CfAs4nhloQvl4FZdXaLdZ6UGJe9LccTvlQtMa5jLDc2Ma5HHPdg1jLuJBw0LRGLA+dnlesTx29XwX1zzzhfv8S47eMyh2eVPTuW7Z31fucBdcu5PM/zt2eizNzkPgqcH8vcklVXlzh+31KWdxOxF7Cc8c3NE1+PRJk3gecTw+cBa1j3c5CJrXccbkhIju/OWt5ehHPrLiwjrhHArPj6CeCZ+PpnhKS9HjAYWJWYpyjGcG2udQK0icMvAY+Wsuw6sfxvy7kOL4zldyMc3xoDv4rraESi3JeEY0qTrPkviGUPzBr/B0IS0jDxGV4O7JQo04Bw7FyeI/5rE+MmEo5FdUp5H1+SdayM4wdn1b9HrP/cxLjaMY4/J8aNI/yorJkYV4vw43tEvjiy1mn230uJMjfHfaxl1rx/J3xGt8pTd03Cj0UHjsm1z+WJZaes8dnrJbPePwG2zipbZqyAEX4w9C/v5zeNf+oC3oy4+zeEA9fPLJxrlkt3QgLyXWK+7wktPIdmlV1FaDHKZYK7J0+mnxH/v5BVbgbQIjnCzE4zs7fM7Lu4jKXAtqz9hVwh8Vf903HwRHfPdBX0InzIn7LQFVwz/sJ9MU7PdMd2BT7zxLlZHn75rncFbx7J8wAz/1+Pr98AdjOzXc1sV0LrSLL79yjCAemRrBjfInz55rw60sL5LkXAUx6PbjHut1nblZvtuazh/xK+THYs4/1NIXShjbBw9d4OZZQvTZe4zIezxo8g7AvZ++Dz7l6R1oFhhFaf5F95zql6Omv4A8L6v9/MzjKz5hWIoTTP5ohvcinlnyQkImcnxp1DaF35dxw+hJCkZe9DH8W/cl1hGz0EHGtmjQkJ4FOeu/UwU2f2dnw4a/ok4CQzG2RmB5lZrQrEUpo5hH3ya+B24G+E5CHpdXf/OmtcL0Lr+OQcx4Q6hNZJCMeE1zzRIxGPd/+mFBa65DsBDyWOQxvM3WcTWrPOSYzuTUhGH4rL3C7G+3gczrwnB16h/Nv/ONbdLy9OTOtFOJbNzVpvLxBaRfeMyzYzu9TC6ShLCNso0xuxQcf3Mjzn65/XWWas8Zg5GbjezAaYWdsqiG2zpwRw83M7oXVuUJ7p2xO6+7J9CWSf+zDf83Q/At9mDf9YyviSJnUzO4FwoJpO6Io8kHCwWcCGN73fD+wHHO/uyavYdiB0T2cORJm/+XF64/i/Gbm7YPJ1y6wjHqQ/B7qb2bZAB9YmgNMJ3U/dWZvcJBPATDI1KyvGlYSW2cbk1oTwC39+jmn54v4mazhzoUOp693dZwE9CceDvwNfxgQ+O1krj8x5jevsgx66aRcmppOrXDl84e7FWX/luaAjO55vgcMI6/Ie4LP4pXZSBePJtjBHfHmvjE78ODsbwjl1hPOnRnjoToO1+9AbrL8PtSb/PpTL84TP8FWE9/9QnnKZ7ZR9ysaXWdNvJLTI9CG0Un0dz83a2POsMsnK3sA27n5e8kdtlGvf2YGQiGSvp8xncmOPCZn5K/NiioeAw2zt+ZznAFPdfUocbkpo0bqZ9d/X+ZR/+7+XtV8mTyPZATg6R/1/j9Mzy7iKcBrKc4S7NnRm7XGvKrpW823j8sR6MmF//w0w1cL5wdeZVez2XFsynQO4mXH3JWb2P4SWwFtyFPmGcK5Dtp1YP0HwHOU2Vl9C03+/zIj4pZb9xV8uZnY9IZE81t2nZU1eSGg9yXUrFlh7PtkXhPMHs5XVMpb0OqE172BCF9ObEPoHzewNQgJohNbOZIvPwvj/aNZPnpPTs31NOKjlao3bkQ07jyovdx9DOJ+sNqF7ehDwnJm1zNHKUprMPrYTiVtMxF/ojVn//VbFPpjLesuJrak/jbF1InxRjDSz/d19enb5KvR34HQz60RITBqz9ssM1q6zM4GZOeYv962T3H2VmT0G/D9CEjM2T9HMdtyR8OMnI3NsWRjrW0FITG42s2aE1qvbCD/Mzi1vXDm852VfsZpr31lIaN09O8c0CC2mEI4JuT7/ZR0TMtuiIhfflCVzbuaZZjaM0ML128T0zLa4jdCSnq0yPkMLCT9Sr84zPdMD1BcY7e4lF8WY2T4VWE6m1XTrrPH5kth827jMWGPr7oXAhWa2L/BzwlXkXxJalFNPCeDm6W7Cia035Zj2KnBc8qRiM6tPOJl7bAFiq0fo6ks6h3AuYIWY2U8J7/Eid/9PjiLPE05GbuDuL5dS1QTg5/EimDdj3VsBp1UgnFcJB7+LgLezus3eIPwSN0LX+crEtP8QEsZd87yHnNx9tZkVA6eY2Y2ZbmAzO4BwgvuGJICZlrK6pSx3BeHE8m2Bf8ZlVSQBfDMupy+Q3CanE443Fb49TlWLrZMTLFz1fByh1Wk6cX2ZWd0KdlNX1AuElt5zCAngB+4+MTH9NcL5a7u7+2OVsLwHCOeDPpc8vSBLZjv1JSQeGWclYlqHu38B3GtmJxJa7CH0EDil7HOV7HlCAvVtbLnPZwJwsZntlOkGjhcGHVNa5e7+nZlNJJyGM7iU1ucVlPM9u/u3ZvYcYfsvIxwrH8ma/hbQDri6lG22MZ4nXpAVTzXKpx7hh2nSz3OUy/f+Mxcv7kc8hsUfnUdUQawlYuPB1WZ2MWv3zdRTArgZcvcVZjaIcEVstj8AxwMvm9n/Eg6+1xA+uPm6jSvT84Rzgm4nnA91AOECkuzum1LFK1P/Tjh35914FVzG9+4+zd3HxtaMkWb2Z8LJ2WsIX27HAtfEbo4HCVf4/SO2KM4n/DJc57YkZch84Z3Aul+IEFoHM62x65wz5e6z43a4M563+SrhV3ALQoviA7H1LZcb4vt/2szuI3QL30j4Bbsmzzyl+Yrw67mvmb1HaK38mHClXnfCTYw/i8u5jtCCOrUiC3D3b+K2uM7MlsY69yEk8m+w/nmK1SImKb8AniGcb7Yt4UrD7wnnZ0K4kh7gKjN7kXCRRGnn822QRKvc2TGOP2RN/8bCbUhuM7OdCQnjYkIr1GHAv919ZAWWNxUotavb3Seb2dPAHy3czmUioaX9OuBvvva+l/8mrK93CJ/xIsK9BW+P9awxsw+AE83sFcIV8nO9iu5lSmjZOZfQmn0bYf+tTTiHrTfQM572cgvhgpH/xGPpqvjeFlN2V+aVhB834+Jxbl6sfx93vzKWmUbo1j2WcLyZ7+6l/Wh7iHCe6nXAK+7+edb0ywnn+422cKusLwldw0XASnf/XRkxl+VPhG78N8xsCOG8vvqEz+6B7n5KLPc84X60/49wAWBPcu9L0whJ8nnAe8AyD/fAHEc4xtweE781hIt8KnI6WpmxmtmOhB+wjxJahFfHeeoSr6wWdBXwpv5H4irgrPE1CTv+OleOxmkHEq7OW0L4kn8Z6JxVZjjhQJxrmXOAh7PG9YjLOrK0eggf5JsIB8VlhISnA1lX+FLGVcCJ5eX6G5u1vMsIV8gtZ+0tWP7Eulcx705IRpYRzke8g3CLgXViKGNbzCfrStY4vlZczw4cmmfecwitY0vjdplOuEq3eaJMrm15JuEAtoLQpXoy4cv26XJsm1zr+CTCwXllnNaPcIL5PwkH5hWE7rEniVd6lrI+1rsKOI434IoY94+xvrvIuso4zntTBT4LZZYn/1XALbPK7UO4COjjuN/MJySnRVmfsXvi/rKGxFWypSx7eBll1rkKODH+gBjnmuxYE2VOJHyeFsf9eCahNa+s7ZTzisysMoOz3x8hcRpMaKn5Ma6rG1n3StTrCAngNzGmGYTuy2SZHoQLjVaQ48rirGVmrhJtXka8Oa+yjdPqEY5BH8ZlLowxDmTdK+o7E660XxH3/WvJfzVq9tXQnQjHk0XxfU8DrkxM35+Q7CyL89+TWM/Lc8S8NaGl3cm6q0FWnU/G/TET89PA0WWsq/Ku08aEW1Vl7rn3VdzfLk6U2ZZwTvYCwo+lZwhXo6+zjgg/rp8k/ChwYEZi2k8IP5qXEI75vyplvee8erysWIFtYpzT4nIWET57p5a2DtL2l7k9hIhsBuLVqrOAm909+5FjIiIi5aIEUGQTZWZ1CTf/fYnQOrA74eT9HYG2Hs65EhERqTCdAyiy6VpNuOryTkKXx1JC18mpSv5ERGRjqAVQREREJGV0I2gRERGRlNmsu4CbNGniLVu2rO4wRERERDYJkydP/trdm5ZVbrNOAFu2bElxcXF1hyEiIiKySTCzT8oupS5gERERkdRRAigiIiKSMkoARURERFJmsz4HUEQqZuXKlcydO5fly5dXdygiZapTpw7NmzenVq1a1R2KyBZHCaBIisydO5f69evTsmVLzKy6wxHJy91ZuHAhc+fOpVWrVtUdjsgWR13AIimyfPlyGjdurORPNnlmRuPGjdVaLVJFlACKpIySP9lcaF8VqTpKAEVERERSRucAiqSYPVi5LSx+btnPFq9Rowb7779/yfAzzzxDRZ/o89133/Hoo49y8cUXVzTEMrk7TZs2ZebMmTRq1IgvvviCnXfemddff52DDz4YgKZNmzJjxgwaN26cs45Ro0Yxbdo0rr322rzLGTt2LLfeeivPPvvsetOGDBlC//79qVevXuW8KRGRLGoBFJGCqlu3LlOmTCn525DHOX733XfcfffdFZ5v9erVZZYxMw488EAmTJgAwPjx4+nQoQPjx48H4IMPPqBJkyZ5kz+A3r17l5r8lWXIkCEsW7Zsg+cXESmLEkARqXarV6/m6quvplOnTrRr1457770XgCVLlnDEEUfQsWNH9t9/f/75z38CcO211zJ79mzat2/P1VdfzdixYzn++ONL6hswYADDhw8HwiMjBw0axMEHH8yTTz7J7Nmz6dWrFwcccACHHHIIM2bMWC+ebt26lSR848eP58orr1wnITzooIMAWLBgAaeccgqdOnWiU6dOjBs3DoDhw4czYMAAAGbPnk2XLl3o1KkTAwcOZNttty1ZzpIlS+jTpw977703Z511Fu7O0KFDmTdvHocddhiHHXZYZa5mEZES6gIWkYL64YcfaN++PQCtWrXi6aef5q9//SsNGjRg0qRJrFixgm7dunH00UfTokULnn76abbbbju+/vprunTpQu/evRk8eDBTp05lypQpQOhOLU2dOnV44403ADjiiCO45557aN26NW+99RYXX3wxr7zyyjrlDzroIAYNGgTAxIkT+f3vf8+QIUOAkAB269YNgMsuu4wrrriCgw8+mE8//ZSePXsyffr0deq67LLLuOyyyzjjjDO455571pn2zjvv8P7777PzzjvTrVs3xo0bx6WXXsqf//xnxowZQ5MmTTZgDYuIlE0JoIgUVKYLOOnFF1/kvffeY+TIkQAsWrSImTNn0rx5c66//npee+01ttpqKz7//HO++uqrCi/z9NNPB0KL2/jx4zn11FNLpq1YsWK98p07d+add95h6dKlrFy5km233Zbdd9+dWbNmMX78eH79618D8NJLLzFt2rSS+b7//nsWL168Tl0TJkzgmWeeAeDMM8/kqquuWmc5zZs3B6B9+/bMmTOn5DxDkU2RPfhgldXt555bZXXL+pQAiki1c3f+8pe/0LNnz3XGDx8+nAULFjB58mRq1apFy5Ytc94XrmbNmqxZs6ZkOLvMNttsA8CaNWto2LDheglotnr16rHnnnsybNgwOnbsCECXLl0YPXo08+fPp02bNiX1TZgwgbp161b8TQO1a9cueV2jRg1WrVq1QfWIiFSUzgEUkWrXs2dP/u///o+VK1cC8OGHH7J06VIWLVrEDjvsQK1atRgzZgyffPIJAPXr11+npW233XZj2rRprFixgkWLFvHyyy/nXM52221Hq1atePLJJ4GQeL777rs5y3br1o0hQ4bQtWtXALp27codd9xBly5dSu5Pd/TRR3PnnXeWzJMrsezSpQtPPfUUACNGjCjX+sh+fyIilU0tgCIpVp7bthTC+eefz5w5c+jYsWPJbVieeeYZzjrrLE444QSKiopo3749e++9NwCNGzemW7du7LfffhxzzDHccsstnHbaabRr147WrVvToUOHvMt65JFHuOiii7jppptYuXIlffv25Sc/+cl65bp168Ydd9xRkgB27NiRuXPncv7555eUGTp0KJdccgnt2rVj1apVdO/efb3z/IYMGcLZZ5/NbbfdxnHHHUeDBg3KXB/9+/fnmGOOoVmzZowZM6Zc61BEpCLMfdP4AtgQRUVFXlxcXN1hiGw2pk+fzj777FPdYaTKsmXLqFu3LmbGiBEjeOyxx0quZpayaZ/dtOgcwE2fmU1296KyyhWsBdDMegF3ADWAB9x9cNb024HMPQ/qATu4e8NCxSciUhUmT57MgAEDcHcaNmzIsGHDqjskEZHCJIBmVgO4CzgKmAtMMrNR7l5y+Zy7X5Eo/ysgfx+OiMhm4pBDDsl7nqGISHUp1EUgnYFZ7v6Ru/8IjABOLKX8GcBjBYlMREREJGUKlQDuAnyWGJ4bx63HzHYDWgGv5Jne38yKzax4wYIFlR6oiIiIyJauUAlgrifO57v6pC8w0t1zPrTT3e9z9yJ3L2ratGmlBSgiIiKSFoVKAOcCLRLDzYF5ecr2Rd2/IiIiIlWmUFcBTwJam1kr4HNCkndmdiEzawM0AiYUKC6RVKvsWzqU5zYOX375JZdffjmTJk2idu3atGzZkiFDhrDXXntVaixJPXr04NZbb6WoKP+dEYYMGUL//v2pV68eAMceeyyPPvooDRtu3M0IWrZsSf369alRowYAd999NwcddFCF6/njH//I9ddfv1Gx5NOhQwf+9re/0b59e1atWkWDBg249957OfvsswE44IADuP/++0ueipKtuLiYhx56iKFDh+Zdxpw5czj++OOZOnXqetOGDx/O0Ucfzc4771w5b0hEylSQFkB3XwUMAF4ApgNPuPv7ZjbIzHonip4BjPDN+eaEIpKXu3PyySfTo0cPZs+ezbRp0/jjH/+4Qc/3rWxDhgxh2bJlJcOjR4/e6OQvY8yYMUyZMoUpU6ZsUPIHIQGsqPI+Wu6ggw5i/PjxALz77ru0adOmZHjp0qV89NFHOW+WnVFUVFRq8leW4cOHM29evk4hEakKBXsUnLuPdve93H0Pd785jhvo7qMSZW5092sLFZOIFNaYMWOoVasWF154Ycm49u3bc8ghhzB27FiOP/74kvEDBgxg+PDhQGhFu/766+natStFRUW8/fbb9OzZkz322KPkyRulzZ900UUXUVRURNu2bbnhhhuA8ESPefPmcdhhh3HYYYeVLPPrr7/mmmuu4e677y6Z/8Ybb+S2224D4JZbbqFTp060a9eupK7yyjfvSSedxAEHHEDbtm257777ALj22mv54YcfaN++PWeddRZz5sxhv/32K5nn1ltv5cYbbwRCa+f111/PoYceyh133MGCBQs45ZRT6NSpE506dWLcuHHrxdKtW7eShG/8+PFceOGFJY+1mzhxIh07dqRGjRosXbqUX/ziF3Tq1IkOHTqU3NA6ue4XLFjAUUcdRceOHfnlL3/Jbrvtxtdffw3A6tWrueCCC2jbti1HH300P/zwAyNHjqS4uJizzjqL9u3b88MPP1RoPYrIhtGzgEWkYKZOncoBBxywQfO2aNGCCRMmcMghh9CvXz9GjhzJm2++ycCBAytUz80330xxcTHvvfcer776Ku+99x6XXnopO++8M2PGjFnv0Wt9+/bl8ccfLxl+4oknOPXUU3nxxReZOXMmEydOZMqUKUyePJnXXnst5zIPO+ww2rdvz4EHHghQ6rzDhg1j8uTJFBcXM3ToUBYuXMjgwYOpW7cuU6ZM4ZFHHinzPX733Xe8+uqr/PrXv+ayyy7jiiuuYNKkSTz11FPrPMouI9kCOH78eLp3707t2rVZvHgx48ePp1u3biXr7vDDD2fSpEmMGTOGq6++mqVLl65T1+9//3sOP/xw3n77bU4++WQ+/fTTkmkzZ87kkksu4f3336dhw4Y89dRT9OnTh6KiIh555BGmTJlC3bp1y3x/IrLx9CxgEdks9O4dzhbZf//9WbJkCfXr16d+/frUqVOH7777rtz1PPHEE9x3332sWrWKL774gmnTptGuXbu85Tt06MD8+fOZN28eCxYsoFGjRuy6664MHTqUF1/D0AhKAAAgAElEQVR8seS5w0uWLGHmzJl07959vTrGjBlDkyZNSoZffPHFvPMOHTqUp59+GoDPPvuMmTNn0rhx43K/P4DTTz+95PVLL73EtGkl99zn+++/Z/HixdSvX79kXMuWLfnxxx/58ssvmTFjBm3atKFTp0689dZbjB8/nl/96lclcY8aNYpbb70VgOXLl6+T4AG88cYbJfH36tWLRo0alUxr1aoV7du3B8J5hXPmzKnQ+xKRyqMEUEQKpm3btowcOTLntJo1a7JmzZqS4eXLl68zvXbt2gBstdVWJa8zw6tWrSpzfoCPP/6YW2+9lUmTJtGoUSP69euXs1y2Pn36MHLkSL788kv69u0LhPMZr7vuOn75y1+WOX+2fPOOHTuWl156iQkTJlCvXj169OiRM76y3us222xT8nrNmjVMmDChzJa1rl27MnLkSJo1a4aZ0aVLF8aNG8fEiRPp0qVLSdxPPfUUbdq0WWfe5DmcpZ3CndxuNWrUUHevSDVSF7CIFMzhhx/OihUruP/++0vGTZo0iVdffZXddtuNadOmsWLFChYtWsTLL79cobrLM//333/PNttsQ4MGDfjqq6/497//XTKtfv36LF68OGfdffv2ZcSIEYwcOZI+ffoA0LNnT4YNG8aSJUsA+Pzzz5k/f365Ys0376JFi2jUqBH16tVjxowZvPnmmyXz1KpVi5UrVwKw4447Mn/+fBYuXMiKFSt49tln8y7r6KOP5s477ywZzpzbl61bt27cfvvtdO3aFQgJ4UMPPcROO+1UcjFMz549+ctf/lKS5L3zzjvr1XPwwQfzxBNPAKHF8Ntvvy1zfZS27kWkaqgFUCTFynPblspkZjz99NNcfvnlDB48mDp16pTcBqZFixacdtpptGvXjtatW5d0j5ZXeeb/yU9+QocOHWjbti277757ybltAP379+eYY46hWbNm650H2LZtWxYvXswuu+xCs2bNgJBYTZ8+vSRh2nbbbXn44YfZYYcdyow137y9evXinnvuoV27drRp06ak5S0TX7t27ejYsSOPPPIIAwcO5MADD6RVq1bsvffeeZc1dOhQLrnkEtq1a8eqVavo3r17yYUzSd26deOKK64oialZs2asXr16nauWf/e733H55ZfTrl073J2WLVuul3zecMMNnHHGGTz++OMceuihNGvWjPr165cku7n069ePCy+8kLp165artVJENp5tzndcKSoq8uLi4uoOQ2SzMX36dPbZZ5/qDkO2YCtWrKBGjRrUrFmTCRMmcNFFF+VtdSwP7bOblsq+d2hSoX+QbqnMbLK757/paaQWQBERqTSffvopp512GmvWrGHrrbdep7tfRDYdSgBFRKTStG7dOue5gSKyadFFICIpszmf9iHpon1VpOooARRJkTp16rBw4UJ9scomz91ZuHAhderUqe5QRLZI6gIWSZHmzZszd+5cFixYUN2hiJSpTp06NG/evLrDENkiKQEUSZFatWrRqlWr6g5DRESqmbqARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjK6EbSIiFQZe/DBKqvbzz23yuoW2dKpBVBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpU7AE0Mx6mdkHZjbLzK7NU+Y0M5tmZu+b2aOFik1EREQkTQryJBAzqwHcBRwFzAUmmdkod5+WKNMauA7o5u7fmtkOhYhNREREJG0K1QLYGZjl7h+5+4/ACODErDIXAHe5+7cA7j6/QLGJiIiIpEqhEsBdgM8Sw3PjuKS9gL3MbJyZvWlmvXJVZGb9zazYzIoXLFhQReGKiIiIbLkKlQBajnGeNVwTaA30AM4AHjCzhuvN5H6fuxe5e1HTpk0rPVARERGRLV2hEsC5QIvEcHNgXo4y/3T3le7+MfABISEUERERkUpUqARwEtDazFqZ2dZAX2BUVplngMMAzKwJoUv4owLFJyIiIpIaBUkA3X0VMAB4AZgOPOHu75vZIDPrHYu9ACw0s2nAGOBqd19YiPhERERE0qQgt4EBcPfRwOiscQMTrx24Mv6JiIiISBXRk0BEREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBJAERERkZRRAigiIiKSMkoARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSZma1R2AiEiGPfhgldXt555bZXWLiGxuCtYCaGa9zOwDM5tlZtfmmN7PzBaY2ZT4d36hYhMRERFJk4K0AJpZDeAu4ChgLjDJzEa5+7Ssoo+7+4BCxCQiIiKSVoVqAewMzHL3j9z9R2AEcGKBli0iIiIiCYVKAHcBPksMz43jsp1iZu+Z2Ugza5GrIjPrb2bFZla8YMGCqohVREREZItWqATQcozzrOF/AS3dvR3wEpDzbHB3v8/di9y9qGnTppUcpoiIiMiWr1AJ4Fwg2aLXHJiXLODuC919RRy8HzigQLGJiIiIpEqhEsBJQGsza2VmWwN9gVHJAmbWLDHYG5heoNhEREREUqUgVwG7+yozGwC8ANQAhrn7+2Y2CCh291HApWbWG1gFfAP0K0RsIiIiImlTsBtBu/toYHTWuIGJ19cB1xUqHhEREZG00qPgRERERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGXKnQCa2al5xvepvHBEREREpKpVpAXwr3nG31cZgYiIiIhIYdQsq4CZ7R5fbmVmrQBLTN4dWF4VgYmIiIhI1SgzAQRmAU5I/GZnTfsSuLGSYxIRERGRKlRmAujuWwGY2avufmjVhyQiIiIiVanc5wAq+RMRERHZMpSnCxiAeP7fzUB7YNvkNHfftZLjEhEREZEqUu4EEHiUcA7gr4FlVROOiIiIiFS1iiSAbYFu7r5mQxZkZr2AO4AawAPuPjhPuT7Ak0Andy/ekGWJiIiISH4VuQ/ga0CHDVmImdUA7gKOAfYFzjCzfXOUqw9cCry1IcsRERERkbKV2gJoZoMSg3OAF8zsH4Tbv5Rw94FlLKczMMvdP4r1jgBOBKZllfsD8CfgqjIjFxEREZENUlYLYIvE3zbAv4BaWeNblGM5uwCfJYbnxnElzKwD0MLdny2tIjPrb2bFZla8YMGCcixaRERERJJKbQF0959X0nIsxzgvmWi2FXA70K+sitz9PuLj54qKiryM4iIiIiKSpSK3gdk9z6QVwBdlXBwyl3VbCpsD8xLD9YH9gLFmBrATMMrMeutCEBEREZHKVZGrgDOPhIPQopdsfVtjZqOAi939qxzzTgJax3sJfg70Bc7MTHT3RUCTzLCZjQWuUvInIiIiUvkqchXwBcAjwF5AHaAN8DBwMbA/IZm8K9eM7r4KGAC8AEwHnnD3981skJn13vDwRURERKSiKtIC+HtgT3dfHodnmdlFwIfufq+Z9QNm5pvZ3UcDo7PG5bx62N17VCAuEREREamAiiSAWwEtgRmJcbsSbuwMsKSC9YlsFHvwwSqt3889t0rrFxERqS4VSdiGAK+Y2d8It3RpDvw8jgc4DphQueGJiIiISGUrdwLo7n8ys/eAU4GOwBfAee7+fJz+DPBMlUQpIiIiIpWmQl22Mdl7vopiEREREZECKOtRcL9x95vj60H5ypXjUXAiIiIisokoqwWweeJ1eR75JiIiIiKbuLIeBXdR4nVlPRZORERERKpRhc4BNLN9gD7Aju4+wMzaALXd/b0qiU5EREREKl25nwRiZqcCrwG7AD+Lo+sDf66CuERERESkilTkUXCDgKPc/UJgdRz3LvCTSo9KRERERKpMRRLAHQgJH4An/nvu4iIiIiKyKapIAjgZOCdrXF9gYuWFIyIiIiJVrSIXgVwKvGhm5wHbmNkLwF7A0VUSmYiIiIhUiTITQDM7DXjN3WeY2d7A8cCzhOcBP+vuS6o4RhERERGpROVpAbwJ2MPMZhOuAn4VeMLdP6nSyERERESkSpR5DqC77wXsDPwG+AH4NTDbzD4xs7+b2flVHKOIiIiIVKJyXQTi7l+5+5Pu/it3bw80Ae4CjgLurcoARURERKRylesiEDMzoD3QPf4dBMwDngBer7LoRERERKTSlecikGeBjsAHwBvAfUA/d19cxbGJiIiISBUoTxdwG2AF8DEwG5il5E9ERERk81VmC6C7tzazHVnb/Xu5mTUBxhG6f99w9ylVG6aIiIiIVJZynQPo7l8BT8Y/zKwh0B/4LdAUqFFVAYqIiIhI5drQi0AOBhoCxcCwKotORERERCpdeS4CeY5w1e/WwFuEG0HfCUxw9+VVG56IiIiIVLbytAC+DtwMTHL3lVUcj4iIiIhUsfJcBDK4EIGIiIiISGGU60kgIiIiIrLlUAIoIiIikjJKAEVERERSpmAJoJn1MrMPzGyWmV2bY/qFZvZfM5tiZm+Y2b6Fik1EREQkTQqSAJpZDeAu4BhgX+CMHAneo+6+v7u3B/4E/LkQsYmIiIikTaFaADsTniH8kbv/CIwATkwWcPfvE4PbAF6g2ERERERSpVxPAqkEuwCfJYbnAgdmFzKzS4ArCTedPjxXRWbWn/AYOnbddddKD1RERERkS1eoFkDLMW69Fj53v8vd9wCuITxneP2Z3O9z9yJ3L2ratGklhykiIiKy5StUAjgXaJEYbg7MK6X8COCkKo1IREREJKUKlQBOAlqbWSsz2xroC4xKFjCz1onB44CZBYpNREREJFUKcg6gu68yswHAC0ANYJi7v29mg4Bidx8FDDCzI4GVwLfAuYWITURERCRtCnURCO4+GhidNW5g4vVlhYpFREREJM30JBARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBJAERERkZRRAigiIiKSMkoARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKRMzeoOoJDswQersPZ+VVj3psPP9eoOQURERDaSWgBFREREUkYJoIiIiEjKKAEUERERSZmCJYBm1svMPjCzWWZ2bY7pV5rZNDN7z8xeNrPdChWbiIiISJoUJAE0sxrAXcAxwL7AGWa2b1axd4Aid28HjAT+VIjYRERERNKmUC2AnYFZ7v6Ru/8IjABOTBZw9zHuviwOvgk0L1BsIiIiIqlSqARwF+CzxPDcOC6f84B/V2lEIiIiIilVqPsAWo5xOW8oZ2ZnA0XAoXmm9wf6A+y6666VFZ+IiIhIahSqBXAu0CIx3ByYl13IzI4EfgP0dvcVuSpy9/vcvcjdi5o2bVolwYqIiIhsyQqVAE4CWptZKzPbGugLjEoWMLMOwL2E5G9+geISERERSZ2CJIDuvgoYALwATAeecPf3zWyQmfWOxW4BtgWeNLMpZjYqT3UiIiIishEK9ixgdx8NjM4aNzDx+shCxSIiIiKSZnoSiIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBJAERERkZRRAigiIiKSMkoARURERFKmYDeCFtnc2INW3SEUhJ/r1R2CiIgUmFoARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKRMzeoOQESkEOxBq+4QCsbP9eoOQUQ2cWoBFBEREUkZtQCKiMhmKS2tumrRlaqgFkARERGRlFECKCIiIpIySgBFREREUqZgCaCZ9TKzD8xslpldm2N6dzN728xWmVmfQsUlIiIikjYFSQDNrAZwF3AMsC9whpntm1XsU6Af8GghYhIRERFJq0JdBdwZmOXuHwGY2QjgRGBapoC7z4nT1hQoJhEREZFUKlQX8C7AZ4nhuXFchZlZfzMrNrPiBQsWVEpwIiIiImlSqAQw182aNujGRu5+n7sXuXtR06ZNNzIsERERkfQpVAI4F2iRGG4OzCvQskVEREQkoVAJ4CSgtZm1MrOtgb7AqAItW0REREQSCnIRiLuvMrMBwAtADWCYu79vZoOAYncfZWadgKeBRsAJZvZ7d29biPhERESkeqXl0X6waTzer2DPAnb30cDorHEDE68nEbqGRURERKQK6UkgIiIiIimjBFBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBJAERERkZRRAigiIiKSMkoARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIyBUsAzayXmX1gZrPM7Noc02ub2eNx+ltm1rJQsYmIiIikSUESQDOrAdwFHAPsC5xhZvtmFTsP+Nbd9wRuB/63ELGJiIiIpE2hWgA7A7Pc/SN3/xEYAZyYVeZE4MH4eiRwhJlZgeITERERSY2aBVrOLsBnieG5wIH5yrj7KjNbBDQGvk4WMrP+QP84uMTMPqiSiDctTchaD9XF+iknryTaplsebdMti7bnlict23S38hQqVAKY6536BpTB3e8D7quMoDYXZlbs7kXVHYdUHm3TLY+26ZZF23PLo226rkJ1Ac8FWiSGmwPz8pUxs5pAA+CbgkQnIiIikiKFSgAnAa3NrJWZbQ30BUZllRkFnBtf9wFecff1WgBFREREZOMUpAs4ntM3AHgBqAEMc/f3zWwQUOzuo4C/An83s1mElr++hYhtM5GqLu+U0Dbd8mibblm0Pbc82qYJpkY2ERERkXTRk0BEREREUkYJoIiIiEjKKAEUkS2OmfUzszsruc6Tkk8wMrNBZnZkZS5Dqo6Z7WxmI+Pr9mZ2bDnm6WFmz1bS8ovMbGhl1LWpM7OWZja1uuPYVJnZHDNrUt1xbNIJYCE+sNkH9Y0tt6HiDvF61rgplfEhMrPRZtawAuUr9OVpZr1zPd9ZZAtzEuFRlgC4+0B3f6ka45EKcPd57t4nDrYHyvw+qeTlF7v7pYVc5pYk3h6uEMupUYjlbAo22QTQzGoW6AO7zkG9EsptjPpmlrkX4j4VnTl7x7VgK3c/1t2/q6wgs7n7KHcfXFX1b47M7Bkzm2xm78en12Bm55nZh2Y21szuzyTZZtbUzJ4ys0nxr1v1Rr/pM7OzzWxi/JF0r5nVMLOfx/X7KtAtUXa4mfVJDC9JvP5/ZvZfM3vXzAbHcRfE7fBu3C71zOwgoDdwS1zmHsl6zewIM3sn1jXMzGrH8XPM7Pdm9nactnee95OznJndaGZXJcpNja0rLc1shpk9EMc9YmZHmtk4M5tpZp0rdYVvAszsZ2b2XtwufzezE8zsrbjeXzKzHWO5G+P0V+K6uCCObxnX1dbAIOD0uC1PN7POZjY+1jXezNqUI55j4zZ4w8yGZhoe8tVlicaJGOOweCz4yMy2xMSwRjzOvW9mL5pZXQsNOW/G7fi0mTUCiOuhKL5uYmZz4ut+Zvakmf0LeNHMmpnZa3G7TTWzQ7IXGuf5p5k9b2YfmNkNiWnrHTfi+CUWWvTfArpm1Xe3mfWOr582s2Hx9XlmdlMZ9R5tZhPi5/pJM9s2q+66Mc4LKmmdV4y7V9of0BKYATwATAUeAY4ExgEzgc6xXGdgPPBO/N8mju8HPAn8C3gl1jcV2Br4FFgATAFOL6WOHsCzeeIbDEwD3gNuBQ4i3HLm41jvHsAFhPsWvgs8BdTLU24sUBTrbQLMia/bAhNjufeA1uVcd3OA64Gr4vAg4BpgamLdvg68Hf8OSrzfMcCj8b21BKYDd8d1s1usu0ksf3YivnuBGnH8z4EPgVeB+4E788TZKy7/XeDlxHa7k3Dz7jnAVnF8PcLj/Wpl1bEN8FysYypwemId/G+MbyKwZxy/G/ByXJ8vA7vG8cOBPol6l8T/zYDX4nucChwSxx8NTIjxPwlsW5n7f9Z73D7+rxtj2CW+v+2BWnFb3hnLPAocHF/vCkyvqri2hD9gH8IxolYcvptwD9FPgaaE48W4xPrNt58cQzh21MvaZo0TZW8CfpWnnuGEe5bWifv5XnH8Q8DliX06M//FwAN53lPOcsCNxGNCHJ5K+Iy3BFYB+xN+yE8GhhGeqHQi8Ex1b6dK3uZtgQ9YexzbHmjE2jtZnA/cllhn78bPXpO4bXaO6yxzPO1H4hgHbAfUjK+PBJ6Kr3uQ4/sksc1bxeHHMuXKU1eMcTxQO8a4kKzj5Ob8l9g/28fhJwjfPe8Bh8Zxg4Ah8fVYcn+f9iM8JCLz2fw18Jv4ugZQP8ey+wFfEB4lmzn+FpH7uPGz+NqB0/K8l77ALfH1RODN+PpvQM989cb38RqwTRx/DTAwvp4T19FLmRiq468qmlT3BE4lPK93EnAmcDDh1/P1hJa0GUB3D/cHPBL4I3BKnL8r0M7dvzGzlgDu/qOZDSTsIAMAzGy7UupYj5ltD5wM7O3ubmYN3f07MxtF+FBmupq/c/f74+ubgPPc/S85yuVb1IXAHe7+SPylWZHm5JGEL5VbgROAs4Bz4rT5wFHuvtzMWhMOOJlH2nQG9nP3j+M6awP83N0vTsZqoVXxdKCbu680s7uBs8zsP8DvgQOARYSE8p0c67ApITnsHpe1fXK6uy8ys3eBQ2MdJwAvuPvKrKp6AfPc/bhYb4PEtO/dvbOZ/QwYAhxPSC4fcvcHzewXwFDCfpTPmXG5N8dfYvUsnG/xW+BId19qZtcAVxIOQlXhUjM7Ob5uQdiOr7r7NwBm9iSwV5x+JLBvYp/azszqu/viKoptc3cEYV+dFNdZXcKPtLHuvgDAzB5n7frN50jgb+6+DCCzbYD94me/IbAt4f6lpWkDfOzuH8bhB4FLCPsvwD/i/8nAT0upp7zlMj529/8CmNn7hB9kbmb/JXy5bEkOB0a6+9cQtpWZ7Q88bmbNCEn/x4ny/3T3H4AfzGwM4Rg5pZT6GwAPxmOrE36klWZv4CN3zyzzMdY+o768dT3n7iuAFWY2H9iRkOxsKT5298w6n0xoOGno7q/GcQ8SfoiX5T+Jz+YkYJiZ1SL8yMm3Tf/j7gsBzOwfhBxkFesfN+bH8qsJDT65vA5cbuEUsGlAo7jPdQUuJfz4zFVvF0Kv4bg4fmtCA0TGP4E/ufsj5VgHVaIqEsDyHJRK+4AkN3ZpKvqB/R5YDjxgZs8B+c4TrOjBP9sE4Ddm1hz4h7vPrMC83wDfmllfQivessS0WsCdZtaesLMmv9wmJg5EAJ+4+5s56s/1xTkfOJDyfXl2AV7LLCvPdnqckGSOIfxyujtHmf8Ct5rZ/xKS6uS5j48l/t8eX3dl7Rfi34E/5agzab2DhJkdSukfxkpjZj0IyUVXd19mZmMJrRf5uvW3imV/qIp4tkAGPOju15WMMDuJ8AMvl1XE010sbPytE/XkuhHqcOAkd3/XzPoRWm7Kiqc0K+L/1cRjrpm9QPjCL3b38/OVS8Ye1clRL8CaxPAaCvec90LJta3+AvzZ3UfFz9yNiWnZZcu64e0fgDHufnL8ET12vQAS2wy4a2PqipLbL7nNtxTZ76+089CT+3mdrGlLMy/c/TUz6w4cR3hwxC3AYiDTzZv5LOXa/usdNxKWu/tqADM7kNA7BqHFbpSFrupehBa97YHTCD0Ji+MxZb16zewEQj5zRp73PA44xswe9dgsWGhVcQ5geQ5KmQ/IfoRWouQGX0r5lFYHED6wsU/+AXdfRfgV+BSh9ej5PPUOBwa4+/6EVrH16o1y7rDu/iihtfMH4AUzO7yc7yfjccLB5bGs8VcAXwE/IbT8bZ2Ylr3O8q3DzI7aPv61cfcbM6GvVzicVzUl/g0i/xdm0ijCTr09Idl8xcxaJOq5MLaUHEBIBP8ntu5meJ7X5Bif84vd3V8DugOfEw4SP4ux/yfx3vd19/PKeC8bqgHwbUz+9iYkzvWAQ82skYWTmZOt1S8CAzIDMcmX/F4G+pjZDlDSuv8O0MPMGsfE/9RE+TmE/Q1C92jmx+KLwC/MrF6iHoD6wBexnrMS9SyO07LNAFqa2Z5x+BzCqRR5uXvPuB+eX1q5GHvHGF9HoFUZ5bdULwOnmVljKNlWDQifcVj7GNGME82sTizfg/CjMCl7Wybr6pcrgKxtNgPYPdNLRfjRW+66UmoRoYEjc95e8nMyh7Wf0T7kYWa7AfNjL91fgY7u/nTiuF4cix5lZtubWV3C9/04chw3Yn3rcPe3EvVlHlk7AbickAC+DlwV/1NKvW8C3TLHBQvnEicbVgYSuv5zNZIURHVdBLIhH5CN+sBaOPmygbuPJmzIzJdsdr3lPSqnrY0AAAW+SURBVPjPIccOa2a7E7oGhv7/9u4txKoqjuP495eWVpJhRDUGFVH0EBFiYEQ0FCRW0wWKrmQ9SNiDGRRRUErXFymMiKAehIJuSFZkkkaFOthoOE5lPZQKA0UZZNlUVPrv4b9Obk/nOKNzUdy/D2xmZp9932fv/d9r/dcsMhg6b4j71/AWWcLVXPI4Gfg+InaTF86BtFRq90X9lBYPz4jYVbkQHiEvgkskndGYv3kFEfEbmSexmCzd2xUR/ZXlvCCpA/g9Il4hq7unVRZxY+Vno4Sumz1dA94KrCm/b6PFg73VTYLBL8aRtAIYL6mPfFFZR35XnySP9SqyKuGXMv08YLoyMXozmUZgbUTEZrI6/4NyjFeSeZ8Lye/MKjLPs+FF8nvbQ5Z2D5TlrCCv0Q2SesmbOsDD5HlaST7oG14D7lcm959Z2Z4/yRzaN0tNx27ghRHa3aXAlLJ9c8k83dqJiC+BJ4BPlGkmT5Pn+03lf0/4qWmWHjLPeB3wWER81/T5R2TaRa+kG8l77lOS1jKEe2sprb8bWCFpDfly3rie92tZNTObbEjVRz6DGyk4i4C5krrJ3Ll2OoFeSRvJl+jFbaZbQ9YW9ZI5mBv2cd8YitVkXuc35L1lShnX9n5UatTuAF4t49eRqQNV84GJkgar1RodMfKJn19U/l5CSZpm7wTcC8kb2VryAVlN+Hyu1fLIA76ePY1A2i2jk9ZJu6eQN4U+suRpdhl/Efkw3kjmKMwlc0k+JqsYlrSZ7pyyrG4yUbyx/geBL8t2rqAkrw7h2G2jJDi32f+zyvrWAU+xJ5F9r/1tPgfNyy7HrtFA5TNgRhlfbQSymPaNQGaVY7CJLFFrdd6uJ0vpLmmzjJll/b3lnE6vbOcC8uG7nj2NQE4nGwU1NwI5qRyPnqZjMptM/N1IXqSNRO1Ly3L7ynD1SH7/h3COJ5Wf48mk4evGcv0ePNRhoKnhzCiup3E9iyzFufdg77uH/z+PPLQf3BewHTKUTf+nR0n0PtxIWkTmBk4kqx/vCV+AZiNK0kLyZXDRKK/nXvJl8yjyZXNOlAZFdvCUvN3/Goxaew4A7ZBxuAeAZmZmhwoHgKOsJCF/2OKjy6I0UzczMzMbSw4AzczMzGrmkO0KzszMzMxGhwNAMzMzs5pxAGhmZmZWMw4AzaxWJG2T9Iek3ypDxzCW1ynpcOrD1cxqwAGgmdVRV0RMqgzNPUWMmdI1oJnZmHIAaGYGSJohqVvSDkmbJHVWPrtT0leSdkraIumuMv5Y4H2go1qaKGmJpMcr8+9VSlhKIR8oXUQNSBpf5lsqabukrZLmjd3em1ndOAA0s9qTNJXsO/ZxstvJ+4Clkk4sk/wIXAUcR3ab+IykaRExQHaP+N0BlCbeDFwJHE/2H/wu2cXiVOAyYL6kmSOyg2ZmTRwAmlkdLSslfTskLQNuA5ZHxPKI2B0RK4ENwBUAEfFeRHwb6ROyK7+Lh7kNz0ZEf0T8AVwAnBgRj0bEXxGxBXgRuGmY6zAza8m5J2ZWR9dGxKrGH5KeB26Q1FWZ5kjgo/L5LGABcDb54nwM8Pkwt6G/8vtpZDXyjsq4ccDqYa7DzKwlB4BmZhmMvRwRc5o/kDQBWArcDrwdEX+XUkOVSVp1pzRABokNJ7eYpjpfP7A1Is46kI03M9tfrgI2M4NXgC5JMyWNkzSxNNw4FTgKmABsB/4ppYGXV+b9AThB0uTKuF7gCklTJJ0MzB9k/T3Ar6VhyNFlG86VdMGI7aGZWYUDQDOrvYjoB64BHiIDvX7gfuCIiNgJzAPeAH4GbgHeqcz7NfAqsKXkFHYAL5MNOraR+YKvD7L+XUAXcD6wFfgJeAmYvK/5zMwOlCJa1V6YmZmZ2eHKJYBmZmZmNeMA0MzMzKxmHACamZmZ1YwDQDMzM7OacQBoZmZmVjMOAM3MzMxqxgGgmZmZWc04ADQzMzOrmX8BHPkc8cFtRCMAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "# TODO: Import a supervised learning model that has 'feature_importances_'\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "\n", + "# TODO: Train the supervised model on the training set using .fit(X_train, y_train)\n", + "model = DecisionTreeClassifier()\n", + "model.fit(X_train, y_train)\n", + "\n", + "# TODO: Extract the feature importances using .feature_importances_ \n", + "importances = model.feature_importances_\n", + "\n", + "# Plot\n", + "vs.feature_plot(importances, X_train, y_train)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 7 - Extracting Feature Importance\n", + "\n", + "Observe the visualization created above which displays the five most relevant features for predicting if an individual makes at most or above \\$50,000. \n", + "* How do these five features compare to the five features you discussed in **Question 6**?\n", + "* If you were close to the same answer, how does this visualization confirm your thoughts? \n", + "* If you were not close, why do you think these features are more relevant?\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer:**\n", + "\n", + "Features that are the same:\n", + "1. Capital Gain\n", + "2. Hours per Week\n", + "\n", + "Features that differ:\n", + "1. Marital Status\n", + "2. Age\n", + "3. Education Number\n", + "\n", + "We can see that the five most important features from the graph account for nearly 70% of the feature weight. This means that these features account for 70% of the variability in determining our answer. \n", + "\n", + "Age is one feature I would have included instead of Sex - it makes sense that the older one is, the more money they would be earning. I can see why this is second in terms of importance when considering the data and the problem we are trying to answer.\n", + "\n", + "I am somewhat surprised to see that someone who is married to be number one in terms of importance. It is plausible that those who are married are able to earn more if we considered household income. \n", + "\n", + "Education Number is a metric I am not familiar with being from the UK - I am guessing that this is closely related to Education Level (e.g in a few cells up we see the first 5 rows of our data and everyone who has a Bachelors degree has an education number of 13). If this is the case then my suspicion that the level to which one is educated is an important factor in considering their income level." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Feature Selection\n", + "How does a model perform if we only use a subset of all the available features in the data? With less features required to train, the expectation is that training and prediction time is much lower — at the cost of performance metrics. From the visualization above, we see that the top five most important features contribute more than half of the importance of **all** features present in the data. This hints that we can attempt to *reduce the feature space* and simplify the information required for the model to learn. The code cell below will use the same optimized model you found earlier, and train it on the same training set *with only the top five important features*. " + ] + }, + { + "cell_type": "code", + "execution_count": 57, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time took to fit: 5.49s\n", + "Final Model trained on full data\n", + "------\n", + "Accuracy on testing data: 0.8392\n", + "F-score on testing data: 0.6803\n", + "\n", + "Final Model trained on reduced data\n", + "------\n", + "Accuracy on testing data: 0.8226\n", + "F-score on testing data: 0.6420\n" + ] + } + ], + "source": [ + "# Import functionality for cloning a model\n", + "from sklearn.base import clone\n", + "import time \n", + "\n", + "# Reduce the feature space\n", + "X_train_reduced = X_train[X_train.columns.values[(np.argsort(importances)[::-1])[:5]]]\n", + "X_test_reduced = X_test[X_test.columns.values[(np.argsort(importances)[::-1])[:5]]]\n", + "\n", + "start_time = time.time()\n", + "# Train on the \"best\" model found from grid search earlier\n", + "clf = (clone(best_clf)).fit(X_train_reduced, y_train)\n", + "end_time = time.time()\n", + "\n", + "\n", + "# Make new predictions\n", + "reduced_predictions = clf.predict(X_test_reduced)\n", + "\n", + "\n", + "\n", + "print(f'Time took to fit: {end_time - start_time:.2f}s')\n", + "# Report scores from the final model using both versions of data\n", + "print(\"Final Model trained on full data\\n------\")\n", + "print(\"Accuracy on testing data: {:.4f}\".format(accuracy_score(y_test, best_predictions)))\n", + "print(\"F-score on testing data: {:.4f}\".format(fbeta_score(y_test, best_predictions, beta = 0.5)))\n", + "print(\"\\nFinal Model trained on reduced data\\n------\")\n", + "print(\"Accuracy on testing data: {:.4f}\".format(accuracy_score(y_test, reduced_predictions)))\n", + "print(\"F-score on testing data: {:.4f}\".format(fbeta_score(y_test, reduced_predictions, beta = 0.5)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 8 - Effects of Feature Selection\n", + "\n", + "* How does the final model's F-score and accuracy score on the reduced data using only five features compare to those same scores when all features are used?\n", + "* If training time was a factor, would you consider using the reduced data as your training set?" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer:**\n", + "\n", + "The final model using the reduced features is very close to the result if we trained on the whole dataset. The accuracy decreases by 2% and the f-score decreases by 5.6%. **It took a mere 5.5 seconds to fit the data to the whole dataset.** Such a small trade off in accuracy for such a huge increase in time savings is something I would most certainly consider if training time was a factor.\n", + "\n", + "Indeed when using grid search I initially tried a much more granular approach to find the C and gamma values for the SVM. I initially tried a logspace of 14 numbers (np.logspace(-12, 3, num=14)) but even on powerful hardware (an intel i9 9900k with 32GB RAM) this hadn't completed after 72 hours continuously running. This was most likely due to the very small precise values of gamma and C oweing to much longer training times needed. Working with a much smaller feature set would be interesting to see if we can find more precise values in a much smaller time.\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "> **Note**: Once you have completed all of the code implementations and successfully answered each question above, you may finalize your work by exporting the iPython Notebook as an HTML document. You can do this by using the menu above and navigating to \n", + "**File -> Download as -> HTML (.html)**. Include the finished document along with this notebook as your submission." + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 1 +} diff --git a/Supervised Learning Project/README.md b/Supervised Learning Project/README.md new file mode 100644 index 0000000..b9afe6a --- /dev/null +++ b/Supervised Learning Project/README.md @@ -0,0 +1,56 @@ +# Data Scientist Nanodegree +# Supervised Learning +## Project: Finding Donors for CharityML + +### Install + +This project requires **Python 3.x** and the following Python libraries installed: + +- [NumPy](http://www.numpy.org/) +- [Pandas](http://pandas.pydata.org) +- [matplotlib](http://matplotlib.org/) +- [scikit-learn](http://scikit-learn.org/stable/) + +You will also need to have software installed to run and execute an [iPython Notebook](http://ipython.org/notebook.html) + +We recommend students install [Anaconda](https://www.continuum.io/downloads), a pre-packaged Python distribution that contains all of the necessary libraries and software for this project. + +### Code + +Template code is provided in the `finding_donors.ipynb` notebook file. You will also be required to use the included `visuals.py` Python file and the `census.csv` dataset file to complete your work. While some code has already been implemented to get you started, you will need to implement additional functionality when requested to successfully complete the project. Note that the code included in `visuals.py` is meant to be used out-of-the-box and not intended for students to manipulate. If you are interested in how the visualizations are created in the notebook, please feel free to explore this Python file. + +### Run + +In a terminal or command window, navigate to the top-level project directory `finding_donors/` (that contains this README) and run one of the following commands: + +```bash +ipython notebook finding_donors.ipynb +``` +or +```bash +jupyter notebook finding_donors.ipynb +``` + +This will open the iPython Notebook software and project file in your browser. + +### Data + +The modified census dataset consists of approximately 32,000 data points, with each datapoint having 13 features. This dataset is a modified version of the dataset published in the paper *"Scaling Up the Accuracy of Naive-Bayes Classifiers: a Decision-Tree Hybrid",* by Ron Kohavi. You may find this paper [online](https://www.aaai.org/Papers/KDD/1996/KDD96-033.pdf), with the original dataset hosted on [UCI](https://archive.ics.uci.edu/ml/datasets/Census+Income). + +**Features** +- `age`: Age +- `workclass`: Working Class (Private, Self-emp-not-inc, Self-emp-inc, Federal-gov, Local-gov, State-gov, Without-pay, Never-worked) +- `education_level`: Level of Education (Bachelors, Some-college, 11th, HS-grad, Prof-school, Assoc-acdm, Assoc-voc, 9th, 7th-8th, 12th, Masters, 1st-4th, 10th, Doctorate, 5th-6th, Preschool) +- `education-num`: Number of educational years completed +- `marital-status`: Marital status (Married-civ-spouse, Divorced, Never-married, Separated, Widowed, Married-spouse-absent, Married-AF-spouse) +- `occupation`: Work Occupation (Tech-support, Craft-repair, Other-service, Sales, Exec-managerial, Prof-specialty, Handlers-cleaners, Machine-op-inspct, Adm-clerical, Farming-fishing, Transport-moving, Priv-house-serv, Protective-serv, Armed-Forces) +- `relationship`: Relationship Status (Wife, Own-child, Husband, Not-in-family, Other-relative, Unmarried) +- `race`: Race (White, Asian-Pac-Islander, Amer-Indian-Eskimo, Other, Black) +- `sex`: Sex (Female, Male) +- `capital-gain`: Monetary Capital Gains +- `capital-loss`: Monetary Capital Losses +- `hours-per-week`: Average Hours Per Week Worked +- `native-country`: Native Country (United-States, Cambodia, England, Puerto-Rico, Canada, Germany, Outlying-US(Guam-USVI-etc), India, Japan, Greece, South, China, Cuba, Iran, Honduras, Philippines, Italy, Poland, Jamaica, Vietnam, Mexico, Portugal, Ireland, France, Dominican-Republic, Laos, Ecuador, Taiwan, Haiti, Columbia, Hungary, Guatemala, Nicaragua, Scotland, Thailand, Yugoslavia, El-Salvador, Trinadad&Tobago, Peru, Hong, Holand-Netherlands) + +**Target Variable** +- `income`: Income Class (<=50K, >50K) diff --git a/Supervised Learning Project/__pycache__/visuals.cpython-37.pyc b/Supervised Learning Project/__pycache__/visuals.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..dbb375d2f98c663f1321325770c3b21c50768cd0 GIT binary patch literal 4620 zcmb7IO>87b74Dyzp1<~Z?Dg7f=dbg#*&Pxu_9l>MAz5#BwE>h^t2kt%!I9OT>KV7U zr+c=lXLsDpoRV;}!~r3Z(^xri;lK?p;R*r?6eOflgn(SIlmkdeNC*kOSKTunD_IF@ z)YVn>s@|)5UGIDE%_}oAWew%`zkB|j56^1ar_>pjJQ^E##1Bw0jp>2b&^&ElXNG4m zljROgoyPNl*~v9>y5{BH)kb+xtRq8F^uX#A8pW(#>XaLmtZg@D6vt{~7Vkn(>(m-G zMJon#o%zOm=S<@a`ZZQ&mG|_<0<+o7ds^cxtFl?V7n#1L)#r|}Gi_5^emjh~C(9i- z?gmjD_`7vO7MpJDwIhBYtxm*xfmhdMrR~K#e)k~Wi$W|513#qUTU z*{oH9e&*ObJHr;*`E0B_89SSf-Cen@4RrqVfw5m&;oV-?cP~P%I&kg*U3Vi*Dc^_+i@-cf9)^qmh{VyFHpG zoT%lrJU8xfPbfBZeiByMB1m3nC$oby`6BKVC+a z6rNmLyM`aWS8mr2h0HgjAmYjLh4bQqb2F9Z+?d+NaW$1zY(-&A;$;3UH|TlE+-9${ z>v7uU8y>zp6Lo`=IRCc=O-oz3aqV{Uc-B3Uk9h`ky zs5<*~2=v2V)DzBiFBEv)aASA8NpW0*toC;oe)8&{lfPYs>;?3tevrJdl`8Z9Ww=?d zN~0S{3wnjlWyuSB9go8hWW{A{NAz~dKxA$Y>X9V@Yl!_gfay@PAGo_-khTxfc9F&p z0>6`u#(wjTkh5x(+G>`NMbYb~jO^HN@5MW~6HyOx#9nm2Zpj?Ov1MgSSJK25rS9Vj zq+d)LZvV#`e-;|}*W1^xY=2vLTx{QPL*EOwZ}Di~YsO-`?Z>O!>qcU`$K0kLA8e<_ zyuH=ydi^j#q7C7K;gY`g)SK#S^GB%QhGFd3^y-S^XCDb7oGr zblb4>vQgCeCCqB#7N|0Vx`ao8fW*}tgFp(4soAsq5Jpc1-ZqC;|KG7O&_?Ewrl8?7 z%qa|u{l5S(N(6EQaID(46!ll2mWJj2FX9{k)i@$B`RTAS$PG%&Skb6n)LO=}wr>q8 zgTf%cpe<M}_JQ;gTYSLE zGFu|b-QC;T-Az1e0H7Q@x2%mSY&l)SR#fkytoN|$J(BevJvH;OQ!|}YGl{3o9-rcA zvnQr_+U&_Go;G_b>k&_zozHs2(`HX+J?w0MW}veR>>{hPFR^FXvxgRGkYUvWDA+$J z#uuys?*~vw168(?NhJ-O^k{!4J=$N^YimQhfBDo+dIEQ)GAs`4(QI7XpTk$D8&G7c zhqyPo_I=}Sa+~hw{J>_H*q7NFGuS%2OlQLA8TK4|o_&RVm0UusjTQ*_@jj~@zzc8y zFS;)Q0UzW8;%Mvw96)?8h!yPJbGc8L7my{wj4!F>s`A5bFBVr++i_MWQ?59!69AM5 zivcEMTOM19p?h@#}9Y9+@nPo>lY?m z$KL*m^Cm5)5J0&%VivmoJ3i$a9Lw*tx-;QPGL%;gw5`#exuOJ8YS8upd93)B6}ikSfJt!KbgPpvv`ls zlepjfn#w0vGr9k~+Wz22RLqUUSU;bb>ucwe-1-{oxi?8&LtQ*@Pw@H?neEcINEW;=3d05 z8AMGvvx~3?5klV+U6;vRh+s;EA<2ukJWg>9W_!--9)h~2P)70Q9``(`bz-DrhwCUc z3ciRFW~%u6II2;{-mEY3b98*f3n~y1d_`&Fj&~rW5q72JBAjY_(%f}<7L-hd9Q~7! zgFl+`QDKYU;g6xqAEB{=+utLNa))}B3;l#l7CT)xZtg)1`CHVGR^YWk;7`)Rr>HuQ zsy-tN8IVb`B$We5qqWX2(v)XV$rARqqrR84ROl)AWsElp8CXeuA1Q}Y7_ZZULMB=T zH)*v><3;Zt!cYWf&!HzaQEB!9!j3Y6kw^8Kc|~{dThX63tNP@3s=Wd#e&aE$rIkg! zYSvKmEpVI!ErdCf%;ht50Q34lJJOMXA-j9uT-Ju>K;Jj^O=Kz>Gu}slficQdKpT$? z^KlND3gv(L&_dgy+=dk>V?nO~u0;x226@VC($GdZn<*NbIY-h<17t18=t^uB!HAvC z8kHv;a+F6R1gfw(a%JFdt88a1YX$+znTg~oJIfXi)x6QHa$~tsO}Q}*Zft4u_&+Gz z#=((Rnf`b6^wns5+df9LK98T#bxq#Orw8j{LewJ#a_Z?_X;bexY zpI*h)P$oIS@T59UO;Yyt9AC!*nTODJsO+4-c*5c1F)sg-97CG%B+J)(on8Rnb|O97 zEU*D+g}5C||I$48lsY3jQsce`05aM#b-RA&THdGzxEz zUD`p~kOe=4mxko;(86u1lnGLTFl9q_D@`AED6dIC6AmiPTtF~iGi}(-0xW@Sf^A9Riu1j@$N| za_;1x2V@y4#j?_Oig)wV^c08q8(_r0LEQ34(z*xf7qGfOYZqYHWt^50K +31, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,50.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,80.0, United-States,>50K +30, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, Mexico,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,>50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +54, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +35, Federal-gov, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2042.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,44.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,1408.0,40.0, United-States,<=50K +30, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,15.0, United-States,<=50K +48, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Married-AF-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +48, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +53, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +57, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +44, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,60.0, Honduras,>50K +50, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +47, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,58.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +31, Private, Bachelors,13.0, Separated, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +79, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,22.0, United-States,<=50K +31, Local-gov, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,14344.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +57, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Local-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +48, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, England,<=50K +32, Federal-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +76, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +47, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +30, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1887.0,50.0, Canada,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,4064.0,0.0,25.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,41.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, Germany,<=50K +29, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1719.0,28.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1762.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,35.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,36.0, United-States,<=50K +38, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Iran,>50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +61, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Mexico,<=50K +45, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,40.0, United-States,>50K +70, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +36, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +64, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2179.0,40.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, Mexico,<=50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Unmarried, Black, Male,0.0,1816.0,2.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, Bachelors,13.0, Separated, Other-service, Other-relative, Black, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, England,<=50K +45, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +39, Federal-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +46, State-gov, Masters,14.0, Widowed, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +66, Local-gov, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,1980.0,40.0, United-States,<=50K +28, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,38.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +37, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +58, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,1.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,28.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Federal-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +23, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +36, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,55.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,7298.0,0.0,40.0, United-States,>50K +24, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1340.0,40.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,7298.0,0.0,36.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +58, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,15024.0,0.0,35.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +44, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,>50K +50, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Poland,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +25, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,2206.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,20.0, United-States,<=50K +53, Local-gov, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,1409.0,0.0,50.0, United-States,<=50K +75, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, Columbia,<=50K +65, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Separated, Transport-moving, Not-in-family, Black, Male,3674.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Craft-repair, Other-relative, Other, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +59, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Iran,>50K +38, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +24, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +41, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, 10th,6.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +19, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,>50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +50, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,75.0, Thailand,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,1055.0,0.0,24.0, United-States,<=50K +50, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2407.0,0.0,98.0, United-States,<=50K +27, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,7298.0,0.0,48.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, Germany,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +60, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Federal-gov, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +41, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +50, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Ecuador,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +37, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,25.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Laos,<=50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7298.0,0.0,35.0, Taiwan,>50K +36, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +29, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, 11th,7.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +76, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,50.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,2050.0,0.0,55.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,48.0, Mexico,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,30.0, Haiti,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +36, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +56, Private, Assoc-acdm,12.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, Iran,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, 11th,7.0, Widowed, Other-service, Unmarried, Other, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +36, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +62, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,45.0, United-States,>50K +22, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +57, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +40, State-gov, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 5th-6th,3.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,2339.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2415.0,6.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Self-emp-not-inc, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +52, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,64.0, United-States,<=50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,2179.0,40.0, Puerto-Rico,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,65.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,24.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +31, State-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States,<=50K +34, Local-gov, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,2176.0,0.0,18.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,72.0, Dominican-Republic,<=50K +63, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,2174.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,1980.0,40.0, Philippines,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Black, Male,594.0,0.0,60.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +24, Federal-gov, HS-grad,9.0, Never-married, Armed-Forces, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, 1st-4th,2.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,16.0, United-States,>50K +60, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +67, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,6.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Portugal,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +59, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 5th-6th,3.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +26, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +62, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,42.0, France,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,1380.0,42.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,80.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +24, Local-gov, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,58.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +74, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,9.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,46.0, Puerto-Rico,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +67, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,48.0, United-States,>50K +39, Local-gov, 12th,8.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, 1st-4th,2.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +58, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,8.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Federal-gov, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,>50K +69, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,32.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +28, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States,<=50K +43, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +45, Private, 7th-8th,4.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,42.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +27, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +58, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,47.0, United-States,>50K +57, Self-emp-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +60, Private, 7th-8th,4.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, Canada,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +60, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,21.0, United-States,<=50K +52, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,6849.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,1055.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +52, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, 11th,7.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +65, Private, 9th,5.0, Widowed, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,24.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +47, Private, 9th,5.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +30, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,64.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,26.0, United-States,>50K +47, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, 10th,6.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,14.0, United-States,<=50K +21, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +47, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, Cuba,<=50K +52, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Self-emp-inc, Doctorate,16.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +31, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +71, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Male,4101.0,0.0,50.0, United-States,<=50K +35, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +38, State-gov, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +29, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,8614.0,0.0,40.0, United-States,>50K +27, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +24, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,1721.0,40.0, United-States,<=50K +48, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,2597.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,>50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Local-gov, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, State-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,5.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States,<=50K +41, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, Dominican-Republic,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +54, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,45.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, Poland,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,1380.0,40.0, Cuba,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Female,25236.0,0.0,65.0, United-States,>50K +44, Private, Bachelors,13.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States,>50K +40, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +45, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,4386.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Honduras,<=50K +31, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, State-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,60.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,2377.0,45.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,36.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,594.0,0.0,20.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +42, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,50.0, United-States,>50K +26, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, Haiti,<=50K +46, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +29, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +46, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +59, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States,>50K +34, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, Portugal,<=50K +53, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +51, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +32, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +31, State-gov, Some-college,10.0, Married-spouse-absent, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, Germany,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +37, Private, 5th-6th,3.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,32.0, Guatemala,<=50K +31, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,24.0, United-States,>50K +55, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +23, Local-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,1669.0,42.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Other, Female,0.0,0.0,55.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2352.0,50.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,2463.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,35.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, England,>50K +43, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,1721.0,30.0, United-States,<=50K +68, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,48.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,47.0, United-States,>50K +64, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,75.0, Italy,<=50K +41, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,60.0, United-States,<=50K +57, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,653.0,42.0, United-States,>50K +62, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +24, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4386.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +63, Private, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,6.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +61, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +26, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,56.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +21, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Self-emp-not-inc, Bachelors,13.0, Separated, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +71, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,2415.0,40.0, China,>50K +55, Private, 5th-6th,3.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,25.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,7.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, 9th,5.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, Philippines,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,2174.0,0.0,45.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, India,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Local-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +51, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,15.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +53, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,50.0, South,<=50K +67, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +81, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,38.0, Mexico,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +33, Private, 1st-4th,2.0, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala,<=50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +51, Local-gov, Preschool,1.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +37, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,44.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +47, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,45.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +51, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +33, Local-gov, 10th,6.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, Mexico,<=50K +36, Private, 10th,6.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +67, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,2392.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,70.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,4101.0,0.0,40.0, United-States,<=50K +40, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +78, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, Black, Female,2964.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,42.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +63, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1504.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +45, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,58.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,65.0, United-States,>50K +38, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,52.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Germany,<=50K +51, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +48, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +22, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, Japan,<=50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +42, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Yugoslavia,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +48, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, Masters,14.0, Married-spouse-absent, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,<=50K +31, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,1719.0,20.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,75.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +90, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +28, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +52, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Iran,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3471.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, Mexico,<=50K +34, Private, Assoc-acdm,12.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,80.0, United-States,>50K +36, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +22, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,46.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,1590.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,50.0, Taiwan,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,52.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +41, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, China,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, India,<=50K +62, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,1977.0,25.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Self-emp-inc, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1651.0,40.0, Mexico,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +34, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +34, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,33.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Mexico,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +37, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +69, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,4865.0,0.0,40.0, United-States,<=50K +34, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +63, Federal-gov, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +37, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Jamaica,>50K +46, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,53.0, United-States,<=50K +41, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +40, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,44.0, United-States,>50K +30, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,39.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, Mexico,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +54, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,10605.0,0.0,20.0, United-States,>50K +88, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +50, Private, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Masters,14.0, Married-civ-spouse, Farming-fishing, Not-in-family, White, Male,0.0,0.0,99.0, United-States,>50K +20, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +47, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, 11th,7.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +24, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +45, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,80.0, United-States,>50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,60.0, United-States,>50K +37, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Male,0.0,0.0,62.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +54, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,7688.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,45.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Widowed, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, England,<=50K +75, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +52, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,42.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,40.0, Cuba,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +55, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +36, State-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,59.0, United-States,>50K +38, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +62, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +54, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,1762.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, State-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +73, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +22, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +67, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,6514.0,0.0,7.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,1876.0,50.0, United-States,<=50K +42, Federal-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +21, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,10.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +57, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, 1st-4th,2.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,30.0, El-Salvador,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,57.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Federal-gov, Some-college,10.0, Never-married, Armed-Forces, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Japan,<=50K +58, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +29, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, 5th-6th,3.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +45, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, Canada,>50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +41, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +61, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,1471.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,24.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, India,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +57, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,3674.0,0.0,16.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +71, Private, Bachelors,13.0, Divorced, Tech-support, Own-child, White, Female,2329.0,0.0,16.0, United-States,<=50K +38, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +34, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +32, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +42, Private, HS-grad,9.0, Separated, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1848.0,60.0, United-States,>50K +40, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,55.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,41.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, Italy,<=50K +31, Federal-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999.0,0.0,40.0, Japan,>50K +20, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, Poland,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +43, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Canada,<=50K +25, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,44.0, United-States,<=50K +40, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Other-relative, White, Male,0.0,1564.0,70.0, Iran,>50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,5.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,1762.0,30.0, United-States,<=50K +19, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 10th,6.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,5013.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2105.0,0.0,45.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, 11th,7.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,78.0, Thailand,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +52, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,90.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +47, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,43.0, Germany,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4386.0,0.0,35.0, United-States,>50K +39, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, Black, Female,3411.0,0.0,34.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Peru,<=50K +59, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +35, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,43.0, Mexico,<=50K +36, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,66.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, 11th,7.0, Widowed, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +56, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +46, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +70, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,45.0, United-States,<=50K +49, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,75.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,36.0, United-States,>50K +61, Private, Prof-school,15.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,5.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +69, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,11.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,24.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +31, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105.0,0.0,40.0, Mexico,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,2001.0,42.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +57, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,41.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,35.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, 11th,7.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,43.0, United-States,>50K +35, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,1980.0,65.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +49, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +64, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +58, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,14.0, United-States,<=50K +42, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +37, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +66, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, England,>50K +44, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,58.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,2885.0,0.0,30.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,1340.0,40.0, United-States,<=50K +17, Local-gov, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,9.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, State-gov, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2339.0,55.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,15.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,12.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +49, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,42.0, United-States,>50K +50, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +62, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1628.0,70.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +27, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +56, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 12th,8.0, Divorced, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,8.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,6.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, HS-grad,9.0, Separated, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, Outlying-US(Guam-USVI-etc),<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +24, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, Scotland,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +57, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +46, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +58, Self-emp-not-inc, 12th,8.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +45, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, England,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, 11th,7.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Other, Female,0.0,0.0,35.0, United-States,<=50K +61, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,15024.0,0.0,60.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,1740.0,40.0, United-States,<=50K +39, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,2407.0,0.0,70.0, Mexico,<=50K +67, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +40, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, Mexico,<=50K +37, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,2202.0,0.0,48.0, United-States,<=50K +34, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,38.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +65, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,6514.0,0.0,35.0, United-States,>50K +55, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,10.0, United-States,<=50K +71, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +59, Private, 10th,6.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, Italy,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +55, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2961.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Italy,>50K +43, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,12.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,80.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +43, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +53, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, Canada,<=50K +44, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,1055.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +53, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1902.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,43.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, China,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +73, Private, HS-grad,9.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,15.0, United-States,<=50K +49, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +40, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,6849.0,0.0,90.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,35.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1719.0,16.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,32.0, United-States,<=50K +50, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +41, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,27828.0,0.0,50.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,20.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,6767.0,0.0,20.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +31, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,2339.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,2202.0,0.0,38.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,45.0, United-States,>50K +35, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, United-States,>50K +40, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Private, 5th-6th,3.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +30, Federal-gov, 9th,5.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +45, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Trinadad&Tobago,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Private, 7th-8th,4.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +38, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +50, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +59, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,49.0, United-States,<=50K +73, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,2228.0,0.0,10.0, United-States,<=50K +52, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +51, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +22, Private, 11th,7.0, Widowed, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +51, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +22, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,99999.0,0.0,40.0, Dominican-Republic,>50K +37, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +52, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +42, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +56, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 7th-8th,4.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,3325.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,45.0, United-States,>50K +21, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,36.0, United-States,<=50K +28, Private, Bachelors,13.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,45.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +47, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +23, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,54.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +46, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +40, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +32, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, Italy,>50K +27, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +27, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +68, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +22, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Greece,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +68, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Without-pay, 7th-8th,4.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,1506.0,0.0,45.0, United-States,<=50K +26, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +26, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +52, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +41, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +28, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,46.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,18.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1741.0,48.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1628.0,45.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,48.0, China,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Other-relative, White, Female,0.0,0.0,48.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +26, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +18, Local-gov, 11th,7.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +57, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, Nicaragua,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,6.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, South,>50K +35, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, Germany,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,13550.0,0.0,40.0, Cambodia,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Local-gov, 10th,6.0, Divorced, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +49, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +60, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +54, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,>50K +44, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +75, Self-emp-not-inc, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +51, State-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,1409.0,0.0,40.0, United-States,<=50K +72, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,48.0, United-States,>50K +39, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +57, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +24, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,38.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,70.0, United-States,<=50K +23, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1408.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1740.0,45.0, United-States,<=50K +34, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,4865.0,0.0,60.0, United-States,<=50K +57, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,2258.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +23, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, England,<=50K +32, Private, Some-college,10.0, Divorced, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Nicaragua,<=50K +35, Private, Assoc-acdm,12.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,40.0, United-States,>50K +63, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,20051.0,0.0,10.0, United-States,>50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 11th,7.0, Married-civ-spouse, Sales, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +50, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +49, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +27, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +17, Self-emp-not-inc, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +53, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,42.0, United-States,>50K +24, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, Mexico,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +60, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +66, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States,>50K +34, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +25, Self-emp-not-inc, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +59, Local-gov, HS-grad,9.0, Separated, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +31, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,16.0, Japan,<=50K +56, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +47, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Other-relative, Black, Female,0.0,0.0,35.0, Dominican-Republic,<=50K +58, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5556.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,35.0, United-States,>50K +57, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1669.0,55.0, United-States,<=50K +45, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,53.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,16.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +44, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,38.0, Jamaica,>50K +47, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, State-gov, 11th,7.0, Separated, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, India,<=50K +41, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +46, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +49, Private, HS-grad,9.0, Widowed, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Masters,14.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,35.0, United-States,>50K +75, Private, 10th,6.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +47, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, Italy,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,17.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,15.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, 10th,6.0, Separated, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +60, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +41, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,5.0, United-States,>50K +35, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +63, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +74, Federal-gov, Some-college,10.0, Widowed, Transport-moving, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +50, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, 12th,8.0, Separated, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6767.0,0.0,60.0, United-States,<=50K +28, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, Bachelors,13.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,12.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, South,<=50K +49, Local-gov, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,1055.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,37.0, Mexico,<=50K +22, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +57, State-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,22.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +51, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +59, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +33, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +38, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +54, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +63, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,18.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +45, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Doctorate,16.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +22, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Assoc-voc,11.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +29, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +38, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,1741.0,40.0, Vietnam,<=50K +25, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,21.0, Mexico,<=50K +32, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,1602.0,10.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,40.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Widowed, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,10.0, United-States,<=50K +29, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Canada,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, Taiwan,>50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Other-relative, Black, Female,0.0,0.0,25.0, Haiti,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,1719.0,15.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +90, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +64, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +56, Private, 7th-8th,4.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +62, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +65, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +40, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +63, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +37, Private, Some-college,10.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,1887.0,40.0, Philippines,>50K +32, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +35, Private, 11th,7.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,90.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,65.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, 11th,7.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala,<=50K +22, Private, 10th,6.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +23, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, Mexico,<=50K +21, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,594.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,14344.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, England,<=50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +26, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,44.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Self-emp-inc, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781.0,0.0,50.0, Mexico,<=50K +36, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +55, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, England,<=50K +20, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,44.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, England,>50K +25, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +63, Private, 7th-8th,4.0, Married-spouse-absent, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +56, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, Canada,>50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +53, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,54.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +32, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3137.0,0.0,50.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +36, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,65.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +50, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,2547.0,50.0, United-States,>50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,2206.0,30.0, United-States,<=50K +29, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +55, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,35.0, Greece,>50K +41, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +35, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, China,<=50K +42, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +39, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +32, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,20.0, Trinadad&Tobago,<=50K +54, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,3.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, 10th,6.0, Never-married, Sales, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +31, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +26, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +46, Private, Assoc-voc,11.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,44.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,54.0, Dominican-Republic,>50K +50, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, Canada,>50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, 10th,6.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3818.0,0.0,30.0, United-States,<=50K +55, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,52.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +57, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,1980.0,60.0, United-States,<=50K +60, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +52, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +59, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +70, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,6.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,60.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +65, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,1741.0,45.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,56.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +18, Local-gov, 12th,8.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Federal-gov, HS-grad,9.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Male,914.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, United-States,<=50K +59, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,21.0, United-States,<=50K +58, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,4064.0,0.0,40.0, India,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064.0,0.0,15.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +40, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, Haiti,<=50K +46, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,13.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States,<=50K +56, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +56, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +19, Private, 10th,6.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,52.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +40, Private, 1st-4th,2.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +28, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +57, Private, 1st-4th,2.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Portugal,<=50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +77, Self-emp-not-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,401.0,0.0,20.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,8614.0,0.0,52.0, United-States,>50K +35, Private, Assoc-acdm,12.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,45.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +60, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +56, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +18, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,27.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,25.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +31, State-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +74, Private, Prof-school,15.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +34, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Federal-gov, 11th,7.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,1340.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +55, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +52, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +27, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Self-emp-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Nicaragua,<=50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,49.0, Dominican-Republic,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,4101.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Iran,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +31, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Columbia,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, State-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,56.0, United-States,>50K +40, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,40.0, United-States,>50K +70, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +38, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,75.0, Mexico,<=50K +37, Self-emp-not-inc, Some-college,10.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, Cuba,<=50K +49, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +43, Private, 1st-4th,2.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, Mexico,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +64, Private, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,28.0, El-Salvador,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Local-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +78, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +27, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +55, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +61, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,5.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,70.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +18, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +56, Self-emp-not-inc, 10th,6.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,4865.0,0.0,40.0, United-States,<=50K +56, Federal-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,45.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,40.0, United-States,>50K +24, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +72, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +51, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,2977.0,0.0,35.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +26, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,4934.0,0.0,50.0, United-States,>50K +28, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +30, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,20.0, United-States,<=50K +62, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,2597.0,0.0,48.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,45.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +47, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,35.0, United-States,<=50K +30, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Divorced, Exec-managerial, Other-relative, White, Female,594.0,0.0,10.0, United-States,<=50K +46, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,11.0, Nicaragua,<=50K +47, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, Greece,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +80, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, Canada,>50K +24, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,18.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, Greece,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,34.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Masters,14.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +61, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,2339.0,40.0, United-States,<=50K +54, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +27, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, Germany,<=50K +44, Self-emp-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +64, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Cuba,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,6849.0,0.0,55.0, United-States,<=50K +61, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, 11th,7.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +47, State-gov, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +44, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,5013.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,2205.0,24.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,37.0, Mexico,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +41, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +22, Private, 10th,6.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Local-gov, 12th,8.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +63, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +58, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +28, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,40.0, United-States,>50K +45, Local-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,1726.0,40.0, United-States,<=50K +33, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +37, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Separated, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2444.0,45.0, United-States,>50K +47, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +25, Private, 12th,8.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,43.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,33.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Protective-serv, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +71, Private, Preschool,1.0, Widowed, Craft-repair, Unmarried, Black, Male,0.0,0.0,10.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +19, Federal-gov, HS-grad,9.0, Married-AF-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +90, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +56, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +45, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,27.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Private, 10th,6.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,<=50K +22, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,30.0, Germany,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, Italy,>50K +67, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,75.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +53, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +81, Private, 9th,5.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,2062.0,0.0,5.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,1138.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Local-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,98.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,36.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Canada,<=50K +49, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, Italy,>50K +23, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1740.0,48.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +75, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States,<=50K +17, Local-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Preschool,1.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,35.0, Mexico,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,42.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +48, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, Black, Female,0.0,1669.0,38.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +49, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,85.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, Ireland,<=50K +75, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,35.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,56.0, United-States,<=50K +40, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +64, Local-gov, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, India,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +62, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, Columbia,<=50K +29, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Japan,<=50K +39, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,32.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2829.0,0.0,30.0, Mexico,<=50K +31, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,52.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Tech-support, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +44, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +37, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +64, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,50.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States,<=50K +49, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, Philippines,>50K +51, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,1762.0,32.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, England,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,2238.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +30, Private, HS-grad,9.0, Married-AF-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +61, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +71, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,6.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +50, Local-gov, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,52.0, United-States,>50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,9.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +61, Private, 5th-6th,3.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1876.0,56.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +57, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +48, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +69, Local-gov, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,>50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +40, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +74, Self-emp-inc, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,2258.0,10.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,56.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Prof-school,15.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +60, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,84.0, United-States,<=50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,70.0, United-States,<=50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2352.0,65.0, United-States,<=50K +22, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,7688.0,0.0,50.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,2829.0,0.0,55.0, Poland,<=50K +52, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Farming-fishing, Not-in-family, White, Male,2354.0,0.0,45.0, United-States,<=50K +19, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico,<=50K +54, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +44, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Federal-gov, Assoc-acdm,12.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +41, Private, 11th,7.0, Divorced, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,10520.0,0.0,48.0, United-States,>50K +48, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +37, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1977.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +64, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +56, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,49.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +33, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,42.0, United-States,>50K +21, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Germany,>50K +43, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +27, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,45.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Self-emp-not-inc, 12th,8.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Trinadad&Tobago,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +71, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,2964.0,0.0,60.0, United-States,<=50K +33, Private, 12th,8.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +51, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +62, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +28, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, Dominican-Republic,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,48.0, South,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Self-emp-inc, Bachelors,13.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,65.0, United-States,>50K +31, Private, 7th-8th,4.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +47, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,55.0, United-States,>50K +74, Federal-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,17.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, Greece,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Private, 11th,7.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2002.0,45.0, United-States,<=50K +25, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,65.0, United-States,<=50K +57, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Wife, White, Female,15024.0,0.0,35.0, United-States,>50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1902.0,80.0, United-States,>50K +58, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +45, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,35.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +36, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +30, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +34, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 9th,5.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,48.0, Mexico,<=50K +42, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +26, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +49, State-gov, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,1669.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,5455.0,0.0,38.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,40.0, Peru,>50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +36, Self-emp-inc, Assoc-acdm,12.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,>50K +73, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +38, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +58, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,46.0, United-States,<=50K +34, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +31, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,>50K +45, Private, Some-college,10.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Private, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, Mexico,<=50K +34, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +32, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +33, Private, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +62, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,41.0, United-States,<=50K +53, Private, 11th,7.0, Divorced, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,3.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +37, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +47, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, 12th,8.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, Guatemala,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,1590.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +59, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,1590.0,54.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +59, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,62.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,47.0, United-States,<=50K +41, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,2179.0,84.0, Mexico,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,26.0, United-States,<=50K +45, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +26, Private, 11th,7.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,3325.0,0.0,52.0, Dominican-Republic,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +57, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +21, Private, 11th,7.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +29, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,32.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,50.0, United-States,<=50K +40, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,70.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +35, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, Other, Male,0.0,0.0,40.0, Mexico,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,15024.0,0.0,40.0, United-States,>50K +44, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3464.0,0.0,40.0, Columbia,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, Iran,>50K +45, Private, Doctorate,16.0, Widowed, Prof-specialty, Unmarried, White, Male,15020.0,0.0,40.0, Iran,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +61, Self-emp-inc, Prof-school,15.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +50, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 11th,7.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, 5th-6th,3.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +47, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, 9th,5.0, Separated, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +42, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +52, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +46, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, State-gov, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +37, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,36.0, Mexico,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,59.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Self-emp-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +28, Private, 10th,6.0, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico,<=50K +59, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,55.0, El-Salvador,>50K +31, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +25, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +17, Self-emp-inc, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +63, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,4386.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +46, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +59, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +31, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, Portugal,<=50K +27, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, England,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1669.0,50.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +69, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,1424.0,0.0,35.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,16.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,15.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, Mexico,>50K +40, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,625.0,52.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Masters,14.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +55, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +52, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Cuba,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +62, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +59, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +45, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +63, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,36.0, United-States,<=50K +49, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +81, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +36, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +39, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,16.0, United-States,<=50K +57, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,42.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,44.0, United-States,>50K +39, Private, 12th,8.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,3273.0,0.0,16.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Male,10520.0,0.0,40.0, United-States,>50K +30, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +68, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2377.0,60.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +37, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,99.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +27, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States,>50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,32.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,32.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +19, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,22040.0,0.0,40.0, United-States,<=50K +27, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +25, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +53, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +72, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2392.0,25.0, United-States,>50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,1055.0,0.0,20.0, United-States,<=50K +73, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, Canada,<=50K +41, Self-emp-not-inc, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,20.0, Jamaica,<=50K +23, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Canada,<=50K +65, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +52, Federal-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Black, Male,7688.0,0.0,40.0, United-States,>50K +24, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,27.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,56.0, United-States,<=50K +17, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,27.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +31, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,40.0, Mexico,<=50K +71, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,48.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +76, Private, 7th-8th,4.0, Widowed, Protective-serv, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +63, Self-emp-not-inc, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,1055.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +26, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +44, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, Mexico,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,7688.0,0.0,38.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, France,>50K +37, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,213.0,45.0, United-States,<=50K +45, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, Mexico,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,60.0, Germany,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Guatemala,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, England,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +70, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,5.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, 9th,5.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1628.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325.0,0.0,30.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,7298.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1740.0,20.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,4416.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,22.0, United-States,<=50K +21, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Guatemala,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,48.0, United-States,>50K +54, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +30, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +64, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,5.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,30.0, Germany,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +29, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Other-relative, Black, Male,0.0,1876.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +37, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +57, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +40, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +80, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1816.0,60.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,66.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +33, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +26, Private, Some-college,10.0, Married-AF-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,75.0, United-States,<=50K +53, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +53, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +65, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +68, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, 10th,6.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,18.0, Guatemala,<=50K +28, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Local-gov, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +46, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +26, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,594.0,0.0,16.0, United-States,<=50K +29, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +51, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,24.0, Mexico,<=50K +34, Private, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,66.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +24, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,35.0, United-States,>50K +49, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,3137.0,0.0,40.0, United-States,<=50K +62, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +20, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +51, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1848.0,48.0, United-States,>50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +68, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 7th-8th,4.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,31.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,>50K +54, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +63, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +26, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +50, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +54, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +69, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +53, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,84.0, Taiwan,>50K +48, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,14.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +72, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,48.0, England,<=50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, Columbia,<=50K +45, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +75, Private, 5th-6th,3.0, Widowed, Other-service, Unmarried, Black, Male,0.0,0.0,10.0, United-States,<=50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +46, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +63, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,21.0, United-States,<=50K +28, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, Mexico,<=50K +49, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,62.0, England,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1741.0,45.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,35.0, Puerto-Rico,<=50K +42, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,10566.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, England,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,40.0, United-States,>50K +25, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +44, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,4650.0,0.0,56.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Ireland,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,35.0, Jamaica,<=50K +41, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,3325.0,0.0,40.0, Ecuador,<=50K +50, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, Ireland,<=50K +64, State-gov, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, 9th,5.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,37.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,52.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, China,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,55.0, United-States,>50K +42, Private, Bachelors,13.0, Married-spouse-absent, Tech-support, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +54, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,40.0, United-States,<=50K +37, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +63, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,42.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +35, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 10th,6.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,47.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +44, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,60.0, Greece,<=50K +29, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,35.0, Jamaica,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +34, Self-emp-not-inc, Prof-school,15.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,48.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +28, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, Poland,>50K +57, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688.0,0.0,50.0, Philippines,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +28, Private, 11th,7.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +66, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,20.0, South,<=50K +38, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,22.0, United-States,<=50K +90, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,914.0,0.0,40.0, Germany,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,1719.0,16.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,38.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,50.0, Peru,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2258.0,84.0, United-States,<=50K +27, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,52.0, United-States,<=50K +31, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,48.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,78.0, United-States,<=50K +51, Local-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +52, Private, Preschool,1.0, Married-civ-spouse, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, Taiwan,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +38, State-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,>50K +22, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,1055.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +65, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,6849.0,0.0,48.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 9th,5.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +65, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +39, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, 5th-6th,3.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +40, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +20, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, Germany,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, Iran,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +33, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,1506.0,0.0,50.0, United-States,<=50K +47, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,3325.0,0.0,60.0, United-States,<=50K +33, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,28.0, Ecuador,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,3137.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Married-spouse-absent, Tech-support, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Vietnam,<=50K +54, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,49.0, Dominican-Republic,<=50K +24, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, Haiti,<=50K +63, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +76, Self-emp-inc, 9th,5.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,56.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,45.0, United-States,>50K +33, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,72.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +64, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,5.0, United-States,<=50K +47, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +21, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,49.0, El-Salvador,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Self-emp-inc, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, Outlying-US(Guam-USVI-etc),<=50K +31, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4931.0,0.0,3.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,1980.0,40.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +68, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Federal-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +27, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,70.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,55.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +72, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,16.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +59, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +64, Federal-gov, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,30.0, Puerto-Rico,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +49, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,85.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +46, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,1504.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,25.0, Ecuador,<=50K +35, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, Some-college,10.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, Black, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,50.0, United-States,>50K +22, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Separated, Prof-specialty, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,27.0, United-States,<=50K +63, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +68, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +36, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Canada,<=50K +28, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +34, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +46, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,84.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,12.0, United-States,<=50K +53, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, Germany,>50K +37, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, Puerto-Rico,>50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +67, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1539.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +45, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +17, Local-gov, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,70.0, United-States,>50K +48, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica,>50K +49, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,46.0, Canada,<=50K +64, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +48, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,1762.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,12.0, United-States,<=50K +48, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,5178.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Taiwan,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +52, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Assoc-acdm,12.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +40, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, 11th,7.0, Separated, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,880.0,42.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,65.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,32.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +52, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Iran,>50K +38, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +40, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,99.0, United-States,>50K +38, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +57, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, Yugoslavia,<=50K +52, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +26, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +33, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Canada,<=50K +31, State-gov, HS-grad,9.0, Divorced, Protective-serv, Own-child, Other, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,65.0, United-States,<=50K +37, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +51, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +41, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +37, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,7430.0,0.0,45.0, United-States,>50K +39, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Jamaica,<=50K +55, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, Canada,<=50K +25, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, Canada,<=50K +28, Private, Assoc-acdm,12.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States,>50K +25, Private, 11th,7.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,5013.0,0.0,70.0, United-States,<=50K +46, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,625.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +20, Self-emp-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,30.0, India,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,26.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +60, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, India,<=50K +56, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Self-emp-not-inc, 12th,8.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,8614.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, Germany,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,24.0, Philippines,<=50K +57, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,44.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +22, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +25, State-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +41, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +25, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,34095.0,0.0,3.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,27.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,15024.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,21.0, Trinadad&Tobago,<=50K +52, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 5th-6th,3.0, Divorced, Transport-moving, Unmarried, White, Male,6497.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,38.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +65, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,50.0, United-States,<=50K +25, Private, 11th,7.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +23, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +39, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States,<=50K +55, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +24, State-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,10.0, China,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,60.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +26, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,3674.0,0.0,40.0, United-States,<=50K +32, Federal-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, State-gov, Some-college,10.0, Divorced, Protective-serv, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,55.0, Taiwan,>50K +24, Self-emp-not-inc, Some-college,10.0, Separated, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,24.0, Canada,>50K +30, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +47, Private, 7th-8th,4.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,3137.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, France,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +66, State-gov, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +21, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,48.0, Mexico,<=50K +59, Private, 9th,5.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 9th,5.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,5178.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +48, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +33, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,44.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,8.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,6849.0,0.0,50.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +40, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Federal-gov, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,15.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, Canada,<=50K +55, Self-emp-not-inc, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,12.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Guatemala,<=50K +23, Private, 9th,5.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, 12th,8.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,48.0, Guatemala,<=50K +36, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +33, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +60, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,15.0, Germany,>50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,48.0, Mexico,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +27, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +45, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,13.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,114.0,0.0,38.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +46, Private, 1st-4th,2.0, Widowed, Other-service, Unmarried, Other, Female,0.0,0.0,30.0, Mexico,<=50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +79, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,65.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,3137.0,0.0,77.0, Vietnam,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1579.0,45.0, El-Salvador,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,43.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, Other, Male,0.0,0.0,36.0, Mexico,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,35.0, Mexico,<=50K +22, Private, Assoc-voc,11.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,84.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +25, State-gov, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +30, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 12th,8.0, Never-married, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,55.0, Germany,<=50K +62, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +23, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +50, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,14344.0,0.0,40.0, United-States,>50K +76, Private, 10th,6.0, Widowed, Sales, Unmarried, Black, Female,0.0,0.0,12.0, United-States,<=50K +54, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Black, Female,0.0,0.0,60.0, United-States,<=50K +32, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +31, Federal-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +65, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1668.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, Ireland,>50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +40, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, Philippines,>50K +26, State-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +39, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Cambodia,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,20.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +29, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +51, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,70.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,8614.0,0.0,45.0, United-States,>50K +42, Local-gov, 11th,7.0, Divorced, Sales, Unmarried, White, Male,7430.0,0.0,50.0, Puerto-Rico,>50K +49, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,1564.0,60.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, Italy,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,4101.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +51, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,9.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +31, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +52, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +81, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +57, Federal-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,2001.0,40.0, United-States,<=50K +68, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, Black, Female,2346.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +75, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,1092.0,40.0, Philippines,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +57, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,90.0, United-States,>50K +41, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,1594.0,20.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,65.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,38.0, United-States,>50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,50.0, United-States,>50K +37, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +44, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,42.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,36.0, Portugal,>50K +45, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,50.0, United-States,>50K +37, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,914.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,2174.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, Cuba,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,24.0, Vietnam,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407.0,0.0,50.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +48, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Local-gov, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +31, State-gov, Assoc-acdm,12.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +46, Federal-gov, 11th,7.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1740.0,20.0, United-States,<=50K +28, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Federal-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +63, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +45, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +41, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Masters,14.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, Puerto-Rico,<=50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,16.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, Other, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,60.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1977.0,40.0, China,>50K +37, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +56, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,8614.0,0.0,48.0, United-States,>50K +34, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala,<=50K +41, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,37.0, United-States,<=50K +19, Federal-gov, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, Assoc-voc,11.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States,<=50K +33, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +58, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +47, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,50.0, United-States,>50K +55, Private, Bachelors,13.0, Never-married, Tech-support, Other-relative, White, Female,0.0,1590.0,38.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,5013.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +76, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,13.0, United-States,<=50K +23, State-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,30.0, Japan,<=50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +59, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,49.0, Mexico,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Canada,<=50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +42, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,25.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 7th-8th,4.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, Mexico,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +39, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,47.0, United-States,<=50K +57, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,594.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, 1st-4th,2.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +32, Federal-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,32.0, United-States,<=50K +35, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,16.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +41, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,60.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,98.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +44, Private, 1st-4th,2.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,58.0, Poland,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +65, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States,>50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2580.0,0.0,60.0, United-States,<=50K +47, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +62, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +90, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,45.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,18.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +59, Federal-gov, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +49, Private, 7th-8th,4.0, Never-married, Prof-specialty, Other-relative, Black, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +39, State-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,55.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +55, State-gov, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,38.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +47, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, Canada,<=50K +57, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 7th-8th,4.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2377.0,40.0, United-States,>50K +41, Federal-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +58, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, Canada,<=50K +26, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +57, Private, 10th,6.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,70.0, Germany,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1628.0,60.0, United-States,<=50K +42, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,55.0, United-States,<=50K +39, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,48.0, United-States,>50K +51, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Female,10520.0,0.0,30.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,49.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +49, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +26, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Male,0.0,0.0,26.0, United-States,>50K +67, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,99999.0,0.0,36.0, United-States,>50K +65, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +66, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3411.0,0.0,38.0, United-States,<=50K +27, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +43, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +63, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,35.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +41, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,45.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, Iran,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,52.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Taiwan,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +54, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +20, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +52, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +57, Local-gov, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +52, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Cuba,<=50K +35, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +48, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Canada,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +36, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,42.0, United-States,<=50K +30, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +21, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, Mexico,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, Scotland,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +22, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +59, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, 9th,5.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +45, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +23, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +39, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +44, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +25, Private, 9th,5.0, Separated, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,32.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,55.0, United-States,>50K +80, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1740.0,25.0, United-States,<=50K +53, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +42, Federal-gov, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,2001.0,60.0, United-States,<=50K +29, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-not-inc, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, Mexico,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +52, Private, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +58, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +53, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, Cuba,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Private, 11th,7.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +28, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,53.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2042.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States,>50K +54, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,70.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +90, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,60.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +63, Private, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +61, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,>50K +23, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Male,7430.0,0.0,40.0, Germany,>50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +31, Private, 12th,8.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,21.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,55.0, United-States,<=50K +63, Private, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +29, State-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1590.0,64.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,10.0, Vietnam,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +23, Self-emp-not-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,2231.0,40.0, United-States,>50K +35, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Other, Female,0.0,0.0,28.0, United-States,<=50K +50, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +26, Local-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +90, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +60, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,1579.0,40.0, United-States,<=50K +71, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +74, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +67, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1844.0,70.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,63.0, United-States,<=50K +33, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,13550.0,0.0,43.0, United-States,>50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,2354.0,0.0,99.0, United-States,<=50K +56, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, 9th,5.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,30.0, China,<=50K +39, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +45, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,45.0, Italy,<=50K +35, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +56, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, El-Salvador,<=50K +45, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +53, Private, 10th,6.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Columbia,<=50K +47, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,3325.0,0.0,45.0, United-States,<=50K +49, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,80.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +44, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States,>50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +61, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,18.0, United-States,>50K +19, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +35, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +62, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Japan,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,4416.0,0.0,42.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,75.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, Masters,14.0, Divorced, Prof-specialty, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +40, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,2977.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +32, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Private, 1st-4th,2.0, Never-married, Other-service, Own-child, Other, Male,0.0,0.0,35.0, Dominican-Republic,<=50K +48, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, England,<=50K +33, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +27, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +69, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +37, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,39.0, United-States,<=50K +34, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +42, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,60.0, United-States,>50K +26, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,75.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +44, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,38.0, United-States,>50K +21, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Local-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +21, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,60.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +45, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,>50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +27, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +55, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,2258.0,40.0, South,<=50K +29, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +66, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,3.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,2597.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,43.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,24.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Philippines,<=50K +55, Local-gov, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 7th-8th,4.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,75.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States,>50K +53, State-gov, Doctorate,16.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Poland,<=50K +23, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, Ireland,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,2174.0,0.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,46.0, United-States,>50K +54, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +46, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +57, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +46, Federal-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Masters,14.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +62, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,8614.0,0.0,39.0, United-States,>50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,33.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,27.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States,>50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +37, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1602.0,32.0, United-States,<=50K +31, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, Puerto-Rico,<=50K +72, Private, 1st-4th,2.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,16.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,44.0, United-States,>50K +38, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +49, Private, Masters,14.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +60, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +69, State-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,810.0,38.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,56.0, United-States,>50K +51, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +51, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +30, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany,<=50K +31, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2824.0,45.0, United-States,>50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, Guatemala,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Divorced, Transport-moving, Not-in-family, White, Male,14344.0,0.0,48.0, United-States,>50K +46, Local-gov, Prof-school,15.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, Mexico,<=50K +46, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +42, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +56, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,>50K +60, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2228.0,0.0,37.0, United-States,<=50K +33, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Canada,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,55.0, United-States,>50K +57, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Divorced, Tech-support, Other-relative, White, Female,0.0,0.0,36.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +54, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,4064.0,0.0,22.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +42, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, Assoc-acdm,12.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Federal-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +43, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, China,<=50K +52, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, England,<=50K +61, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +43, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, Germany,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +23, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,18.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,43.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,20.0, Haiti,<=50K +53, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +45, Private, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +53, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States,>50K +65, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, 10th,6.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,70.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +60, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,38.0, Cuba,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +30, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Greece,>50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +25, Private, 1st-4th,2.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,6.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,36.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,2174.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,8.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1602.0,24.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,11.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +73, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +66, Self-emp-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +66, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,3325.0,0.0,53.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +33, Private, 11th,7.0, Separated, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, 7th-8th,4.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,50.0, Dominican-Republic,<=50K +34, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +41, Local-gov, 7th-8th,4.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,2907.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,10520.0,0.0,45.0, United-States,>50K +37, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,85.0, Mexico,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +58, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Greece,<=50K +42, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,1151.0,0.0,50.0, United-States,<=50K +43, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Local-gov, 9th,5.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,27828.0,0.0,55.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, Greece,<=50K +25, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,44.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Self-emp-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +42, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1719.0,30.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States,>50K +20, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,14084.0,0.0,16.0, United-States,>50K +71, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,>50K +52, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +26, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,37.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +59, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +38, State-gov, Some-college,10.0, Separated, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,70.0, United-States,>50K +45, Self-emp-not-inc, 12th,8.0, Divorced, Craft-repair, Other-relative, Black, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, Canada,>50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,24.0, Mexico,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Self-emp-inc, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,2559.0,50.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan,>50K +44, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 9th,5.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, Mexico,>50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +79, Local-gov, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,7.0, United-States,<=50K +44, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, Other, Female,0.0,0.0,42.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,48.0, United-States,>50K +33, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +50, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Self-emp-inc, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,40.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Self-emp-not-inc, 10th,6.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States,>50K +47, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +61, Self-emp-inc, Bachelors,13.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,8614.0,0.0,60.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +78, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,20.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan,<=50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +26, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +43, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Poland,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,30.0, Jamaica,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,2414.0,0.0,5.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2290.0,0.0,40.0, Greece,<=50K +33, Federal-gov, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +45, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Unmarried, Other, Male,0.0,0.0,40.0, Mexico,<=50K +56, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +47, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,98.0, United-States,<=50K +57, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +58, Local-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,70.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +56, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 9th,5.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,23.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,36.0, United-States,<=50K +40, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +18, Self-emp-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,41.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +58, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,50.0, United-States,>50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +40, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,2258.0,48.0, Philippines,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +58, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +46, Federal-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, England,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2051.0,50.0, United-States,<=50K +59, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,70.0, South,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, 9th,5.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,4064.0,0.0,60.0, United-States,<=50K +56, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +79, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,35.0, El-Salvador,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +71, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,2.0, United-States,<=50K +50, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Iran,<=50K +33, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,3418.0,0.0,35.0, United-States,<=50K +60, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,52.0, United-States,<=50K +32, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,9.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +39, State-gov, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, Other, Female,0.0,0.0,60.0, Puerto-Rico,<=50K +49, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, Jamaica,>50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +84, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +30, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,99999.0,0.0,40.0, United-States,>50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,10566.0,0.0,50.0, United-States,<=50K +67, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,60.0, United-States,>50K +22, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,55.0, United-States,>50K +55, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-spouse-absent, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +44, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,37.0, Mexico,<=50K +18, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,42.0, United-States,<=50K +42, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,55.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +42, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Self-emp-not-inc, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,4.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Adm-clerical, Unmarried, Black, Female,114.0,0.0,20.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +70, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +53, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +40, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,30.0, Iran,>50K +22, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,28.0, United-States,<=50K +70, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,23.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +77, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +58, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +50, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +54, State-gov, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +23, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, Germany,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,8.0, India,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Yugoslavia,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, Puerto-Rico,>50K +66, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,70.0, Canada,>50K +34, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Germany,>50K +42, Self-emp-inc, 7th-8th,4.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,25.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,55.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +44, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +75, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,20.0, United-States,>50K +37, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +61, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2051.0,20.0, United-States,<=50K +46, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +61, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,87.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +46, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,50.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,2057.0,60.0, China,<=50K +41, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,54.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,594.0,0.0,30.0, United-States,<=50K +44, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,88.0, United-States,<=50K +41, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,48.0, United-States,>50K +33, State-gov, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +37, Private, 9th,5.0, Separated, Priv-house-serv, Unmarried, White, Female,0.0,0.0,16.0, Mexico,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +55, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,73.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,70.0, United-States,<=50K +40, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,46.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States,<=50K +34, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +49, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +74, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,15831.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1573.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +30, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,1740.0,40.0, Haiti,<=50K +44, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +40, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,32.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, Greece,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,18.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,70.0, United-States,>50K +29, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,41310.0,0.0,24.0, Mexico,<=50K +54, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +40, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,594.0,0.0,10.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +80, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +24, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +42, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,60.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,32.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +47, Private, 10th,6.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, 12th,8.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,51.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, Puerto-Rico,<=50K +70, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,17.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +52, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, State-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,4650.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,42.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +38, Private, 10th,6.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2559.0,90.0, United-States,>50K +41, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,33.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +57, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +50, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,48.0, South,<=50K +36, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +18, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,1151.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,36.0, Philippines,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +51, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,13.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +61, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,49.0, United-States,<=50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,38.0, United-States,<=50K +51, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,25236.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +49, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,99999.0,0.0,80.0, Mexico,>50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, Iran,<=50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, 7th-8th,4.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Canada,<=50K +23, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,2205.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,2597.0,0.0,45.0, United-States,<=50K +55, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,1672.0,40.0, United-States,<=50K +75, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,2346.0,0.0,15.0, United-States,<=50K +61, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,>50K +28, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Divorced, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +55, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,30.0, United-States,>50K +31, Local-gov, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +26, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2463.0,0.0,50.0, India,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Self-emp-not-inc, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,63.0, South,<=50K +26, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +34, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, Germany,>50K +23, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,2559.0,40.0, United-States,>50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, 11th,7.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,25.0, Guatemala,<=50K +39, Private, Masters,14.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,1504.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +77, Self-emp-not-inc, 7th-8th,4.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, Italy,>50K +66, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +45, Self-emp-inc, Masters,14.0, Divorced, Sales, Unmarried, White, Female,25236.0,0.0,42.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,2597.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,4386.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +62, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,6.0, Iran,<=50K +23, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,39.0, Mexico,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +33, State-gov, Some-college,10.0, Separated, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, Mexico,<=50K +56, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,60.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +90, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States,<=50K +49, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Black, Female,0.0,0.0,18.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,4508.0,0.0,40.0, South,<=50K +46, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, Jamaica,<=50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Greece,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +46, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,50.0, United-States,>50K +31, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Federal-gov, 12th,8.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +52, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,>50K +28, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +49, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,50.0, Jamaica,>50K +31, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,50.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,35.0, United-States,>50K +39, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +58, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +36, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,35.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, Other, Female,0.0,0.0,60.0, Jamaica,<=50K +38, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,66.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,14.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +60, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,14.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,36.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +57, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-inc, 11th,7.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +51, Local-gov, 9th,5.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Female,5455.0,0.0,50.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +40, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +58, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +52, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,20.0, Mexico,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +63, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,2174.0,0.0,40.0, United-States,<=50K +31, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,50.0, United-States,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,72.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +44, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1974.0,40.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Germany,<=50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829.0,0.0,90.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +75, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,48.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +81, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +54, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Canada,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, Iran,<=50K +54, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,50.0, Philippines,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,2580.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +44, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3471.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1848.0,45.0, United-States,>50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,55.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +54, Private, 11th,7.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,10.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,70.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,38.0, United-States,<=50K +22, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,13.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, 11th,7.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,7.0, United-States,<=50K +67, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,5.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Peru,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, Peru,<=50K +47, State-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +73, Self-emp-inc, 10th,6.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, Canada,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,52.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,35.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Exec-managerial, Other-relative, Black, Female,0.0,0.0,55.0, United-States,<=50K +55, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +22, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,26.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +68, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +48, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +23, State-gov, 12th,8.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,42.0, United-States,>50K +58, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,2.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Own-child, White, Male,0.0,0.0,72.0, Mexico,<=50K +36, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,<=50K +43, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +41, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +48, Local-gov, Assoc-acdm,12.0, Separated, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +54, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,48.0, Iran,<=50K +19, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +73, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, Canada,<=50K +32, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Columbia,<=50K +41, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +52, State-gov, Some-college,10.0, Separated, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +57, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 7th-8th,4.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +17, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +34, Self-emp-not-inc, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +53, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,99.0, United-States,<=50K +26, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,32.0, United-States,<=50K +54, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,2205.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +65, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,6514.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Cuba,<=50K +24, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, Philippines,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +43, State-gov, Assoc-acdm,12.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +41, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,45.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +46, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, Greece,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,25.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1590.0,60.0, United-States,<=50K +33, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, England,>50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +63, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +37, Self-emp-inc, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,63.0, Thailand,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, Honduras,<=50K +69, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Male,2538.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, India,<=50K +32, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +27, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,75.0, United-States,<=50K +60, Private, 7th-8th,4.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Cuba,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,52.0, United-States,>50K +69, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,10566.0,0.0,45.0, United-States,<=50K +29, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,38.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +63, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,36.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +57, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,1977.0,40.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,45.0, United-States,>50K +58, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,1055.0,0.0,20.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,39.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,12.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,21.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +41, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +73, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +38, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,60.0, Canada,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,974.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +58, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +51, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1564.0,43.0, United-States,>50K +49, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,55.0, England,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,53.0, United-States,<=50K +56, Private, 11th,7.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, Doctorate,16.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +30, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-inc, 10th,6.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,2559.0,50.0, United-States,>50K +55, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +31, Private, 10th,6.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, Germany,<=50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,20.0, South,<=50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,50.0, South,<=50K +46, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, Cuba,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Ecuador,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,65.0, United-States,>50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +50, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +53, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,65.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, Federal-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,56.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,6497.0,0.0,50.0, United-States,<=50K +33, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, Germany,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,1669.0,55.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +46, Private, Assoc-voc,11.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,6.0, United-States,<=50K +47, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +52, Local-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +54, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Other-relative, White, Female,0.0,0.0,10.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +25, Self-emp-not-inc, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,44.0, United-States,<=50K +69, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,89.0, United-States,<=50K +42, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +29, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,15020.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico,<=50K +42, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,60.0, United-States,>50K +20, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,15.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +38, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,2258.0,55.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,75.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,34095.0,0.0,20.0, United-States,<=50K +67, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +27, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,>50K +35, Private, 7th-8th,4.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1977.0,32.0, China,>50K +40, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, 7th-8th,4.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,45.0, Guatemala,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,2105.0,0.0,40.0, Vietnam,<=50K +27, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,>50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Doctorate,16.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,1762.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,46.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +53, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Bachelors,13.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +30, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +58, State-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Honduras,<=50K +45, State-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, 10th,6.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,1590.0,40.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Japan,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +42, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,72.0, India,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, 10th,6.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,46.0, United-States,>50K +33, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +49, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2885.0,0.0,32.0, United-States,<=50K +42, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Italy,>50K +30, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +27, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Yugoslavia,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, Haiti,<=50K +39, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Ireland,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +31, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, 1st-4th,2.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,60.0, Mexico,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,8.0, Philippines,<=50K +64, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,1602.0,15.0, Mexico,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +67, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +24, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, 1st-4th,2.0, Separated, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Guatemala,<=50K +38, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,<=50K +20, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,38.0, United-States,<=50K +45, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +33, State-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +49, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,99999.0,0.0,40.0, United-States,>50K +25, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,14344.0,0.0,40.0, United-States,>50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +60, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +44, Local-gov, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Portugal,<=50K +42, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +41, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,10.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1887.0,40.0, United-States,>50K +56, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 7th-8th,4.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,25.0, Guatemala,<=50K +49, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, Amer-Indian-Eskimo, Male,4650.0,0.0,48.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, United-States,>50K +23, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +31, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,57.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,27828.0,0.0,50.0, United-States,>50K +39, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,45.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3781.0,0.0,35.0, United-States,<=50K +50, Self-emp-not-inc, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +60, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,22.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Iran,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,13550.0,0.0,50.0, United-States,>50K +55, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +55, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,44.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,23.0, United-States,<=50K +47, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +34, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +28, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +23, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Guatemala,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +36, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, Mexico,>50K +37, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +39, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +24, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,2354.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, Mexico,<=50K +26, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +54, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +32, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,2002.0,40.0, Iran,<=50K +29, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,2635.0,0.0,40.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +54, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,1974.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,2174.0,0.0,45.0, United-States,<=50K +41, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +70, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +45, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +83, Private, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +59, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,15.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, Mexico,<=50K +53, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +66, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, State-gov, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +74, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,1485.0,70.0, United-States,>50K +35, Self-emp-not-inc, Some-college,10.0, Separated, Farming-fishing, Not-in-family, White, Male,4101.0,0.0,60.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,70.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +26, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3781.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +42, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +33, Private, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,99999.0,0.0,60.0, United-States,>50K +50, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, 11th,7.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,27.0, El-Salvador,<=50K +71, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +56, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Philippines,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 12th,8.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,7430.0,0.0,36.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Italy,<=50K +20, Private, 11th,7.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,20.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +61, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,15.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,50.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +42, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,80.0, United-States,<=50K +46, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +60, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1408.0,40.0, United-States,<=50K +38, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,50.0, Canada,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,2339.0,40.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +48, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,24.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Own-child, Other, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,80.0, Thailand,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +20, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +43, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,2635.0,0.0,37.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, England,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,41.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,28.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,70.0, United-States,>50K +20, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +37, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +62, Private, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2174.0,10.0, United-States,>50K +17, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +31, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,10.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +38, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,4101.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, Ecuador,<=50K +64, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, Mexico,<=50K +23, Private, Some-college,10.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,75.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,97.0, United-States,>50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +23, Private, Assoc-voc,11.0, Separated, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,55.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,70.0, United-States,<=50K +34, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,2174.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +51, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Male,4934.0,0.0,47.0, United-States,>50K +53, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +58, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,1485.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +57, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +69, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +56, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,25.0, Mexico,<=50K +49, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +58, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +69, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,2050.0,0.0,24.0, United-States,<=50K +84, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,66.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,24.0, Mexico,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +34, Private, 12th,8.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, 1st-4th,2.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,21.0, Mexico,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +43, Private, Prof-school,15.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, Columbia,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Greece,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +56, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,8.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,99999.0,0.0,56.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +68, Private, Some-college,10.0, Divorced, Priv-house-serv, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +56, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, Mexico,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,16.0, Haiti,<=50K +31, Private, 11th,7.0, Divorced, Handlers-cleaners, Other-relative, Black, Male,0.0,1721.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +62, Private, 10th,6.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,52.0, United-States,<=50K +20, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +53, Local-gov, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +28, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3456.0,0.0,8.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +26, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2559.0,60.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Japan,<=50K +21, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Some-college,10.0, Separated, Sales, Other-relative, Black, Male,0.0,0.0,30.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,85.0, United-States,<=50K +27, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,78.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,58.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +59, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +70, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +29, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,2202.0,0.0,50.0, United-States,<=50K +46, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +35, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,13550.0,0.0,44.0, United-States,>50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +26, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, White, Female,2907.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +68, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2149.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, India,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +53, State-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Local-gov, Assoc-acdm,12.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,48.0, Germany,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,55.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Greece,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States,>50K +49, State-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Federal-gov, 10th,6.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +32, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,7298.0,0.0,36.0, United-States,>50K +51, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Portugal,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +38, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, Preschool,1.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,1719.0,40.0, Mexico,<=50K +30, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +73, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, Poland,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Separated, Protective-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +25, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,22.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +30, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,26.0, India,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,48.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,37.0, Puerto-Rico,<=50K +46, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +23, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +50, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Nicaragua,<=50K +47, Private, Prof-school,15.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 12th,8.0, Never-married, Sales, Not-in-family, White, Male,4650.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +28, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +33, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,1471.0,0.0,40.0, Cambodia,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, France,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +51, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,4934.0,0.0,32.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Prof-school,15.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,>50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,38.0, Germany,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +40, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, Cambodia,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Other-relative, Other, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, Cuba,<=50K +34, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +48, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +45, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +29, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +34, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +39, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +42, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1902.0,40.0, United-States,>50K +51, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +46, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, Doctorate,16.0, Divorced, Craft-repair, Not-in-family, White, Female,4787.0,0.0,60.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,26.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-AF-spouse, Craft-repair, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +64, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Poland,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +38, Federal-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,42.0, United-States,>50K +55, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, Thailand,>50K +32, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, 11th,7.0, Never-married, Sales, Not-in-family, Black, Female,3674.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, 9th,5.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,63.0, South,<=50K +50, Private, Bachelors,13.0, Divorced, Sales, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Germany,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,24.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +44, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,99.0, United-States,<=50K +54, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, China,<=50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,<=50K +30, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,43.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,43.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +17, State-gov, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,18.0, United-States,>50K +32, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, Nicaragua,<=50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +37, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,2415.0,65.0, United-States,>50K +32, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +45, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,42.0, United-States,<=50K +30, Private, 11th,7.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 12th,8.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,4.0, Peru,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, China,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,45.0, United-States,>50K +34, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, Mexico,>50K +44, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,60.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Other, Male,0.0,0.0,40.0, India,>50K +53, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +57, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +59, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +31, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,2105.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States,<=50K +45, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,32.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Scotland,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14344.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, State-gov, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,38.0, United-States,>50K +63, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +79, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +29, Private, 12th,8.0, Never-married, Other-service, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +20, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,2205.0,18.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,24.0, United-States,>50K +37, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +21, Private, HS-grad,9.0, Separated, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,33.0, United-States,<=50K +40, Local-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1876.0,35.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,49.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,8.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Self-emp-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +73, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1735.0,20.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +66, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +65, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,2206.0,59.0, Canada,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,45.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,50.0, United-States,>50K +29, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +35, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4865.0,0.0,35.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Self-emp-not-inc, 10th,6.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Japan,>50K +62, Private, 7th-8th,4.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +76, Self-emp-not-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,8.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +22, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Black, Female,7430.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, HS-grad,9.0, Widowed, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,35.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,42.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1258.0,38.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +28, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +48, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +39, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 5th-6th,3.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,<=50K +36, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,65.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +57, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +73, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,12.0, United-States,<=50K +50, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +40, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,18.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +69, Private, 1st-4th,2.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,4.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,1848.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +54, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,3887.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3471.0,0.0,40.0, United-States,<=50K +17, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2603.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,52.0, United-States,<=50K +50, State-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +43, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,70.0, United-States,>50K +46, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, Puerto-Rico,<=50K +53, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,15.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +58, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +48, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,28.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +46, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, El-Salvador,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +35, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,47.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +47, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +64, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +39, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,47.0, United-States,>50K +62, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,72.0, United-States,<=50K +85, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,3325.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +60, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +35, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,2977.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Local-gov, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,1485.0,37.0, United-States,>50K +50, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,13550.0,0.0,50.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +69, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,2282.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +65, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1741.0,38.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Black, Male,0.0,0.0,38.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +20, Private, Bachelors,13.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,4101.0,0.0,50.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +40, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,48.0, United-States,<=50K +34, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,24.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,16.0, United-States,<=50K +49, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +82, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,2.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,37.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,32.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +41, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,50.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +66, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,323.0,40.0, United-States,<=50K +59, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +72, Private, HS-grad,9.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,12.0, Cuba,<=50K +35, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-AF-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Separated, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +63, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 5th-6th,3.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,33.0, Mexico,<=50K +44, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Local-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +30, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,10.0, China,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +40, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,44.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, 12th,8.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, Poland,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +38, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,22.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +54, State-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +24, Self-emp-inc, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,9.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +18, Private, 9th,5.0, Never-married, Sales, Own-child, Other, Female,0.0,0.0,32.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,24.0, United-States,<=50K +79, Private, HS-grad,9.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,6.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,3674.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +70, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,7896.0,0.0,50.0, United-States,>50K +28, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1980.0,40.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Greece,<=50K +34, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,4865.0,0.0,55.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +77, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +35, State-gov, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,2635.0,0.0,16.0, United-States,<=50K +45, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +19, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, White, Female,0.0,1602.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,80.0, Puerto-Rico,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +69, Private, 11th,7.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, Hungary,<=50K +28, Private, 7th-8th,4.0, Separated, Other-service, Own-child, White, Male,0.0,0.0,60.0, Mexico,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,1590.0,48.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +44, Local-gov, Prof-school,15.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +29, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,2174.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,5721.0,0.0,44.0, United-States,<=50K +23, Private, Some-college,10.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +40, Private, Bachelors,13.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Federal-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +62, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, State-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +32, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +33, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,15.0, United-States,<=50K +33, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States,>50K +50, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2002.0,42.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,2829.0,0.0,65.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,21.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +70, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,5.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +53, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,50.0, United-States,>50K +23, Private, 11th,7.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,14344.0,0.0,40.0, Vietnam,>50K +32, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Assoc-voc,11.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-spouse-absent, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,60.0, Jamaica,<=50K +36, Local-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, Poland,<=50K +44, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,99.0, United-States,<=50K +33, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,45.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +60, Private, 10th,6.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +35, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +22, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,44.0, United-States,<=50K +33, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +61, Private, 10th,6.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,1602.0,20.0, United-States,<=50K +28, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1590.0,35.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +58, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, Bachelors,13.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,36.0, Philippines,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +38, Self-emp-not-inc, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Local-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, Black, Female,9562.0,0.0,40.0, United-States,>50K +40, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +70, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +32, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +52, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,99999.0,0.0,65.0, United-States,>50K +67, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2414.0,0.0,80.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,45.0, United-States,<=50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +22, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +64, State-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +47, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,27.0, United-States,<=50K +52, Self-emp-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,45.0, United-States,<=50K +48, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Haiti,<=50K +23, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,2597.0,0.0,31.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,2258.0,38.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,36.0, Puerto-Rico,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +37, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +22, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +31, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +31, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,>50K +47, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +34, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,5455.0,0.0,40.0, United-States,<=50K +49, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +20, Private, Preschool,1.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +55, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,33.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,80.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,48.0, United-States,>50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,4101.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,52.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,99.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1721.0,16.0, United-States,<=50K +60, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,>50K +50, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,72.0, United-States,>50K +49, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +34, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Taiwan,>50K +37, Federal-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +39, Private, Some-college,10.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,19.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2179.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, United-States,>50K +35, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, Canada,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +69, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,6418.0,0.0,45.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +35, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +43, Private, 9th,5.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,47.0, Cuba,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, Some-college,10.0, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,6.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,41.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +30, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Assoc-acdm,12.0, Married-spouse-absent, Farming-fishing, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,35.0, United-States,>50K +36, Private, HS-grad,9.0, Separated, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +45, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,10520.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,11.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,75.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +21, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +47, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +41, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +61, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +64, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,70.0, United-States,<=50K +52, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +43, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +29, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,41.0, United-States,>50K +42, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Taiwan,<=50K +65, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,36.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,35.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +21, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,55.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +76, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +53, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, Vietnam,<=50K +30, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +59, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,15024.0,0.0,50.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,48.0, United-States,>50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +61, Private, 9th,5.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +90, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,15.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, 10th,6.0, Divorced, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +60, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +49, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +42, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +53, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Italy,<=50K +23, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,4101.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +32, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +43, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,44.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Separated, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Jamaica,>50K +20, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, Mexico,<=50K +42, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +58, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2179.0,18.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +32, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,55.0, United-States,>50K +62, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,7688.0,0.0,45.0, United-States,>50K +37, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan,>50K +41, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +30, State-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,25.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,48.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +32, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,35.0, England,<=50K +27, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +22, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,80.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +46, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,45.0, China,<=50K +51, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti,<=50K +34, State-gov, 12th,8.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,7298.0,0.0,50.0, Puerto-Rico,>50K +53, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,48.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, Self-emp-not-inc, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +73, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +56, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, 10th,6.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Local-gov, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +68, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,45.0, United-States,>50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, Other, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Masters,14.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,94.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +68, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,55.0, United-States,>50K +41, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,30.0, India,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +51, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Cuba,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +66, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,26.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2174.0,40.0, United-States,>50K +59, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, El-Salvador,>50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,4101.0,0.0,40.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,1721.0,30.0, United-States,<=50K +32, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,3325.0,0.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,1455.0,0.0,6.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +32, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, 11th,7.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, Nicaragua,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +34, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +33, Private, 11th,7.0, Separated, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +42, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,4101.0,0.0,35.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,39.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +35, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +60, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, Poland,<=50K +33, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, China,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +58, Private, 7th-8th,4.0, Widowed, Farming-fishing, Other-relative, White, Female,0.0,0.0,45.0, Guatemala,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +23, Federal-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, Mexico,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +55, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,2002.0,40.0, England,<=50K +42, Private, HS-grad,9.0, Widowed, Sales, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,27828.0,0.0,35.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 12th,8.0, Separated, Prof-specialty, Own-child, White, Female,1055.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,18.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,10520.0,0.0,50.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +38, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,16.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +52, Private, Bachelors,13.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,25.0, United-States,<=50K +41, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,1579.0,40.0, Nicaragua,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Without-pay, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +26, State-gov, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +27, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, Japan,<=50K +26, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, England,>50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States,<=50K +35, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,1602.0,10.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,4386.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +38, Private, 7th-8th,4.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Private, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +33, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +59, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,3908.0,0.0,28.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +48, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1672.0,55.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +35, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +64, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +20, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, Greece,>50K +29, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2377.0,60.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +47, Private, 10th,6.0, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,3.0, El-Salvador,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +52, Private, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Ecuador,<=50K +27, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, Cuba,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, Thailand,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,14.0, Cuba,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +51, State-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +69, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,44.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, 12th,8.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +64, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,10566.0,0.0,35.0, United-States,<=50K +66, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,65.0, United-States,<=50K +23, Federal-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, Poland,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,46.0, Dominican-Republic,<=50K +31, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,55.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2042.0,50.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,80.0, United-States,<=50K +50, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +36, State-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +60, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Philippines,<=50K +45, Local-gov, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,1602.0,16.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1980.0,46.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,32.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3908.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +64, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-inc, Masters,14.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1876.0,40.0, United-States,<=50K +58, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,45.0, Thailand,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +28, Private, 5th-6th,3.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,10.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +59, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +49, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +23, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +55, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,49.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +40, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,37.0, United-States,>50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +84, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Transport-moving, Own-child, White, Male,0.0,1380.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +62, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,70.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +17, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +70, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,2329.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +29, Private, 10th,6.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, Guatemala,<=50K +40, Local-gov, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,6849.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,17.0, United-States,<=50K +48, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +46, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,2036.0,0.0,60.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,2001.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,42.0, Canada,>50K +40, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +40, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,48.0, China,<=50K +49, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +27, State-gov, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +39, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, Other, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +47, Federal-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,66.0, South,<=50K +37, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Female,3887.0,0.0,40.0, Nicaragua,<=50K +41, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, Trinadad&Tobago,<=50K +46, Federal-gov, Assoc-voc,11.0, Separated, Tech-support, Not-in-family, Other, Female,0.0,0.0,30.0, United-States,<=50K +21, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, Masters,14.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +42, Local-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,33.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,2174.0,0.0,50.0, United-States,<=50K +49, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +73, State-gov, 7th-8th,4.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +39, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +24, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,32.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,26.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,12.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +53, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +45, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +24, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, 5th-6th,3.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, Haiti,<=50K +27, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,4865.0,0.0,50.0, United-States,<=50K +63, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +43, Local-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, Black, Female,8614.0,0.0,47.0, United-States,>50K +29, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3942.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,13550.0,0.0,55.0, United-States,>50K +58, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +55, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,29.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +60, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,3325.0,0.0,42.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +24, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,2202.0,0.0,40.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +31, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2042.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +62, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +51, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +33, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +43, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,35.0, Mexico,<=50K +62, Self-emp-not-inc, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,66.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, Haiti,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,45.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,65.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +57, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,35.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +52, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,1831.0,0.0,40.0, Peru,<=50K +29, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, El-Salvador,<=50K +23, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +37, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,8614.0,0.0,40.0, United-States,>50K +49, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,35.0, United-States,>50K +64, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +70, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2377.0,12.0, United-States,>50K +22, Private, 10th,6.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States,<=50K +29, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Germany,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +58, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +60, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +22, State-gov, 12th,8.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +56, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,5178.0,0.0,42.0, United-States,>50K +19, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States,<=50K +52, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,8.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,45.0, United-States,>50K +62, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,85.0, United-States,>50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,5455.0,0.0,45.0, United-States,<=50K +49, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,53.0, United-States,<=50K +51, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +62, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,44.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,45.0, United-States,>50K +78, Private, Masters,14.0, Widowed, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,80.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, France,<=50K +32, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +42, State-gov, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +51, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,3325.0,0.0,60.0, United-States,<=50K +44, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,29.0, United-States,>50K +38, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,50.0, United-States,>50K +44, Local-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,56.0, United-States,>50K +44, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +36, Private, 9th,5.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, El-Salvador,<=50K +46, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,25.0, Germany,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,35.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +39, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,1092.0,40.0, Germany,<=50K +36, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +78, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, Dominican-Republic,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,21.0, Haiti,<=50K +49, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +58, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,4650.0,0.0,44.0, United-States,<=50K +25, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,35.0, Jamaica,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, India,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +47, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +30, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, England,<=50K +59, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +28, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,99.0, Philippines,<=50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +25, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +52, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +37, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Canada,>50K +17, Self-emp-inc, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,4.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,42.0, United-States,>50K +35, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +63, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +38, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, Iran,>50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +64, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Columbia,>50K +50, Self-emp-inc, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +67, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2885.0,0.0,40.0, China,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, Mexico,>50K +37, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,27.0, United-States,<=50K +55, Private, 1st-4th,2.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,30.0, Cuba,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, Mexico,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +25, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Male,0.0,0.0,40.0, Mexico,<=50K +40, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +23, Private, Some-college,10.0, Separated, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +29, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,1485.0,60.0, United-States,>50K +59, Private, 10th,6.0, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +28, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +63, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +40, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +61, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, England,>50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines,<=50K +48, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, State-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +63, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,41.0, United-States,>50K +55, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +31, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,48.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,14084.0,0.0,40.0, United-States,>50K +28, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +52, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,64.0, United-States,<=50K +31, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Local-gov, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,80.0, United-States,>50K +37, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,3942.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +76, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,1424.0,0.0,24.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,50.0, South,<=50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, Cuba,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,10520.0,0.0,45.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +51, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +69, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +20, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,>50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +63, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, Iran,>50K +48, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,56.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,1831.0,0.0,40.0, United-States,<=50K +30, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,17.0, Taiwan,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +48, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +28, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, HS-grad,9.0, Widowed, Exec-managerial, Other-relative, White, Male,914.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +61, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Black, Female,9562.0,0.0,40.0, United-States,>50K +73, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3471.0,0.0,40.0, England,<=50K +46, Local-gov, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,1876.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Wife, Other, Female,0.0,0.0,48.0, Guatemala,<=50K +41, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +55, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +34, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,53.0, Mexico,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Self-emp-inc, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,48.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,48.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,19.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 11th,7.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, Bachelors,13.0, Never-married, Priv-house-serv, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Separated, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Male,14084.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +22, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, 9th,5.0, Widowed, Handlers-cleaners, Unmarried, White, Male,0.0,2231.0,40.0, United-States,>50K +33, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, 7th-8th,4.0, Married-spouse-absent, Prof-specialty, Other-relative, White, Male,0.0,0.0,35.0, Puerto-Rico,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,2176.0,0.0,25.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Federal-gov, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,77.0, United-States,<=50K +61, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +43, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,85.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,2444.0,72.0, United-States,>50K +71, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,12.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,30.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +62, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 12th,8.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +58, Private, 9th,5.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,36.0, United-States,>50K +29, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +50, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +29, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Taiwan,<=50K +22, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,21.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Self-emp-inc, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Germany,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, India,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3942.0,0.0,50.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,1055.0,0.0,30.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +43, State-gov, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Male,25236.0,0.0,64.0, United-States,>50K +21, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +45, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +47, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +80, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, Iran,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +18, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +51, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +59, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,20.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 10th,6.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, Mexico,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +68, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +37, Private, 12th,8.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,70.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,9.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +21, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +56, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,45.0, United-States,>50K +21, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +38, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +51, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,48.0, Ireland,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,72.0, Philippines,>50K +32, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1590.0,40.0, United-States,<=50K +90, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, 12th,8.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,17.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024.0,0.0,60.0, South,>50K +31, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, Italy,<=50K +25, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,19.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,26.0, South,<=50K +27, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2246.0,45.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +54, Private, 9th,5.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0.0,0.0,55.0, Ireland,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +59, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,625.0,38.0, United-States,<=50K +31, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +74, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, 10th,6.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,85.0, United-States,<=50K +50, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,1980.0,45.0, England,<=50K +52, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, Mexico,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +56, Self-emp-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +40, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,1977.0,60.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +22, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +30, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,35.0, Philippines,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,1590.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +63, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,18.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,5013.0,0.0,40.0, United-States,<=50K +51, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,52.0, United-States,>50K +67, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,1594.0,26.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +59, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,7.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,2463.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,2964.0,0.0,6.0, Germany,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, India,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +45, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +59, Private, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Peru,<=50K +64, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Private, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +35, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +35, State-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,14084.0,0.0,63.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +37, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +24, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +47, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +18, State-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,38.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +27, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,14.0, Puerto-Rico,<=50K +33, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +73, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,26.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Peru,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +65, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,810.0,36.0, United-States,<=50K +42, State-gov, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,25.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, 9th,5.0, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +44, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,96.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +46, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,49.0, United-States,>50K +38, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,41.0, United-States,>50K +26, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,4.0, Mexico,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,66.0, United-States,<=50K +25, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +60, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,594.0,0.0,16.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +56, Private, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 5th-6th,3.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,30.0, Puerto-Rico,<=50K +28, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Puerto-Rico,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,46.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Germany,>50K +51, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +22, Self-emp-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +45, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,38.0, United-States,<=50K +20, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +17, Self-emp-not-inc, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +63, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Local-gov, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +51, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,3325.0,0.0,45.0, United-States,<=50K +64, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,12.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,6497.0,0.0,35.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +65, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,60.0, United-States,>50K +27, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,8.0, Puerto-Rico,>50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +31, Private, 9th,5.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,4386.0,0.0,37.0, United-States,>50K +50, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Masters,14.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,99.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, 7th-8th,4.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +31, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,45.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +24, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2149.0,20.0, United-States,<=50K +56, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,67.0, United-States,>50K +39, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2258.0,45.0, United-States,>50K +43, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,2907.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,70.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,20.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +36, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,57.0, United-States,<=50K +56, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +67, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +60, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, England,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,3103.0,0.0,40.0, Philippines,>50K +49, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,1980.0,56.0, United-States,<=50K +90, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,9386.0,0.0,50.0, Ecuador,>50K +36, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Prof-school,15.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +77, Private, Some-college,10.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +41, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 1st-4th,2.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,77.0, Mexico,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States,>50K +47, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States,>50K +39, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, Puerto-Rico,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +66, Private, 9th,5.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +57, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,60.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,75.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0.0,0.0,45.0, United-States,<=50K +35, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1617.0,25.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,25.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +28, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +38, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +57, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,2258.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Local-gov, 11th,7.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,1424.0,0.0,6.0, United-States,<=50K +51, State-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,2444.0,39.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +38, State-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, Poland,>50K +48, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,65.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,60.0, Germany,<=50K +33, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Thailand,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +41, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1485.0,45.0, United-States,>50K +36, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +50, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,14.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +65, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1648.0,4.0, Greece,<=50K +52, Federal-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,40.0, India,>50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,2176.0,0.0,25.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, 5th-6th,3.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, State-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +44, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,50.0, United-States,<=50K +71, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,2202.0,0.0,56.0, United-States,<=50K +25, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +25, State-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 12th,8.0, Separated, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,2202.0,0.0,50.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +50, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +25, Private, 10th,6.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, El-Salvador,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,20.0, Philippines,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,20.0, United-States,>50K +61, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,82.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +42, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, India,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +56, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +43, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +25, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,1602.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Canada,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,72.0, United-States,>50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,60.0, South,<=50K +49, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +54, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, 9th,5.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +76, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,33.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +24, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,50.0, United-States,>50K +67, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,10605.0,0.0,10.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 12th,8.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, Black, Female,594.0,0.0,20.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +65, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,11678.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,70.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +25, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,2176.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, El-Salvador,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,2.0, United-States,<=50K +51, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +20, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +35, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,80.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +48, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +34, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +23, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +53, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2559.0,50.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,4416.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +48, State-gov, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +71, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +27, Private, 11th,7.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +30, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +74, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,37.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,80.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,55.0, United-States,<=50K +30, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +20, Private, 12th,8.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, Italy,<=50K +53, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,38.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,46.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1980.0,35.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,54.0, United-States,<=50K +53, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, State-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,3674.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1258.0,40.0, United-States,<=50K +51, Private, 10th,6.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 9th,5.0, Married-spouse-absent, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +68, Local-gov, 10th,6.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,90.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,3.0, United-States,<=50K +56, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Female,99999.0,0.0,40.0, United-States,>50K +52, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,70.0, United-States,>50K +52, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,2824.0,20.0, United-States,>50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +58, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, Germany,<=50K +29, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +35, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,25.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,55.0, United-States,>50K +19, Self-emp-not-inc, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,99.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +33, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, Mexico,<=50K +25, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1564.0,50.0, United-States,>50K +31, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,6849.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +66, Federal-gov, Assoc-voc,11.0, Widowed, Other-service, Unmarried, Black, Female,3273.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Canada,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, Germany,>50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,3325.0,0.0,50.0, United-States,<=50K +52, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,57.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,4.0, United-States,<=50K +60, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +45, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +33, Private, 5th-6th,3.0, Married-spouse-absent, Transport-moving, Unmarried, Other, Male,0.0,0.0,20.0, El-Salvador,<=50K +43, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Separated, Transport-moving, Other-relative, White, Male,0.0,0.0,60.0, Mexico,<=50K +38, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +39, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,974.0,40.0, United-States,<=50K +47, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Tech-support, Own-child, White, Female,0.0,1617.0,72.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +58, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,35.0, United-States,>50K +43, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,55.0, United-States,<=50K +62, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,21.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,38.0, United-States,>50K +49, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,1887.0,48.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +58, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +47, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,65.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +49, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, El-Salvador,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,44.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, Germany,>50K +47, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Private, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +20, Private, 11th,7.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Male,4787.0,0.0,50.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, Bachelors,13.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,70.0, England,<=50K +41, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1980.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +24, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105.0,0.0,50.0, United-States,<=50K +39, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,2258.0,42.0, United-States,>50K +48, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1977.0,50.0, United-States,>50K +27, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Ecuador,<=50K +22, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,4508.0,0.0,40.0, Cambodia,<=50K +48, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,80.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +28, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,55.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Private, Some-college,10.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,3674.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +44, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +57, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,42.0, United-States,>50K +45, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,60.0, United-States,>50K +20, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Separated, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States,>50K +73, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,20051.0,0.0,72.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +46, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,4787.0,0.0,24.0, United-States,>50K +54, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Doctorate,16.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,10.0, Canada,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,2001.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, Germany,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,14084.0,0.0,35.0, United-States,>50K +66, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,2936.0,0.0,20.0, United-States,<=50K +29, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,10566.0,0.0,40.0, United-States,<=50K +74, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +27, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,2231.0,40.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,50.0, United-States,<=50K +66, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1825.0,10.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +30, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,49.0, United-States,<=50K +84, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +37, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,48.0, United-States,>50K +27, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,44.0, Philippines,<=50K +34, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, India,>50K +46, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,2001.0,30.0, United-States,<=50K +70, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,213.0,40.0, Philippines,<=50K +59, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Female,6849.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,72.0, Mexico,<=50K +24, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,30.0, Dominican-Republic,<=50K +23, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +28, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +51, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,30.0, United-States,>50K +44, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,50.0, Puerto-Rico,<=50K +43, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,70.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, Haiti,<=50K +26, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +55, Local-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +34, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,60.0, United-States,<=50K +50, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,9.0, United-States,<=50K +63, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +66, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, Philippines,<=50K +60, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +75, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1735.0,40.0, United-States,<=50K +58, State-gov, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +65, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,52.0, Canada,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, State-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,1590.0,40.0, Puerto-Rico,<=50K +32, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +42, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,39.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +21, Private, 11th,7.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +21, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,16.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,8614.0,0.0,50.0, Cuba,>50K +41, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +34, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +58, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, Preschool,1.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,47.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,2202.0,0.0,45.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,72.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +44, Private, 7th-8th,4.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,38.0, Peru,<=50K +37, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,1594.0,32.0, United-States,<=50K +24, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +56, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Prof-school,15.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,1564.0,40.0, India,>50K +39, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +23, Private, 9th,5.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +30, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,1504.0,19.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7298.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,37.0, United-States,<=50K +41, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,6.0, United-States,<=50K +22, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,33.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,15.0, United-States,<=50K +39, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,1151.0,0.0,40.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +61, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,38.0, Jamaica,<=50K +29, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +67, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,880.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,62.0, Mexico,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +47, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,1.0, United-States,<=50K +23, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4508.0,0.0,25.0, United-States,<=50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, White, Male,2993.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,27.0, Taiwan,>50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States,>50K +37, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +73, Local-gov, 5th-6th,3.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,65.0, United-States,<=50K +30, State-gov, HS-grad,9.0, Married-AF-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +43, Private, Prof-school,15.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +27, State-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,58.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,66.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2057.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Cuba,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,10.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1579.0,42.0, United-States,<=50K +76, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,97.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Private, 10th,6.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,6.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +90, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +69, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,2547.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Widowed, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +45, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, 10th,6.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +63, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,46.0, United-States,>50K +47, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +63, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,25.0, Jamaica,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,72.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, 11th,7.0, Never-married, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +57, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +56, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,65.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,22.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +50, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +56, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,32.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,14344.0,0.0,55.0, United-States,>50K +33, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,2377.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +54, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,5013.0,0.0,40.0, Vietnam,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,60.0, United-States,<=50K +42, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,60.0, United-States,>50K +26, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Columbia,<=50K +36, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,52.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,16.0, United-States,>50K +59, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +52, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, Haiti,<=50K +51, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +67, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +68, Private, 10th,6.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +71, Private, 9th,5.0, Divorced, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,6.0, United-States,<=50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, 9th,5.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +22, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,26.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Cambodia,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Other, Male,4064.0,0.0,40.0, Mexico,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,1974.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3411.0,0.0,40.0, El-Salvador,<=50K +42, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +45, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, 11th,7.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, Prof-school,15.0, Divorced, Prof-specialty, Own-child, White, Female,2174.0,0.0,72.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,3325.0,0.0,50.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, Portugal,<=50K +49, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1669.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Columbia,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, State-gov, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, South,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,48.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,3887.0,0.0,40.0, United-States,<=50K +32, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +55, Private, 11th,7.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +67, Self-emp-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,15831.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +62, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,2001.0,40.0, United-States,<=50K +45, State-gov, Some-college,10.0, Married-spouse-absent, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, Haiti,<=50K +47, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +49, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Farming-fishing, Other-relative, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1902.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +73, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,36.0, United-States,>50K +37, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Other, Male,0.0,0.0,12.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1719.0,40.0, United-States,<=50K +30, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1504.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +19, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +34, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Philippines,>50K +45, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +69, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +61, State-gov, 10th,6.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +57, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +56, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, 11th,7.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,43.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,2174.0,0.0,60.0, Poland,<=50K +31, State-gov, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +43, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,47.0, United-States,>50K +48, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,34.0, United-States,<=50K +38, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4386.0,0.0,35.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Other, Male,0.0,0.0,40.0, Ecuador,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,2.0, United-States,<=50K +31, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +32, Federal-gov, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,46.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,44.0, United-States,>50K +59, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +24, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,72.0, United-States,<=50K +40, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1092.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,7.0, England,<=50K +33, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +35, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +36, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,5455.0,0.0,30.0, United-States,<=50K +46, Self-emp-inc, 9th,5.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +59, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,25236.0,0.0,45.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Ireland,>50K +34, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-spouse-absent, Transport-moving, Not-in-family, Other, Male,0.0,0.0,84.0, India,<=50K +49, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +67, Self-emp-not-inc, 1st-4th,2.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-acdm,12.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +42, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, Canada,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,48.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,5721.0,0.0,40.0, United-States,<=50K +49, State-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,7443.0,0.0,35.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +40, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Some-college,10.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,72.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, England,<=50K +58, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Columbia,<=50K +41, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 12th,8.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,54.0, Mexico,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,3770.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,2036.0,0.0,30.0, United-States,<=50K +57, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +71, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +54, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,54.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +28, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +45, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-AF-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +55, Self-emp-inc, 10th,6.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, Ireland,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,51.0, United-States,<=50K +46, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +54, State-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +60, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,30.0, Hong,<=50K +43, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +27, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +44, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,70.0, United-States,>50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,22.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, 11th,7.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +51, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +46, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, 5th-6th,3.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +76, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +25, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,8614.0,0.0,50.0, Italy,>50K +33, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,35.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,35.0, United-States,>50K +41, Local-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +35, Private, 1st-4th,2.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala,<=50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,2176.0,0.0,12.0, United-States,<=50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, Ireland,<=50K +32, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +55, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,35.0, United-States,>50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,41.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-spouse-absent, Tech-support, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +56, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Cuba,>50K +31, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +33, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Germany,>50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +40, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +65, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,30.0, United-States,<=50K +23, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,48.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,36.0, Mexico,<=50K +46, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +54, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,1408.0,38.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +70, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +55, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1617.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +40, Local-gov, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +49, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +55, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +27, Federal-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,33.0, United-States,<=50K +32, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,26.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +40, State-gov, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +39, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +65, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Hong,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,55.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +38, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Some-college,10.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +32, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, France,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, 7th-8th,4.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,38.0, United-States,<=50K +27, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 1st-4th,2.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,48.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,46.0, United-States,>50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 9th,5.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +72, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,6360.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,1848.0,0.0,12.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,5.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1887.0,20.0, United-States,>50K +22, Private, 12th,8.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,43.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +53, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,1876.0,38.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +64, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1564.0,12.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, Italy,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0.0,2246.0,40.0, United-States,>50K +52, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,1848.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1974.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +18, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,60.0, United-States,>50K +60, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +27, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +65, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,55.0, United-States,>50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +26, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Mexico,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,2174.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,50.0, United-States,>50K +33, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Local-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +57, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +22, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +42, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,47.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, 9th,5.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +46, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +76, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +75, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Italy,<=50K +47, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +73, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +35, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Nicaragua,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, Germany,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland,>50K +48, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +53, Private, 5th-6th,3.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,10.0, Haiti,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,36.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,1602.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +55, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +46, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Private, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Other, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688.0,0.0,40.0, Puerto-Rico,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +52, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +68, Private, Prof-school,15.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,16.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0.0,0.0,75.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, Trinadad&Tobago,<=50K +57, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +30, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, Japan,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +45, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +38, State-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,2036.0,0.0,20.0, United-States,<=50K +59, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,85.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,45.0, United-States,>50K +47, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, France,>50K +20, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +34, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +52, Private, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Puerto-Rico,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +34, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,62.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +39, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, India,<=50K +27, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +69, Self-emp-inc, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,1651.0,40.0, United-States,<=50K +70, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +27, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,9562.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +44, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +36, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, Poland,<=50K +34, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,54.0, United-States,>50K +28, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Masters,14.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,41.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +50, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +68, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,17.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +71, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +36, Private, Some-college,10.0, Widowed, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1848.0,40.0, Nicaragua,>50K +27, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +42, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,1719.0,40.0, United-States,<=50K +57, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,28.0, United-States,<=50K +31, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,60.0, Jamaica,<=50K +30, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,6849.0,0.0,40.0, England,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +26, Self-emp-inc, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,20.0, Honduras,<=50K +32, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,50.0, Mexico,<=50K +55, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, 12th,8.0, Married-spouse-absent, Other-service, Own-child, Other, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +49, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,4416.0,0.0,45.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,2001.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +35, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,2354.0,0.0,16.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,5013.0,0.0,45.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +27, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, State-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,32.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,55.0, United-States,>50K +34, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Italy,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,5.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +28, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,23.0, United-States,<=50K +40, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Yugoslavia,>50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 9th,5.0, Married-spouse-absent, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Mexico,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1628.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3781.0,0.0,16.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,8614.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,80.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,5178.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,38.0, United-States,>50K +48, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,1848.0,0.0,20.0, Hungary,<=50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +28, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,35.0, United-States,>50K +24, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Cuba,<=50K +39, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,65.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +53, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +52, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +64, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +53, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +20, Private, 11th,7.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,30.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +62, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,34.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1741.0,60.0, United-States,<=50K +42, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, South,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3908.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +51, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Male,0.0,0.0,32.0, Haiti,<=50K +36, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,1590.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,1755.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +74, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,3683.0,20.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,65.0, United-States,>50K +56, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +39, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 10th,6.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +44, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, El-Salvador,<=50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +62, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, Germany,<=50K +52, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,30.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +51, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,99.0, South,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +55, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,5455.0,0.0,60.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +44, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +28, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,55.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +36, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +77, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,30.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Divorced, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,30.0, Philippines,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,25.0, United-States,<=50K +47, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +42, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +63, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +41, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +51, State-gov, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,75.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, Columbia,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +69, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +41, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Separated, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,3325.0,0.0,50.0, United-States,<=50K +50, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,45.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +67, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,48.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Philippines,>50K +29, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,21.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Self-emp-inc, Assoc-acdm,12.0, Never-married, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, 12th,8.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,38.0, United-States,>50K +43, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +21, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +65, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, England,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +38, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2205.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, Germany,<=50K +24, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, Other, Female,0.0,0.0,30.0, Ecuador,<=50K +24, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, South,>50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,55.0, United-States,<=50K +68, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, 1st-4th,2.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala,<=50K +25, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +24, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,99.0, England,<=50K +20, Private, 10th,6.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +45, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Unmarried, White, Female,1506.0,0.0,45.0, United-States,<=50K +57, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, Asian-Pac-Islander, Male,0.0,0.0,24.0, India,<=50K +41, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,12.0, United-States,<=50K +64, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,1762.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,>50K +47, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Widowed, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Yugoslavia,<=50K +40, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +46, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,3908.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Divorced, Sales, Own-child, White, Female,594.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +53, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +54, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,41.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +37, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,>50K +40, Private, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +44, State-gov, 11th,7.0, Separated, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +69, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,7.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, 7th-8th,4.0, Married-spouse-absent, Priv-house-serv, Unmarried, White, Female,0.0,1594.0,24.0, Guatemala,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, Mexico,>50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Japan,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +28, Private, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +57, Federal-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,60.0, United-States,<=50K +60, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,3411.0,0.0,47.0, United-States,<=50K +44, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Federal-gov, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico,<=50K +32, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +38, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Federal-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,41.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,14.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +56, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, State-gov, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,62.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +49, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,16.0, United-States,<=50K +26, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,1719.0,32.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,60.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Ireland,<=50K +25, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +37, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,24.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,99999.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +33, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +45, Private, Bachelors,13.0, Widowed, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,90.0, United-States,>50K +22, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,6849.0,0.0,65.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,1977.0,50.0, United-States,>50K +65, Private, HS-grad,9.0, Divorced, Exec-managerial, Other-relative, White, Female,1848.0,0.0,50.0, United-States,<=50K +52, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,49.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +67, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +64, Self-emp-not-inc, Some-college,10.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,52.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,63.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,28.0, United-States,<=50K +37, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +33, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,3.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,7298.0,0.0,42.0, United-States,>50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Germany,>50K +49, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0.0,0.0,40.0, Columbia,<=50K +53, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Other-relative, White, Female,3137.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3781.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +64, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,80.0, United-States,>50K +28, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,52.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +50, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,49.0, United-States,<=50K +51, Self-emp-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +57, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +40, Local-gov, Prof-school,15.0, Separated, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, Peru,<=50K +32, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,1876.0,60.0, United-States,<=50K +49, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +34, Self-emp-not-inc, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala,<=50K +52, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, HS-grad,9.0, Married-AF-spouse, Other-service, Other-relative, White, Female,0.0,0.0,10.0, United-States,<=50K +60, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +27, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +38, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +24, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,7.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,44.0, United-States,>50K +43, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3137.0,0.0,35.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +63, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +21, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +20, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +47, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1651.0,40.0, United-States,<=50K +35, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,55.0, Ecuador,<=50K +53, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,57.0, United-States,<=50K +25, Private, 1st-4th,2.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala,<=50K +44, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +51, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Other-service, Unmarried, Other, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,23.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +64, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +67, Local-gov, Masters,14.0, Never-married, Exec-managerial, Other-relative, White, Female,15831.0,0.0,72.0, United-States,>50K +37, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-not-inc, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,64.0, United-States,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +46, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,44.0, Poland,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, El-Salvador,>50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,2907.0,0.0,40.0, Nicaragua,<=50K +48, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, 5th-6th,3.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, Vietnam,<=50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +66, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5556.0,0.0,40.0, Yugoslavia,>50K +37, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,2635.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +49, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,38.0, Peru,<=50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +71, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,9.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +63, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +24, State-gov, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +28, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,56.0, Mexico,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,26.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +49, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +48, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Male,4650.0,0.0,20.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,4865.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Jamaica,<=50K +34, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +53, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,70.0, United-States,>50K +34, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +29, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +39, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,594.0,0.0,20.0, Mexico,<=50K +31, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,58.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,32.0, United-States,>50K +45, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,27.0, United-States,<=50K +66, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +46, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +30, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +54, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +78, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,40.0, United-States,>50K +77, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +37, Private, Bachelors,13.0, Separated, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +22, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +54, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +36, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +28, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Columbia,<=50K +46, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,25.0, Canada,<=50K +69, Private, 10th,6.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,28.0, Peru,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,21.0, Japan,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +40, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,1721.0,55.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,1887.0,40.0, Trinadad&Tobago,>50K +23, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,60.0, Mexico,<=50K +25, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,38.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, Japan,<=50K +28, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Private, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +33, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +29, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, 9th,5.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +66, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,4.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +40, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, Mexico,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +33, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,36.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,21.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +53, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,6849.0,0.0,40.0, United-States,<=50K +18, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,54.0, Mexico,<=50K +34, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Guatemala,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,60.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +81, Private, 1st-4th,2.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, Poland,<=50K +47, Private, HS-grad,9.0, Separated, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Poland,>50K +60, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +36, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Other, Female,0.0,0.0,40.0, Mexico,<=50K +37, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,25.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +35, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,38.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2339.0,50.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +64, Private, 1st-4th,2.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,86.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,1974.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Canada,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, 12th,8.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,46.0, United-States,>50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,23.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +71, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +38, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +52, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, England,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,653.0,50.0, United-States,>50K +37, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +31, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +24, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,50.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,40.0, United-States,>50K +57, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,2174.0,0.0,37.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Germany,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4508.0,0.0,24.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999.0,0.0,50.0, India,>50K +36, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +47, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,1719.0,30.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,75.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,46.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +36, Local-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,2176.0,0.0,20.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1669.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +26, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Guatemala,<=50K +66, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +48, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, Dominican-Republic,<=50K +35, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +65, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +32, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,2824.0,55.0, United-States,>50K +44, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +75, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +55, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States,>50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,16.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,2463.0,0.0,50.0, France,<=50K +58, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,60.0, United-States,>50K +30, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,1564.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +62, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,40.0, United-States,>50K +20, Federal-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +27, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +40, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1977.0,52.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +39, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,65.0, United-States,>50K +17, Self-emp-not-inc, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,32.0, United-States,<=50K +74, Private, 1st-4th,2.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,15.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +31, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +54, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +49, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103.0,0.0,40.0, India,>50K +38, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +57, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +40, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +55, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Male,0.0,0.0,60.0, United-States,<=50K +25, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States,<=50K +58, State-gov, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,45.0, South,<=50K +49, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, El-Salvador,>50K +29, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +57, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +24, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +32, Private, 9th,5.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,23.0, Mexico,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +39, Private, 11th,7.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,12.0, Poland,<=50K +37, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, 10th,6.0, Separated, Exec-managerial, Not-in-family, Black, Male,4416.0,0.0,99.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,1602.0,10.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,60.0, United-States,<=50K +71, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +47, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,20.0, Cuba,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +44, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +31, State-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +45, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +78, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +31, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +46, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, Canada,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Federal-gov, HS-grad,9.0, Separated, Adm-clerical, Other-relative, Black, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,17.0, United-States,>50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,70.0, Jamaica,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, Vietnam,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,42.0, United-States,>50K +51, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +30, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,26.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 9th,5.0, Separated, Farming-fishing, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,65.0, United-States,>50K +43, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +62, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,70.0, United-States,<=50K +58, Local-gov, 1st-4th,2.0, Widowed, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,70.0, Philippines,<=50K +22, State-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +64, State-gov, 9th,5.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +70, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 1st-4th,2.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,6849.0,0.0,38.0, United-States,<=50K +39, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +38, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,52.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, 5th-6th,3.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,3.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +82, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +33, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, Peru,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Other, Female,0.0,0.0,33.0, United-States,<=50K +34, Private, 11th,7.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,75.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +29, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,72.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7298.0,0.0,38.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +63, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,8.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,1762.0,35.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, England,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,4064.0,0.0,40.0, United-States,<=50K +24, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2444.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +31, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,25.0, El-Salvador,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +61, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +38, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +39, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +57, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2002.0,50.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,1628.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +59, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, 10th,6.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,58.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,12.0, United-States,>50K +56, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,5.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,43.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, 10th,6.0, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +32, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,4787.0,0.0,39.0, United-States,>50K +30, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +27, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,35.0, United-States,>50K +33, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,1902.0,50.0, United-States,>50K +44, Federal-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, Mexico,<=50K +45, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,37.0, Dominican-Republic,<=50K +45, Private, 5th-6th,3.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,35.0, Mexico,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +58, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +37, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, France,>50K +37, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +72, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,45.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +57, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +42, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Nicaragua,<=50K +72, Federal-gov, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, Canada,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,25.0, Philippines,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,48.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,35.0, United-States,>50K +42, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, Canada,>50K +34, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +73, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +69, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +70, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +54, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,<=50K +38, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,26.0, United-States,<=50K +60, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +81, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,1668.0,3.0, Hungary,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +30, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,36.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,22.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,56.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +65, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,43.0, United-States,<=50K +49, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,15.0, United-States,>50K +48, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,12.0, Mexico,<=50K +77, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, Cuba,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, Iran,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, 11th,7.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, Puerto-Rico,<=50K +61, Local-gov, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,45.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,13.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,2.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +76, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,17.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1590.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,50.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,42.0, United-States,>50K +28, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +60, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,3103.0,0.0,40.0, United-States,>50K +21, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,4687.0,0.0,35.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,28.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,13.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, Haiti,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +25, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Puerto-Rico,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,6.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,22.0, United-States,<=50K +50, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Puerto-Rico,<=50K +71, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, State-gov, 11th,7.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,52.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,2829.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,36.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +28, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Other, Male,0.0,0.0,30.0, Cuba,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,58.0, United-States,<=50K +57, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,1719.0,25.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,10.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,28.0, Columbia,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, China,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +51, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +64, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,2174.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,38.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +54, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,14084.0,0.0,40.0, United-States,>50K +31, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,37.0, Mexico,<=50K +22, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, 5th-6th,3.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,12.0, Italy,<=50K +59, Federal-gov, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +17, State-gov, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States,>50K +59, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +74, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +80, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +37, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, Columbia,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,50.0, United-States,>50K +53, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,13.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 12th,8.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, Peru,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Male,2174.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-AF-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,42.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +52, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +57, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Iran,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, China,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,48.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,33.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +36, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,2463.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +63, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +17, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Mexico,<=50K +56, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines,<=50K +27, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +66, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +66, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,3273.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Federal-gov, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,1151.0,0.0,35.0, United-States,<=50K +52, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,32.0, United-States,>50K +27, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,4101.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +69, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, England,>50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,14084.0,0.0,35.0, China,>50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,1151.0,0.0,30.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +56, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +62, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +34, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong,<=50K +22, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +34, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,55.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,5013.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, 7th-8th,4.0, Divorced, Sales, Other-relative, White, Male,0.0,0.0,20.0, Mexico,<=50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,2339.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,14344.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,1602.0,12.0, United-States,<=50K +57, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Canada,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +72, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Canada,<=50K +34, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +54, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, 5th-6th,3.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,1797.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, 12th,8.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +21, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,42.0, Germany,<=50K +34, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +46, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +47, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +65, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,38.0, China,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,7.0, United-States,<=50K +29, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +43, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Self-emp-inc, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +54, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +65, Federal-gov, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,58.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +56, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, 9th,5.0, Separated, Handlers-cleaners, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +59, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,50.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Female,0.0,1762.0,25.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 9th,5.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +48, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,3908.0,0.0,70.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +75, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Other-relative, Black, Female,0.0,0.0,16.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +64, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +73, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +43, Federal-gov, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,38.0, United-States,>50K +46, Local-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,65.0, United-States,>50K +41, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +44, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Cuba,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,34.0, United-States,<=50K +29, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland,>50K +27, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,62.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,35.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +25, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,27.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Self-emp-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,26.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,30.0, United-States,<=50K +50, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +62, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +24, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,42.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Priv-house-serv, Unmarried, Other, Female,0.0,0.0,40.0, Guatemala,<=50K +43, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,50.0, United-States,>50K +42, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, Japan,>50K +52, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +48, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,70.0, South,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,45.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,42.0, United-States,>50K +36, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1504.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,9.0, England,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,23.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +51, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +67, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +67, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +51, Private, 12th,8.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +21, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Columbia,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,14344.0,0.0,40.0, United-States,>50K +28, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,43.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,45.0, United-States,<=50K +34, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, England,<=50K +43, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +40, Self-emp-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +32, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +22, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Guatemala,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,48.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,17.0, United-States,<=50K +45, Local-gov, Masters,14.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,55.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +45, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +47, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Separated, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, 5th-6th,3.0, Never-married, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, El-Salvador,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan,<=50K +23, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +35, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,65.0, England,<=50K +36, State-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +52, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,24.0, Vietnam,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,80.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +50, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +17, Self-emp-inc, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +19, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,14084.0,0.0,60.0, United-States,>50K +39, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,6849.0,0.0,40.0, United-States,<=50K +18, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +27, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Private, 11th,7.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +57, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, Haiti,<=50K +46, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,1651.0,40.0, China,<=50K +27, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +35, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +65, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,2174.0,0.0,40.0, Japan,<=50K +17, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +38, Local-gov, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,4.0, United-States,<=50K +52, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,58.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +56, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Self-emp-not-inc, 11th,7.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +59, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +19, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,2129.0,55.0, United-States,<=50K +31, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, Other, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines,<=50K +48, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,>50K +63, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +53, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +59, Private, Prof-school,15.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +60, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,56.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, South,<=50K +60, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,80.0, United-States,>50K +32, Private, Some-college,10.0, Divorced, Exec-managerial, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +66, Private, 10th,6.0, Widowed, Transport-moving, Not-in-family, White, Female,0.0,0.0,11.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +26, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Other, Female,0.0,0.0,6.0, Puerto-Rico,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,99.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, Mexico,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,64.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,60.0, Philippines,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, Poland,<=50K +80, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +61, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,52.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +71, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,6.0, United-States,<=50K +39, Federal-gov, HS-grad,9.0, Never-married, Armed-Forces, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +67, Federal-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,54.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,10520.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +40, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,36.0, United-States,<=50K +20, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,3464.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +27, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,91.0, United-States,<=50K +29, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,70.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,2.0, United-States,<=50K +20, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +65, State-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +37, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Local-gov, HS-grad,9.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +28, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,4416.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +55, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +54, Private, Some-college,10.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +52, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Masters,14.0, Widowed, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, India,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +58, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +72, Private, Assoc-voc,11.0, Separated, Other-service, Unmarried, White, Female,6723.0,0.0,25.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +44, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,24.0, Iran,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Other, Female,0.0,0.0,40.0, United-States,<=50K +39, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,3464.0,0.0,20.0, United-States,<=50K +54, Private, 10th,6.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,43.0, Italy,<=50K +62, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,35.0, Jamaica,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +84, Local-gov, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,14.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +67, Local-gov, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,2009.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +42, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States,<=50K +60, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 12th,8.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 7th-8th,4.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Portugal,<=50K +31, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,50.0, United-States,>50K +61, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,49.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,27.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,44.0, United-States,>50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,72.0, United-States,>50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +50, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,32.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,5.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,45.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1617.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,2176.0,0.0,20.0, United-States,<=50K +82, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,4356.0,18.0, United-States,<=50K +52, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, Asian-Pac-Islander, Male,3411.0,0.0,40.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +40, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,81.0, United-States,<=50K +32, Local-gov, Assoc-voc,11.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +52, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Other-relative, Other, Female,7688.0,0.0,38.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,38.0, United-States,>50K +57, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +36, Self-emp-not-inc, Assoc-voc,11.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +30, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,48.0, United-States,>50K +31, Local-gov, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +39, Federal-gov, Bachelors,13.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,625.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,45.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Self-emp-not-inc, Masters,14.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +48, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico,<=50K +55, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,2202.0,0.0,35.0, Italy,<=50K +40, Local-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +55, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +36, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +39, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1408.0,38.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +50, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,15.0, United-States,>50K +48, Self-emp-inc, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,43.0, United-States,<=50K +44, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +73, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,6.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +43, Federal-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,32.0, United-States,<=50K +30, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +55, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Greece,<=50K +51, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Some-college,10.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +17, Self-emp-inc, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +58, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Guatemala,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1485.0,44.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,1721.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Assoc-voc,11.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +25, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +60, Private, 1st-4th,2.0, Divorced, Craft-repair, Not-in-family, Other, Male,0.0,0.0,38.0, Dominican-Republic,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +48, Private, Bachelors,13.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States,>50K +78, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +72, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,17.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 11th,7.0, Never-married, Protective-serv, Not-in-family, Black, Male,13550.0,0.0,40.0, United-States,>50K +48, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +47, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +50, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +35, Federal-gov, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +17, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +79, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 11th,7.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +59, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,19.0, Philippines,<=50K +41, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, Mexico,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +45, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +61, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Female,0.0,0.0,45.0, Mexico,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +35, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +65, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, England,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Some-college,10.0, Widowed, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,15.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, China,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Doctorate,16.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +23, State-gov, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, 10th,6.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,32.0, United-States,<=50K +53, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +58, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +36, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,45.0, United-States,>50K +51, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +56, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, 12th,8.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +59, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,35.0, Jamaica,<=50K +22, State-gov, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,39.0, Haiti,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,1590.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,45.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,70.0, Germany,>50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,60.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,53.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,52.0, Taiwan,<=50K +36, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,96.0, Mexico,<=50K +26, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,99.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +58, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +64, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +45, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,70.0, United-States,>50K +46, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,60.0, South,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Scotland,<=50K +25, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +36, Federal-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,6497.0,0.0,56.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-inc, Masters,14.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,<=50K +31, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +29, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,25.0, United-States,<=50K +51, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,33.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +39, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Male,14344.0,0.0,40.0, United-States,>50K +62, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,35.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +40, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +60, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, Ireland,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,14.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +63, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,99999.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,30.0, United-States,>50K +76, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Self-emp-inc, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,4650.0,0.0,35.0, United-States,<=50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 10th,6.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,1980.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, Assoc-voc,11.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,14344.0,0.0,45.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +57, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,42.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +51, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, 5th-6th,3.0, Separated, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +28, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Federal-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,50.0, United-States,>50K +46, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,7688.0,0.0,40.0, United-States,>50K +25, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, England,>50K +26, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +30, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064.0,0.0,40.0, El-Salvador,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Ireland,<=50K +54, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +43, Private, 7th-8th,4.0, Separated, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,34.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +24, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +57, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,24.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,51.0, Cuba,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, Japan,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,99.0, United-States,<=50K +28, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,24.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +38, State-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +56, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,4508.0,0.0,40.0, United-States,<=50K +18, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +68, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +30, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,2829.0,0.0,24.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, Germany,>50K +26, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, Columbia,<=50K +36, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,8.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,62.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,33.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +31, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,880.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +65, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, Mexico,>50K +42, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +53, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,37.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,37.0, Portugal,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,35.0, Puerto-Rico,<=50K +53, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,70.0, Taiwan,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,47.0, United-States,<=50K +60, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Hungary,>50K +59, Private, 9th,5.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +37, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +49, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,11.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +62, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,36.0, Canada,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,34.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +52, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States,>50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Local-gov, Some-college,10.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,44.0, United-States,<=50K +23, Private, 9th,5.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +23, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,1726.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1902.0,40.0, United-States,>50K +32, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +60, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,22.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,27.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,45.0, United-States,<=50K +62, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Widowed, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,76.0, United-States,>50K +31, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, Mexico,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +57, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +25, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 9th,5.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +43, State-gov, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +90, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,99.0, United-States,<=50K +25, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +48, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +46, Private, Bachelors,13.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-AF-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +28, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,2176.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +25, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,80.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,34095.0,0.0,60.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +51, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +55, Private, Bachelors,13.0, Widowed, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,78.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, England,>50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +55, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +46, Local-gov, Masters,14.0, Widowed, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, Germany,<=50K +51, Private, 11th,7.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,72.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,1831.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +62, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +47, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,3.0, United-States,<=50K +44, State-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Transport-moving, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,1974.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,3418.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,75.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,2885.0,0.0,40.0, Laos,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,39.0, United-States,<=50K +44, Federal-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +47, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +56, Private, 9th,5.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +57, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, South,>50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, 12th,8.0, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298.0,0.0,35.0, United-States,>50K +71, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Other-relative, White, Female,0.0,0.0,33.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 9th,5.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,16.0, United-States,<=50K +51, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +49, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +67, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,15831.0,0.0,16.0, Germany,>50K +61, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Local-gov, 7th-8th,4.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +62, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,55.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,38.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Without-pay, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,99.0, United-States,<=50K +68, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,48.0, Mexico,<=50K +28, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +50, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +48, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, 12th,8.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, Other, Male,0.0,0.0,56.0, Dominican-Republic,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,32.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +45, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,42.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +47, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +53, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +33, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,1564.0,52.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +61, State-gov, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-spouse-absent, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2174.0,50.0, United-States,>50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +50, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,880.0,40.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,15024.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,33.0, Jamaica,<=50K +60, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,35.0, United-States,>50K +51, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, 9th,5.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,75.0, Haiti,<=50K +48, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +32, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,80.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +38, Self-emp-not-inc, 10th,6.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,1564.0,40.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,880.0,36.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +37, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,44.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,4.0, United-States,<=50K +29, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, United-States,<=50K +66, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2267.0,40.0, United-States,<=50K +59, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +42, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +58, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,70.0, United-States,<=50K +59, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,65.0, Hong,>50K +33, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,>50K +26, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Federal-gov, Assoc-voc,11.0, Separated, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-not-inc, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +52, Private, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +84, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,13.0, United-States,<=50K +33, Federal-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +46, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, England,>50K +66, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +62, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1887.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Male,0.0,1876.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +57, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2414.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +22, Without-pay, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,4416.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +56, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,1721.0,40.0, United-States,<=50K +39, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, Black, Male,0.0,1590.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +56, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,1876.0,60.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +30, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +30, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,14.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +38, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +45, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States,>50K +38, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Federal-gov, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Nicaragua,<=50K +28, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,99999.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Self-emp-inc, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,50.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +58, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,2174.0,0.0,40.0, United-States,<=50K +59, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +53, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Private, 9th,5.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +48, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,36.0, Philippines,>50K +45, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +21, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +52, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +41, Self-emp-inc, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,70.0, United-States,>50K +53, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1092.0,40.0, United-States,<=50K +33, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Federal-gov, Doctorate,16.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,24.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +67, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,1797.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +47, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,25.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,1055.0,0.0,30.0, United-States,<=50K +21, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, Mexico,<=50K +40, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,55.0, England,>50K +49, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,594.0,0.0,10.0, United-States,<=50K +45, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States,>50K +32, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +45, State-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +55, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,2885.0,0.0,25.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +43, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +60, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, England,<=50K +47, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,12.0, Mexico,<=50K +20, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, Poland,>50K +27, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,27.0, United-States,<=50K +23, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,38.0, United-States,>50K +36, Local-gov, 11th,7.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,23.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,98.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2002.0,30.0, United-States,<=50K +68, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,38.0, Jamaica,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,21.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +49, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Iran,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,14344.0,0.0,40.0, United-States,>50K +41, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,53.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +73, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +90, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, England,>50K +62, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,52.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,2202.0,0.0,80.0, United-States,<=50K +22, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +45, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Male,0.0,2080.0,40.0, Philippines,<=50K +26, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +42, Local-gov, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +61, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0.0,1564.0,60.0, United-States,>50K +22, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,53.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,1669.0,45.0, United-States,<=50K +58, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +25, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +23, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +72, Private, 10th,6.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1980.0,45.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +65, Private, 10th,6.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,6497.0,0.0,65.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,42.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +23, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +43, State-gov, Doctorate,16.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +58, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +38, Private, 10th,6.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,3770.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +33, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +41, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +63, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,27.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala,<=50K +38, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Divorced, Prof-specialty, Own-child, White, Female,1506.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, Portugal,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +63, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Transport-moving, Own-child, Black, Male,6497.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,1504.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +48, Private, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +74, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,7443.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-not-inc, 9th,5.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, Mexico,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Other, Male,0.0,0.0,30.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,40.0, Haiti,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +68, Self-emp-inc, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +41, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,44.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States,<=50K +26, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, State-gov, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2885.0,0.0,15.0, United-States,<=50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,3942.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +41, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +24, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Columbia,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, India,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +69, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,2964.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,3942.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,1902.0,65.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,75.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +45, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +24, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,32.0, United-States,<=50K +28, Self-emp-inc, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +59, Private, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, Private, Prof-school,15.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,65.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +42, State-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +55, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,5.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,16.0, United-States,<=50K +57, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,22.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +41, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3103.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +24, State-gov, 7th-8th,4.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,1980.0,48.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 10th,6.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, Iran,<=50K +58, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +59, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1721.0,20.0, United-States,<=50K +24, Federal-gov, Bachelors,13.0, Never-married, Armed-Forces, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,32.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +30, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +63, Local-gov, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,35.0, Outlying-US(Guam-USVI-etc),<=50K +33, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,3325.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +71, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 7th-8th,4.0, Widowed, Sales, Other-relative, White, Female,0.0,1602.0,3.0, United-States,<=50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Female,0.0,0.0,20.0, Columbia,<=50K +40, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Ecuador,<=50K +41, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +28, Self-emp-inc, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1876.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +62, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1887.0,55.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,45.0, United-States,>50K +37, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +58, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, England,>50K +45, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +40, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +60, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,3908.0,0.0,47.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +37, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,4865.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +22, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,15.0, United-States,<=50K +68, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3432.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,15.0, Japan,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,30.0, Nicaragua,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Male,6849.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Other, Male,0.0,0.0,40.0, Mexico,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,15.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +57, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +59, Private, 9th,5.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,50.0, United-States,>50K +48, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +58, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,38.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, 11th,7.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,16.0, United-States,<=50K +28, Private, 10th,6.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Columbia,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +24, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +50, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +61, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,21.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1980.0,60.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, Germany,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, 12th,8.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,3674.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, Mexico,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Masters,14.0, Divorced, Exec-managerial, Own-child, White, Female,14084.0,0.0,50.0, United-States,>50K +83, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,8.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,1887.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +33, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,6849.0,0.0,60.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,2463.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,26.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,80.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +59, Local-gov, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Poland,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +34, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +43, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1669.0,60.0, United-States,<=50K +68, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,10.0, United-States,>50K +46, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +57, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +66, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Separated, Priv-house-serv, Unmarried, White, Female,0.0,0.0,8.0, Mexico,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, France,<=50K +59, Local-gov, HS-grad,9.0, Separated, Protective-serv, Other-relative, Black, Female,0.0,2339.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +64, Private, 5th-6th,3.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,20.0, Cuba,<=50K +61, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +53, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,7.0, United-States,<=50K +34, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +67, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,9386.0,0.0,24.0, Cuba,>50K +46, Private, Assoc-acdm,12.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,27.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Japan,<=50K +57, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Cuba,<=50K +32, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +39, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +25, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +41, Federal-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Male,4650.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, Black, Female,0.0,0.0,50.0, United-States,<=50K +44, Federal-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,2354.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,80.0, United-States,>50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, 12th,8.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,32.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +57, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,>50K +49, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, England,<=50K +36, State-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +52, Private, 10th,6.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +31, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1974.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +49, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +58, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +48, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +21, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +67, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Assoc-voc,11.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +59, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,44.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +54, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0.0,0.0,45.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Private, 5th-6th,3.0, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,19.0, Philippines,<=50K +23, Private, 9th,5.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +75, Private, Preschool,1.0, Never-married, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,48.0, Philippines,<=50K +52, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +69, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +40, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,1902.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +33, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +22, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +75, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +55, Private, 11th,7.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,27828.0,0.0,56.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,50.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908.0,0.0,50.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,30.0, United-States,<=50K +44, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,8.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,24.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,2176.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Widowed, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +48, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2290.0,0.0,20.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +25, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +59, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +24, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,56.0, United-States,>50K +35, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,1380.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,50.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,35.0, United-States,>50K +34, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +59, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, 9th,5.0, Never-married, Craft-repair, Unmarried, White, Male,914.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,1762.0,40.0, United-States,<=50K +73, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418.0,0.0,99.0, United-States,>50K +45, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,35.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +40, State-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +36, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,13550.0,0.0,50.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,4650.0,0.0,40.0, United-States,<=50K +53, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,50.0, United-States,>50K +42, Local-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +32, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Other, Female,0.0,0.0,65.0, United-States,<=50K +59, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +37, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +31, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,38.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,60.0, United-States,>50K +29, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +60, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,22.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,625.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, 11th,7.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,49.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +30, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +51, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1974.0,55.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Local-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, Mexico,<=50K +45, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +37, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +47, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +41, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,54.0, United-States,<=50K +34, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +78, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,45.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +46, Local-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +38, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Italy,>50K +53, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,36.0, United-States,>50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, England,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,1055.0,0.0,32.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +60, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,>50K +42, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +41, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,70.0, United-States,>50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1740.0,35.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,18.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, 9th,5.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +24, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, Mexico,<=50K +43, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, 11th,7.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,36.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +26, Private, 11th,7.0, Separated, Craft-repair, Other-relative, White, Male,2907.0,0.0,50.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Cuba,<=50K +39, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +64, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +26, State-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,1504.0,40.0, United-States,<=50K +50, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +37, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +69, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,22.0, United-States,<=50K +41, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Without-pay, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +33, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, France,<=50K +55, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1887.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,16.0, Germany,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,56.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +44, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,37.0, Hong,<=50K +53, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,13550.0,0.0,60.0, United-States,>50K +39, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, Poland,>50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +35, Private, 12th,8.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Private, 7th-8th,4.0, Widowed, Exec-managerial, Not-in-family, White, Male,6097.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,6849.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +69, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,10520.0,0.0,50.0, United-States,>50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407.0,0.0,99.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,1504.0,40.0, United-States,<=50K +49, State-gov, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +46, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +63, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,50.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +58, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, England,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Separated, Sales, Own-child, White, Female,0.0,0.0,26.0, United-States,<=50K +22, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +80, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +48, Private, 10th,6.0, Separated, Machine-op-inspct, Own-child, White, Female,0.0,0.0,48.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +58, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Ecuador,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +27, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,7298.0,0.0,60.0, India,>50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,15024.0,0.0,70.0, South,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,28.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,88.0, United-States,<=50K +21, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, Other, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,9.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3781.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4865.0,0.0,36.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +31, Private, 1st-4th,2.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, Honduras,<=50K +42, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +26, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,98.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Some-college,10.0, Married-spouse-absent, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,53.0, United-States,>50K +66, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,8.0, United-States,>50K +34, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States,>50K +54, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +71, Private, 9th,5.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,13.0, United-States,<=50K +51, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Canada,<=50K +34, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,14084.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, Ireland,<=50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +19, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,4650.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +39, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,4787.0,0.0,40.0, United-States,>50K +18, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Columbia,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +53, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,3418.0,0.0,30.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,4650.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +78, Self-emp-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1902.0,32.0, United-States,>50K +34, State-gov, Some-college,10.0, Separated, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +21, Private, 9th,5.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-acdm,12.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +61, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,35.0, United-States,>50K +45, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,7430.0,0.0,70.0, United-States,>50K +31, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +60, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,2559.0,50.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,2354.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +55, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, State-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Married-spouse-absent, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +51, Self-emp-not-inc, 10th,6.0, Widowed, Transport-moving, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,2174.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,45.0, England,<=50K +24, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 5th-6th,3.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 10th,6.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Local-gov, Assoc-acdm,12.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1977.0,50.0, South,>50K +45, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +46, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,323.0,45.0, United-States,<=50K +67, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +40, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +51, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,60.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,7688.0,0.0,50.0, Philippines,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,70.0, United-States,>50K +43, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, El-Salvador,<=50K +33, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, El-Salvador,<=50K +48, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1590.0,38.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +29, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,<=50K +42, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Hungary,<=50K +36, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +66, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, El-Salvador,<=50K +48, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,29.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3942.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Separated, Sales, Not-in-family, Black, Male,0.0,0.0,44.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, Canada,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +57, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Taiwan,>50K +54, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +44, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Scotland,<=50K +29, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,40.0, Cuba,<=50K +51, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,10.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +58, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, 10th,6.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, Canada,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1719.0,30.0, United-States,<=50K +44, Private, 11th,7.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178.0,0.0,36.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +60, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +33, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1974.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2001.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +49, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Self-emp-inc, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Local-gov, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,42.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,56.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,10.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +34, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,98.0, United-States,<=50K +63, Federal-gov, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,2559.0,60.0, United-States,>50K +48, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,35.0, Nicaragua,<=50K +26, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,12.0, United-States,<=50K +57, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,50.0, India,>50K +64, State-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,1639.0,0.0,20.0, United-States,<=50K +18, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +73, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,2457.0,40.0, Vietnam,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Federal-gov, HS-grad,9.0, Separated, Adm-clerical, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +55, Private, 10th,6.0, Widowed, Transport-moving, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Other, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,213.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2179.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,1138.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +59, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,80.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1504.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +66, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,1594.0,30.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +41, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,36.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, Germany,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,24.0, United-States,<=50K +32, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,15.0, Mexico,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Local-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,14.0, United-States,>50K +53, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1876.0,38.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,7.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +28, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +37, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,1055.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,75.0, United-States,<=50K +38, Private, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +65, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2246.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,7.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +42, Local-gov, Masters,14.0, Separated, Exec-managerial, Unmarried, Black, Male,0.0,0.0,45.0, United-States,>50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +51, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,1876.0,45.0, Cambodia,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,625.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,4.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,45.0, United-States,>50K +39, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,2444.0,45.0, United-States,>50K +42, Private, HS-grad,9.0, Separated, Transport-moving, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +59, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, 11th,7.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,16.0, United-States,<=50K +38, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +62, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,4.0, United-States,>50K +43, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,7.0, United-States,>50K +59, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +20, Local-gov, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,28.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-spouse-absent, Sales, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,2174.0,0.0,45.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Other-relative, White, Male,1848.0,0.0,10.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Federal-gov, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,84.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,21.0, United-States,<=50K +64, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 1st-4th,2.0, Married-civ-spouse, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +39, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +25, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Other, Male,0.0,0.0,50.0, Puerto-Rico,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +70, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Nicaragua,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,12.0, United-States,>50K +50, Local-gov, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 7th-8th,4.0, Never-married, Farming-fishing, Other-relative, Other, Male,0.0,0.0,40.0, Mexico,<=50K +46, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 10th,6.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,23.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +61, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +61, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,20.0, United-States,>50K +69, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2267.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +70, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,2653.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +55, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-inc, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +31, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,48.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +26, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Other, Male,0.0,0.0,60.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,34.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +64, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,99999.0,0.0,57.0, Canada,>50K +47, Local-gov, Masters,14.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,>50K +48, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, China,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, 11th,7.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,14.0, United-States,<=50K +64, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,45.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +24, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3942.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +34, Private, Masters,14.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, Honduras,<=50K +46, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +71, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,11678.0,0.0,45.0, United-States,>50K +44, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, 12th,8.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +59, State-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +76, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +50, Local-gov, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178.0,0.0,40.0, United-States,>50K +37, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,625.0,40.0, Puerto-Rico,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, England,<=50K +36, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +55, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,35.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,65.0, United-States,<=50K +55, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, Germany,<=50K +43, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +62, State-gov, Assoc-acdm,12.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,52.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +79, Self-emp-inc, 12th,8.0, Widowed, Sales, Not-in-family, White, Male,18481.0,0.0,45.0, United-States,>50K +61, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +28, Self-emp-not-inc, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,99.0, Mexico,<=50K +60, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +51, Self-emp-inc, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,81.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +27, Private, Masters,14.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,45.0, United-States,>50K +52, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +62, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,5.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,2.0, United-States,<=50K +28, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +51, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +63, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +63, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,15.0, Cuba,>50K +20, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,65.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +65, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,45.0, United-States,>50K +59, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,26.0, United-States,<=50K +44, Local-gov, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +59, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Male,0.0,0.0,90.0, United-States,<=50K +68, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +63, Private, 11th,7.0, Widowed, Sales, Not-in-family, White, Female,2176.0,0.0,30.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,57.0, United-States,<=50K +46, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,60.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Poland,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,44.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +24, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +31, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +42, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, Mexico,<=50K +48, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +56, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,1719.0,25.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +24, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Assoc-acdm,12.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0.0,0.0,35.0, Poland,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Cuba,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,>50K +69, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Male,0.0,0.0,40.0, Ecuador,<=50K +27, Local-gov, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +33, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, Canada,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,70.0, United-States,>50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,2057.0,60.0, Canada,<=50K +26, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, Hungary,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, 9th,5.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, Canada,>50K +62, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +27, Private, 11th,7.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Germany,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, 12th,8.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,24.0, Mexico,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States,>50K +42, Local-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,43.0, United-States,>50K +37, Local-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,42.0, United-States,<=50K +37, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +66, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Assoc-voc,11.0, Separated, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,38.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +42, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, Italy,>50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +69, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Female,0.0,0.0,14.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,48.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +42, Private, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +35, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +42, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,44.0, United-States,>50K +41, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, 1st-4th,2.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,2062.0,0.0,34.0, Ecuador,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Separated, Farming-fishing, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +60, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +38, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,55.0, United-States,<=50K +21, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Female,27828.0,0.0,60.0, United-States,>50K +43, Private, 5th-6th,3.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,5178.0,0.0,35.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,29.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, Jamaica,<=50K +38, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,2001.0,35.0, United-States,<=50K +57, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +44, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Taiwan,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,2205.0,40.0, United-States,<=50K +25, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, Italy,<=50K +54, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +60, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +66, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0.0,1564.0,50.0, India,>50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,2202.0,0.0,40.0, Taiwan,<=50K +25, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +57, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Separated, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,36.0, Mexico,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Iran,<=50K +40, Local-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,8614.0,0.0,40.0, England,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,15.0, United-States,<=50K +25, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,60.0, Mexico,<=50K +49, State-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Private, 5th-6th,3.0, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,32.0, Mexico,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1602.0,12.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +31, State-gov, 12th,8.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +18, State-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +68, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +44, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Vietnam,<=50K +55, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2603.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,2202.0,0.0,44.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +57, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +58, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,16.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,8614.0,0.0,52.0, Mexico,>50K +50, Private, 5th-6th,3.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, Cuba,<=50K +31, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico,<=50K +26, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, Other, Female,0.0,0.0,38.0, Ecuador,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Cuba,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +53, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Private, HS-grad,9.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,16.0, United-States,<=50K +38, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, Mexico,<=50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, 5th-6th,3.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,36.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,42.0, United-States,<=50K +58, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1848.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,32.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +28, State-gov, Some-college,10.0, Separated, Exec-managerial, Own-child, White, Male,0.0,2339.0,40.0, United-States,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +27, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,17.0, United-States,<=50K +68, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +33, Self-emp-inc, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +26, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,38.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States,>50K +60, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,1669.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +21, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Own-child, White, Male,0.0,1762.0,40.0, Dominican-Republic,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, El-Salvador,<=50K +33, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, England,<=50K +53, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,50.0, South,<=50K +44, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,2463.0,0.0,38.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +26, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +30, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +25, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,7298.0,0.0,40.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,48.0, United-States,>50K +66, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5556.0,0.0,26.0, United-States,>50K +43, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1848.0,55.0, United-States,>50K +44, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +42, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1977.0,45.0, Philippines,>50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +60, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +63, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +33, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,33.0, Mexico,<=50K +64, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Self-emp-not-inc, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +53, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, 12th,8.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +80, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +53, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Mexico,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +52, Private, 5th-6th,3.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, 7th-8th,4.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +55, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +71, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,17.0, United-States,<=50K +47, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +17, Self-emp-inc, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,1602.0,30.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Federal-gov, Some-college,10.0, Married-AF-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +65, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,48.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, Italy,>50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +29, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Local-gov, Assoc-voc,11.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +72, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,20.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,4416.0,0.0,60.0, United-States,<=50K +25, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +31, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, Canada,>50K +46, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +44, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1617.0,20.0, United-States,<=50K +44, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +42, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +64, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, 9th,5.0, Separated, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, Mexico,<=50K +33, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,35.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,51.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, England,<=50K +46, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,1980.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Prof-school,15.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +79, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1573.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,14344.0,0.0,40.0, United-States,>50K +49, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, Peru,<=50K +63, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +42, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,37.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +22, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,35.0, Haiti,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +49, Private, 11th,7.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,653.0,60.0, United-States,<=50K +48, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,1617.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Prof-school,15.0, Married-civ-spouse, Sales, Wife, Amer-Indian-Eskimo, Female,15024.0,0.0,40.0, South,>50K +52, State-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,39.0, United-States,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +67, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +43, State-gov, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +34, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,58.0, United-States,<=50K +53, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,<=50K +55, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +58, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States,>50K +74, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,25.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Yugoslavia,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +61, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, Other, Female,7688.0,0.0,45.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,38.0, United-States,<=50K +28, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908.0,0.0,27.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,>50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +80, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +72, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, England,<=50K +65, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +54, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,53.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,65.0, United-States,<=50K +32, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, Mexico,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,36.0, United-States,<=50K +33, Private, 5th-6th,3.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +18, Self-emp-not-inc, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, 7th-8th,4.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688.0,0.0,40.0, United-States,>50K +42, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,99999.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,15.0, United-States,<=50K +43, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,5455.0,0.0,50.0, United-States,<=50K +34, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +49, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +22, Federal-gov, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,37.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,625.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +68, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,24.0, Italy,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +34, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +45, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +50, Private, Doctorate,16.0, Divorced, Prof-specialty, Other-relative, White, Male,10520.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, El-Salvador,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +74, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653.0,0.0,70.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,46.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Local-gov, Assoc-voc,11.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,56.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,1602.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +39, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +52, State-gov, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +33, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +17, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Private, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +47, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,98.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,38.0, United-States,>50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +47, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, Japan,>50K +24, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico,<=50K +24, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,53.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1887.0,42.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1721.0,30.0, United-States,<=50K +39, Private, 9th,5.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, Mexico,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States,<=50K +34, Self-emp-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,4787.0,0.0,45.0, France,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,38.0, Puerto-Rico,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +33, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,4064.0,0.0,40.0, United-States,<=50K +42, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +57, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, Italy,>50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,13.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 10th,6.0, Separated, Transport-moving, Unmarried, Black, Male,0.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +50, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, South,>50K +70, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Black, Male,4787.0,0.0,48.0, United-States,>50K +51, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +57, Self-emp-inc, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Own-child, Other, Male,0.0,0.0,43.0, United-States,>50K +74, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +50, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,14.0, United-States,<=50K +44, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,50.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Ireland,>50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,35.0, Nicaragua,>50K +28, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,594.0,0.0,50.0, Germany,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +60, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2829.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +48, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +62, Private, 9th,5.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +25, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +49, Private, 11th,7.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +32, State-gov, Some-college,10.0, Never-married, Protective-serv, Unmarried, Black, Female,3887.0,0.0,40.0, United-States,<=50K +25, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +70, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,42.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,35.0, United-States,<=50K +71, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,9.0, United-States,<=50K +48, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,56.0, United-States,>50K +59, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,5178.0,0.0,40.0, Puerto-Rico,>50K +44, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, Japan,>50K +36, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +67, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,20051.0,0.0,30.0, England,>50K +29, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Other, Male,0.0,0.0,30.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India,<=50K +68, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Canada,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +64, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +73, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +58, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Other, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 9th,5.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +37, Private, 9th,5.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,30.0, El-Salvador,<=50K +31, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Self-emp-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1651.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,68.0, United-States,<=50K +60, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1408.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,4386.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,99.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, Nicaragua,<=50K +60, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +44, Private, 10th,6.0, Never-married, Sales, Unmarried, Other, Female,0.0,0.0,35.0, Dominican-Republic,<=50K +18, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,1055.0,0.0,25.0, United-States,<=50K +52, Federal-gov, 12th,8.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Separated, Adm-clerical, Own-child, Black, Female,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +63, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +63, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +58, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,14344.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +20, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,1506.0,0.0,50.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +45, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +48, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +58, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,4.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Federal-gov, Some-college,10.0, Never-married, Armed-Forces, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +48, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +66, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +39, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,84.0, Japan,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,2001.0,50.0, United-States,<=50K +29, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,44.0, United-States,>50K +34, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,42.0, United-States,>50K +44, Federal-gov, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Black, Female,0.0,0.0,60.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +31, Local-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,64.0, United-States,<=50K +45, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +70, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2246.0,8.0, United-States,>50K +22, Private, 9th,5.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +43, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +59, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,2885.0,0.0,65.0, Japan,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +73, Local-gov, 5th-6th,3.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,6.0, United-States,<=50K +32, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +55, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, Black, Male,0.0,0.0,15.0, United-States,<=50K +26, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +73, Federal-gov, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,3273.0,0.0,40.0, United-States,<=50K +27, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,84.0, United-States,<=50K +73, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +36, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +49, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +68, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1590.0,50.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +90, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,6767.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +27, Private, Bachelors,13.0, Separated, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +69, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +44, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,625.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Self-emp-inc, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +36, Private, 5th-6th,3.0, Separated, Priv-house-serv, Unmarried, Other, Female,0.0,0.0,35.0, Mexico,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +22, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Federal-gov, HS-grad,9.0, Married-civ-spouse, Armed-Forces, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States,<=50K +31, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,3674.0,0.0,45.0, United-States,<=50K +45, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +30, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,35.0, Mexico,<=50K +44, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,1408.0,46.0, United-States,<=50K +54, Private, 11th,7.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +47, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,37.0, United-States,<=50K +32, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +51, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Columbia,<=50K +55, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3818.0,0.0,40.0, United-States,<=50K +46, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,2824.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,37.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +17, Private, 10th,6.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Male,0.0,0.0,15.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,1590.0,40.0, Japan,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +26, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,30.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Divorced, Tech-support, Own-child, White, Female,0.0,1594.0,25.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +33, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,2176.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +36, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Separated, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,4.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2290.0,0.0,30.0, Hungary,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Self-emp-not-inc, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, State-gov, Assoc-acdm,12.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +73, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Male,25124.0,0.0,60.0, United-States,>50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,1564.0,51.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +36, Private, 1st-4th,2.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,20.0, Mexico,<=50K +25, Local-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +36, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,4787.0,0.0,45.0, United-States,>50K +53, Local-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,32.0, Dominican-Republic,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,3137.0,0.0,30.0, United-States,<=50K +37, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,36.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,99.0, United-States,<=50K +43, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, Jamaica,>50K +53, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines,<=50K +59, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +36, Federal-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-AF-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,10.0, United-States,>50K +44, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, Other, Male,0.0,0.0,32.0, Canada,<=50K +30, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +41, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,50.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +54, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +31, Self-emp-not-inc, Masters,14.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, Mexico,<=50K +34, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,18.0, United-States,<=50K +56, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Canada,<=50K +47, Private, HS-grad,9.0, Separated, Prof-specialty, Other-relative, Other, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +43, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +63, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +43, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +21, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +44, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +44, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,13.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +43, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +50, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,14084.0,0.0,45.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Philippines,>50K +31, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +45, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,3.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,4416.0,0.0,30.0, United-States,<=50K +27, Private, 11th,7.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, India,<=50K +37, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,48.0, United-States,>50K +24, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +62, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +24, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,2559.0,48.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +26, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,<=50K +68, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Female,0.0,1762.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +58, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +56, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +35, Local-gov, HS-grad,9.0, Divorced, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,56.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,10.0, United-States,<=50K +21, Private, 10th,6.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +56, Private, 12th,8.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, Other, Female,0.0,0.0,40.0, Mexico,<=50K +20, Federal-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,1797.0,0.0,21.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Local-gov, 10th,6.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,1741.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,5.0, United-States,>50K +52, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,37.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +61, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +21, State-gov, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,33.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, South,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,8.0, Philippines,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +81, State-gov, 1st-4th,2.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Portugal,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,99.0, United-States,<=50K +56, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,2907.0,0.0,52.0, Cuba,<=50K +42, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Scotland,<=50K +58, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +41, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +31, Private, 7th-8th,4.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +56, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +51, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +60, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +23, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +61, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,99999.0,0.0,30.0, United-States,>50K +76, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,39.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +58, Federal-gov, Some-college,10.0, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,7.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, Vietnam,<=50K +40, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Canada,<=50K +62, Local-gov, Doctorate,16.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, Iran,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, Other, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +23, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +71, Self-emp-not-inc, 1st-4th,2.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +25, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +73, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,16.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Ecuador,<=50K +44, Local-gov, Assoc-voc,11.0, Divorced, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, Cuba,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +42, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +59, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,52.0, Outlying-US(Guam-USVI-etc),<=50K +58, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,60.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,2824.0,76.0, United-States,>50K +59, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,99.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, Mexico,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,92.0, United-States,<=50K +23, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,45.0, United-States,>50K +45, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +52, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Doctorate,16.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +83, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +51, Local-gov, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,54.0, Mexico,<=50K +28, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Canada,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +66, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,>50K +27, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,15024.0,0.0,40.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +62, Self-emp-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,<=50K +52, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +46, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,1055.0,0.0,32.0, United-States,<=50K +18, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,1721.0,15.0, United-States,<=50K +90, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +69, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Federal-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,54.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,1974.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,914.0,0.0,40.0, United-States,<=50K +73, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,32.0, United-States,<=50K +25, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, State-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,48.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +27, Self-emp-inc, Some-college,10.0, Separated, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,1602.0,18.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +18, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +50, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,50.0, Haiti,<=50K +60, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,50.0, United-States,<=50K +53, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,10.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,3325.0,0.0,45.0, United-States,<=50K +67, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +45, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,28.0, Guatemala,<=50K +32, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,14084.0,0.0,30.0, United-States,>50K +59, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +50, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +51, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,3.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,10605.0,0.0,60.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Separated, Protective-serv, Own-child, Other, Male,0.0,0.0,52.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1740.0,45.0, United-States,<=50K +42, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,594.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,60.0, Iran,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +68, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +60, Federal-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Male,4934.0,0.0,40.0, United-States,>50K +41, Private, 12th,8.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +35, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,55.0, United-States,>50K +46, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +62, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-spouse-absent, Sales, Own-child, Black, Female,0.0,0.0,36.0, United-States,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +67, Self-emp-not-inc, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Male,18481.0,0.0,2.0, United-States,>50K +60, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,48.0, United-States,>50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,52.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,68.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,24.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +53, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Local-gov, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +58, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Private, 9th,5.0, Never-married, Priv-house-serv, Not-in-family, Black, Female,1055.0,0.0,22.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,38.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +38, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1876.0,40.0, Canada,<=50K +58, Local-gov, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,70.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,99.0, United-States,<=50K +61, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,33.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, 1st-4th,2.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,24.0, United-States,>50K +26, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States,>50K +48, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,2.0, United-States,<=50K +41, Private, 9th,5.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, Columbia,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +49, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, Assoc-acdm,12.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +30, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,48.0, Cuba,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +48, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2377.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +31, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +31, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,30.0, United-States,>50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,10.0, El-Salvador,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +59, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,56.0, Puerto-Rico,<=50K +46, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,30.0, United-States,>50K +32, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +90, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0.0,0.0,30.0, Mexico,>50K +81, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,2936.0,0.0,28.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,12.0, United-States,<=50K +56, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Federal-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,24.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +48, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,1651.0,40.0, Vietnam,<=50K +45, Private, Some-college,10.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +80, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,32.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +25, Local-gov, Bachelors,13.0, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +31, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,2258.0,50.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Other, Male,0.0,0.0,32.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, Philippines,<=50K +21, Local-gov, 12th,8.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +37, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +71, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,5.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +38, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,13550.0,0.0,40.0, United-States,>50K +43, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +36, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,13550.0,0.0,40.0, United-States,>50K +24, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +43, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,57.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,6497.0,0.0,35.0, United-States,<=50K +60, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +55, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Separated, Sales, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +53, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,67.0, Italy,>50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,4386.0,0.0,40.0, United-States,>50K +28, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +64, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, Canada,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +20, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,20.0, United-States,>50K +40, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Separated, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,30.0, Guatemala,<=50K +51, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +35, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 7th-8th,4.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1408.0,36.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,2205.0,40.0, Holand-Netherlands,<=50K +22, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +18, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +40, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, 11th,7.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, Nicaragua,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,1876.0,75.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, 10th,6.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +53, Self-emp-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,419.0,12.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2051.0,57.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,2444.0,50.0, United-States,>50K +33, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +23, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,32.0, United-States,<=50K +23, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +39, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +80, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +52, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,38.0, England,<=50K +43, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +45, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +41, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +54, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,2258.0,40.0, United-States,>50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +38, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +41, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +66, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +24, Local-gov, 10th,6.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,65.0, Haiti,<=50K +61, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,44.0, Cuba,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,3103.0,0.0,60.0, United-States,>50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,55.0, United-States,<=50K +40, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,99.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +58, Federal-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,4787.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,27828.0,0.0,48.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +40, Private, 7th-8th,4.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +50, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688.0,0.0,50.0, Japan,>50K +57, Private, HS-grad,9.0, Separated, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,10.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,2179.0,12.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,1.0, Vietnam,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,>50K +32, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +33, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,48.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Local-gov, 11th,7.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +49, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +64, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,3.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, Assoc-acdm,12.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +55, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,56.0, United-States,>50K +50, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688.0,0.0,45.0, United-States,>50K +32, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +60, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Male,8614.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +26, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,99999.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,42.0, United-States,>50K +46, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,52.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,35.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Masters,14.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +79, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Not-in-family, White, Female,2964.0,0.0,30.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,2597.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Canada,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +34, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +60, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2179.0,45.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,114.0,0.0,45.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,40.0, United-States,>50K +52, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +77, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +34, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +53, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +31, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +50, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +77, Private, 9th,5.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,10.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Unmarried, Black, Male,0.0,0.0,60.0, United-States,<=50K +53, Local-gov, HS-grad,9.0, Married-spouse-absent, Transport-moving, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,594.0,0.0,20.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,54.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, 10th,6.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +25, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +53, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2179.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +70, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +40, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, Bachelors,13.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,7.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, Columbia,<=50K +58, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +28, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +40, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,80.0, United-States,>50K +27, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,10.0, India,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,25.0, United-States,<=50K +53, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,16.0, United-States,<=50K +34, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, Other, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Cuba,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,2206.0,5.0, United-States,<=50K +59, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,80.0, United-States,>50K +56, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Female,27828.0,0.0,20.0, United-States,>50K +34, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,2977.0,0.0,50.0, United-States,<=50K +63, Private, 10th,6.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,56.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +41, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2179.0,52.0, United-States,<=50K +29, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +34, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,38.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong,>50K +56, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,43.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, Mexico,<=50K +44, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 12th,8.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +42, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +34, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, 1st-4th,2.0, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,65.0, United-States,<=50K +25, Self-emp-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States,<=50K +21, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +65, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +61, Self-emp-inc, Masters,14.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,99.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +48, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,2174.0,0.0,75.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +65, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, Germany,<=50K +54, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +56, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,12.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +65, Without-pay, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2414.0,0.0,20.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +43, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,48.0, United-States,<=50K +55, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4508.0,0.0,40.0, United-States,<=50K +59, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,10.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +27, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,38.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +26, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, Columbia,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +65, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,1602.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Never-married, Priv-house-serv, Not-in-family, White, Male,594.0,0.0,25.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Cuba,<=50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,18.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,6.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +68, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,>50K +40, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +62, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,4787.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +48, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +39, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +38, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,14344.0,0.0,40.0, United-States,>50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, 10th,6.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,30.0, Japan,>50K +25, Private, 9th,5.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +47, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,14084.0,0.0,60.0, United-States,>50K +23, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,25.0, United-States,<=50K +23, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7298.0,0.0,40.0, United-States,>50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +46, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +42, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +52, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +60, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +64, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, El-Salvador,<=50K +63, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +54, Local-gov, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +63, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,41310.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +25, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,57.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,34.0, United-States,<=50K +36, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +40, Self-emp-inc, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,1506.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,1504.0,37.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,1902.0,36.0, United-States,>50K +37, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +53, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +34, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Male,5455.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,2001.0,40.0, United-States,<=50K +33, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +45, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +52, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,>50K +32, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,2597.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +54, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +65, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,2174.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,60.0, Iran,>50K +20, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +80, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +59, State-gov, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +56, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +69, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +28, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +49, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Local-gov, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,13.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Separated, Craft-repair, Other-relative, White, Male,0.0,0.0,48.0, United-States,>50K +26, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,155.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,45.0, Mexico,<=50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, England,>50K +48, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,36.0, Haiti,<=50K +50, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, State-gov, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,80.0, United-States,>50K +70, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,49.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1902.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,7688.0,0.0,52.0, Japan,>50K +47, Private, 11th,7.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,16.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,25.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Prof-specialty, Own-child, Other, Female,0.0,0.0,15.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,1974.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +26, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,60.0, United-States,<=50K +38, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, 7th-8th,4.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,28.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,39.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,8.0, Cuba,<=50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386.0,0.0,45.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +39, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +76, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, Jamaica,>50K +54, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, England,>50K +63, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,60.0, Vietnam,<=50K +26, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Scotland,>50K +51, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Other, Female,0.0,625.0,40.0, United-States,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,30.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064.0,0.0,50.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +40, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-not-inc, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,7430.0,0.0,44.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +35, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,3674.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +38, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +29, Private, 12th,8.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, England,<=50K +24, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Separated, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 5th-6th,3.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,48.0, Guatemala,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +49, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +70, Self-emp-inc, 9th,5.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,55.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +54, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,3900.0,40.0, United-States,<=50K +42, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,2201.0,60.0, India,>50K +28, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,35.0, Ireland,<=50K +82, Private, 5th-6th,3.0, Widowed, Other-service, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Japan,>50K +68, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,6360.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,2001.0,37.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,30.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,24.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,1721.0,25.0, United-States,<=50K +63, Private, Preschool,1.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,30.0, Mexico,<=50K +44, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +30, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,25.0, Jamaica,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +34, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,4386.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,0.0,20.0, Puerto-Rico,<=50K +47, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 9th,5.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,45.0, Mexico,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1977.0,65.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,10.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, State-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,14.0, United-States,<=50K +55, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +85, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,2415.0,67.0, India,>50K +25, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +19, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +80, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +79, Local-gov, Doctorate,16.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +52, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,4787.0,0.0,60.0, United-States,>50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +68, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +34, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,>50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +65, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +62, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,55.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,77.0, Mexico,<=50K +36, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,53.0, United-States,>50K +36, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, Mexico,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +51, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +25, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +57, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,2597.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +48, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,7298.0,0.0,35.0, United-States,>50K +43, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,42.0, United-States,<=50K +57, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 10th,6.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2051.0,38.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Thailand,>50K +50, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Other, Male,0.0,0.0,50.0, United-States,<=50K +23, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, Yugoslavia,>50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,70.0, United-States,>50K +30, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,45.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, Germany,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, Canada,>50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,2829.0,0.0,60.0, China,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,21.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +73, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2246.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,594.0,0.0,20.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298.0,0.0,35.0, United-States,>50K +22, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +31, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Italy,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +67, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,14.0, United-States,<=50K +67, Self-emp-inc, Bachelors,13.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0.0,0.0,19.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,80.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, Mexico,<=50K +29, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,10.0, United-States,>50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2042.0,48.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +90, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +27, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,99999.0,0.0,50.0, United-States,>50K +27, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +43, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4101.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,4787.0,0.0,45.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +39, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,50.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,4650.0,0.0,50.0, Ireland,<=50K +37, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,13.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +71, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +38, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +32, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +55, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +66, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +62, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Other, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +33, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Federal-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, 12th,8.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,17.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,8.0, United-States,<=50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, Philippines,<=50K +27, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +19, State-gov, 12th,8.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Thailand,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +59, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,27828.0,0.0,45.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Female,0.0,2002.0,40.0, United-States,<=50K +60, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +20, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +28, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,2202.0,0.0,50.0, United-States,<=50K +24, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India,<=50K +31, Private, 12th,8.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +55, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +50, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,35.0, Haiti,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,62.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,14.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,10520.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,39.0, United-States,>50K +42, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +56, Private, 9th,5.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +18, Local-gov, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 9th,5.0, Never-married, Farming-fishing, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +31, State-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +55, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,10520.0,0.0,60.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,55.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Private, 11th,7.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,75.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong,>50K +26, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Canada,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 9th,5.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, State-gov, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +62, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +76, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,10520.0,0.0,64.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,42.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Federal-gov, Some-college,10.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,13550.0,0.0,45.0, United-States,>50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,57.0, United-States,>50K +42, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +50, Self-emp-inc, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,75.0, United-States,<=50K +34, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,33.0, United-States,<=50K +47, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,6849.0,0.0,40.0, United-States,<=50K +57, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +53, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,4787.0,0.0,40.0, United-States,>50K +58, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,24.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +53, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,72.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +76, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,24.0, Haiti,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +60, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +44, Local-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,1340.0,40.0, United-States,<=50K +63, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,41.0, United-States,<=50K +46, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +61, Self-emp-not-inc, Assoc-acdm,12.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,90.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,1977.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Iran,<=50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,2547.0,40.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +59, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,34.0, United-States,<=50K +46, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +45, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,2042.0,10.0, United-States,<=50K +23, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3781.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,55.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Self-emp-not-inc, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,1944.0,1.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +30, Private, Prof-school,15.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, Canada,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3942.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, Jamaica,<=50K +26, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,10.0, Japan,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +57, State-gov, Bachelors,13.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,39.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,36.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Self-emp-not-inc, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2258.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Separated, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +63, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,4865.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,4865.0,0.0,30.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +27, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, Mexico,<=50K +32, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,45.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,30.0, Nicaragua,<=50K +60, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +47, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,36.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1504.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,4386.0,0.0,45.0, United-States,>50K +36, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,70.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +59, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,5013.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +31, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, 11th,7.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +53, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,24.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,48.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,5721.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,>50K +43, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +46, Private, 11th,7.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States,<=50K +46, Private, Prof-school,15.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +21, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,2174.0,0.0,60.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +24, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,5.0, Vietnam,<=50K +63, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,22.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,4650.0,0.0,20.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +35, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +64, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,2205.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +42, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +36, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,>50K +23, Private, 12th,8.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,30.0, Mexico,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,14.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, Federal-gov, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,2001.0,65.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Columbia,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,43.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +70, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, Cuba,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +76, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +25, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,56.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Haiti,>50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico,<=50K +54, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2258.0,42.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,52.0, United-States,<=50K +32, Private, Some-college,10.0, Separated, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,0.0,1980.0,40.0, United-States,<=50K +61, Local-gov, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 10th,6.0, Never-married, Priv-house-serv, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,56.0, Haiti,>50K +25, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,>50K +33, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +49, Private, Bachelors,13.0, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, India,<=50K +58, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Other, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States,>50K +67, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,10566.0,0.0,40.0, United-States,<=50K +69, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,34.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +43, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508.0,0.0,40.0, Cuba,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2415.0,99.0, United-States,>50K +59, Private, 7th-8th,4.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1669.0,45.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,35.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, Germany,<=50K +49, Self-emp-inc, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,6497.0,0.0,45.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,17.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,28.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +74, State-gov, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,16.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, State-gov, 5th-6th,3.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Local-gov, Some-college,10.0, Never-married, Protective-serv, Unmarried, Other, Male,1151.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +44, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,44.0, United-States,>50K +42, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +45, Private, Doctorate,16.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,14.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,50.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +47, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +51, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Vietnam,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +60, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,27.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Female,7298.0,0.0,40.0, United-States,>50K +58, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +62, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +68, Private, Bachelors,13.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Other, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,43.0, Mexico,<=50K +37, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +32, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Male,0.0,0.0,35.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,15831.0,0.0,40.0, United-States,>50K +28, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, 10th,6.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,2238.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +36, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +65, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +35, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,6849.0,0.0,40.0, United-States,<=50K +50, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +53, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1504.0,45.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,38.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Portugal,<=50K +32, Private, 10th,6.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,1602.0,23.0, United-States,<=50K +20, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +38, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +36, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +61, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +51, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +34, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3908.0,0.0,45.0, United-States,<=50K +26, Private, 5th-6th,3.0, Never-married, Farming-fishing, Other-relative, Black, Male,0.0,0.0,40.0, Mexico,<=50K +20, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,49.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,42.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,61.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2290.0,0.0,40.0, United-States,<=50K +28, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +79, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,35.0, United-States,>50K +54, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,62.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, United-States,>50K +34, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,65.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,3.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,15.0, United-States,>50K +28, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,4508.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, 11th,7.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, 9th,5.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +49, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Preschool,1.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +30, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, Hungary,<=50K +29, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +50, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,1590.0,45.0, United-States,<=50K +44, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +62, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Preschool,1.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,15.0, United-States,<=50K +42, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +29, Self-emp-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +62, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +60, Self-emp-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Wife, White, Female,0.0,0.0,40.0, France,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +52, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, Black, Female,0.0,0.0,28.0, Jamaica,<=50K +39, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,47.0, Iran,<=50K +33, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, Mexico,<=50K +29, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, France,<=50K +41, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,24.0, United-States,<=50K +53, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +45, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand,<=50K +47, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Divorced, Tech-support, Unmarried, Black, Female,4687.0,0.0,35.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Private, 10th,6.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,32.0, United-States,<=50K +47, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +32, State-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,1726.0,38.0, United-States,<=50K +48, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +39, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, Black, Female,15020.0,0.0,60.0, United-States,>50K +58, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,60.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Self-emp-not-inc, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States,>50K +49, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +56, Self-emp-not-inc, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,65.0, Greece,>50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,14344.0,0.0,40.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,48.0, United-States,<=50K +57, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,2354.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,10.0, Canada,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,35.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +24, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Federal-gov, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +33, Private, 12th,8.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +81, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,26.0, United-States,>50K +45, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Other, Male,0.0,0.0,40.0, Columbia,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,<=50K +59, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +61, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,<=50K +37, Private, HS-grad,9.0, Separated, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +46, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Self-emp-inc, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Widowed, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829.0,0.0,65.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,25236.0,0.0,25.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +52, Local-gov, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +50, State-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +19, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,1669.0,70.0, United-States,<=50K +65, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +44, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +39, Local-gov, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, France,>50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2129.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, United-States,>50K +28, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,80.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,65.0, Greece,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,45.0, United-States,>50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,55.0, United-States,>50K +43, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,24.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +31, Private, 11th,7.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Widowed, Transport-moving, Not-in-family, Black, Female,0.0,0.0,47.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, Poland,<=50K +60, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, England,<=50K +35, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +61, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Scotland,<=50K +27, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 1st-4th,2.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,35.0, Portugal,<=50K +55, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2002.0,55.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +46, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,17.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,4386.0,0.0,20.0, United-States,<=50K +52, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,2415.0,40.0, United-States,>50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +57, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +69, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,9386.0,0.0,72.0, United-States,>50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,55.0, Outlying-US(Guam-USVI-etc),<=50K +41, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +52, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +38, Private, 12th,8.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,17.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, France,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,55.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +31, Private, 9th,5.0, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States,<=50K +56, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,75.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +37, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,7.0, United-States,<=50K +42, Private, Some-college,10.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, 9th,5.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,52.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Other, Male,0.0,0.0,20.0, Puerto-Rico,<=50K +30, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Ireland,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,2001.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States,<=50K +59, Private, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +66, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, Other, Male,0.0,0.0,36.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +72, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3818.0,0.0,14.0, United-States,<=50K +62, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +52, Federal-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, Mexico,<=50K +38, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,4650.0,0.0,40.0, United-States,<=50K +39, Private, 5th-6th,3.0, Married-spouse-absent, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +38, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,44.0, Philippines,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 7th-8th,4.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, Mexico,<=50K +20, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, Black, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,1741.0,42.0, United-States,<=50K +41, Local-gov, Preschool,1.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, State-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +60, Private, 11th,7.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Mexico,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, Peru,<=50K +34, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,85.0, England,>50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +88, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, Columbia,<=50K +40, Self-emp-not-inc, Masters,14.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,55.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,36.0, United-States,<=50K +56, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +67, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1573.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +19, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,91.0, United-States,<=50K +33, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Federal-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,25236.0,0.0,36.0, United-States,>50K +35, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,85.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +45, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, Black, Male,25236.0,0.0,36.0, United-States,>50K +24, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +28, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,2174.0,0.0,36.0, United-States,<=50K +63, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,22.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +25, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298.0,0.0,55.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +52, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Philippines,>50K +28, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Federal-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +57, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1977.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +29, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +71, Local-gov, Masters,14.0, Widowed, Exec-managerial, Not-in-family, White, Male,2050.0,0.0,20.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +67, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,18.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +38, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Haiti,<=50K +36, State-gov, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +23, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 12th,8.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +38, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,52.0, United-States,<=50K +37, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +54, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +63, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, Poland,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +40, Private, 11th,7.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2635.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,5.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,7978.0,0.0,35.0, United-States,<=50K +65, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,27.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Without-pay, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +49, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +45, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,2415.0,35.0, Philippines,>50K +34, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4508.0,0.0,30.0, Portugal,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,50.0, Philippines,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +62, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,2174.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1590.0,40.0, United-States,<=50K +70, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +24, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +38, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Private, Some-college,10.0, Divorced, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +37, Private, 9th,5.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +59, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,43.0, United-States,>50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, 5th-6th,3.0, Separated, Craft-repair, Not-in-family, Other, Male,0.0,0.0,35.0, Mexico,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,55.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,80.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +72, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,21.0, United-States,>50K +53, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +69, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,27.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,35.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +32, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Private, Bachelors,13.0, Widowed, Sales, Unmarried, Black, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, State-gov, Doctorate,16.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, China,<=50K +23, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +30, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, Canada,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,3325.0,0.0,48.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Self-emp-not-inc, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +58, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,60.0, United-States,>50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,25.0, Mexico,<=50K +34, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,35.0, Haiti,<=50K +62, Local-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Prof-school,15.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,54.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,15.0, China,<=50K +47, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,63.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,50.0, United-States,<=50K +53, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,28.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +19, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +42, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +18, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,>50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, 7th-8th,4.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +49, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +49, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +30, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,42.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +32, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +57, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 9th,5.0, Married-civ-spouse, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +57, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, Columbia,<=50K +44, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +28, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +56, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,37.0, United-States,>50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,>50K +35, Self-emp-inc, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Cuba,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,23.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +39, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,80.0, Italy,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1504.0,45.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,26.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, South,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,20.0, Yugoslavia,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Local-gov, 10th,6.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, 10th,6.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Without-pay, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,99.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,3103.0,0.0,72.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1590.0,43.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +38, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +53, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +56, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +62, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,84.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,41.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 12th,8.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,32.0, United-States,>50K +67, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Black, Female,6360.0,0.0,35.0, United-States,<=50K +34, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +63, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, France,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Female,0.0,0.0,46.0, United-States,<=50K +69, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Other, Female,0.0,0.0,60.0, Guatemala,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +61, Federal-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +39, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +40, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +59, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +53, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +54, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +35, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, Portugal,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1485.0,70.0, United-States,>50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Unmarried, White, Female,0.0,2339.0,60.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 1st-4th,2.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala,<=50K +42, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +47, Self-emp-not-inc, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,60.0, Thailand,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,37.0, United-States,<=50K +26, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +25, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,1719.0,16.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1741.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +56, Local-gov, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +69, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +42, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,20.0, United-States,>50K +26, Private, 11th,7.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,42.0, United-States,>50K +31, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, 5th-6th,3.0, Separated, Farming-fishing, Other-relative, White, Male,0.0,0.0,60.0, Mexico,<=50K +51, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2258.0,60.0, United-States,<=50K +64, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +26, State-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, 5th-6th,3.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,22.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,27.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 9th,5.0, Separated, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, Trinadad&Tobago,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, Black, Male,0.0,0.0,32.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +52, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +49, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +29, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Other, Female,0.0,0.0,40.0, Columbia,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103.0,0.0,60.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +38, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3942.0,0.0,84.0, Portugal,<=50K +40, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +58, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Other, Male,0.0,0.0,40.0, Mexico,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +49, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +39, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178.0,0.0,38.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +40, Federal-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +27, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Scotland,<=50K +40, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,27.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,2885.0,0.0,30.0, United-States,<=50K +51, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,55.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +26, Private, 12th,8.0, Married-civ-spouse, Priv-house-serv, Wife, Other, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +46, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, 10th,6.0, Married-spouse-absent, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,1471.0,0.0,38.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 7th-8th,4.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,2977.0,0.0,40.0, Puerto-Rico,<=50K +45, Private, 11th,7.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +49, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,55.0, United-States,>50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States,>50K +33, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +68, Self-emp-inc, Assoc-voc,11.0, Widowed, Sales, Not-in-family, White, Female,25124.0,0.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,2463.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,63.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,55.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +57, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Never-married, Farming-fishing, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2179.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,13.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +82, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,22.0, United-States,>50K +39, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,9.0, United-States,<=50K +28, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, Mexico,<=50K +45, Federal-gov, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,22.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,7443.0,0.0,40.0, United-States,<=50K +49, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,48.0, United-States,>50K +37, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,15024.0,0.0,45.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +54, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,36.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Preschool,1.0, Married-spouse-absent, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +48, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +21, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +52, Private, 11th,7.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +36, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Guatemala,<=50K +42, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,35.0, United-States,>50K +62, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,39.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, El-Salvador,>50K +55, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,>50K +53, Private, 12th,8.0, Never-married, Other-service, Not-in-family, Other, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,4.0, United-States,<=50K +41, Private, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,30.0, United-States,>50K +43, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Local-gov, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, Mexico,<=50K +34, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +59, Private, Assoc-acdm,12.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +53, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, 7th-8th,4.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, Haiti,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,72.0, United-States,>50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +58, State-gov, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,50.0, United-States,>50K +48, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +50, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +23, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +60, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +42, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,16.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Sales, Other-relative, White, Male,1055.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +48, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +38, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +20, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Guatemala,<=50K +49, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Philippines,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, Canada,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +60, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Other, Female,4101.0,0.0,35.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,2202.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +50, Self-emp-not-inc, Prof-school,15.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +51, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +23, Self-emp-inc, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +59, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Greece,<=50K +39, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +44, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, Hungary,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +40, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Italy,>50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,35.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,<=50K +18, Private, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,42.0, United-States,<=50K +32, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,55.0, Mexico,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,21.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +76, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Private, 7th-8th,4.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,43.0, Mexico,<=50K +19, Private, 12th,8.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 12th,8.0, Separated, Adm-clerical, Unmarried, White, Female,1471.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,48.0, Philippines,>50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +53, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Germany,>50K +39, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Local-gov, 10th,6.0, Never-married, Protective-serv, Own-child, White, Female,0.0,1602.0,40.0, United-States,<=50K +53, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,64.0, Philippines,>50K +34, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,10.0, Jamaica,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,99.0, United-States,>50K +17, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,15.0, United-States,<=50K +46, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +45, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, France,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,4.0, United-States,<=50K +18, Self-emp-inc, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,50.0, United-States,>50K +34, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,50.0, United-States,<=50K +37, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105.0,0.0,50.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, Black, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,1902.0,35.0, United-States,>50K +65, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,53.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +71, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2467.0,52.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +65, Private, 11th,7.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, England,>50K +53, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, 9th,5.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,70.0, Dominican-Republic,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Canada,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,8.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany,>50K +50, Self-emp-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, Trinadad&Tobago,<=50K +30, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,62.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,1887.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,20.0, South,<=50K +25, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,22.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Female,0.0,1594.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,47.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,44.0, Germany,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,70.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,99999.0,0.0,30.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Male,114.0,0.0,55.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico,>50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Philippines,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +35, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,2463.0,0.0,35.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3818.0,0.0,10.0, United-States,<=50K +57, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2824.0,50.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +18, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,48.0, England,>50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +17, Local-gov, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4865.0,0.0,45.0, United-States,<=50K +29, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +47, State-gov, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +33, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States,<=50K +40, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2057.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +26, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, India,<=50K +43, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 5th-6th,3.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +28, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,63.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, State-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +88, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,15.0, South,<=50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +31, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +23, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +60, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +69, State-gov, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,34.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +60, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, Mexico,<=50K +64, Private, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +74, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Female,0.0,0.0,14.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +57, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +20, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +40, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, Mexico,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,15.0, United-States,>50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +54, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,52.0, United-States,<=50K +37, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7688.0,0.0,40.0, United-States,>50K +46, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Cuba,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +30, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Taiwan,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Self-emp-not-inc, 11th,7.0, Never-married, Other-service, Own-child, White, Female,594.0,0.0,4.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,1.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,75.0, United-States,>50K +51, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,70.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,6849.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,65.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +62, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +52, Federal-gov, Bachelors,13.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Nicaragua,<=50K +41, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +50, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 5th-6th,3.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7298.0,0.0,40.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +59, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Self-emp-inc, Prof-school,15.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +64, Self-emp-inc, 1st-4th,2.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Sales, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, India,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,10.0, Hungary,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, White, Male,4865.0,0.0,40.0, United-States,<=50K +33, Federal-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,>50K +63, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +18, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +38, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,47.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +23, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +65, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,3683.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +50, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,12.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,1506.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,2001.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,1590.0,42.0, United-States,<=50K +44, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +35, Private, 5th-6th,3.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,36.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,4.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,37.0, Mexico,<=50K +56, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,57.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,3464.0,0.0,80.0, Italy,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +53, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,37.0, United-States,>50K +75, Self-emp-not-inc, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +46, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +40, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +68, Private, 9th,5.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +48, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Federal-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,98.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,45.0, United-States,>50K +56, Local-gov, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Germany,<=50K +44, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,1602.0,12.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +23, Private, 9th,5.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,32.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +40, Private, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +64, Local-gov, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, Canada,>50K +28, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, 10th,6.0, Divorced, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,27.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +21, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2339.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,12.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +72, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2290.0,0.0,10.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, 12th,8.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +40, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +17, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +42, Local-gov, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +43, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +46, Private, 9th,5.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,>50K +47, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +31, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,2907.0,0.0,99.0, United-States,<=50K +33, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1980.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +52, State-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +37, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,38.0, United-States,<=50K +49, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Other, Male,0.0,0.0,32.0, United-States,<=50K +35, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103.0,0.0,55.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +50, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3137.0,0.0,40.0, El-Salvador,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,50.0, United-States,<=50K +55, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, 12th,8.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Italy,<=50K +22, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Own-child, White, Female,0.0,0.0,3.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,24.0, Philippines,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +52, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,9562.0,0.0,45.0, United-States,>50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,99.0, United-States,<=50K +47, Private, 10th,6.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,45.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, Some-college,10.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,6849.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Poland,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,53.0, United-States,>50K +20, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,4416.0,0.0,40.0, Puerto-Rico,<=50K +67, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,2.0, United-States,<=50K +37, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, France,>50K +36, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Female,1831.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,80.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +63, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,45.0, United-States,>50K +51, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2377.0,25.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Female,1831.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +20, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +44, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +50, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +71, State-gov, Prof-school,15.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,25.0, United-States,<=50K +59, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3411.0,0.0,40.0, Mexico,<=50K +38, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +43, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,8614.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,36.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, Greece,>50K +66, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,>50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,35.0, United-States,>50K +29, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +57, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +57, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-inc, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +56, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +26, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,38.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,36.0, Iran,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,25.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,32.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +56, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,36.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +44, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,23.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +33, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +70, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,9386.0,0.0,30.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +76, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,20051.0,0.0,50.0, United-States,>50K +19, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Local-gov, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +53, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,55.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +77, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +25, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024.0,0.0,40.0, United-States,>50K +39, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,48.0, United-States,>50K +30, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, State-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,65.0, United-States,<=50K +48, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1980.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,57.0, United-States,<=50K +66, Private, Bachelors,13.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Male,0.0,0.0,99.0, United-States,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +43, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, Mexico,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +39, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,48.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,70.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +50, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, 11th,7.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +45, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +50, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +51, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +56, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +55, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +43, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +29, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,47.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +45, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +45, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, 7th-8th,4.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, Puerto-Rico,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, Bachelors,13.0, Widowed, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,32.0, Philippines,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,2597.0,0.0,40.0, United-States,<=50K +28, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +83, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,20051.0,0.0,50.0, United-States,>50K +69, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, China,>50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +71, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,45.0, United-States,>50K +56, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,80.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,4650.0,0.0,72.0, United-States,<=50K +55, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +49, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,53.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +47, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,1506.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,4101.0,0.0,48.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +56, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Trinadad&Tobago,<=50K +45, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +60, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +37, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-AF-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Cuba,<=50K +31, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,32.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418.0,0.0,40.0, United-States,>50K +34, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, Guatemala,<=50K +47, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +58, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,62.0, Canada,<=50K +23, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +76, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,6.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,96.0, United-States,>50K +22, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,43.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, Other, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +60, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +72, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +59, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,2885.0,0.0,43.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +29, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +54, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +65, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +70, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3942.0,0.0,45.0, United-States,<=50K +31, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +49, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +53, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +71, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +37, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,52.0, United-States,<=50K +54, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States,>50K +61, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Other-relative, White, Male,0.0,0.0,24.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Federal-gov, Masters,14.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,50.0, El-Salvador,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +47, Local-gov, Assoc-acdm,12.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +31, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,60.0, Philippines,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +43, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +41, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +40, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +72, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,74.0, United-States,<=50K +43, Local-gov, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +53, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Cuba,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +38, Private, 10th,6.0, Widowed, Transport-moving, Unmarried, Black, Male,114.0,0.0,40.0, United-States,<=50K +41, Federal-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,2829.0,0.0,40.0, United-States,<=50K +55, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +50, State-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,6849.0,0.0,40.0, United-States,<=50K +47, Private, 11th,7.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +42, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,44.0, Mexico,<=50K +42, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,15024.0,0.0,99.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, Dominican-Republic,<=50K +34, Self-emp-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,2176.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,594.0,0.0,30.0, United-States,<=50K +70, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,9386.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +56, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +47, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2179.0,50.0, Mexico,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Some-college,10.0, Married-spouse-absent, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +72, Private, 9th,5.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +69, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +42, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,50.0, United-States,>50K +58, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,38.0, United-States,>50K +40, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,46.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580.0,0.0,45.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,15024.0,0.0,50.0, United-States,>50K +33, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,39.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,13550.0,0.0,40.0, United-States,>50K +58, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,15.0, Mexico,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +32, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +46, State-gov, 7th-8th,4.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1579.0,20.0, United-States,<=50K +43, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +60, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,38.0, China,>50K +67, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +19, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,90.0, United-States,<=50K +65, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +75, Self-emp-inc, 11th,7.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,48.0, United-States,>50K +39, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +67, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +59, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,2036.0,0.0,30.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +68, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,1602.0,35.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Local-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1848.0,40.0, United-States,>50K +52, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,66.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,16.0, United-States,<=50K +46, Private, Bachelors,13.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Separated, Prof-specialty, Own-child, White, Female,0.0,3900.0,40.0, United-States,<=50K +29, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, South,<=50K +34, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +42, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, Columbia,<=50K +47, Private, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,22.0, United-States,<=50K +19, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,70.0, United-States,<=50K +41, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Yugoslavia,<=50K +71, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,60.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +36, Private, 11th,7.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,12.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Canada,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,99.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +51, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +64, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States,>50K +54, Self-emp-not-inc, 7th-8th,4.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, Cuba,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, Black, Male,10520.0,0.0,43.0, United-States,>50K +26, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,32.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Private, 10th,6.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +42, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +65, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,10.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +51, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 11th,7.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +77, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +57, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,35.0, United-States,>50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, Mexico,<=50K +54, Federal-gov, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +58, Private, 11th,7.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,35.0, United-States,>50K +49, Private, Masters,14.0, Married-spouse-absent, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +43, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +57, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +79, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +35, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,80.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, 10th,6.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Female,1506.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Private, 10th,6.0, Separated, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,47.0, Jamaica,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +73, Private, 9th,5.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,9.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +29, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,90.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 5th-6th,3.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,24.0, Mexico,<=50K +42, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Japan,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +71, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +44, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +60, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +65, Local-gov, 12th,8.0, Widowed, Exec-managerial, Not-in-family, White, Male,2009.0,0.0,44.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,18.0, Philippines,<=50K +77, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +59, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,45.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Federal-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,594.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,28.0, United-States,>50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States,>50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,48.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +62, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +28, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,60.0, United-States,<=50K +43, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1887.0,40.0, United-States,>50K +55, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,55.0, United-States,>50K +42, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,45.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Sales, Own-child, Other, Female,0.0,0.0,32.0, Nicaragua,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,90.0, United-States,<=50K +29, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,20.0, Taiwan,<=50K +25, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +42, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, 11th,7.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +65, State-gov, 7th-8th,4.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,24.0, United-States,<=50K +52, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,22.0, United-States,<=50K +53, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,18.0, United-States,<=50K +40, Local-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,50.0, United-States,>50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +86, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,60.0, United-States,>50K +43, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, Puerto-Rico,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,38.0, United-States,>50K +39, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,70.0, United-States,>50K +26, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, Puerto-Rico,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,2964.0,0.0,12.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +39, Private, 7th-8th,4.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +47, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +24, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +63, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +61, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,2907.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,52.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Local-gov, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,33.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,2463.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,1831.0,0.0,30.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, Columbia,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, Haiti,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,70.0, United-States,>50K +38, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +41, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,10.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +59, Private, Assoc-acdm,12.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +31, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,24.0, El-Salvador,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +46, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Portugal,<=50K +20, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +66, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +25, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Federal-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +48, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +47, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,6849.0,0.0,43.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Other, Female,0.0,0.0,20.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,15020.0,0.0,50.0, United-States,>50K +46, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, India,>50K +35, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, Taiwan,>50K +34, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +77, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Private, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +39, State-gov, Some-college,10.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +50, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +32, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +47, Private, Bachelors,13.0, Widowed, Craft-repair, Unmarried, Black, Female,6497.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Masters,14.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +29, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand,<=50K +39, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,35.0, United-States,>50K +39, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,2346.0,0.0,15.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,48.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +60, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3137.0,0.0,40.0, United-States,<=50K +75, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +37, State-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Black, Female,5455.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,594.0,0.0,20.0, United-States,<=50K +58, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +21, State-gov, Masters,14.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +28, Private, HS-grad,9.0, Separated, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, Mexico,<=50K +45, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 7th-8th,4.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,38.0, Columbia,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013.0,0.0,45.0, United-States,<=50K +70, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +57, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +26, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,78.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +66, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +61, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,8.0, United-States,<=50K +58, Local-gov, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,12.0, Puerto-Rico,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,26.0, United-States,<=50K +36, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +61, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +66, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +21, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,6418.0,0.0,58.0, United-States,>50K +26, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +59, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605.0,0.0,50.0, United-States,>50K +82, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, France,>50K +19, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,1.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +55, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,2580.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +43, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,>50K +72, Federal-gov, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,99999.0,0.0,70.0, United-States,>50K +54, Private, 5th-6th,3.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, Haiti,<=50K +32, Private, Assoc-acdm,12.0, Separated, Exec-managerial, Unmarried, White, Female,25236.0,0.0,50.0, United-States,>50K +56, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,1974.0,40.0, United-States,<=50K +41, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +25, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1573.0,40.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,2597.0,0.0,48.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,2339.0,40.0, Trinadad&Tobago,<=50K +31, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, State-gov, HS-grad,9.0, Never-married, Other-service, Other-relative, Other, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +56, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +51, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,8614.0,0.0,44.0, United-States,>50K +22, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,2444.0,45.0, United-States,>50K +41, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,2001.0,40.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,3325.0,0.0,43.0, United-States,<=50K +48, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +52, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,7.0, United-States,<=50K +61, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China,>50K +29, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,21.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,24.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, Mexico,<=50K +27, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +67, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Separated, Sales, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3464.0,0.0,45.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,19.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,20.0, United-States,<=50K +54, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,14344.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,80.0, Philippines,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +60, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +83, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,55.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,60.0, United-States,<=50K +46, Local-gov, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,50.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +60, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Local-gov, Assoc-voc,11.0, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,17.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, United-States,<=50K +73, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,24.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +60, Private, 10th,6.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +54, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,22.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +58, Private, 1st-4th,2.0, Separated, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +55, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +47, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +63, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,52.0, Mexico,<=50K +40, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, Mexico,<=50K +33, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,4934.0,0.0,36.0, United-States,>50K +25, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,35.0, United-States,>50K +54, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1740.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +26, Private, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +60, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +31, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 9th,5.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, 7th-8th,4.0, Widowed, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,45.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,99.0, Japan,>50K +69, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +29, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,2174.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +56, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +36, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 9th,5.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +70, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +57, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,50.0, United-States,<=50K +50, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +68, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2377.0,55.0, United-States,>50K +28, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,50.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +38, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +53, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +48, Private, 9th,5.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,50.0, Peru,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +55, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,65.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +32, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, Dominican-Republic,<=50K +34, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +42, Private, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Nicaragua,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +81, Private, Bachelors,13.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +49, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +56, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1980.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, Columbia,<=50K +52, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,95.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Canada,<=50K +29, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +29, State-gov, 10th,6.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,15.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +24, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +32, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,4650.0,0.0,48.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Without-pay, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +32, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,64.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +57, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +49, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,32.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +46, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +47, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +36, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, 11th,7.0, Married-spouse-absent, Other-service, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +36, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,914.0,0.0,40.0, United-States,<=50K +42, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +35, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +24, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, Japan,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,42.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Other, Male,0.0,0.0,24.0, Peru,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,65.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +20, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Doctorate,16.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,35.0, Jamaica,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +57, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +35, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3942.0,0.0,35.0, United-States,<=50K +27, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,77.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,30.0, United-States,<=50K +29, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,60.0, United-States,>50K +25, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Assoc-acdm,12.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,67.0, United-States,<=50K +29, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +43, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +40, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +72, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +22, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +46, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,46.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +68, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,45.0, United-States,>50K +19, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Self-emp-inc, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,2597.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,41.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,85.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +57, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, Peru,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +24, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,49.0, United-States,>50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,47.0, United-States,>50K +38, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +23, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +54, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, State-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,991.0,0.0,18.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Germany,<=50K +51, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +58, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,3325.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1617.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,3887.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, 10th,6.0, Divorced, Prof-specialty, Unmarried, White, Male,14344.0,0.0,68.0, United-States,>50K +29, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,42.0, United-States,<=50K +28, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +18, Self-emp-not-inc, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +56, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico,<=50K +41, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +50, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +74, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1648.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1628.0,30.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, United-States,>50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Tech-support, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, Mexico,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +26, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, Peru,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2246.0,28.0, United-States,>50K +26, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,38.0, United-States,<=50K +45, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, Peru,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +53, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +23, Private, 9th,5.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,35.0, Mexico,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 12th,8.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,2258.0,38.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +46, Private, Prof-school,15.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,86.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,54.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Other, Male,0.0,0.0,40.0, India,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, State-gov, Assoc-voc,11.0, Married-spouse-absent, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, Germany,<=50K +20, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,56.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,44.0, United-States,<=50K +50, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +54, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States,>50K +42, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,12.0, England,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +21, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, Mexico,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,45.0, Mexico,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,72.0, Canada,>50K +19, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,1602.0,20.0, United-States,<=50K +61, Private, 9th,5.0, Widowed, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,65.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,23.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,55.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +19, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,991.0,0.0,18.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7298.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,6418.0,0.0,35.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688.0,0.0,20.0, China,>50K +48, Federal-gov, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,1471.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +67, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +19, Private, 9th,5.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,16.0, Mexico,<=50K +24, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908.0,0.0,45.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +55, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 9th,5.0, Widowed, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +26, Private, Some-college,10.0, Separated, Sales, Own-child, Amer-Indian-Eskimo, Male,2597.0,0.0,48.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,2354.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,62.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,55.0, United-States,>50K +25, Private, 11th,7.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,45.0, India,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,1055.0,0.0,20.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,75.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1579.0,40.0, United-States,<=50K +35, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, State-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,55.0, United-States,>50K +54, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,42.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States,<=50K +44, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 10th,6.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,37.0, China,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +53, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +66, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,40.0, Poland,<=50K +63, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +30, Private, Some-college,10.0, Never-married, Farming-fishing, Other-relative, Black, Male,0.0,0.0,72.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,17.0, United-States,<=50K +35, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1340.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,38.0, El-Salvador,<=50K +47, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,20.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,1564.0,56.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +26, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +59, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +70, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,5.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, France,>50K +39, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, Columbia,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,1.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,4650.0,0.0,70.0, United-States,<=50K +31, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,25.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +57, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Preschool,1.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +36, Self-emp-inc, Some-college,10.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States,<=50K +51, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +39, Private, 10th,6.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,12.0, United-States,<=50K +23, Private, Preschool,1.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,42.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +57, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,1485.0,40.0, China,<=50K +37, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,48.0, United-States,>50K +37, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +25, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +61, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2414.0,0.0,15.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +29, Private, HS-grad,9.0, Married-AF-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +49, Self-emp-not-inc, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,20.0, United-States,>50K +32, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,16.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +31, State-gov, HS-grad,9.0, Never-married, Protective-serv, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, Cuba,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,>50K +31, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,40.0, United-States,>50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +28, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,25.0, Thailand,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, England,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,48.0, United-States,>50K +30, Private, 7th-8th,4.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +75, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2653.0,0.0,20.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Iran,>50K +59, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,30.0, United-States,>50K +24, Private, 7th-8th,4.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +24, Private, 5th-6th,3.0, Never-married, Farming-fishing, Other-relative, Black, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, Jamaica,<=50K +36, Federal-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +58, State-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,15024.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Married-spouse-absent, Transport-moving, Own-child, White, Male,0.0,0.0,36.0, Mexico,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,24.0, United-States,<=50K +47, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,1831.0,0.0,38.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,42.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +52, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,46.0, United-States,>50K +45, Local-gov, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +23, Self-emp-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,>50K +23, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Laos,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,35.0, United-States,<=50K +19, Self-emp-inc, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, South,<=50K +23, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,4101.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3103.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +18, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +24, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +36, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +44, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,1380.0,70.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +58, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States,<=50K +52, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +50, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Germany,>50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,28.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +34, Self-emp-not-inc, 7th-8th,4.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,10.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +61, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3411.0,0.0,45.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +51, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2559.0,50.0, United-States,>50K +44, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States,>50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Federal-gov, 11th,7.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +51, Federal-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,>50K +51, Private, 10th,6.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1741.0,50.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Prof-school,15.0, Never-married, Prof-specialty, Unmarried, White, Male,27828.0,0.0,45.0, Germany,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,9.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +21, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,>50K +32, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,85.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, 9th,5.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,10.0, United-States,<=50K +46, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +54, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +56, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, Germany,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +37, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 5th-6th,3.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, Mexico,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +24, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, Taiwan,<=50K +55, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States,<=50K +46, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Germany,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,3325.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,80.0, United-States,>50K +36, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Nicaragua,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Mexico,>50K +20, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,30.0, Puerto-Rico,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,99999.0,0.0,40.0, United-States,>50K +38, Self-emp-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, India,<=50K +40, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Male,3137.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,45.0, United-States,>50K +45, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +76, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,13.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,70.0, United-States,<=50K +36, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,60.0, United-States,>50K +22, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-AF-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, England,<=50K +57, Local-gov, Masters,14.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, 11th,7.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, Black, Male,14344.0,0.0,40.0, England,>50K +66, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,32.0, United-States,>50K +49, Local-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,3325.0,0.0,60.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,594.0,0.0,24.0, United-States,<=50K +42, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 9th,5.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1628.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, England,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,2176.0,0.0,35.0, United-States,<=50K +59, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Assoc-acdm,12.0, Widowed, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +54, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,45.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +54, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,44.0, United-States,>50K +32, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,49.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,66.0, United-States,>50K +28, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,1980.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +54, Local-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +37, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +19, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,53.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605.0,0.0,20.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +32, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +33, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,23.0, United-States,<=50K +58, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +67, State-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Without-pay, Some-college,10.0, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States,<=50K +38, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,50.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,25.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +54, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +48, State-gov, Masters,14.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,72.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +45, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,41.0, United-States,<=50K +29, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,3103.0,0.0,42.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,24.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, 11th,7.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +51, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +43, State-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,2597.0,0.0,50.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +45, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, State-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,38.0, Philippines,<=50K +42, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +59, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,2580.0,0.0,15.0, El-Salvador,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +31, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +43, Private, Some-college,10.0, Separated, Transport-moving, Unmarried, White, Male,4934.0,0.0,51.0, United-States,>50K +48, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,2001.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,50.0, United-States,<=50K +46, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +52, Private, 9th,5.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +28, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Nicaragua,<=50K +50, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +61, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, 7th-8th,4.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,2444.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,70.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Other-service, Other-relative, Black, Male,0.0,0.0,24.0, United-States,<=50K +49, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +61, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +55, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +49, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,37.0, United-States,>50K +59, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States,>50K +59, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +53, Self-emp-inc, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +60, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +56, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +29, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,70.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,39.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +22, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +32, State-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, Guatemala,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, Iran,>50K +22, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,54.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, Private, Preschool,1.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +33, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +39, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Some-college,10.0, Widowed, Craft-repair, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +47, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, India,<=50K +39, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +47, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +69, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Other, Male,0.0,0.0,14.0, United-States,<=50K +42, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Poland,<=50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +28, Private, Masters,14.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,80.0, United-States,>50K +27, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1651.0,40.0, United-States,<=50K +22, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Separated, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,1887.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +27, Private, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +70, Private, 10th,6.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,55.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Japan,<=50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +27, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, State-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +60, Private, 10th,6.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +34, Private, 10th,6.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, 9th,5.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508.0,0.0,90.0, United-States,<=50K +53, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,54.0, United-States,<=50K +32, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +62, Private, 10th,6.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +73, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Vietnam,<=50K +51, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,13550.0,0.0,45.0, United-States,>50K +35, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +41, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,4650.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Self-emp-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Honduras,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +53, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,4787.0,0.0,43.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan,<=50K +32, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,72.0, Mexico,<=50K +20, Private, 11th,7.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, Guatemala,<=50K +22, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,32.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +48, State-gov, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,8614.0,0.0,40.0, United-States,>50K +20, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, El-Salvador,<=50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +22, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, Canada,<=50K +31, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3908.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, 7th-8th,4.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, 12th,8.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +62, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2339.0,40.0, Canada,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +59, Private, Prof-school,15.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,15024.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +29, Private, 11th,7.0, Separated, Sales, Not-in-family, White, Female,0.0,2754.0,42.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +62, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States,>50K +28, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Federal-gov, Masters,14.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +54, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, 12th,8.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, 11th,7.0, Widowed, Other-service, Own-child, White, Female,0.0,0.0,47.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +31, Private, Some-college,10.0, Separated, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +45, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +40, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,5455.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,99.0, United-States,>50K +46, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,594.0,0.0,25.0, United-States,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, England,<=50K +73, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +53, Federal-gov, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +37, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,50.0, United-States,<=50K +62, Local-gov, 9th,5.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,24.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, United-States,>50K +42, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,38.0, United-States,>50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298.0,0.0,39.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, France,<=50K +54, Private, 5th-6th,3.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +55, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,20.0, United-States,<=50K +51, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +64, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico,<=50K +49, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +62, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +45, Self-emp-not-inc, Masters,14.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +50, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,55.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +52, Federal-gov, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,>50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,1590.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, India,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +31, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,70.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +66, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +74, State-gov, 7th-8th,4.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +46, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,70.0, United-States,>50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +30, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,40.0, Mexico,<=50K +47, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Self-emp-inc, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,3325.0,0.0,45.0, United-States,<=50K +37, State-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +48, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,61.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Male,0.0,0.0,8.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +47, Private, 12th,8.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,3674.0,0.0,30.0, United-States,<=50K +27, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +18, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Not-in-family, White, Female,3103.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Hong,<=50K +28, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, 9th,5.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Ireland,<=50K +53, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,54.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3103.0,0.0,52.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +32, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +56, Private, 7th-8th,4.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Iran,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +50, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +28, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,44.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +51, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-spouse-absent, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,31.0, Laos,<=50K +31, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +22, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +67, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +63, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,99.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +66, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +69, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,45.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +43, Local-gov, Some-college,10.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,49.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,34.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +22, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +17, Local-gov, 11th,7.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,10520.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,23.0, United-States,<=50K +25, Private, 12th,8.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,2444.0,45.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,10605.0,0.0,35.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,15.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5556.0,0.0,50.0, United-States,>50K +33, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,24.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +52, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, 12th,8.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +55, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Cuba,>50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,1602.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +71, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Ireland,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,15.0, United-States,<=50K +57, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +17, Self-emp-not-inc, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +41, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +41, Private, 5th-6th,3.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1485.0,60.0, Cuba,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Prof-school,15.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +51, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,60.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2829.0,0.0,45.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +42, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,16.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,80.0, United-States,<=50K +39, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 10th,6.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +28, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +51, Local-gov, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Local-gov, 11th,7.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,>50K +54, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, South,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +68, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,44.0, United-States,<=50K +64, Private, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, Greece,<=50K +49, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, Some-college,10.0, Separated, Priv-house-serv, Other-relative, White, Female,0.0,0.0,30.0, El-Salvador,<=50K +29, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +57, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1741.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +59, Self-emp-inc, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +42, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +64, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Federal-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +62, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,45.0, United-States,>50K +21, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +46, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,2258.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013.0,0.0,32.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +63, Private, 1st-4th,2.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +17, Private, 9th,5.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,22.0, United-States,<=50K +45, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Columbia,<=50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 12th,8.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +50, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, HS-grad,9.0, Separated, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +18, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,15.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +36, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Ecuador,<=50K +28, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Nicaragua,<=50K +42, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3411.0,0.0,35.0, Guatemala,<=50K +21, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +67, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Masters,14.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States,>50K +52, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +46, Private, 7th-8th,4.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +79, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +50, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,>50K +43, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,2174.0,0.0,40.0, United-States,<=50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +65, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,991.0,0.0,20.0, United-States,<=50K +66, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,5.0, United-States,>50K +36, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +29, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +37, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2559.0,60.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +41, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,55.0, United-States,<=50K +19, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +53, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, England,>50K +29, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,1408.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +50, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3471.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +31, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1672.0,38.0, United-States,<=50K +35, State-gov, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, India,<=50K +41, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,1602.0,15.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1579.0,50.0, United-States,<=50K +56, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, Canada,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, 12th,8.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,25236.0,0.0,40.0, United-States,>50K +65, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, Columbia,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103.0,0.0,40.0, India,>50K +23, Private, Some-college,10.0, Divorced, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Bachelors,13.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Female,2597.0,0.0,40.0, Japan,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,36.0, Jamaica,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,35.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Peru,<=50K +27, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, Cuba,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +29, Federal-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, Outlying-US(Guam-USVI-etc),<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +29, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,2105.0,0.0,40.0, United-States,<=50K +46, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,42.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,84.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +59, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +60, Private, Bachelors,13.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +36, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1977.0,40.0, Japan,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,55.0, United-States,<=50K +54, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, 12th,8.0, Never-married, Farming-fishing, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +28, Private, 1st-4th,2.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +68, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Cuba,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,<=50K +20, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,30.0, Mexico,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +47, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,2174.0,0.0,40.0, England,<=50K +28, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +32, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,35.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 12th,8.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, Black, Male,2907.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, Black, Male,2354.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +29, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2042.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,1977.0,60.0, Taiwan,>50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,42.0, United-States,>50K +60, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, 12th,8.0, Divorced, Transport-moving, Other-relative, Black, Male,0.0,0.0,35.0, United-States,<=50K +34, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, Canada,>50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,33.0, United-States,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,24.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +36, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Some-college,10.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, Black, Female,0.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,>50K +51, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +31, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,6.0, South,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, Mexico,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +61, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico,<=50K +52, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,13550.0,0.0,35.0, United-States,>50K +76, Private, 7th-8th,4.0, Widowed, Protective-serv, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, Nicaragua,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,4.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,12.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +44, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,52.0, Jamaica,<=50K +62, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,38.0, United-States,<=50K +59, State-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +32, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Iran,>50K +62, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,1617.0,33.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,70.0, United-States,>50K +54, Private, Bachelors,13.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,36.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,6849.0,0.0,60.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +74, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +47, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Iran,>50K +39, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1380.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,37.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Germany,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,44.0, United-States,<=50K +50, Private, Bachelors,13.0, Separated, Prof-specialty, Own-child, Other, Female,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +22, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,32.0, United-States,>50K +49, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +41, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, Black, Female,99999.0,0.0,60.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +40, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,22.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,5178.0,0.0,40.0, United-States,>50K +24, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +54, Private, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +23, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, State-gov, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-spouse-absent, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Yugoslavia,>50K +31, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +27, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,>50K +55, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,37.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +67, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,48.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Prof-school,15.0, Never-married, Sales, Not-in-family, White, Female,13550.0,0.0,50.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Self-emp-inc, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +35, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +55, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +54, Self-emp-not-inc, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,10.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Local-gov, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Other, Female,0.0,0.0,25.0, Puerto-Rico,<=50K +31, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +55, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, Mexico,<=50K +27, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Female,0.0,0.0,20.0, United-States,<=50K +24, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +18, Federal-gov, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,4.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1258.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +59, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +28, Private, 7th-8th,4.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,2001.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Prof-specialty, Other-relative, Black, Female,14084.0,0.0,38.0, United-States,>50K +29, Private, 10th,6.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +60, Private, Some-college,10.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,35.0, United-States,<=50K +41, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,34.0, United-States,<=50K +40, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, Jamaica,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, 10th,6.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,12.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Federal-gov, Bachelors,13.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +24, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 7th-8th,4.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,50.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,14344.0,0.0,48.0, United-States,>50K +65, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,45.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +84, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Ireland,<=50K +47, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +46, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +42, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,50.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States,>50K +64, Private, Masters,14.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,8.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +31, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,2885.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,90.0, United-States,>50K +35, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, State-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +49, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,56.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, Mexico,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +37, Private, 1st-4th,2.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,48.0, El-Salvador,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,16.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,2346.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +42, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,90.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +54, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +42, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,2977.0,0.0,40.0, United-States,<=50K +27, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +17, Private, 10th,6.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +58, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,55.0, United-States,>50K +69, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,6514.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +34, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,2824.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +64, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +53, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +44, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, 5th-6th,3.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +17, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +36, Local-gov, Some-college,10.0, Separated, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Local-gov, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, El-Salvador,>50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,1726.0,60.0, United-States,<=50K +49, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,70.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +62, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +35, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +42, Private, Bachelors,13.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, Portugal,<=50K +27, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,41.0, United-States,<=50K +39, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,1590.0,62.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +66, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Self-emp-inc, 11th,7.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,<=50K +37, Self-emp-inc, Assoc-acdm,12.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,5.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Federal-gov, 11th,7.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,1602.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +28, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,32.0, United-States,>50K +40, Private, 9th,5.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,2174.0,0.0,40.0, Vietnam,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,594.0,0.0,14.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,60.0, Germany,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,44.0, United-States,<=50K +48, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +36, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +67, Federal-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +53, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +45, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +61, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, Germany,<=50K +31, Private, 1st-4th,2.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Sales, Other-relative, Other, Female,0.0,0.0,32.0, Mexico,<=50K +38, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +78, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,36.0, United-States,<=50K +54, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +66, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,20051.0,0.0,35.0, Jamaica,>50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,2597.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +51, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,14344.0,0.0,50.0, United-States,>50K +48, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,31.0, United-States,<=50K +46, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +25, Private, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, State-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +49, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +32, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,36.0, United-States,>50K +61, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,34.0, United-States,>50K +22, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States,<=50K +49, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Assoc-voc,11.0, Divorced, Protective-serv, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +63, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +73, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,20051.0,0.0,36.0, United-States,>50K +51, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, United-States,>50K +42, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +37, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,2603.0,32.0, Mexico,<=50K +60, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +60, State-gov, Assoc-voc,11.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +35, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,>50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +32, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +40, State-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,1506.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +24, Private, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,57.0, United-States,>50K +51, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +67, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,25.0, Nicaragua,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +58, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,48.0, United-States,>50K +61, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +29, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +60, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, Black, Male,2597.0,0.0,55.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, China,<=50K +37, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-AF-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,60.0, Hungary,>50K +26, Private, Some-college,10.0, Never-married, Farming-fishing, Other-relative, White, Female,0.0,0.0,65.0, United-States,<=50K +45, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +63, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,20.0, South,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +45, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +46, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,52.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Thailand,<=50K +32, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Local-gov, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +58, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +76, Self-emp-not-inc, Some-college,10.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,36.0, United-States,<=50K +53, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Greece,>50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +36, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, Other, Female,0.0,0.0,40.0, El-Salvador,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,10.0, United-States,>50K +42, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-AF-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Female,99999.0,0.0,37.0, United-States,>50K +36, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +62, Private, Masters,14.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,4865.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +34, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +37, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,18.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +30, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +30, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +56, Private, 10th,6.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Honduras,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,24.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +50, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,65.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,38.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +72, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,2329.0,0.0,60.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +40, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan,<=50K +58, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,72.0, United-States,<=50K +39, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, State-gov, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +36, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, Preschool,1.0, Widowed, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, Guatemala,<=50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +50, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Federal-gov, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, Japan,<=50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1579.0,65.0, Canada,<=50K +45, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3103.0,0.0,40.0, United-States,>50K +47, Private, Masters,14.0, Separated, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,42.0, India,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,80.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Separated, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-inc, 12th,8.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,98.0, Dominican-Republic,<=50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, 11th,7.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Mexico,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +26, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,1506.0,0.0,36.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,50.0, United-States,>50K +54, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +51, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Not-in-family, White, Female,2597.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +45, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +60, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +56, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,36.0, Vietnam,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,3103.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,70.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +57, Self-emp-not-inc, Masters,14.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +48, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +32, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +76, Federal-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +50, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-AF-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +59, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Preschool,1.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +38, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,45.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,19.0, India,<=50K +43, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,2547.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +59, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,24.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,1506.0,0.0,35.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2179.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +66, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +68, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,3273.0,0.0,40.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,7.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,1974.0,40.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, Honduras,<=50K +52, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,12.0, United-States,<=50K +39, State-gov, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,114.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Ecuador,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +46, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +29, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,5.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,1579.0,35.0, India,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, Mexico,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,48.0, United-States,>50K +35, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,22.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Trinadad&Tobago,<=50K +27, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,23.0, United-States,<=50K +38, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +55, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,70.0, Italy,<=50K +40, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Not-in-family, Other, Male,0.0,0.0,40.0, Mexico,<=50K +42, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,50.0, Laos,<=50K +30, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Assoc-voc,11.0, Separated, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong,>50K +49, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2603.0,40.0, Greece,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +37, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +52, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Other-relative, White, Female,0.0,0.0,60.0, United-States,<=50K +63, Private, 10th,6.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, Peru,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,2377.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,625.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,42.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,12.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,40.0, United-States,>50K +32, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +53, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, Mexico,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +41, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +40, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +50, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Male,1506.0,0.0,50.0, Mexico,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, England,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +45, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +24, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, France,<=50K +61, State-gov, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +61, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +55, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Federal-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, England,<=50K +49, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, 5th-6th,3.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,1602.0,12.0, United-States,<=50K +34, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1504.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +29, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +43, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +61, Private, Some-college,10.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,2444.0,42.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,27.0, United-States,<=50K +61, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +35, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Own-child, White, Male,5178.0,0.0,50.0, United-States,>50K +45, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Prof-school,15.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,13.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,>50K +54, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +47, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,4865.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,32.0, United-States,<=50K +50, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,>50K +32, Private, 9th,5.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Columbia,<=50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States,<=50K +58, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,75.0, Mexico,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +36, Self-emp-inc, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,27828.0,0.0,55.0, United-States,>50K +21, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,594.0,0.0,4.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, England,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0.0,1721.0,25.0, United-States,<=50K +76, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +44, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +39, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +34, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +59, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +30, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,49.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,5178.0,0.0,40.0, Philippines,>50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +22, Private, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,52.0, Mexico,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, Black, Female,15024.0,0.0,45.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,47.0, United-States,<=50K +36, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,32.0, Mexico,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +19, Private, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +60, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Cuba,<=50K +49, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-inc, Bachelors,13.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,42.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +67, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +54, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 11th,7.0, Widowed, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,29.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +78, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,3.0, United-States,>50K +24, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, 11th,7.0, Separated, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,96.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +24, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Separated, Prof-specialty, Own-child, White, Male,0.0,0.0,54.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,32.0, United-States,<=50K +75, Self-emp-inc, HS-grad,9.0, Widowed, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,49.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,38.0, United-States,>50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +63, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,4865.0,0.0,45.0, United-States,<=50K +49, Private, 11th,7.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Cuba,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,2176.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,2202.0,0.0,30.0, United-States,<=50K +32, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, England,>50K +24, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,70.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, France,>50K +26, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States,>50K +41, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,1590.0,40.0, South,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,3781.0,0.0,40.0, Columbia,<=50K +30, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,3325.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,8614.0,0.0,43.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +68, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +41, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +40, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2377.0,50.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +51, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,40.0, United-States,>50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, England,<=50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +61, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India,>50K +30, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +71, Private, 7th-8th,4.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024.0,0.0,38.0, Jamaica,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,10.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +57, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Portugal,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, State-gov, Masters,14.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +48, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, State-gov, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, White, Female,6849.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, Laos,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,2174.0,0.0,45.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,25.0, United-States,<=50K +61, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +41, Private, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,84.0, United-States,>50K +42, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +50, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1980.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1651.0,38.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,14344.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +42, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +72, Without-pay, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +40, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Hungary,>50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,1092.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,4.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Honduras,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,2174.0,40.0, United-States,>50K +37, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +57, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +54, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +41, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,15.0, United-States,<=50K +62, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +50, Private, 10th,6.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Mexico,<=50K +84, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,10.0, United-States,<=50K +48, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +61, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +32, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,60.0, South,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +47, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,17.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Tech-support, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +32, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,99.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,26.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,68.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +32, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,55.0, Ecuador,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Private, 5th-6th,3.0, Widowed, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,75.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,56.0, United-States,>50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,43.0, United-States,>50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,84.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +36, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +20, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,2001.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +46, Federal-gov, Prof-school,15.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, Germany,>50K +60, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, Germany,>50K +40, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Separated, Tech-support, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +55, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +47, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +32, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Self-emp-not-inc, Some-college,10.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,32.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2885.0,0.0,45.0, United-States,<=50K +55, Private, Masters,14.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Thailand,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,2407.0,0.0,35.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +36, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,1055.0,0.0,18.0, India,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,47.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +28, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +66, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, Black, Female,0.0,2206.0,25.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, Canada,<=50K +39, Federal-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, Poland,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +21, Private, 9th,5.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, Italy,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,50.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,40.0, United-States,>50K +55, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +21, Self-emp-not-inc, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1876.0,46.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,2179.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,12.0, United-States,<=50K +25, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +51, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +60, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +47, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,75.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,15.0, United-States,>50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +65, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,4064.0,0.0,55.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,4787.0,0.0,45.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137.0,0.0,30.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +27, Private, Some-college,10.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, Mexico,>50K +35, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,6.0, United-States,>50K +54, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,35.0, United-States,>50K +56, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +21, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, Germany,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +43, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +52, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +59, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Local-gov, Assoc-voc,11.0, Separated, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,14.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Laos,>50K +21, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,64.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,65.0, United-States,<=50K +44, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +19, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +29, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong,<=50K +35, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +62, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,99999.0,0.0,50.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, 1st-4th,2.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,44.0, Portugal,<=50K +35, Private, 9th,5.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +47, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 12th,8.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 7th-8th,4.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,80.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +36, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, Jamaica,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,2977.0,0.0,35.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +31, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, Philippines,>50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,23.0, United-States,<=50K +34, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,62.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +34, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,52.0, United-States,<=50K +30, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Prof-school,15.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,55.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Local-gov, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,5.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,70.0, United-States,<=50K +48, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3781.0,0.0,50.0, Mexico,<=50K +26, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Masters,14.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +67, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,7896.0,0.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +62, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +47, Private, Bachelors,13.0, Widowed, Priv-house-serv, Unmarried, White, Female,25236.0,0.0,35.0, United-States,>50K +49, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2258.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +79, Federal-gov, Doctorate,16.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,6.0, United-States,>50K +28, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Self-emp-inc, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany,<=50K +67, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,24.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,48.0, United-States,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, Germany,>50K +23, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,1719.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,2258.0,60.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +78, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,1797.0,0.0,15.0, United-States,<=50K +64, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +42, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, Puerto-Rico,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, 1st-4th,2.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +44, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,78.0, United-States,<=50K +24, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,10.0, United-States,<=50K +42, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Black, Female,2977.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States,<=50K +72, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,44.0, Portugal,<=50K +25, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,24.0, Italy,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, 5th-6th,3.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,32.0, Mexico,<=50K +32, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,48.0, United-States,>50K +43, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Male,8614.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, 1st-4th,2.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,45.0, United-States,>50K +47, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3137.0,0.0,46.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +28, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +51, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,99999.0,0.0,70.0, India,>50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +64, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +44, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, United-States,>50K +28, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,70.0, Puerto-Rico,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,52.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +35, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,65.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,45.0, Laos,<=50K +61, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Canada,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +42, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Cuba,>50K +50, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +70, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,5.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,99999.0,0.0,60.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +28, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +57, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +47, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +21, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,2754.0,25.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +59, Private, 7th-8th,4.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,38.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,55.0, United-States,>50K +47, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +64, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States,>50K +65, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Peru,<=50K +62, Local-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +69, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,90.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,73.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +73, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,1173.0,0.0,75.0, United-States,<=50K +64, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,1740.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,16.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1092.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,8.0, El-Salvador,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +54, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,1669.0,55.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +53, Federal-gov, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +66, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,1471.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +26, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +32, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Other, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2377.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +39, Federal-gov, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Federal-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1902.0,55.0, India,>50K +46, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,36.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +49, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +52, Private, 5th-6th,3.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, El-Salvador,<=50K +33, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,59.0, Mexico,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,9386.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,4386.0,0.0,40.0, India,>50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +27, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, 11th,7.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, Nicaragua,<=50K +60, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,14344.0,0.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +90, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,38.0, United-States,<=50K +18, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Own-child, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +35, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +50, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +51, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,42.0, Mexico,<=50K +69, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Female,2387.0,0.0,40.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, 10th,6.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,95.0, United-States,<=50K +49, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, Columbia,<=50K +52, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +31, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,66.0, Yugoslavia,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +42, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,25.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, Outlying-US(Guam-USVI-etc),<=50K +55, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,50.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, 1st-4th,2.0, Separated, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +35, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1974.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +26, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +51, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,30.0, Jamaica,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +73, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,70.0, United-States,<=50K +27, Private, 10th,6.0, Never-married, Sales, Other-relative, White, Male,0.0,1980.0,40.0, United-States,<=50K +38, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +60, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +26, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Canada,<=50K +28, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,3464.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,22.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +59, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,43.0, India,>50K +67, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +64, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, Canada,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +65, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Local-gov, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +63, Private, Masters,14.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +45, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +26, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +44, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +43, Federal-gov, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4508.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, Columbia,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +26, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +24, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,66.0, Mexico,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Poland,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +40, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3137.0,0.0,42.0, United-States,<=50K +51, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +40, Self-emp-not-inc, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +26, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,84.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +61, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,6.0, United-States,<=50K +17, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Peru,<=50K +46, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,48.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +46, Federal-gov, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,60.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Greece,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,43.0, United-States,>50K +45, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,>50K +50, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,30.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Ireland,<=50K +27, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +36, State-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2002.0,45.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +54, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +29, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States,<=50K +40, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, Doctorate,16.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, Germany,>50K +32, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,22.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +49, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,30.0, United-States,>50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1573.0,70.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +54, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,625.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Other, Female,0.0,0.0,22.0, Dominican-Republic,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,44.0, United-States,>50K +28, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,4101.0,0.0,60.0, United-States,<=50K +38, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +35, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +51, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +71, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, Germany,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,5.0, United-States,<=50K +42, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +66, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, 11th,7.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,24.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +80, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,1409.0,0.0,40.0, United-States,<=50K +36, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +52, State-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,7688.0,0.0,50.0, United-States,>50K +70, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +55, Private, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,2258.0,62.0, United-States,>50K +25, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Italy,>50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +54, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +36, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +35, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, Mexico,<=50K +41, Private, 12th,8.0, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,60.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +34, State-gov, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Self-emp-not-inc, 5th-6th,3.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Other, Female,0.0,0.0,25.0, Ecuador,<=50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +33, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +32, State-gov, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +72, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,2414.0,0.0,12.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,1797.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4064.0,0.0,45.0, United-States,<=50K +24, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 7th-8th,4.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +67, Private, 11th,7.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,5013.0,0.0,40.0, India,<=50K +32, Private, 1st-4th,2.0, Never-married, Craft-repair, Not-in-family, White, Male,3674.0,0.0,40.0, Guatemala,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +21, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,16.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,32.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,55.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,37.0, United-States,>50K +64, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +38, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,30.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +20, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +63, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,14084.0,0.0,60.0, United-States,>50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, Mexico,>50K +46, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,5.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +55, Local-gov, 12th,8.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,4650.0,0.0,22.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, 7th-8th,4.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,14.0, Trinadad&Tobago,<=50K +68, Without-pay, Some-college,10.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +49, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Poland,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1848.0,65.0, United-States,>50K +29, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,25.0, Mexico,<=50K +56, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +52, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,50.0, England,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +61, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +51, State-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +48, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,45.0, United-States,<=50K +62, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,53.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,1602.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,55.0, United-States,>50K +51, Federal-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Local-gov, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, White, Male,0.0,1668.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,25.0, Philippines,<=50K +38, State-gov, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, Cuba,>50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,3103.0,0.0,55.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Female,2174.0,0.0,50.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Peru,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +59, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, Guatemala,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 11th,7.0, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,8614.0,0.0,60.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4386.0,0.0,70.0, United-States,<=50K +45, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Male,0.0,1590.0,45.0, United-States,<=50K +23, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +46, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,1590.0,48.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +61, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +51, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,16.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,30.0, Vietnam,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Self-emp-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +81, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +43, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1740.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,213.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,30.0, Haiti,<=50K +39, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 7th-8th,4.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,32.0, United-States,>50K +33, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +58, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +27, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,40.0, United-States,>50K +31, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +49, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +57, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3908.0,0.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,>50K +40, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +54, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +67, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,20051.0,0.0,4.0, United-States,>50K +75, Private, Masters,14.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,16.0, United-States,<=50K +41, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +47, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, Cuba,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Mexico,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, State-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,2174.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +44, Local-gov, 12th,8.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,35.0, Mexico,<=50K +27, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +42, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,33.0, United-States,<=50K +26, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, El-Salvador,<=50K +23, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Canada,<=50K +28, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,3411.0,0.0,50.0, Columbia,<=50K +30, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Cuba,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +47, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Trinadad&Tobago,>50K +46, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,35.0, Mexico,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +46, Federal-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,2354.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,66.0, United-States,<=50K +46, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,4386.0,0.0,48.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,56.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1974.0,35.0, United-States,<=50K +64, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +33, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +33, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +31, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,54.0, United-States,>50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +58, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +30, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, Scotland,<=50K +31, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +53, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,50.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +78, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,2329.0,0.0,12.0, United-States,<=50K +27, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +24, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,1602.0,15.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +30, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +67, Without-pay, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,12.0, Philippines,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +75, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,32.0, United-States,>50K +54, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,38.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,15024.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +67, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,40.0, Ecuador,<=50K +48, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,38.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,99.0, United-States,>50K +48, Private, Bachelors,13.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,2472.0,70.0, United-States,>50K +40, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,16.0, Trinadad&Tobago,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1651.0,40.0, United-States,<=50K +59, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,50.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India,<=50K +37, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +53, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, Dominican-Republic,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +59, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, 10th,6.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,25.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,5.0, United-States,<=50K +40, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +23, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,65.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,30.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +58, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, 12th,8.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,91.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +52, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +31, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 5th-6th,3.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +59, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,80.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +64, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Local-gov, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3137.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Other-relative, White, Female,2176.0,0.0,40.0, El-Salvador,<=50K +66, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +38, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,4787.0,0.0,50.0, United-States,>50K +22, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +60, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,44.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,18.0, United-States,>50K +46, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +33, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +60, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,3325.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,38.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +63, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, State-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +33, Private, 12th,8.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,13550.0,0.0,46.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +60, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, Some-college,10.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, Canada,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +43, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Federal-gov, Some-college,10.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +44, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,4787.0,0.0,46.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +18, Federal-gov, 11th,7.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,15.0, Philippines,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Federal-gov, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +69, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,12.0, United-States,>50K +50, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Greece,<=50K +32, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +35, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +33, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 10th,6.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +42, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,66.0, Ecuador,<=50K +35, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, 5th-6th,3.0, Divorced, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,15.0, United-States,<=50K +26, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Transport-moving, Own-child, White, Male,3325.0,0.0,55.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +56, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +69, Private, Assoc-voc,11.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Separated, Craft-repair, Unmarried, Asian-Pac-Islander, Male,8614.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,10520.0,0.0,45.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +33, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,38.0, Jamaica,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,37.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Assoc-voc,11.0, Separated, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +75, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,42.0, United-States,>50K +41, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +45, Self-emp-inc, Prof-school,15.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Yugoslavia,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1504.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, England,<=50K +56, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,49.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 9th,5.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico,<=50K +39, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +45, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +42, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, France,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,42.0, Germany,<=50K +49, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,2202.0,0.0,4.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Widowed, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +30, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,38.0, United-States,<=50K +74, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,70.0, South,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2057.0,20.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +25, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +21, Private, HS-grad,9.0, Separated, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,25.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +34, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,3.0, United-States,<=50K +36, Private, 10th,6.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +70, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,55.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Philippines,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,7298.0,0.0,40.0, El-Salvador,>50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,1719.0,15.0, United-States,<=50K +25, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,42.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,45.0, United-States,>50K +28, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,65.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,65.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,55.0, United-States,>50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +42, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Male,2174.0,0.0,40.0, United-States,<=50K +64, Private, 5th-6th,3.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,16.0, United-States,<=50K +66, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3432.0,0.0,20.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +26, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +81, Self-emp-not-inc, 1st-4th,2.0, Widowed, Sales, Other-relative, White, Male,0.0,0.0,45.0, Mexico,<=50K +41, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Male,6497.0,0.0,48.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +61, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +41, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,2415.0,55.0, United-States,>50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +60, Private, 7th-8th,4.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,15.0, United-States,<=50K +47, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Masters,14.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,24.0, Jamaica,<=50K +29, Federal-gov, Bachelors,13.0, Married-AF-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +55, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Prof-school,15.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +51, Self-emp-inc, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,2463.0,0.0,40.0, Vietnam,<=50K +62, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +30, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +37, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +45, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,12.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +41, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +29, Federal-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1408.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,5013.0,0.0,40.0, United-States,<=50K +61, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +64, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,27828.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2936.0,0.0,50.0, Mexico,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,48.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,6.0, United-States,<=50K +33, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,>50K +20, Self-emp-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1755.0,40.0, United-States,>50K +30, Private, 7th-8th,4.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +46, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,80.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,78.0, United-States,>50K +23, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1974.0,20.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +35, Private, 9th,5.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,3325.0,0.0,10.0, United-States,<=50K +35, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,68.0, United-States,<=50K +36, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3908.0,0.0,75.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Local-gov, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,15.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +33, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, Guatemala,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,16.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,60.0, United-States,>50K +44, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,56.0, United-States,>50K +43, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 12th,8.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1721.0,35.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, Mexico,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +66, State-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,20051.0,0.0,55.0, United-States,>50K +52, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +57, Self-emp-not-inc, 1st-4th,2.0, Widowed, Craft-repair, Other-relative, White, Female,0.0,1602.0,45.0, Columbia,<=50K +41, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1579.0,42.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States,<=50K +51, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +60, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +58, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,45.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,96.0, United-States,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +56, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +28, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +37, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,2824.0,40.0, United-States,>50K +25, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +46, Local-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +61, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,8614.0,0.0,45.0, United-States,>50K +62, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,42.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,4064.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States,>50K +40, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,6418.0,0.0,50.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +60, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,5455.0,0.0,55.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2174.0,50.0, United-States,>50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +41, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,47.0, United-States,>50K +51, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +35, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,7443.0,0.0,40.0, United-States,<=50K +61, Local-gov, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +52, Private, 7th-8th,4.0, Divorced, Priv-house-serv, Own-child, Black, Female,0.0,0.0,16.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +36, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,2.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +43, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,35.0, United-States,>50K +63, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +49, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,46.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States,<=50K +32, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,75.0, United-States,<=50K +22, Private, Some-college,10.0, Married-AF-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +51, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, State-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +53, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,15.0, United-States,>50K +38, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +33, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,24.0, Outlying-US(Guam-USVI-etc),<=50K +33, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, Philippines,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Local-gov, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,46.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +55, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,2267.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, Mexico,<=50K +47, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,45.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Wife, Asian-Pac-Islander, Female,2829.0,0.0,14.0, Philippines,<=50K +23, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +40, State-gov, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +69, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,3.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +37, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, Mexico,<=50K +37, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, 9th,5.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,70.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,23.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +36, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2057.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,36.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, Columbia,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +64, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +47, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,77.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,5178.0,0.0,40.0, United-States,>50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,1602.0,10.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, State-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,4386.0,0.0,99.0, United-States,>50K +33, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,55.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Never-married, Tech-support, Unmarried, White, Male,0.0,0.0,45.0, Nicaragua,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,56.0, Philippines,>50K +61, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,2.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +38, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, Trinadad&Tobago,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,84.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, Trinadad&Tobago,<=50K +49, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +70, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,22.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,49.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, Canada,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,99.0, United-States,>50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,1380.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Federal-gov, Masters,14.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,2001.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 10th,6.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +71, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States,<=50K +51, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,57.0, United-States,>50K +20, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, Greece,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,50.0, El-Salvador,<=50K +42, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States,>50K +31, Local-gov, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +38, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,54.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,1719.0,18.0, United-States,<=50K +30, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,30.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +54, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,35.0, United-States,>50K +58, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +59, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,18.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +68, Self-emp-not-inc, 10th,6.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +41, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +57, Federal-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +56, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, India,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 5th-6th,3.0, Married-spouse-absent, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +46, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,15024.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +51, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,57.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +62, Federal-gov, Some-college,10.0, Widowed, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +65, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,3325.0,0.0,50.0, United-States,<=50K +31, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Private, 9th,5.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +48, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 9th,5.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,35.0, Dominican-Republic,<=50K +54, State-gov, 12th,8.0, Never-married, Other-service, Own-child, White, Male,4101.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +69, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,46.0, Trinadad&Tobago,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +21, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,5.0, United-States,<=50K +43, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +21, Self-emp-not-inc, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +74, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1825.0,12.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +64, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, Peru,<=50K +35, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +69, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,3273.0,0.0,45.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Italy,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +32, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,2.0, Taiwan,<=50K +62, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +27, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3942.0,0.0,40.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,90.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +21, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,4787.0,0.0,60.0, United-States,>50K +37, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +72, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3471.0,0.0,20.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,1876.0,55.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1719.0,36.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States,>50K +45, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +64, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +74, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,4.0, United-States,<=50K +58, Federal-gov, 11th,7.0, Divorced, Craft-repair, Not-in-family, Black, Female,14084.0,0.0,40.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,36.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +33, Private, 11th,7.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,17.0, United-States,<=50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +49, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,60.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +56, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +60, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +57, State-gov, 12th,8.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +39, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7688.0,0.0,52.0, United-States,>50K +32, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,11.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Other-relative, Other, Female,0.0,0.0,30.0, El-Salvador,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, England,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, Prof-school,15.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +66, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1825.0,40.0, United-States,>50K +41, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +62, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Canada,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 7th-8th,4.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +55, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,1602.0,22.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +42, Private, 7th-8th,4.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Self-emp-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,70.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,30.0, Ecuador,<=50K +21, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,43.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +61, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Philippines,>50K +56, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,26.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +39, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,2176.0,0.0,40.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Hong,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,78.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Hungary,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, South,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,48.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +37, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,9386.0,0.0,60.0, United-States,>50K +49, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,53.0, United-States,>50K +21, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4064.0,0.0,55.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,48.0, United-States,>50K +42, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +45, Private, Assoc-acdm,12.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, Cuba,<=50K +52, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +22, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,18.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,2176.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,52.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +46, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +55, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +19, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, Germany,<=50K +37, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,4.0, United-States,<=50K +31, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +28, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +64, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, Some-college,10.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +34, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,50.0, United-States,<=50K +57, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Male,10520.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1721.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,4101.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,70.0, United-States,>50K +29, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +54, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1340.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,30.0, Jamaica,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +66, State-gov, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +43, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, State-gov, 12th,8.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,57.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +35, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,25.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1887.0,60.0, Cuba,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,42.0, United-States,<=50K +34, Local-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, Guatemala,<=50K +47, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +46, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +43, Federal-gov, Masters,14.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,12.0, United-States,<=50K +55, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +39, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,1721.0,15.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,33.0, El-Salvador,<=50K +38, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,42.0, El-Salvador,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,48.0, El-Salvador,<=50K +57, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7298.0,0.0,40.0, United-States,>50K +25, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 12th,8.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137.0,0.0,50.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,46.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Peru,<=50K +27, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,35.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,65.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1485.0,40.0, Haiti,<=50K +37, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +57, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +56, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, South,<=50K +33, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +35, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,3004.0,35.0, United-States,>50K +30, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Yugoslavia,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,47.0, United-States,>50K +43, Self-emp-not-inc, Masters,14.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,4064.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,85.0, United-States,<=50K +36, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, State-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,45.0, United-States,<=50K +59, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,2961.0,0.0,35.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Self-emp-not-inc, Assoc-acdm,12.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +45, State-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,2597.0,0.0,50.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +66, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +40, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,38.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,52.0, United-States,<=50K +34, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +24, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1974.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 10th,6.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +32, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +37, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +63, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,>50K +32, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,594.0,0.0,15.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +70, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,4386.0,0.0,30.0, United-States,>50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, Italy,<=50K +42, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +30, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2051.0,55.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +52, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Widowed, Exec-managerial, Unmarried, White, Male,4934.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +24, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +39, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,70.0, United-States,>50K +57, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Unmarried, Black, Female,1151.0,0.0,50.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +51, Private, HS-grad,9.0, Widowed, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,45.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1617.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,>50K +27, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,68.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,45.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1740.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +35, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +53, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +47, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,2176.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,35.0, Mexico,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,6723.0,0.0,40.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +68, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong,<=50K +42, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,1887.0,40.0, Philippines,>50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,65.0, United-States,>50K +31, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +42, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +62, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Female,0.0,0.0,20.0, Cuba,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,28.0, United-States,>50K +41, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,99.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +33, Private, 12th,8.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,1974.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, Poland,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +49, Self-emp-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +45, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, Mexico,>50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,5060.0,0.0,30.0, United-States,<=50K +25, Self-emp-inc, Assoc-voc,11.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +51, State-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +60, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Federal-gov, 10th,6.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Ecuador,>50K +24, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +29, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +67, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,25.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States,<=50K +20, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +19, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2444.0,70.0, United-States,>50K +41, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,40.0, Japan,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 1st-4th,2.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Mexico,<=50K +40, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,90.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,27828.0,0.0,50.0, United-States,>50K +22, Private, 11th,7.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Never-married, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +52, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1741.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,>50K +21, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +36, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States,>50K +43, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,914.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,37.0, India,>50K +17, Private, 10th,6.0, Never-married, Priv-house-serv, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,38.0, United-States,>50K +30, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1590.0,80.0, United-States,<=50K +40, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +37, State-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,594.0,0.0,40.0, United-States,<=50K +42, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +59, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,1594.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,2228.0,0.0,50.0, United-States,<=50K +46, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,45.0, Jamaica,<=50K +44, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,38.0, United-States,>50K +30, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,3137.0,0.0,60.0, Germany,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +32, Private, 10th,6.0, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +56, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India,<=50K +46, Private, Assoc-acdm,12.0, Widowed, Tech-support, Unmarried, White, Female,6497.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +38, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, Nicaragua,<=50K +60, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +57, Federal-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +59, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, 12th,8.0, Separated, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Cuba,<=50K +18, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,9.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, Germany,<=50K +34, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +17, Local-gov, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,50.0, United-States,>50K +50, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Cuba,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,4416.0,0.0,25.0, United-States,<=50K +62, Private, Assoc-acdm,12.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,7.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,3887.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3464.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,70.0, United-States,>50K +34, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +75, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3456.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,50.0, Mexico,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +39, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,17.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +23, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +41, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Philippines,>50K +19, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,60.0, United-States,>50K +24, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, United-States,<=50K +45, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,>50K +63, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +75, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,9386.0,0.0,50.0, United-States,>50K +33, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1848.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +54, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,55.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,53.0, United-States,>50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,27.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,58.0, United-States,>50K +66, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1977.0,45.0, Hong,>50K +48, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +55, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Germany,>50K +31, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,6849.0,0.0,60.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,37.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1092.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +40, Self-emp-inc, Masters,14.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,99.0, United-States,<=50K +57, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +55, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +29, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +65, Private, 11th,7.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, Laos,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1887.0,50.0, Iran,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +63, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,32.0, United-States,<=50K +47, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,2907.0,0.0,30.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,62.0, United-States,>50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2407.0,0.0,50.0, United-States,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Federal-gov, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, 12th,8.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +90, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,3411.0,0.0,40.0, Jamaica,<=50K +34, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,55.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Separated, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +38, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +39, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +37, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,36.0, United-States,<=50K +20, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +44, Private, Masters,14.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1564.0,60.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Puerto-Rico,<=50K +22, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +57, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +42, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +26, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,2176.0,0.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,60.0, Vietnam,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +50, Private, 5th-6th,3.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,34.0, Mexico,<=50K +47, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +25, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,8.0, United-States,<=50K +23, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Self-emp-inc, HS-grad,9.0, Separated, Prof-specialty, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +23, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +27, Private, 9th,5.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,24.0, Mexico,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +62, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,33.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +22, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,99999.0,0.0,55.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,5.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Private, 9th,5.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,39.0, United-States,<=50K +63, Private, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +51, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,5.0, United-States,<=50K +27, Local-gov, Some-college,10.0, Never-married, Protective-serv, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,55.0, United-States,>50K +25, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,2597.0,0.0,50.0, United-States,<=50K +53, Private, 1st-4th,2.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +26, State-gov, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +48, State-gov, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +52, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, Cuba,>50K +53, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,1669.0,35.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +57, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,75.0, United-States,<=50K +53, Self-emp-not-inc, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +25, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +30, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +75, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Germany,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China,>50K +41, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +67, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,41.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Italy,>50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,65.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States,<=50K +51, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3137.0,0.0,45.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, Black, Male,14344.0,0.0,40.0, United-States,>50K +39, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +39, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,33.0, United-States,<=50K +27, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +51, Private, 10th,6.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, China,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +63, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Unmarried, Black, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,1151.0,0.0,48.0, Germany,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +22, State-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, 10th,6.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, Mexico,<=50K +42, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,43.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,4687.0,0.0,50.0, United-States,>50K +43, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,66.0, France,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, Philippines,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +21, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1564.0,50.0, United-States,>50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,44.0, United-States,>50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,7298.0,0.0,32.0, United-States,>50K +61, Self-emp-not-inc, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,16.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +44, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,50.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +55, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,20.0, United-States,>50K +20, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +60, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, South,>50K +42, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +42, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Columbia,<=50K +52, State-gov, Masters,14.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,4787.0,0.0,44.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, 11th,7.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, 9th,5.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +36, State-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,3674.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1340.0,42.0, United-States,<=50K +25, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,1628.0,45.0, United-States,<=50K +38, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688.0,0.0,60.0, India,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,25.0, United-States,<=50K +46, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Laos,<=50K +38, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, England,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +58, Private, Masters,14.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,27.0, United-States,<=50K +23, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1887.0,50.0, India,>50K +31, Federal-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,16.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +27, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +61, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,58.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Other-relative, Other, Male,0.0,0.0,50.0, Ecuador,>50K +51, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,52.0, United-States,<=50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +35, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,>50K +57, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +42, Local-gov, 10th,6.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +67, Self-emp-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,44.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Widowed, Other-service, Other-relative, Black, Female,0.0,0.0,45.0, Haiti,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +70, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,6418.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +64, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,3.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +55, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +28, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +44, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,1741.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,39.0, United-States,>50K +29, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,50.0, United-States,>50K +41, Private, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +36, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,17.0, United-States,<=50K +29, Private, 10th,6.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +59, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1579.0,60.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,37.0, Taiwan,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +59, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +53, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +32, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,9386.0,0.0,40.0, United-States,>50K +30, State-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,42.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +55, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,45.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,30.0, Guatemala,>50K +24, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,32.0, El-Salvador,<=50K +73, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +27, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +64, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, Mexico,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +69, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Other-relative, White, Male,10520.0,0.0,45.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,35.0, Haiti,>50K +34, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,36.0, United-States,>50K +20, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +40, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4386.0,0.0,80.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,64.0, United-States,>50K +32, Federal-gov, Assoc-voc,11.0, Never-married, Tech-support, Own-child, Black, Male,4650.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +48, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +57, Private, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,32.0, United-States,>50K +46, State-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,3325.0,0.0,42.0, United-States,<=50K +44, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 1st-4th,2.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, Yugoslavia,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,4.0, United-States,<=50K +49, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +52, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +51, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +73, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Self-emp-not-inc, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +39, Private, 10th,6.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,48.0, United-States,>50K +40, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,1719.0,9.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +36, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,41.0, United-States,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Iran,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +49, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,26.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,2415.0,20.0, United-States,>50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +49, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Other, Male,0.0,0.0,48.0, Mexico,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +26, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,53.0, United-States,<=50K +45, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +74, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +61, Local-gov, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,22.0, United-States,<=50K +53, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,25.0, Philippines,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Self-emp-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,58.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,90.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,50.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +54, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +51, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +67, State-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +24, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,47.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +40, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,65.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,3103.0,0.0,35.0, Philippines,>50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +31, Private, 10th,6.0, Separated, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,99.0, United-States,>50K +52, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,25.0, Outlying-US(Guam-USVI-etc),<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,1741.0,52.0, United-States,<=50K +40, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, Italy,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,70.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +35, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States,>50K +22, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,55.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,75.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +58, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +71, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +40, Self-emp-not-inc, Prof-school,15.0, Divorced, Other-service, Not-in-family, White, Female,0.0,2339.0,35.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +52, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +38, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +57, Federal-gov, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,55.0, United-States,>50K +39, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,>50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,17.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +26, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Japan,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +61, Private, 1st-4th,2.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +61, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Widowed, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +58, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +64, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,8614.0,0.0,50.0, France,>50K +19, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Separated, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +52, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,23.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +58, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,30.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +31, State-gov, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +52, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,70.0, Mexico,<=50K +48, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, England,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +58, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Federal-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,3.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +53, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +54, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,48.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,52.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +80, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +55, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +49, Private, Bachelors,13.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,30.0, Columbia,<=50K +27, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +39, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,55.0, United-States,<=50K +63, Private, 9th,5.0, Separated, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,65.0, Japan,>50K +43, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,1887.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,68.0, United-States,<=50K +39, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,3.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688.0,0.0,45.0, United-States,>50K +67, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +53, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +29, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,98.0, United-States,<=50K +54, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,7430.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +82, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Private, 1st-4th,2.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,15.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +28, Private, 1st-4th,2.0, Married-spouse-absent, Other-service, Own-child, Other, Female,0.0,0.0,35.0, Dominican-Republic,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +61, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +27, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +59, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,>50K +42, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +41, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +36, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +49, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,323.0,20.0, United-States,<=50K +59, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +28, Private, 12th,8.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +59, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +35, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +55, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +50, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,15.0, United-States,<=50K +18, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, 9th,5.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,>50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,55.0, United-States,<=50K +34, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +47, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +62, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,24.0, Mexico,<=50K +32, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +68, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, Peru,<=50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1848.0,40.0, United-States,>50K +34, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +46, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +21, Private, 11th,7.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,2258.0,44.0, United-States,>50K +17, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +33, Private, 12th,8.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +53, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,14344.0,0.0,40.0, United-States,>50K +43, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,52.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +37, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Other, Male,0.0,0.0,30.0, Iran,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +46, State-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +48, Self-emp-inc, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,14.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,70.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +25, Private, Some-college,10.0, Divorced, Other-service, Own-child, Black, Male,0.0,0.0,38.0, United-States,<=50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,62.0, United-States,<=50K +51, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1741.0,38.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,5.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,1762.0,28.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,36.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, 12th,8.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,25.0, United-States,<=50K +46, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,55.0, United-States,>50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, 7th-8th,4.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +40, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Preschool,1.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,40.0, Mexico,<=50K +18, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,5.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,2829.0,0.0,60.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +56, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +59, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, White, Male,3325.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,2176.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,1055.0,0.0,30.0, United-States,<=50K +51, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,30.0, United-States,<=50K +53, Private, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +60, Private, Some-college,10.0, Widowed, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +59, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Own-child, White, Female,7298.0,0.0,16.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,43.0, United-States,<=50K +45, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +21, Private, 12th,8.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,35.0, Germany,<=50K +59, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +49, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 9th,5.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +55, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,56.0, Germany,<=50K +61, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +44, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Canada,<=50K +54, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,10.0, China,>50K +56, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,13550.0,0.0,50.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +50, Private, 11th,7.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,>50K +38, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +48, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +39, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +63, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,2258.0,40.0, United-States,>50K +37, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, 11th,7.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,2444.0,40.0, United-States,>50K +47, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Female,0.0,0.0,15.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +29, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +50, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,1408.0,5.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,25.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, 11th,7.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Private, 5th-6th,3.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,10.0, Italy,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,1055.0,0.0,20.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,1602.0,8.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,10520.0,0.0,45.0, United-States,>50K +51, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +41, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,37.0, United-States,<=50K +34, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +31, Federal-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +52, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +68, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +42, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +67, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,20.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +25, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Vietnam,>50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, China,<=50K +19, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Guatemala,>50K +55, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1672.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +50, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,44.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +47, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,45.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Assoc-acdm,12.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, Germany,>50K +34, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +45, State-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, Hong,<=50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +32, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Federal-gov, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +24, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,7688.0,0.0,20.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +41, Private, Doctorate,16.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +51, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +51, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +63, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,31.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Without-pay, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,16.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,40.0, Nicaragua,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2042.0,30.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +31, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,43.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-spouse-absent, Sales, Unmarried, Black, Female,0.0,0.0,32.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,2042.0,34.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +24, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +90, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +55, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Italy,<=50K +36, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +21, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,56.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +61, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Local-gov, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1411.0,40.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +36, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,2559.0,40.0, United-States,>50K +34, Private, 12th,8.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, Mexico,<=50K +41, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Italy,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Federal-gov, HS-grad,9.0, Never-married, Armed-Forces, Not-in-family, White, Male,0.0,0.0,8.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, Mexico,<=50K +54, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Never-married, Protective-serv, Other-relative, White, Female,0.0,0.0,43.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +48, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong,<=50K +31, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, Mexico,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,55.0, Ireland,<=50K +33, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-not-inc, Masters,14.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +74, Self-emp-not-inc, Bachelors,13.0, Widowed, Craft-repair, Not-in-family, White, Male,15831.0,0.0,8.0, Germany,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +36, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +36, Private, 10th,6.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,6849.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +46, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,75.0, Dominican-Republic,<=50K +58, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,76.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +90, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,2653.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,27828.0,0.0,40.0, Philippines,>50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Scotland,>50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +39, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,37.0, United-States,<=50K +48, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,42.0, United-States,<=50K +44, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Separated, Tech-support, Unmarried, White, Female,1471.0,0.0,32.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +60, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,81.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +53, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +52, Local-gov, 7th-8th,4.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,89.0, United-States,>50K +48, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +61, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,56.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +61, Private, 11th,7.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, Mexico,<=50K +41, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +39, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +51, Local-gov, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +61, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +51, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +36, Private, Preschool,1.0, Divorced, Other-service, Not-in-family, Other, Male,0.0,0.0,72.0, Mexico,<=50K +41, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Female,7443.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,49.0, United-States,<=50K +66, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,1602.0,20.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, Black, Female,0.0,1669.0,50.0, United-States,<=50K +53, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +50, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Self-emp-not-inc, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, Honduras,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +85, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,3.0, Poland,<=50K +62, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +48, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +58, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +66, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +55, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +50, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,1506.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Assoc-voc,11.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,880.0,60.0, United-States,<=50K +71, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +33, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, Dominican-Republic,<=50K +32, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,22.0, United-States,>50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +66, Federal-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3471.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +36, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,64.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,15.0, United-States,<=50K +32, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +54, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan,>50K +37, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,39.0, United-States,<=50K +22, Private, 12th,8.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,46.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,15020.0,0.0,45.0, United-States,>50K +45, State-gov, HS-grad,9.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +31, Private, Masters,14.0, Divorced, Other-service, Not-in-family, Other, Female,0.0,0.0,30.0, United-States,<=50K +39, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +37, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +65, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,1086.0,0.0,60.0, United-States,<=50K +43, State-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,11.0, Taiwan,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +52, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +25, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7688.0,0.0,40.0, United-States,>50K +34, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +63, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,32.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,6418.0,0.0,40.0, United-States,>50K +36, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,48.0, United-States,>50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, Peru,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,90.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,54.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +46, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688.0,0.0,38.0, United-States,>50K +56, Self-emp-not-inc, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Not-in-family, White, Male,0.0,0.0,50.0, Guatemala,<=50K +17, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +39, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3908.0,0.0,50.0, United-States,<=50K +52, Private, 11th,7.0, Separated, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,18.0, United-States,<=50K +56, Self-emp-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,1721.0,24.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,14084.0,0.0,60.0, United-States,>50K +38, Private, 9th,5.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,54.0, Mexico,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +42, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +46, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +21, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +69, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +20, Federal-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +24, Federal-gov, Some-college,10.0, Never-married, Armed-Forces, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Federal-gov, 7th-8th,4.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178.0,0.0,10.0, United-States,>50K +59, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,39.0, United-States,<=50K +58, Self-emp-not-inc, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +36, Private, 10th,6.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,2597.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,16.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,48.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +31, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +48, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, Ireland,>50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,41.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,22.0, Germany,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +43, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +34, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,2907.0,0.0,30.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,14.0, United-States,<=50K +27, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,32.0, United-States,<=50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,625.0,40.0, United-States,<=50K +38, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,25.0, United-States,<=50K +58, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,33.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +34, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Local-gov, Masters,14.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +34, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,4650.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +37, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,55.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +45, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +73, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +38, Federal-gov, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Female,6497.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, Black, Female,0.0,0.0,32.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +21, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,38.0, Mexico,<=50K +31, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Local-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,38.0, United-States,>50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,50.0, Thailand,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +80, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,28.0, Haiti,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2057.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +62, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +22, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +44, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +62, Federal-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, Black, Male,4650.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1429.0,20.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +29, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +58, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,52.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +58, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +35, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,55.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +63, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,1590.0,40.0, United-States,<=50K +30, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, El-Salvador,>50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,27828.0,0.0,60.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,2057.0,48.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,1721.0,38.0, Puerto-Rico,<=50K +38, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,3103.0,0.0,84.0, Vietnam,<=50K +56, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,4934.0,0.0,45.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064.0,0.0,35.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +68, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +26, Private, HS-grad,9.0, Separated, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,3674.0,0.0,42.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,55.0, Dominican-Republic,<=50K +56, Private, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +31, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +66, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Black, Female,99999.0,0.0,40.0, United-States,>50K +59, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,12.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,80.0, United-States,>50K +32, Federal-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Private, Some-college,10.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +33, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States,<=50K +26, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States,<=50K +41, Private, 7th-8th,4.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,1485.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,15.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Doctorate,16.0, Married-AF-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,35.0, United-States,>50K +52, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +47, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Columbia,<=50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +40, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States,>50K +50, Private, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, Japan,>50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States,>50K +36, Private, 11th,7.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,1055.0,0.0,70.0, United-States,<=50K +42, Federal-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +50, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +37, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,<=50K +54, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +52, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, Black, Female,114.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +64, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Other, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +62, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Male,2174.0,0.0,40.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +24, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +19, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,1721.0,35.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,39.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +45, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, 11th,7.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Poland,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,2907.0,0.0,40.0, United-States,<=50K +73, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Female,0.0,0.0,75.0, United-States,<=50K +39, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,4508.0,0.0,40.0, Mexico,<=50K +25, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-AF-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,28.0, United-States,<=50K +31, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,17.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,50.0, United-States,>50K +73, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,28.0, United-States,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,<=50K +62, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,55.0, Mexico,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,33.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +20, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2051.0,60.0, United-States,<=50K +64, State-gov, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,45.0, Columbia,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +53, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,2174.0,0.0,50.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +60, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +55, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, England,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Philippines,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +26, Private, 10th,6.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, Black, Male,8614.0,0.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,60.0, India,<=50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Private, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +25, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2377.0,65.0, United-States,<=50K +32, Private, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,50.0, United-States,>50K +28, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, Germany,>50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,13550.0,0.0,50.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,2907.0,0.0,30.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Local-gov, HS-grad,9.0, Separated, Exec-managerial, Unmarried, Black, Female,6497.0,0.0,35.0, United-States,<=50K +18, Self-emp-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,28.0, United-States,<=50K +50, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +51, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,55.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Widowed, Adm-clerical, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +67, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, Cuba,<=50K +36, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +29, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti,<=50K +51, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +52, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1628.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,53.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +33, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +41, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +54, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,>50K +24, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +57, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +58, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,1055.0,0.0,25.0, United-States,<=50K +20, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +26, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, England,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,15024.0,0.0,20.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +35, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,20.0, United-States,>50K +63, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +53, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,10.0, Philippines,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,6849.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,75.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +47, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,1590.0,40.0, United-States,<=50K +59, Local-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2463.0,0.0,50.0, England,<=50K +31, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Other, Female,0.0,0.0,40.0, Mexico,<=50K +49, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +60, Self-emp-not-inc, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Self-emp-not-inc, 12th,8.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, Black, Male,0.0,0.0,52.0, United-States,<=50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +52, Private, Some-college,10.0, Separated, Sales, Other-relative, White, Female,0.0,0.0,55.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +56, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +54, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,99999.0,0.0,60.0, United-States,>50K +41, Self-emp-not-inc, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, Mexico,<=50K +26, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,2885.0,0.0,45.0, United-States,<=50K +58, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, 12th,8.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +65, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,2964.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,1741.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +35, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,96.0, United-States,<=50K +56, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-inc, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298.0,0.0,50.0, Thailand,>50K +42, Private, Assoc-voc,11.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, Taiwan,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-not-inc, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +41, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Local-gov, Assoc-acdm,12.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,28.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,60.0, South,<=50K +41, State-gov, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,52.0, United-States,>50K +37, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,45.0, United-States,>50K +49, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +41, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,50.0, United-States,>50K +52, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Female,1471.0,0.0,40.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2444.0,40.0, United-States,>50K +44, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Local-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,33.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,55.0, United-States,<=50K +30, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +32, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,33.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +45, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,21.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +31, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,35.0, United-States,<=50K +27, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, Preschool,1.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +67, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,10566.0,0.0,15.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States,<=50K +57, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Italy,<=50K +46, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States,>50K +41, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,2463.0,0.0,30.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +67, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Cuba,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1408.0,48.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +44, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +23, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,90.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +71, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +21, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, Mexico,<=50K +28, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,2354.0,0.0,60.0, United-States,<=50K +27, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,37.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,2001.0,25.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, England,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +66, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,1424.0,0.0,10.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +62, Private, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Federal-gov, Masters,14.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +47, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +52, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +19, State-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,3.0, United-States,<=50K +37, Private, 11th,7.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, Poland,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,2001.0,30.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2042.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, United-States,>50K +61, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +46, State-gov, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +56, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, Canada,<=50K +24, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,1.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Cuba,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +19, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,50.0, Puerto-Rico,>50K +31, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +47, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, 1st-4th,2.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, Portugal,>50K +45, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,1455.0,0.0,40.0, United-States,<=50K +27, Local-gov, 12th,8.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,44.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +90, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1825.0,50.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,44.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,99.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,38.0, United-States,<=50K +41, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,38.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,35.0, United-States,>50K +21, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,36.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +73, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +57, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +27, Self-emp-not-inc, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,48.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +67, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,>50K +54, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 10th,6.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +34, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,49.0, United-States,<=50K +80, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Local-gov, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,3103.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +52, Private, 1st-4th,2.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +24, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +66, Private, 7th-8th,4.0, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +30, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,4416.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,80.0, United-States,>50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,37.0, United-States,>50K +23, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Germany,<=50K +60, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,67.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,60.0, United-States,>50K +53, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,25236.0,0.0,60.0, United-States,>50K +66, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +44, Local-gov, Assoc-voc,11.0, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,3674.0,0.0,42.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +26, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +58, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +59, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,8614.0,0.0,52.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +59, Local-gov, 10th,6.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1977.0,25.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,25.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +34, Self-emp-not-inc, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 10th,6.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,47.0, United-States,>50K +37, Private, 7th-8th,4.0, Separated, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +40, Federal-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,10.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Nicaragua,<=50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +63, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +65, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +77, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +67, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +53, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +37, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Male,4787.0,0.0,40.0, United-States,>50K +44, State-gov, Some-college,10.0, Separated, Tech-support, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +62, Federal-gov, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,2829.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +32, State-gov, Some-college,10.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, 10th,6.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +32, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +54, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Preschool,1.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,25.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,33.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +55, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +63, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +53, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Other, Female,4865.0,0.0,45.0, Mexico,<=50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +62, Private, 11th,7.0, Widowed, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,48.0, Germany,>50K +58, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,43.0, United-States,>50K +33, Private, 10th,6.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +81, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Unmarried, White, Female,1264.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,35.0, China,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,52.0, United-States,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,48.0, United-States,>50K +48, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +63, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +38, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +30, Private, 9th,5.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,6849.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,54.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +33, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,76.0, United-States,>50K +17, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,36.0, Mexico,<=50K +27, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +53, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,41.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +61, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +71, Federal-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Canada,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +31, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, Columbia,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,21.0, United-States,<=50K +53, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, State-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Male,1506.0,0.0,40.0, Honduras,<=50K +49, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +28, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,55.0, United-States,<=50K +44, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +49, Private, 5th-6th,3.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,20.0, Vietnam,<=50K +34, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +27, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,1719.0,48.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +44, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +63, Private, 10th,6.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +39, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,45.0, United-States,>50K +44, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,60.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,4650.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,70.0, Iran,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +46, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +74, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, 12th,8.0, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +64, Federal-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +44, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States,>50K +59, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,3004.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +54, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, Canada,>50K +33, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, Dominican-Republic,<=50K +44, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Wife, White, Female,3908.0,0.0,60.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States,<=50K +56, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, England,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Male,0.0,0.0,20.0, United-States,<=50K +39, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Local-gov, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,39.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,594.0,0.0,24.0, United-States,<=50K +49, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,42.0, United-States,>50K +46, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Self-emp-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1590.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +53, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,56.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States,>50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +50, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,23.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +38, Private, 10th,6.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +64, Private, 7th-8th,4.0, Separated, Priv-house-serv, Not-in-family, Other, Female,0.0,0.0,35.0, Mexico,<=50K +37, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Male,27828.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,38.0, United-States,>50K +42, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0.0,0.0,49.0, Haiti,<=50K +71, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Federal-gov, 10th,6.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,16.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,2.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,>50K +47, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +33, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,58.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,38.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,12.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,625.0,50.0, United-States,<=50K +38, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +44, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,2354.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +19, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, Mexico,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +65, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,60.0, United-States,>50K +62, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,26.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +37, State-gov, Some-college,10.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,15.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,34.0, South,<=50K +29, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +62, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +58, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +62, Private, 11th,7.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Male,4934.0,0.0,50.0, United-States,>50K +42, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +21, Private, 11th,7.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +62, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,48.0, United-States,>50K +47, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,45.0, United-States,>50K +57, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +63, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, 10th,6.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,8.0, United-States,>50K +52, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,60.0, United-States,>50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2001.0,40.0, United-States,<=50K +58, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,4865.0,0.0,48.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, Guatemala,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,15.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +23, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Local-gov, 10th,6.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +78, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +28, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +55, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,4.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,7.0, United-States,<=50K +40, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +44, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +47, Local-gov, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3464.0,0.0,40.0, Mexico,<=50K +25, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, 7th-8th,4.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +82, Self-emp-inc, 7th-8th,4.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,20051.0,0.0,40.0, United-States,>50K +66, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,1977.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, Canada,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,10.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,15.0, Haiti,<=50K +55, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2179.0,60.0, United-States,<=50K +21, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +35, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,4101.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +28, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +31, State-gov, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +32, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,45.0, United-States,>50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,38.0, United-States,>50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +42, Federal-gov, Assoc-acdm,12.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,17.0, United-States,<=50K +58, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,>50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1573.0,45.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,1429.0,30.0, United-States,<=50K +74, Private, Assoc-voc,11.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +48, Local-gov, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,1797.0,0.0,24.0, United-States,<=50K +40, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,51.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,17.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Nicaragua,<=50K +51, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +67, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +59, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +39, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,>50K +19, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,2205.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,42.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3137.0,0.0,50.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Male,3325.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Ireland,<=50K +32, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,78.0, United-States,>50K +37, Self-emp-not-inc, Preschool,1.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, Mexico,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +41, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +49, Self-emp-not-inc, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,63.0, Canada,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,2829.0,0.0,28.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +69, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1258.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3464.0,0.0,60.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +48, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Tech-support, Other-relative, Black, Female,0.0,0.0,10.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +40, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Germany,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +58, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,55.0, United-States,<=50K +28, State-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, Germany,<=50K +35, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,22.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,594.0,0.0,15.0, United-States,<=50K +37, Private, 9th,5.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +70, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Scotland,<=50K +21, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Local-gov, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, 7th-8th,4.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +45, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,42.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 9th,5.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,4416.0,0.0,45.0, Philippines,<=50K +39, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, 1st-4th,2.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +48, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +25, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, 5th-6th,3.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +51, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, Nicaragua,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3471.0,0.0,45.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,23.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,20.0, India,<=50K +55, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,2339.0,40.0, El-Salvador,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +54, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +23, Private, Some-college,10.0, Separated, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 9th,5.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,1055.0,0.0,30.0, United-States,<=50K +36, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,99.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, State-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +18, Private, 12th,8.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,5013.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Puerto-Rico,<=50K +57, Private, 5th-6th,3.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,37.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, Iran,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico,<=50K +40, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States,<=50K +20, Self-emp-not-inc, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +41, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +49, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +37, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +67, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,58.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,10.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,2339.0,45.0, United-States,<=50K +37, State-gov, Some-college,10.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,1726.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,70.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,18.0, United-States,<=50K +69, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1672.0,42.0, United-States,<=50K +52, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +47, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,1590.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +60, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,35.0, United-States,<=50K +46, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Self-emp-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,30.0, El-Salvador,<=50K +24, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,35.0, Mexico,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +53, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +20, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,13550.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Divorced, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +66, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653.0,0.0,40.0, United-States,<=50K +38, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +26, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,25.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Own-child, Other, Male,0.0,0.0,38.0, United-States,<=50K +29, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +47, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, Jamaica,>50K +27, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,65.0, United-States,<=50K +45, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1340.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 11th,7.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 7th-8th,4.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +71, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,39.0, Cuba,<=50K +26, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +60, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +41, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,>50K +24, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +39, Local-gov, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,2415.0,3.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +68, State-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,5.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Philippines,>50K +49, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Portugal,<=50K +24, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,44.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +56, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,21.0, China,<=50K +42, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,36.0, Jamaica,<=50K +37, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +40, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,52.0, United-States,>50K +33, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,34.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +41, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States,>50K +56, Federal-gov, Assoc-voc,11.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,35.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,1506.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +25, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +29, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Honduras,>50K +47, Private, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +57, Federal-gov, 10th,6.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Self-emp-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +32, Private, 7th-8th,4.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, Mexico,<=50K +67, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,1086.0,0.0,15.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,42.0, Mexico,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,24.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, South,>50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, 10th,6.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +23, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1504.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India,>50K +25, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,1887.0,38.0, United-States,>50K +47, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +36, Private, Bachelors,13.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +66, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,99999.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,2559.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +57, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, Ecuador,>50K +54, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +75, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +51, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,40.0, Yugoslavia,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,36.0, United-States,<=50K +46, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,23.0, United-States,<=50K +69, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,1848.0,0.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,1848.0,40.0, United-States,>50K +55, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,2258.0,45.0, United-States,>50K +37, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +29, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +51, Local-gov, 11th,7.0, Never-married, Farming-fishing, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +53, Private, 10th,6.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, China,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +44, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +37, Self-emp-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +56, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,45.0, United-States,<=50K +58, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,56.0, United-States,<=50K +19, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,33.0, United-States,<=50K +43, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +62, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +46, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,60.0, United-States,<=50K +54, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,80.0, United-States,<=50K +47, Local-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,14344.0,0.0,40.0, United-States,>50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +53, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,37.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +32, Self-emp-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, 10th,6.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +22, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, Mexico,<=50K +30, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,34.0, United-States,<=50K +53, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,0.0,1668.0,31.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,60.0, United-States,<=50K +65, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States,>50K +21, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,50.0, South,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,12.0, El-Salvador,<=50K +62, Private, 10th,6.0, Widowed, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,80.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Never-married, Transport-moving, Not-in-family, White, Male,6849.0,0.0,35.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,70.0, United-States,>50K +61, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +60, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,70.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,56.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,1151.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, England,<=50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +44, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,45.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1974.0,30.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +65, Private, Prof-school,15.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, Hungary,>50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +58, Private, Bachelors,13.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +38, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +69, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Married-spouse-absent, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,2993.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Thailand,<=50K +40, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +33, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, 5th-6th,3.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Italy,<=50K +28, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +72, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,2290.0,0.0,45.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +33, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,99.0, United-States,>50K +36, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,32.0, United-States,<=50K +38, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +81, Self-emp-not-inc, Bachelors,13.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,92.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, 9th,5.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +19, Local-gov, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States,>50K +37, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,25.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,>50K +31, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Haiti,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +60, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,1741.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +52, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,1980.0,44.0, United-States,<=50K +54, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,42.0, United-States,<=50K +57, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,15.0, United-States,<=50K +53, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 5th-6th,3.0, Never-married, Farming-fishing, Unmarried, Black, Male,0.0,0.0,40.0, Mexico,<=50K +61, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2377.0,35.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +59, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +35, State-gov, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +49, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +49, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688.0,0.0,45.0, United-States,>50K +39, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,31.0, Cuba,>50K +26, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +26, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,3.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,42.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,38.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Federal-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, Black, Male,1506.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +33, Private, Some-college,10.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,80.0, United-States,<=50K +47, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +68, Self-emp-not-inc, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2444.0,40.0, United-States,>50K +42, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,3103.0,0.0,40.0, Mexico,>50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1564.0,50.0, United-States,>50K +61, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,2290.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Widowed, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,60.0, Columbia,<=50K +43, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1408.0,50.0, Hong,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +28, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +25, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,21.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, State-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,15020.0,0.0,48.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +52, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,2547.0,40.0, United-States,>50K +55, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Masters,14.0, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +61, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,65.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +85, Self-emp-inc, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +71, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,30.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +77, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,5178.0,0.0,55.0, United-States,>50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, India,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,3325.0,0.0,40.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2057.0,70.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,45.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688.0,0.0,35.0, China,>50K +33, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, 10th,6.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,2001.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,35.0, United-States,>50K +67, State-gov, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,70.0, United-States,>50K +35, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +43, Private, Bachelors,13.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +64, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, Black, Male,4650.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, Greece,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, Puerto-Rico,>50K +59, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,4865.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Peru,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Federal-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +26, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +32, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Other, Male,0.0,0.0,35.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,7.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +72, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,36.0, United-States,<=50K +45, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +34, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +65, State-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2653.0,0.0,8.0, United-States,<=50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,77.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,2202.0,0.0,99.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,27.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Divorced, Sales, Own-child, Black, Female,0.0,0.0,37.0, United-States,<=50K +72, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,36.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,10.0, Yugoslavia,>50K +57, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +51, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +24, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,53.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +55, Private, Masters,14.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, 10th,6.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +70, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +63, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +21, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,29.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Haiti,<=50K +73, Local-gov, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,5.0, United-States,<=50K +33, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +24, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1876.0,38.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +24, Private, Preschool,1.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,40.0, United-States,>50K +26, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,5013.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +59, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,6849.0,0.0,80.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,4865.0,0.0,35.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,40.0, England,>50K +60, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +47, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +38, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +38, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, Mexico,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,594.0,0.0,30.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +68, Self-emp-inc, Bachelors,13.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,70.0, Canada,<=50K +18, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,1719.0,16.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +74, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,1669.0,40.0, United-States,<=50K +53, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +48, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +46, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +27, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India,<=50K +40, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,37.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +27, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, South,<=50K +41, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +44, Self-emp-inc, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Portugal,>50K +37, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, Other, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,2339.0,43.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103.0,0.0,60.0, United-States,>50K +51, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,52.0, United-States,>50K +38, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +44, Private, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,55.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +52, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,35.0, United-States,>50K +31, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +30, Private, 12th,8.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +33, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Scotland,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, Germany,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Male,0.0,0.0,25.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Philippines,>50K +37, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +37, Self-emp-inc, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,7298.0,0.0,32.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,24.0, Puerto-Rico,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,85.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +64, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,48.0, United-States,<=50K +32, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +26, Federal-gov, 12th,8.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +58, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +78, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, Iran,<=50K +38, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,2339.0,47.0, United-States,<=50K +77, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,3818.0,0.0,30.0, United-States,<=50K +62, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Local-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +65, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,4.0, United-States,>50K +38, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,14084.0,0.0,20.0, United-States,>50K +54, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +28, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +23, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +50, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,>50K +50, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +60, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States,<=50K +61, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +31, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, Mexico,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +44, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +57, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,2202.0,0.0,44.0, United-States,<=50K +24, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +63, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,23.0, United-States,>50K +17, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,5.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,35.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +59, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,8.0, United-States,>50K +32, Self-emp-not-inc, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +21, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,2176.0,0.0,35.0, Germany,<=50K +38, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States,>50K +38, State-gov, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,37.0, United-States,<=50K +51, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,5455.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,3418.0,0.0,32.0, United-States,<=50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Other-relative, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +37, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +27, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +69, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,30.0, United-States,<=50K +30, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +71, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, White, Female,11678.0,0.0,38.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +25, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,45.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, 7th-8th,4.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +67, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,21.0, United-States,<=50K +55, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, Hungary,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +37, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +47, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,13550.0,0.0,45.0, United-States,>50K +25, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,6849.0,0.0,43.0, United-States,<=50K +28, Private, 10th,6.0, Married-AF-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +61, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +24, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Separated, Prof-specialty, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +60, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +48, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +53, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +63, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,1429.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,4.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,75.0, United-States,<=50K +29, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +59, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,3325.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +37, Private, 11th,7.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +29, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Poland,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, Mexico,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, Cuba,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, Canada,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Some-college,10.0, Widowed, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,2001.0,40.0, Mexico,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,55.0, United-States,<=50K +47, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,3325.0,0.0,25.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1485.0,50.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,2.0, Italy,<=50K +25, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, Other, Female,0.0,0.0,40.0, Ecuador,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +61, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +46, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,44.0, United-States,>50K +37, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +27, State-gov, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +70, Private, 10th,6.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, Greece,<=50K +45, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +23, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Mexico,<=50K +33, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +24, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,42.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,37.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 11th,7.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,60.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +62, Self-emp-not-inc, Doctorate,16.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,65.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +59, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1980.0,55.0, United-States,<=50K +59, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +55, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1504.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,14344.0,0.0,40.0, United-States,>50K +22, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +45, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +48, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +65, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, India,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +65, Self-emp-not-inc, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,7978.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,44.0, Puerto-Rico,<=50K +53, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +33, Federal-gov, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,13.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +54, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +45, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +48, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +40, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +65, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,29.0, United-States,<=50K +56, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,48.0, United-States,>50K +26, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Columbia,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Without-pay, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,>50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, 9th,5.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,24.0, El-Salvador,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +27, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, Mexico,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +51, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +41, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +25, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +80, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +27, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,52.0, Mexico,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,32.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,26.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,14.0, United-States,<=50K +55, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1617.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,1741.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +36, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,2174.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, Germany,>50K +31, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +53, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,5.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +34, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,30.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1980.0,80.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,32.0, United-States,>50K +61, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,4101.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, 7th-8th,4.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, Mexico,<=50K +48, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,15024.0,0.0,75.0, United-States,>50K +49, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +65, Local-gov, HS-grad,9.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +56, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +70, Private, 10th,6.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States,>50K +43, Federal-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,6.0, United-States,<=50K +77, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +33, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,323.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,>50K +42, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,45.0, United-States,<=50K +33, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +52, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Male,0.0,0.0,19.0, United-States,<=50K +44, Private, 12th,8.0, Divorced, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +25, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,98.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +54, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +63, Private, Bachelors,13.0, Widowed, Other-service, Other-relative, Black, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,45.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,2205.0,45.0, United-States,<=50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +73, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, Mexico,<=50K +53, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,50.0, United-States,<=50K +33, Private, 12th,8.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1602.0,15.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +45, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Federal-gov, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, India,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +41, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1573.0,25.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,18.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +66, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,55.0, United-States,>50K +35, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,42.0, United-States,>50K +21, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +66, Local-gov, Some-college,10.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +57, Private, Assoc-voc,11.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,47.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +24, Private, 1st-4th,2.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +36, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +32, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, 12th,8.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +50, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +52, Federal-gov, Assoc-acdm,12.0, Widowed, Exec-managerial, Unmarried, White, Male,13550.0,0.0,40.0, United-States,>50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +70, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,3175.0,15.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +54, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,1668.0,77.0, United-States,<=50K +29, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,10.0, United-States,<=50K +57, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +39, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,70.0, Mexico,<=50K +25, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,2472.0,40.0, United-States,>50K +74, Without-pay, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +50, Private, 11th,7.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Nicaragua,>50K +21, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +42, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +37, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +53, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999.0,0.0,75.0, United-States,>50K +34, Private, 10th,6.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Masters,14.0, Widowed, Exec-managerial, Own-child, White, Male,0.0,0.0,62.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,2202.0,0.0,45.0, United-States,<=50K +70, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +26, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +29, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,>50K +22, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +58, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,96.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Local-gov, 11th,7.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,32.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,1669.0,40.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, Black, Male,3325.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,50.0, Nicaragua,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,38.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +27, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +45, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +43, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +26, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +69, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,70.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,18.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Separated, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, Guatemala,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,16.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, Columbia,<=50K +32, Private, Bachelors,13.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,72.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Prof-school,15.0, Widowed, Prof-specialty, Unmarried, White, Male,99999.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +17, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +61, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,51.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,42.0, United-States,<=50K +41, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,65.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Other, Female,0.0,0.0,35.0, El-Salvador,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,34.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +47, Private, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,23.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,52.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,24.0, United-States,>50K +40, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +39, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, Haiti,>50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Trinadad&Tobago,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,2057.0,35.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1504.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +46, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +60, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,70.0, United-States,>50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,1579.0,37.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,38.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Scotland,<=50K +59, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Some-college,10.0, Married-spouse-absent, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, Black, Female,0.0,0.0,4.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +68, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +59, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 7th-8th,4.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, Mexico,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,90.0, United-States,>50K +30, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,1741.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,1902.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,4.0, United-States,<=50K +46, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-not-inc, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +58, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,42.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +40, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +63, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, India,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +52, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,72.0, United-States,>50K +60, Local-gov, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +35, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,2174.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +54, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Nicaragua,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,78.0, United-States,<=50K +22, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,23.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, Guatemala,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,36.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, White, Female,3325.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,2174.0,0.0,37.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +57, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +61, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +74, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,7262.0,0.0,30.0, United-States,>50K +22, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +38, Self-emp-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +35, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,84.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,48.0, United-States,>50K +37, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,66.0, United-States,>50K +40, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Columbia,<=50K +29, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,8.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,4787.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,46.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,57.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +90, Self-emp-not-inc, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, White, Male,1086.0,0.0,60.0, United-States,<=50K +26, Self-emp-not-inc, 5th-6th,3.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,14.0, Mexico,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, Scotland,<=50K +28, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,18.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +70, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,6514.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +65, Local-gov, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,36.0, Poland,<=50K +63, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +22, Private, Masters,14.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,21.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +66, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States,>50K +44, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +70, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,22.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +72, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,<=50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +56, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +53, State-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal,>50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,2444.0,50.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,27828.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,1719.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, 12th,8.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +26, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +38, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +61, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +49, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +59, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Guatemala,<=50K +49, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +45, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,80.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +55, Private, 11th,7.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,41310.0,0.0,90.0, South,<=50K +38, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +57, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,8.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +34, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,3103.0,0.0,50.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +74, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Self-emp-not-inc, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2179.0,60.0, United-States,<=50K +22, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,25.0, United-States,<=50K +30, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +39, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +37, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,44.0, Japan,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, 10th,6.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,2907.0,0.0,30.0, United-States,<=50K +27, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4508.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +28, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,2415.0,50.0, United-States,>50K +72, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +76, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,15020.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +64, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +53, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, England,<=50K +42, Private, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +23, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +81, Private, 12th,8.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,21.0, United-States,<=50K +19, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, 9th,5.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, 9th,5.0, Never-married, Transport-moving, Unmarried, Other, Male,0.0,0.0,40.0, El-Salvador,<=50K +37, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +26, State-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,86.0, United-States,>50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,26.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,14344.0,0.0,40.0, United-States,>50K +64, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,6418.0,0.0,65.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +31, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Separated, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,44.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +26, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,35.0, Outlying-US(Guam-USVI-etc),<=50K +20, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +39, Private, Masters,14.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +48, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,1974.0,30.0, United-States,<=50K +37, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,1564.0,55.0, United-States,>50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1902.0,80.0, United-States,>50K +51, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,1628.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,2829.0,0.0,38.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +63, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 12th,8.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, Mexico,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,18.0, United-States,<=50K +30, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +53, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1590.0,50.0, United-States,<=50K +77, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +50, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3456.0,0.0,44.0, Canada,<=50K +77, State-gov, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,4.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +26, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, Japan,<=50K +40, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +45, State-gov, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +43, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Local-gov, Some-college,10.0, Married-spouse-absent, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,4101.0,0.0,60.0, United-States,<=50K +18, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, England,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,65.0, United-States,>50K +64, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,7430.0,0.0,45.0, United-States,>50K +60, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,36.0, Peru,<=50K +26, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,49.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +42, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Local-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,8.0, Canada,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +64, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 9th,5.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,55.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, 11th,7.0, Divorced, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +54, Self-emp-not-inc, Bachelors,13.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,44.0, United-States,>50K +65, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,48.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +58, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Private, 12th,8.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +48, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1740.0,56.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +62, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,43.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,59.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, Italy,>50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +63, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +34, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Iran,<=50K +63, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Self-emp-inc, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,37.0, United-States,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818.0,0.0,40.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +49, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +46, Federal-gov, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,16.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,2339.0,40.0, Philippines,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,14.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,45.0, United-States,>50K +33, Private, Assoc-voc,11.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +55, Private, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +23, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,2907.0,0.0,35.0, United-States,<=50K +30, Private, 1st-4th,2.0, Separated, Priv-house-serv, Other-relative, White, Female,0.0,0.0,30.0, Mexico,<=50K +50, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, Canada,>50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +25, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2129.0,50.0, United-States,<=50K +49, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +51, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +43, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,15020.0,0.0,35.0, United-States,>50K +60, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,84.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,36.0, Philippines,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +43, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,5.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,4650.0,0.0,45.0, United-States,<=50K +33, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +31, State-gov, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,1902.0,40.0, China,<=50K +51, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +50, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +30, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,2001.0,25.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, Germany,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +52, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +64, Self-emp-inc, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,70.0, United-States,<=50K +31, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,99.0, United-States,>50K +56, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +41, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Self-emp-not-inc, 9th,5.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,27.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +49, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,15024.0,0.0,50.0, England,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,70.0, United-States,<=50K +45, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +67, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +57, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +68, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +58, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +50, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +63, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Assoc-voc,11.0, Divorced, Protective-serv, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +56, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,43.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +64, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, United-States,>50K +55, Federal-gov, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,8.0, United-States,>50K +62, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +54, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +67, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +57, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,5.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Mexico,>50K +34, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +60, Federal-gov, 9th,5.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, 12th,8.0, Married-civ-spouse, Sales, Own-child, Other, Male,0.0,0.0,35.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Own-child, Black, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,>50K +38, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,70.0, United-States,>50K +24, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-spouse-absent, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,10566.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, State-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Black, Male,0.0,0.0,47.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,35.0, South,<=50K +23, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +34, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,53.0, United-States,>50K +36, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688.0,0.0,60.0, United-States,>50K +36, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Protective-serv, Other-relative, White, Male,0.0,0.0,42.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Other, Male,0.0,0.0,60.0, Ecuador,<=50K +28, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, Puerto-Rico,<=50K +29, Private, 11th,7.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,32.0, United-States,<=50K +46, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Female,0.0,0.0,43.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, Ecuador,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Local-gov, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, Mexico,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +61, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2444.0,50.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +66, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +50, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +38, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +58, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +41, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +43, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1669.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +48, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +57, Private, 7th-8th,4.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,1408.0,40.0, France,<=50K +47, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,18.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +66, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Black, Male,1797.0,0.0,20.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +76, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, Japan,<=50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +33, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, Mexico,<=50K +59, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,43.0, United-States,>50K +38, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +48, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +31, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,28.0, Mexico,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 1st-4th,2.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,66.0, Mexico,<=50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,50.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Scotland,<=50K +24, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,5178.0,0.0,50.0, United-States,>50K +32, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan,<=50K +57, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +24, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +72, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,14.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, Columbia,>50K +58, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,30.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +49, Private, Assoc-acdm,12.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +71, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +63, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,55.0, United-States,<=50K +49, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +65, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, Black, Female,0.0,0.0,39.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +47, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +37, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +45, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +74, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,6.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2002.0,66.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +76, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +30, State-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,12.0, United-States,>50K +68, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1735.0,48.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +71, Private, HS-grad,9.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +76, Private, Some-college,10.0, Widowed, Sales, Not-in-family, Asian-Pac-Islander, Female,2062.0,0.0,37.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,5.0, Canada,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +18, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +53, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1902.0,40.0, United-States,>50K +49, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +58, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,4787.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Female,34095.0,0.0,24.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1902.0,40.0, Puerto-Rico,>50K +44, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +57, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,45.0, United-States,>50K +37, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +48, Private, Masters,14.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,2354.0,0.0,40.0, United-States,<=50K +37, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +38, State-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,32.0, Mexico,<=50K +62, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Columbia,<=50K +35, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, State-gov, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,50.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +44, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +37, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +26, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,4508.0,0.0,12.0, United-States,<=50K +64, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Preschool,1.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +33, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +26, State-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,9.0, United-States,<=50K +53, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +51, Self-emp-not-inc, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,85.0, United-States,>50K +51, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1876.0,48.0, United-States,<=50K +36, Private, 9th,5.0, Never-married, Farming-fishing, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, 1st-4th,2.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,30.0, United-States,<=50K +40, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,2205.0,45.0, United-States,<=50K +30, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Guatemala,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,32.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 10th,6.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +50, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,2339.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,2202.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4508.0,0.0,55.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +19, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +43, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +28, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,3325.0,0.0,45.0, United-States,<=50K +49, Local-gov, 11th,7.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +34, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,35.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, State-gov, Bachelors,13.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +51, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,53.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, Mexico,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,15.0, Germany,<=50K +24, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, White, Female,1831.0,0.0,40.0, United-States,<=50K +57, Private, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,23.0, United-States,<=50K +45, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +55, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,4650.0,0.0,40.0, Vietnam,<=50K +28, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States,<=50K +57, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +30, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,2444.0,55.0, United-States,>50K +70, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, 9th,5.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +34, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, 12th,8.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,70.0, Germany,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +51, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +58, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +28, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +40, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,56.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,29.0, United-States,<=50K +41, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +61, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +42, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,2339.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,56.0, United-States,<=50K +38, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Other-relative, Black, Female,0.0,0.0,32.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States,>50K +41, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Cuba,<=50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +67, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +52, Private, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,10.0, India,<=50K +50, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,8.0, Guatemala,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +50, Private, 1st-4th,2.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,29.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +37, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,60.0, United-States,<=50K +59, Local-gov, Masters,14.0, Separated, Prof-specialty, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +18, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, Dominican-Republic,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,594.0,0.0,12.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Male,3908.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,38.0, Mexico,<=50K +43, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,6723.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +29, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,38.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 7th-8th,4.0, Divorced, Sales, Not-in-family, Other, Female,0.0,0.0,35.0, United-States,<=50K +21, Self-emp-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,16.0, United-States,<=50K +52, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States,>50K +37, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,8614.0,0.0,40.0, Mexico,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Federal-gov, Some-college,10.0, Never-married, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +89, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,37.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,42.0, United-States,<=50K +52, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +57, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, Other, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +74, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,2282.0,35.0, United-States,>50K +56, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Ireland,<=50K +33, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +26, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Puerto-Rico,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Ecuador,<=50K +52, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, Haiti,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,36.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,7688.0,0.0,50.0, United-States,>50K +57, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,50.0, India,>50K +45, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +62, Federal-gov, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,6.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Self-emp-not-inc, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +53, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,36.0, China,<=50K +39, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +55, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +23, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +29, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, Puerto-Rico,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, Haiti,<=50K +37, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Germany,<=50K +30, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +30, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, 9th,5.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 9th,5.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +64, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,33.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,39.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,1980.0,38.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +31, Self-emp-not-inc, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,2205.0,60.0, United-States,<=50K +21, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +62, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +26, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,5060.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, United-States,>50K +60, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,60.0, Philippines,>50K +74, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,6418.0,0.0,24.0, United-States,>50K +37, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +43, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,65.0, Canada,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +36, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,34.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,75.0, United-States,<=50K +29, State-gov, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +61, Self-emp-not-inc, Assoc-voc,11.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Canada,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, El-Salvador,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +67, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Canada,<=50K +35, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,2176.0,0.0,25.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, Other, Male,0.0,0.0,40.0, Mexico,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Cuba,>50K +36, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, Mexico,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, Germany,<=50K +66, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +74, State-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, Black, Male,15831.0,0.0,40.0, United-States,>50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, India,>50K +44, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,2559.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1876.0,65.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +42, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,15.0, United-States,>50K +35, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +26, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +64, Private, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,2444.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1672.0,45.0, Ireland,<=50K +26, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +44, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Male,15020.0,0.0,50.0, United-States,>50K +54, Private, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +64, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +27, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Male,1506.0,0.0,80.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,2174.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,1485.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,2559.0,60.0, England,>50K +65, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +61, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,63.0, United-States,>50K +20, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, Mexico,<=50K +37, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,2977.0,0.0,55.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +55, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,3.0, United-States,<=50K +27, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +53, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +67, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,1504.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Widowed, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,20.0, Mexico,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,10.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, 9th,5.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,6.0, United-States,<=50K +48, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +53, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,46.0, United-States,>50K +42, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,50.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +61, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Portugal,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,70.0, United-States,<=50K +49, Local-gov, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +34, Private, 10th,6.0, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,4.0, United-States,<=50K +46, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,41.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +28, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +53, Self-emp-inc, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +35, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +60, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,6849.0,0.0,50.0, United-States,<=50K +56, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 10th,6.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,64.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,52.0, United-States,<=50K +48, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,48.0, United-States,>50K +27, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Self-emp-not-inc, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,48.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,80.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, State-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,38.0, United-States,<=50K +61, State-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Germany,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +58, Private, 12th,8.0, Divorced, Transport-moving, Unmarried, Black, Male,0.0,0.0,45.0, United-States,>50K +48, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,1055.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +22, Self-emp-not-inc, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,43.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,4416.0,0.0,40.0, United-States,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, China,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,2339.0,40.0, India,<=50K +68, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,1870.0,35.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,73.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,1977.0,60.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +24, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,58.0, Guatemala,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,42.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, El-Salvador,<=50K +29, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, China,<=50K +44, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +51, State-gov, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,35.0, United-States,<=50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,60.0, United-States,>50K +50, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Self-emp-not-inc, 11th,7.0, Divorced, Other-service, Unmarried, White, Male,4650.0,0.0,50.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, State-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,75.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,46.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +67, Self-emp-not-inc, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,2346.0,0.0,33.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +44, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Federal-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,4.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +74, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,11.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +71, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,80.0, Mexico,<=50K +56, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Self-emp-not-inc, 11th,7.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, India,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +52, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, State-gov, Doctorate,16.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +68, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,3273.0,0.0,42.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +69, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +24, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, 9th,5.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +59, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +47, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,70.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +38, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +55, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +57, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1628.0,48.0, United-States,<=50K +24, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,24.0, Guatemala,<=50K +38, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +49, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,16.0, Yugoslavia,<=50K +51, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +72, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,2329.0,0.0,20.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +62, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +71, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,1911.0,38.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,22.0, United-States,<=50K +51, Private, 10th,6.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +41, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +38, State-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +42, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,4416.0,0.0,40.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +30, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +63, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +53, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, Columbia,>50K +60, Local-gov, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818.0,0.0,44.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +64, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +48, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +46, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +55, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,2444.0,60.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1980.0,40.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +27, Federal-gov, Assoc-voc,11.0, Never-married, Tech-support, Unmarried, Black, Male,1151.0,0.0,40.0, United-States,<=50K +52, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Greece,>50K +63, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,32.0, Mexico,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Self-emp-not-inc, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +51, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +52, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, Canada,>50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +61, Local-gov, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +30, Federal-gov, Some-college,10.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,38.0, United-States,>50K +60, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Separated, Tech-support, Unmarried, White, Female,5455.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,17.0, United-States,>50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,20.0, United-States,>50K +31, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 9th,5.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,46.0, United-States,<=50K +39, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,5013.0,0.0,56.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +45, Private, Masters,14.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +67, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +28, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,52.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +52, Local-gov, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, Puerto-Rico,<=50K +35, Private, 12th,8.0, Divorced, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Self-emp-inc, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +38, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +27, Self-emp-inc, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +27, Private, 10th,6.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +35, Self-emp-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +23, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, Cuba,<=50K +58, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +19, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +25, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Peru,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +34, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Guatemala,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,3418.0,0.0,38.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, Mexico,<=50K +29, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 5th-6th,3.0, Married-spouse-absent, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1721.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +40, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States,>50K +60, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2407.0,0.0,40.0, United-States,<=50K +39, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Guatemala,<=50K +24, Private, 9th,5.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1902.0,46.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +25, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +48, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,39.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,30.0, United-States,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +42, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,60.0, United-States,<=50K +44, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +28, Private, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, 11th,7.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Canada,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,45.0, United-States,>50K +48, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,41.0, United-States,<=50K +49, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,9562.0,0.0,32.0, United-States,>50K +50, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,42.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,99.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, England,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +42, Local-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,35.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,<=50K +71, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105.0,0.0,40.0, United-States,<=50K +44, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +72, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +64, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2829.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +38, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +25, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, Puerto-Rico,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,60.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +52, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Wife, White, Female,0.0,0.0,15.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, 12th,8.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, State-gov, 7th-8th,4.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,45.0, Poland,<=50K +49, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +65, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,6723.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +40, Local-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +77, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +64, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, India,<=50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +25, Private, 7th-8th,4.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,1887.0,70.0, South,>50K +51, Private, 10th,6.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,1504.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +17, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States,>50K +62, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2444.0,45.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4508.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Germany,<=50K +32, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,1902.0,15.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688.0,0.0,48.0, Taiwan,>50K +41, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +40, Private, Some-college,10.0, Separated, Tech-support, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,50.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +47, Private, HS-grad,9.0, Separated, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,1719.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States,<=50K +53, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,5455.0,0.0,60.0, United-States,<=50K +43, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Federal-gov, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1974.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +47, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Canada,>50K +50, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +32, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +56, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +38, State-gov, 10th,6.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,30.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, England,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +25, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,90.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,2354.0,0.0,61.0, United-States,<=50K +25, Local-gov, Some-college,10.0, Never-married, Protective-serv, Other-relative, Black, Male,0.0,0.0,40.0, Trinadad&Tobago,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +69, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,6514.0,0.0,45.0, United-States,>50K +22, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +59, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, England,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +59, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, El-Salvador,<=50K +29, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,42.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, Cuba,>50K +39, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +65, Private, Assoc-voc,11.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,3674.0,0.0,30.0, United-States,<=50K +58, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,1092.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, 10th,6.0, Separated, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Wife, Asian-Pac-Islander, Female,0.0,0.0,37.0, Philippines,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, Black, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,35.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,1151.0,0.0,60.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,>50K +43, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 1st-4th,2.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, Thailand,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +27, Private, 11th,7.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States,<=50K +45, Private, 12th,8.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,40.0, United-States,>50K +26, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,24.0, Honduras,<=50K +44, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +38, Local-gov, Some-college,10.0, Never-married, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +72, State-gov, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, United-States,>50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +55, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,48.0, United-States,<=50K +48, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +39, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,43.0, Germany,<=50K +36, Self-emp-inc, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +23, Local-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1980.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1485.0,50.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +42, Private, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1504.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +56, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +28, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,2176.0,0.0,52.0, Mexico,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5013.0,0.0,30.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +63, Local-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,38.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +40, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,55.0, Trinadad&Tobago,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, State-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,60.0, United-States,>50K +59, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,46.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +19, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,47.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,80.0, United-States,>50K +62, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Bachelors,13.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +78, Private, 1st-4th,2.0, Widowed, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, Nicaragua,<=50K +43, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,50.0, Outlying-US(Guam-USVI-etc),<=50K +60, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, Mexico,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States,<=50K +37, Private, 1st-4th,2.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, Mexico,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +27, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, Canada,<=50K +23, State-gov, Assoc-voc,11.0, Married-AF-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2057.0,40.0, Mexico,<=50K +22, Private, Preschool,1.0, Never-married, Other-service, Own-child, Black, Female,594.0,0.0,20.0, Jamaica,<=50K +61, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +63, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +51, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +20, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +53, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,1669.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-not-inc, 10th,6.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,75.0, United-States,>50K +39, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,37.0, Puerto-Rico,<=50K +30, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,38.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Other-service, Own-child, White, Female,7688.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +54, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Private, 1st-4th,2.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,1719.0,40.0, Mexico,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +38, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,27.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,96.0, Mexico,<=50K +42, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, 9th,5.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,50.0, Puerto-Rico,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +38, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +33, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,51.0, United-States,>50K +57, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +76, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,2.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +36, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,2202.0,0.0,45.0, United-States,<=50K +51, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +56, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, 9th,5.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,27.0, United-States,<=50K +42, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,45.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +59, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, Other, Female,0.0,0.0,30.0, United-States,<=50K +48, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, India,<=50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +36, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,60.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,25.0, India,<=50K +58, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,1848.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +25, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, 12th,8.0, Divorced, Sales, Not-in-family, White, Female,0.0,1762.0,45.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +45, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +19, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +27, State-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +46, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +59, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Local-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +29, Private, Bachelors,13.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,50.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1485.0,40.0, Thailand,>50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +55, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +40, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Federal-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,42.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +42, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States,>50K +66, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +20, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +54, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,35.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +32, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, India,>50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Doctorate,16.0, Divorced, Tech-support, Unmarried, White, Male,7430.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, 11th,7.0, Widowed, Craft-repair, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +41, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,75.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,11.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,594.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,72.0, United-States,<=50K +55, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,38.0, United-States,>50K +67, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,1848.0,0.0,99.0, United-States,<=50K +72, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +32, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +61, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +39, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, United-States,>50K +57, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,90.0, Greece,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, Assoc-acdm,12.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +77, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +37, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Self-emp-inc, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,45.0, United-States,>50K +50, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +68, Self-emp-not-inc, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,1977.0,40.0, United-States,>50K +51, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +71, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6514.0,0.0,40.0, United-States,>50K +30, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,42.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,27828.0,0.0,50.0, United-States,>50K +41, Self-emp-inc, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +34, Private, 12th,8.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,34.0, United-States,<=50K +47, Private, 1st-4th,2.0, Widowed, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +21, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Doctorate,16.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +43, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, Greece,>50K +30, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,38.0, Thailand,<=50K +30, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +28, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2179.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,31.0, United-States,<=50K +50, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +17, Self-emp-inc, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,5013.0,0.0,40.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +49, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,48.0, United-States,>50K +65, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +36, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +37, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +37, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Hong,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,25.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +28, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +58, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,1504.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, England,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1573.0,40.0, Italy,<=50K +26, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1564.0,40.0, Canada,>50K +57, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +62, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,64.0, United-States,>50K +46, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Yugoslavia,>50K +33, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +33, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1092.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +64, Self-emp-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +67, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, Canada,<=50K +37, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +25, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +75, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,15.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Self-emp-not-inc, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Self-emp-not-inc, Some-college,10.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,65.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +46, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +48, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Federal-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +62, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, Cuba,<=50K +30, Private, Assoc-acdm,12.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +56, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, Bachelors,13.0, Separated, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Cuba,>50K +51, Private, 9th,5.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,60.0, United-States,>50K +34, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, 12th,8.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,55.0, Germany,<=50K +50, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,4386.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,40.0, Mexico,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,72.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Other, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,44.0, United-States,<=50K +39, Federal-gov, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +35, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,13550.0,0.0,35.0, United-States,>50K +41, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Dominican-Republic,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,>50K +37, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +66, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +42, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,1506.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Assoc-acdm,12.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Self-emp-not-inc, Assoc-voc,11.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +27, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,47.0, United-States,<=50K +31, Private, 7th-8th,4.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,60.0, Portugal,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Italy,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +19, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +37, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-spouse-absent, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, 5th-6th,3.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Ecuador,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +33, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +62, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,80.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 10th,6.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,46.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +23, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Other, Female,99999.0,0.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Divorced, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, Japan,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,43.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +43, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,88.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +57, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105.0,0.0,40.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,2472.0,35.0, United-States,>50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, Other, Male,0.0,0.0,60.0, England,>50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +54, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,55.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,14344.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,1055.0,0.0,20.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Male,6849.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,49.0, United-States,<=50K +62, Private, HS-grad,9.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,27.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,15.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +67, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +67, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,1741.0,40.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, State-gov, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +47, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,54.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +46, Private, 5th-6th,3.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,594.0,0.0,10.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Federal-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, Cuba,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,38.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,47.0, Mexico,<=50K +34, State-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Self-emp-not-inc, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,38.0, United-States,<=50K +61, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +31, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,30.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +72, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,10.0, Poland,<=50K +61, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, State-gov, Some-college,10.0, Separated, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +69, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, Canada,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +32, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +62, Private, Assoc-voc,11.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,33.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +64, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,5.0, United-States,>50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,48.0, United-States,>50K +45, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1408.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +51, Without-pay, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +53, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Black, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,24.0, United-States,<=50K +21, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +38, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +66, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +66, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,25.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +32, Local-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, Japan,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +33, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, China,<=50K +37, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, 10th,6.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,2.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Cuba,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,66.0, United-States,<=50K +42, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +31, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,80.0, United-States,>50K +57, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,1669.0,90.0, United-States,<=50K +64, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +77, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,5.0, United-States,<=50K +31, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +47, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,41.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,5178.0,0.0,40.0, United-States,>50K +21, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +61, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,32.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,55.0, Philippines,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,55.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Separated, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, Other, Female,0.0,0.0,15.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Local-gov, 5th-6th,3.0, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,25.0, Philippines,<=50K +17, Private, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +49, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,6.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Local-gov, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,12.0, Mexico,<=50K +52, State-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +83, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,72.0, United-States,>50K +40, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,4386.0,0.0,35.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +55, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +19, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +34, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Other, Female,8614.0,0.0,40.0, India,>50K +21, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +67, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +28, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,1762.0,79.0, United-States,<=50K +62, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +68, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,45.0, United-States,<=50K +33, Private, 10th,6.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +59, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +26, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +20, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +32, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +22, Private, 11th,7.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, State-gov, Some-college,10.0, Divorced, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +30, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,5.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,14084.0,0.0,36.0, United-States,>50K +20, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,0.0,40.0, Peru,>50K +57, Self-emp-not-inc, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +64, Private, 5th-6th,3.0, Widowed, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,4.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,4.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,10520.0,0.0,40.0, Puerto-Rico,>50K +34, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,6497.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +23, State-gov, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,1721.0,20.0, United-States,<=50K +25, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, 12th,8.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Canada,<=50K +52, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, Self-emp-not-inc, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,36.0, United-States,<=50K +34, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, 9th,5.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1876.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,50.0, Philippines,<=50K +55, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, Black, Male,8614.0,0.0,50.0, United-States,>50K +56, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,78.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +28, Private, Masters,14.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,36.0, Philippines,<=50K +67, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2457.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +68, Private, Some-college,10.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +51, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +35, Private, Bachelors,13.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,25.0, United-States,<=50K +46, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +50, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,1340.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4064.0,0.0,46.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,60.0, United-States,>50K +41, Private, Masters,14.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 11th,7.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, Puerto-Rico,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, France,>50K +41, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,23.0, United-States,<=50K +42, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,2231.0,40.0, United-States,>50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,2238.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Self-emp-inc, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +81, Private, Prof-school,15.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,10605.0,0.0,2.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,2205.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,>50K +32, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,45.0, Mexico,>50K +48, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +50, Private, 9th,5.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,64.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +56, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,14084.0,0.0,60.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,44.0, United-States,>50K +31, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +41, Private, 10th,6.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,18.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,43.0, United-States,>50K +47, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +63, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,48.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +62, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Assoc-voc,11.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, Poland,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +34, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,65.0, Guatemala,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +47, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2258.0,20.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +35, Private, Assoc-acdm,12.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Germany,<=50K +44, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Hungary,>50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,48.0, United-States,>50K +28, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Hong,<=50K +35, Private, 10th,6.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, State-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,48.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,48.0, United-States,<=50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, South,>50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,53.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +76, Local-gov, 10th,6.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,2977.0,0.0,55.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, 5th-6th,3.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,6.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,55.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,31.0, United-States,>50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Prof-school,15.0, Married-AF-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,60.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +58, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +25, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +19, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Poland,<=50K +45, Private, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,65.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, 11th,7.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +61, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, 7th-8th,4.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,65.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, England,>50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2635.0,0.0,60.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, State-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +40, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1628.0,47.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +31, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +82, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,37.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +41, State-gov, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +53, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Married-AF-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,84.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +46, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, 10th,6.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, England,<=50K +22, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +57, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,32.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +80, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +59, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, Puerto-Rico,<=50K +44, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 12th,8.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,60.0, United-States,>50K +53, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,4865.0,0.0,40.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +90, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2414.0,0.0,40.0, United-States,<=50K +44, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +81, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,21.0, United-States,<=50K +19, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,52.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,16.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,2231.0,40.0, United-States,>50K +52, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,55.0, United-States,>50K +30, Self-emp-not-inc, 11th,7.0, Divorced, Sales, Unmarried, White, Male,0.0,653.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,3.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +20, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,10.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +52, Private, 9th,5.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, 12th,8.0, Never-married, Protective-serv, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,99999.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Local-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +42, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,3674.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +57, Local-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,6849.0,0.0,40.0, United-States,<=50K +37, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, Local-gov, 11th,7.0, Widowed, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,45.0, United-States,<=50K +54, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,4.0, United-States,<=50K +37, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, 5th-6th,3.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +20, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-spouse-absent, Other-service, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +77, Self-emp-not-inc, Preschool,1.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +26, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,39.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,58.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Married-AF-spouse, Craft-repair, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Local-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,24.0, Germany,<=50K +26, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +37, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Taiwan,>50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,24.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,1.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +53, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +30, Local-gov, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,17.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,5178.0,0.0,40.0, United-States,>50K +50, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +62, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Male,5455.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +53, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +22, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +24, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,5.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,2415.0,40.0, United-States,>50K +58, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,2907.0,0.0,35.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Private, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Female,3674.0,0.0,40.0, United-States,<=50K +28, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Portugal,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +40, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, India,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,41.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,1887.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,84.0, United-States,<=50K +58, Private, Prof-school,15.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +83, Local-gov, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,12.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Other, Male,0.0,1138.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +30, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,39.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +61, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,31.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,2597.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,56.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,53.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, 11th,7.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +26, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, 12th,8.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,48.0, Haiti,<=50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +63, Federal-gov, 1st-4th,2.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +38, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +58, Self-emp-not-inc, 10th,6.0, Separated, Sales, Other-relative, Other, Male,0.0,0.0,40.0, Cuba,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +27, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +31, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +53, Private, 12th,8.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Mexico,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +40, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +42, State-gov, Some-college,10.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +58, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,3004.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +75, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,89.0, United-States,>50K +58, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,25.0, United-States,<=50K +34, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +51, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,1485.0,37.0, United-States,>50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4931.0,0.0,98.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,32.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,49.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,2057.0,35.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +62, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +71, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Male,1731.0,0.0,5.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,55.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +60, Self-emp-not-inc, Preschool,1.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Nicaragua,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Self-emp-inc, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,3674.0,0.0,52.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Self-emp-inc, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Columbia,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 1st-4th,2.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +46, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,32.0, Jamaica,<=50K +45, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +33, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +49, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,1876.0,35.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,90.0, United-States,>50K +32, Private, HS-grad,9.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,56.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +65, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +67, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,99999.0,0.0,60.0, United-States,>50K +22, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,38.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, China,<=50K +47, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1762.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-AF-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +73, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +34, Self-emp-inc, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,25.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,15.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,49.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +47, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,2559.0,60.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,65.0, United-States,>50K +61, Self-emp-not-inc, 10th,6.0, Widowed, Craft-repair, Other-relative, White, Male,0.0,0.0,18.0, Mexico,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1590.0,32.0, United-States,<=50K +34, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,6097.0,0.0,45.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,2202.0,0.0,38.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,1408.0,40.0, United-States,<=50K +90, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,45.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +60, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,1977.0,60.0, United-States,>50K +39, Private, Masters,14.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,28.0, United-States,<=50K +24, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Male,0.0,0.0,22.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Self-emp-not-inc, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +25, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +55, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, Germany,<=50K +37, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,4787.0,0.0,55.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,46.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, Puerto-Rico,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,48.0, United-States,>50K +40, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +61, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +44, State-gov, Assoc-voc,11.0, Separated, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +33, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +53, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +45, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, Canada,>50K +36, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,2258.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +48, State-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,914.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1408.0,50.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,38.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +28, Private, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +26, State-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +45, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Greece,<=50K +57, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +53, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +37, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +48, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +18, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, Peru,<=50K +18, Private, 10th,6.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +78, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +80, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, Black, Male,0.0,0.0,15.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,48.0, United-States,>50K +48, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,40.0, Philippines,>50K +17, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,4.0, United-States,<=50K +60, Private, 12th,8.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +76, Private, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, White, Female,7896.0,0.0,18.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, 7th-8th,4.0, Separated, Other-service, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +40, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +26, Self-emp-inc, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,80.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Male,5455.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +55, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +77, Private, Doctorate,16.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2179.0,41.0, United-States,<=50K +49, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +27, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +48, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Assoc-acdm,12.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,4416.0,0.0,38.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +45, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +46, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +42, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,48.0, United-States,<=50K +44, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +49, Private, 10th,6.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,45.0, United-States,<=50K +65, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,6418.0,0.0,45.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 1st-4th,2.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,2463.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +72, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +55, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,53.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Poland,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +51, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States,>50K +48, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +76, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5556.0,0.0,13.0, United-States,>50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +18, Self-emp-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +68, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +22, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +37, Private, 7th-8th,4.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,55.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,594.0,0.0,40.0, United-States,<=50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, India,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +63, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, Cuba,<=50K +21, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,594.0,0.0,5.0, United-States,<=50K +26, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +58, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +34, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0.0,0.0,40.0, Portugal,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,4416.0,0.0,40.0, United-States,<=50K +17, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +39, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +72, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,53.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, Other, Male,0.0,0.0,45.0, Ecuador,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +55, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,42.0, United-States,<=50K +51, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,21.0, United-States,>50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Preschool,1.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,28.0, El-Salvador,<=50K +41, Local-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,4101.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Cuba,<=50K +22, Local-gov, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +56, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +29, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +41, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, Masters,14.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,41.0, United-States,<=50K +36, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +49, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,9.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, Haiti,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +61, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +46, Local-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +68, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,33.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +46, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +50, Private, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,20.0, Germany,<=50K +69, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +29, Self-emp-not-inc, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, 5th-6th,3.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, Mexico,<=50K +25, Private, 9th,5.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +61, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,27.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +61, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2246.0,50.0, United-States,>50K +54, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,70.0, United-States,>50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +24, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,5178.0,0.0,40.0, Canada,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +26, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,>50K +27, Federal-gov, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +38, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3781.0,0.0,78.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +37, Local-gov, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1590.0,60.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Peru,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +75, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, Italy,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +38, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2246.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,45.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,48.0, United-States,>50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,1055.0,0.0,20.0, United-States,<=50K +32, State-gov, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, Other, Male,4787.0,0.0,35.0, Mexico,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +51, Local-gov, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +57, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3942.0,0.0,7.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +18, Private, 11th,7.0, Married-civ-spouse, Sales, Wife, Other, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +66, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +80, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Federal-gov, 9th,5.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +64, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,2354.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,70.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-inc, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Federal-gov, HS-grad,9.0, Separated, Sales, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +49, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1719.0,30.0, United-States,<=50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,42.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,52.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia,>50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +47, State-gov, Doctorate,16.0, Separated, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2354.0,0.0,45.0, United-States,<=50K +33, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +21, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, Other, Male,0.0,0.0,32.0, Mexico,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Other-relative, Black, Female,2202.0,0.0,37.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, HS-grad,9.0, Separated, Transport-moving, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, 5th-6th,3.0, Separated, Craft-repair, Not-in-family, Other, Male,0.0,0.0,40.0, Mexico,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +54, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Prof-school,15.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,2415.0,70.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Female,5455.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Poland,<=50K +61, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,34.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,52.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +37, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +30, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, Greece,>50K +47, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,42.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1980.0,50.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,60.0, United-States,>50K +32, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,99.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +34, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,47.0, United-States,>50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +31, Private, 10th,6.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,99.0, Cuba,<=50K +45, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +31, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, India,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2603.0,60.0, United-States,<=50K +31, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, 12th,8.0, Separated, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +61, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +55, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +58, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,32.0, United-States,>50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +45, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,3325.0,0.0,60.0, United-States,<=50K +51, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines,<=50K +44, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +54, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +46, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +58, Private, 5th-6th,3.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,70.0, Mexico,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,70.0, United-States,>50K +30, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Private, Prof-school,15.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +32, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +37, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Peru,<=50K +51, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +27, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,56.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,41.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,13.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, Mexico,>50K +34, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, El-Salvador,<=50K +45, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2885.0,0.0,60.0, United-States,<=50K +58, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,63.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,66.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Local-gov, 10th,6.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,36.0, United-States,>50K +28, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, 12th,8.0, Widowed, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,48.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,3464.0,0.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +67, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2392.0,24.0, United-States,>50K +33, State-gov, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,44.0, United-States,<=50K +63, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +28, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, Germany,<=50K +20, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,41.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States,<=50K +57, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,65.0, United-States,>50K +66, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,10.0, Guatemala,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,24.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,2538.0,0.0,50.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +58, Self-emp-not-inc, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3411.0,0.0,80.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,2354.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +52, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,20.0, Portugal,<=50K +27, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Local-gov, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,60.0, United-States,>50K +72, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +59, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +67, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,12.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +67, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1510.0,8.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,33.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,40.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,44.0, United-States,>50K +24, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +33, State-gov, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,46.0, United-States,>50K +76, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Federal-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,1944.0,20.0, Poland,<=50K +65, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 9th,5.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Haiti,<=50K +22, Private, 10th,6.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +64, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +66, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1876.0,50.0, United-States,<=50K +64, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +68, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +21, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +36, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +75, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, Japan,>50K +17, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 12th,8.0, Never-married, Other-service, Other-relative, Other, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +46, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +56, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,47.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +22, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico,<=50K +54, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Ireland,>50K +54, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, Italy,>50K +40, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,12.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,41.0, United-States,<=50K +47, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Other, Male,7298.0,0.0,40.0, Mexico,>50K +32, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,38.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, England,<=50K +30, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +81, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,3887.0,0.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +54, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,8614.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, El-Salvador,>50K +22, Federal-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +36, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +32, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,<=50K +21, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +50, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,38.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,1408.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Ireland,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +54, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +71, Private, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,1506.0,0.0,50.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,50.0, United-States,>50K +59, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +47, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,42.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Poland,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +59, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,37.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +43, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +50, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +69, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3456.0,0.0,30.0, Germany,<=50K +57, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Ecuador,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +61, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, Other, Male,0.0,0.0,40.0, Peru,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Private, Prof-school,15.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,1590.0,25.0, China,<=50K +24, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Federal-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3908.0,0.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +47, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, Germany,<=50K +31, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, Ecuador,>50K +67, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,18.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,23.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Local-gov, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand,<=50K +41, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,72.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,21.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2002.0,44.0, United-States,<=50K +53, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +67, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +31, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +52, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,57.0, United-States,>50K +43, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States,>50K +36, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, State-gov, Masters,14.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,39.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Portugal,<=50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +56, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1887.0,80.0, United-States,>50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +45, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +65, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +20, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +55, Self-emp-inc, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,43.0, United-States,>50K +23, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,3674.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,40.0, Dominican-Republic,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +53, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1848.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,1876.0,38.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,33.0, United-States,<=50K +50, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,16.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +47, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,1974.0,50.0, United-States,<=50K +38, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +67, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4931.0,0.0,30.0, United-States,<=50K +76, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6514.0,0.0,40.0, United-States,>50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +57, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0.0,1977.0,40.0, United-States,>50K +30, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,2202.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,20.0, United-States,>50K +73, Private, Bachelors,13.0, Divorced, Farming-fishing, Other-relative, White, Female,0.0,0.0,12.0, United-States,<=50K +23, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,2407.0,0.0,6.0, Canada,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Nicaragua,<=50K +46, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,16.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +62, Private, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +30, State-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,36.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,1980.0,35.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Peru,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, 10th,6.0, Never-married, Farming-fishing, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,2463.0,0.0,15.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +21, Self-emp-not-inc, 9th,5.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +53, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,5013.0,0.0,40.0, United-States,<=50K +71, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Ecuador,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +56, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +31, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,70.0, United-States,<=50K +53, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,1380.0,40.0, United-States,<=50K +35, State-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,70.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +21, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +45, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Widowed, Other-service, Own-child, White, Male,0.0,1974.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-inc, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,1564.0,60.0, United-States,>50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, France,>50K +51, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +29, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,45.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,7298.0,0.0,35.0, United-States,>50K +39, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2105.0,0.0,40.0, United-States,<=50K +41, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,1980.0,40.0, United-States,<=50K +42, Private, 9th,5.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +36, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,>50K +52, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,37.0, Honduras,<=50K +30, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +19, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4508.0,0.0,35.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +36, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +66, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Columbia,<=50K +46, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +43, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,23.0, United-States,<=50K +43, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, United-States,>50K +73, Self-emp-not-inc, 7th-8th,4.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,99.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, Assoc-voc,11.0, Separated, Tech-support, Own-child, White, Male,0.0,1590.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +73, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +35, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +51, Private, Masters,14.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,18.0, United-States,>50K +51, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +50, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Poland,>50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1887.0,40.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,38.0, Philippines,<=50K +41, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +45, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,34.0, Germany,<=50K +51, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,2001.0,32.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,1980.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +76, Self-emp-not-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +59, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Local-gov, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +53, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States,>50K +40, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,48.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,4416.0,0.0,53.0, United-States,<=50K +68, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +53, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,2174.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, 11th,7.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),>50K +42, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,15024.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +48, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +48, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +44, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,80.0, France,<=50K +74, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,1409.0,0.0,20.0, Canada,<=50K +24, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,43.0, United-States,<=50K +53, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,4064.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,22.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +44, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +22, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, England,<=50K +60, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +49, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,90.0, Jamaica,<=50K +41, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, State-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,41.0, United-States,<=50K +49, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, Mexico,<=50K +30, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 12th,8.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +55, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +29, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,54.0, South,<=50K +49, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +62, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +65, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Philippines,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,8.0, United-States,<=50K +44, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +47, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,28.0, Taiwan,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Poland,<=50K +39, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,40.0, United-States,>50K +24, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,78.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,56.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, United-States,>50K +61, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Own-child, White, Female,0.0,1902.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2559.0,55.0, United-States,>50K +46, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +49, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +64, Without-pay, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Haiti,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +68, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,52.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +69, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +31, Private, Bachelors,13.0, Widowed, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Private, 1st-4th,2.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,52.0, Dominican-Republic,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +40, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +70, Local-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Wife, White, Female,4386.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +47, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +39, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +71, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,1455.0,0.0,3.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +38, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +85, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,5.0, United-States,<=50K +53, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,34.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +73, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +23, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +57, Self-emp-not-inc, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,40.0, United-States,<=50K +90, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, Philippines,<=50K +34, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Craft-repair, Own-child, Other, Female,0.0,0.0,35.0, El-Salvador,<=50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 5th-6th,3.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +48, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,99999.0,0.0,60.0, United-States,>50K +52, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, Italy,>50K +17, Private, 11th,7.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,21.0, United-States,<=50K +58, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Portugal,<=50K +28, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +35, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +29, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +81, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Self-emp-inc, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, 9th,5.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +46, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +69, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States,>50K +33, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +81, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +71, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +26, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States,>50K +26, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,70.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, Other, Male,0.0,0.0,25.0, United-States,<=50K +43, State-gov, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +46, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,4787.0,0.0,60.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 9th,5.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,60.0, India,<=50K +44, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2002.0,38.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +34, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,32.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +33, Private, 10th,6.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1726.0,40.0, United-States,<=50K +56, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +65, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,50.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, 11th,7.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,1.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +26, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, 10th,6.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +31, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +56, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +73, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +28, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, Cambodia,<=50K +41, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,50.0, United-States,>50K +37, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,14344.0,0.0,48.0, United-States,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +72, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, Canada,>50K +54, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,30.0, Vietnam,<=50K +49, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,36.0, Mexico,<=50K +51, Federal-gov, Some-college,10.0, Separated, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1340.0,40.0, United-States,<=50K +29, State-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, Germany,<=50K +26, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,35.0, Mexico,<=50K +59, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +22, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +52, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,47.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1590.0,60.0, United-States,<=50K +48, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +29, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +23, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1741.0,70.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,32.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Tech-support, Own-child, Other, Female,0.0,0.0,32.0, Jamaica,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,2258.0,50.0, Dominican-Republic,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,1669.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Federal-gov, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,25.0, United-States,<=50K +49, Self-emp-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,27828.0,0.0,35.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +20, Self-emp-inc, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,2001.0,40.0, Cuba,<=50K +40, State-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +61, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,36.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +65, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1590.0,44.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,2597.0,0.0,45.0, United-States,<=50K +58, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,45.0, United-States,>50K +61, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,99.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +45, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +46, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1902.0,42.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,25124.0,0.0,20.0, United-States,>50K +19, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, Black, Female,13550.0,0.0,70.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +46, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Prof-school,15.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,114.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,42.0, United-States,>50K +23, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,8614.0,0.0,50.0, United-States,>50K +18, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,22.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, Black, Female,7443.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +21, State-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +37, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +64, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1421.0,35.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Married-spouse-absent, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Haiti,<=50K +64, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +74, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +80, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,54.0, United-States,>50K +28, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +77, Local-gov, 7th-8th,4.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,24.0, United-States,<=50K +51, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +43, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +42, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, 11th,7.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +56, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,1719.0,40.0, United-States,<=50K +23, Federal-gov, 11th,7.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Separated, Tech-support, Other-relative, Black, Female,4101.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +48, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +56, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Trinadad&Tobago,<=50K +52, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,3770.0,40.0, United-States,<=50K +55, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,2580.0,0.0,30.0, United-States,<=50K +35, State-gov, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, 11th,7.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +46, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-spouse-absent, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,36.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103.0,0.0,40.0, United-States,>50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States,>50K +52, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States,<=50K +33, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, Assoc-voc,11.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,8614.0,0.0,50.0, United-States,>50K +39, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,55.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +59, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,48.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,14.0, United-States,<=50K +58, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +49, Private, Masters,14.0, Divorced, Sales, Unmarried, Other, Female,0.0,0.0,20.0, Peru,<=50K +44, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +49, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Local-gov, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +68, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,19.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,37.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, France,<=50K +46, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +67, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Private, HS-grad,9.0, Separated, Handlers-cleaners, Own-child, White, Female,0.0,1594.0,25.0, United-States,<=50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,213.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +69, Private, 7th-8th,4.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Ecuador,<=50K +26, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,62.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, 12th,8.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Self-emp-inc, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +56, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,19.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999.0,0.0,75.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +18, Self-emp-not-inc, 9th,5.0, Never-married, Farming-fishing, Other-relative, Other, Female,0.0,0.0,40.0, Mexico,<=50K +24, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, France,<=50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,41.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, China,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1380.0,50.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +36, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,46.0, United-States,>50K +51, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, Mexico,<=50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +68, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,23.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,60.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,60.0, United-States,>50K +39, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,3004.0,40.0, United-States,>50K +64, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +48, Federal-gov, HS-grad,9.0, Divorced, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Ecuador,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Separated, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +40, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,2174.0,0.0,52.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,4064.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +27, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +58, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +28, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +34, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,2231.0,30.0, United-States,>50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +36, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, Puerto-Rico,<=50K +70, Private, 10th,6.0, Widowed, Adm-clerical, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States,>50K +64, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Divorced, Tech-support, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +52, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,18.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,47.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,1669.0,45.0, United-States,<=50K +66, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, Cuba,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +27, Private, 1st-4th,2.0, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +41, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,99.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +59, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +52, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,2001.0,40.0, United-States,<=50K +27, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +60, Private, 5th-6th,3.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +50, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,49.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +55, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, Cuba,<=50K +61, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,2538.0,0.0,20.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1628.0,50.0, United-States,<=50K +63, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +67, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +49, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, Germany,<=50K +62, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +39, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,51.0, United-States,<=50K +54, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +53, Local-gov, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Self-emp-not-inc, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +25, State-gov, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,35.0, United-States,<=50K +29, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2377.0,50.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,88.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1564.0,40.0, United-States,>50K +21, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, Assoc-acdm,12.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,50.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,44.0, United-States,>50K +25, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +57, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +25, Private, 5th-6th,3.0, Divorced, Other-service, Unmarried, Other, Female,0.0,0.0,20.0, Honduras,<=50K +61, Local-gov, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1092.0,40.0, United-States,<=50K +30, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, Puerto-Rico,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +55, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,25.0, Iran,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +63, Private, 12th,8.0, Widowed, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +37, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,56.0, United-States,<=50K +32, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +64, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,49.0, United-States,<=50K +53, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, 7th-8th,4.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +40, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +59, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,4865.0,0.0,40.0, United-States,<=50K +37, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +25, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +30, State-gov, Masters,14.0, Separated, Craft-repair, Not-in-family, White, Male,99999.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,28.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +60, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,2258.0,50.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +65, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +78, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,5.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, Ireland,<=50K +28, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +57, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,15.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States,>50K +66, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +48, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +24, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +31, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +34, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +63, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +33, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +67, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,60.0, Italy,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +31, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2042.0,40.0, Mexico,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +45, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +66, State-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Black, Female,2964.0,0.0,40.0, United-States,<=50K +58, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, Masters,14.0, Widowed, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States,<=50K +42, State-gov, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,35.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +37, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,15.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 1st-4th,2.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,7688.0,0.0,35.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Federal-gov, Bachelors,13.0, Separated, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +35, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4508.0,0.0,8.0, Yugoslavia,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,70.0, United-States,>50K +79, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +33, Private, Doctorate,16.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,<=50K +36, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,6.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,55.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,10520.0,0.0,50.0, United-States,>50K +63, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +21, Private, 11th,7.0, Separated, Sales, Not-in-family, Other, Female,0.0,0.0,30.0, Mexico,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,99999.0,0.0,36.0, United-States,>50K +52, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1564.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Italy,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +66, Private, 7th-8th,4.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, Greece,<=50K +26, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1485.0,38.0, United-States,>50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +59, Private, 10th,6.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Male,5721.0,0.0,40.0, Philippines,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, 1st-4th,2.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Guatemala,<=50K +34, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,3325.0,0.0,40.0, United-States,<=50K +71, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,34.0, United-States,>50K +56, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,36.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,3.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,60.0, United-States,>50K +46, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,15.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +57, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,72.0, Canada,<=50K +51, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +50, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,914.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,17.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Prof-school,15.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +53, Federal-gov, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +70, Private, HS-grad,9.0, Widowed, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,8.0, United-States,<=50K +54, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,50.0, United-States,>50K +67, Local-gov, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,2964.0,0.0,41.0, United-States,<=50K +34, Federal-gov, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,60.0, United-States,>50K +26, Private, 11th,7.0, Separated, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,72.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2042.0,40.0, Columbia,<=50K +25, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +81, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, Portugal,<=50K +35, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,4.0, United-States,<=50K +40, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,90.0, United-States,>50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,48.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +38, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +58, Private, 5th-6th,3.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,3464.0,0.0,80.0, United-States,<=50K +45, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,85.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,45.0, United-States,>50K +57, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,15024.0,0.0,45.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +64, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, India,>50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Federal-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,47.0, United-States,<=50K +52, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +57, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688.0,0.0,75.0, United-States,>50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +21, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +54, Local-gov, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +29, State-gov, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,7688.0,0.0,40.0, Greece,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 12th,8.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,1564.0,40.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +64, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +25, Private, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,1138.0,40.0, Honduras,<=50K +69, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +57, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +36, Local-gov, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +39, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Portugal,<=50K +32, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,16.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,7.0, United-States,<=50K +70, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,35.0, United-States,>50K +20, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,16.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,34.0, United-States,<=50K +33, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, 12th,8.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +44, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +49, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +66, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,401.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,33.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,15831.0,0.0,50.0, United-States,>50K +66, Self-emp-not-inc, 11th,7.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,84.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States,>50K +29, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +66, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,1173.0,0.0,12.0, United-States,<=50K +51, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +26, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +48, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +50, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,594.0,0.0,35.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +63, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +62, Private, 7th-8th,4.0, Widowed, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Federal-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +67, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +80, Local-gov, 1st-4th,2.0, Widowed, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,1086.0,0.0,20.0, Philippines,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +62, Self-emp-not-inc, Masters,14.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,7.0, United-States,>50K +52, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +21, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,48.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +71, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,4.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Nicaragua,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,41.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +46, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,38.0, Poland,<=50K +30, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +45, Private, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,99999.0,0.0,55.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Masters,14.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,2258.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,18.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,30.0, Hong,<=50K +50, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Local-gov, 12th,8.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,15.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +66, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, England,>50K +71, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,3.0, United-States,<=50K +39, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, England,>50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, Germany,>50K +42, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,2238.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,70.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1669.0,45.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,10.0, United-States,>50K +30, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +28, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, Ireland,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,2129.0,65.0, United-States,<=50K +55, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, England,>50K +60, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,8.0, United-States,>50K +44, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,98.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,19.0, United-States,<=50K +53, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, 10th,6.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,15.0, Ecuador,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,80.0, United-States,>50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,35.0, Mexico,<=50K +49, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,99.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +43, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, Taiwan,<=50K +41, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,10.0, Mexico,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +71, Self-emp-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +36, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Haiti,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2002.0,43.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +53, State-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +29, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Divorced, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +39, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +30, Private, 11th,7.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3411.0,0.0,65.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,48.0, United-States,>50K +43, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +44, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +88, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,5.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,55.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +27, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Local-gov, Some-college,10.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +87, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,16.0, United-States,<=50K +54, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +43, Private, 5th-6th,3.0, Married-spouse-absent, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,35.0, United-States,<=50K +65, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,22.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,48.0, United-States,>50K +31, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Prof-school,15.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,7688.0,0.0,40.0, China,>50K +37, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +39, Private, 10th,6.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,4.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,1726.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +35, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +39, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2824.0,50.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1564.0,50.0, United-States,>50K +32, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +51, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, Japan,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,1740.0,40.0, Laos,<=50K +54, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +20, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +33, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,15.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, Black, Female,0.0,0.0,24.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +50, Private, Preschool,1.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +68, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,18.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, Mexico,<=50K +47, Local-gov, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +36, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +49, State-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +46, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,70.0, United-States,<=50K +46, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +37, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +24, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,48.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Protective-serv, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +29, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1887.0,40.0, United-States,>50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,26.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, 11th,7.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +20, Local-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +55, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, 11th,7.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +26, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Greece,<=50K +38, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +35, Federal-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +49, Self-emp-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Prof-school,15.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,48.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,70.0, United-States,<=50K +33, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +18, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +69, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,15.0, United-States,>50K +54, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,1977.0,40.0, Philippines,>50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,625.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,56.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,45.0, United-States,<=50K +62, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +58, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, 7th-8th,4.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +48, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,37.0, Ireland,>50K +33, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,1055.0,0.0,15.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +59, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,2202.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,1719.0,20.0, United-States,<=50K +42, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +26, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +76, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,1668.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,25.0, United-States,<=50K +60, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,38.0, United-States,>50K +26, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,1.0, Japan,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +58, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Federal-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999.0,0.0,40.0, China,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +42, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +74, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,14.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,46.0, United-States,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland,<=50K +35, Private, 11th,7.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Self-emp-not-inc, Masters,14.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,>50K +51, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +62, Federal-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, 10th,6.0, Widowed, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,30.0, Columbia,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +17, Self-emp-not-inc, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,4.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3942.0,0.0,32.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +51, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,18.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +31, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, Portugal,>50K +39, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +30, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +56, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Hong,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,42.0, United-States,>50K +41, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +57, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +34, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +49, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Private, Some-college,10.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,28.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, Mexico,>50K +47, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +47, Private, 10th,6.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +36, Private, 10th,6.0, Separated, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +72, Self-emp-not-inc, Bachelors,13.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,14.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +34, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,32.0, United-States,<=50K +61, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, Philippines,<=50K +41, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,21.0, United-States,>50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +70, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, Haiti,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,24.0, United-States,<=50K +39, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +28, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +43, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan,<=50K +25, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +21, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,594.0,0.0,35.0, United-States,<=50K +21, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Female,4687.0,0.0,50.0, United-States,>50K +38, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +24, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +54, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,1602.0,20.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,55.0, Jamaica,>50K +64, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Sales, Own-child, Other, Female,0.0,0.0,11.0, Mexico,<=50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +47, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +41, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Assoc-acdm,12.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines,<=50K +40, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,13550.0,0.0,50.0, United-States,>50K +25, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +50, Without-pay, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0.0,1887.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +62, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,2977.0,0.0,65.0, United-States,<=50K +58, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, Italy,<=50K +56, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,1741.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1602.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,37.0, United-States,<=50K +45, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +20, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,38.0, Japan,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,48.0, United-States,<=50K +40, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,65.0, United-States,<=50K +40, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +62, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 10th,6.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +49, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, Italy,>50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, Assoc-acdm,12.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +37, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,1726.0,50.0, United-States,<=50K +62, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +56, Local-gov, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, Dominican-Republic,<=50K +29, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +28, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,38.0, United-States,<=50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +43, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +43, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +64, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178.0,0.0,40.0, United-States,>50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,61.0, United-States,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,45.0, United-States,>50K +34, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +47, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, El-Salvador,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1762.0,40.0, United-States,<=50K +42, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1579.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,41.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,60.0, United-States,<=50K +48, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,30.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,9.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +90, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,11678.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +33, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +38, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, Mexico,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +52, Federal-gov, 10th,6.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,7430.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +39, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,55.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,18.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,4787.0,0.0,40.0, United-States,>50K +27, Private, 11th,7.0, Divorced, Craft-repair, Unmarried, Other, Male,0.0,0.0,35.0, United-States,<=50K +48, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +59, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,2051.0,32.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, El-Salvador,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,36.0, United-States,<=50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +68, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,20.0, United-States,<=50K +51, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +36, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +70, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +53, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, El-Salvador,<=50K +31, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +25, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +41, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +72, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653.0,0.0,42.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +34, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,29.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +44, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +46, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, Black, Female,0.0,1876.0,40.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,96.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,55.0, United-States,>50K +38, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States,>50K +28, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +72, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, State-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,52.0, United-States,<=50K +34, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,2202.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +78, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +42, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +30, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, Philippines,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +25, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,40.0, Mexico,>50K +45, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +44, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +41, Private, 10th,6.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,33.0, United-States,<=50K +43, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,28.0, Mexico,<=50K +76, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,12.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, 9th,5.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,10520.0,0.0,60.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Self-emp-not-inc, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, Cuba,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, 12th,8.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +20, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, 5th-6th,3.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Guatemala,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,2205.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States,<=50K +66, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,10605.0,0.0,40.0, United-States,>50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024.0,0.0,45.0, United-States,>50K +38, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +53, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, 10th,6.0, Separated, Transport-moving, Unmarried, White, Female,0.0,0.0,70.0, United-States,<=50K +31, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,70.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,1719.0,33.0, United-States,<=50K +48, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +36, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Italy,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +32, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +40, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, England,>50K +39, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, Greece,>50K +39, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Doctorate,16.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,22.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,>50K +33, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,6.0, United-States,<=50K +44, Federal-gov, Masters,14.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +30, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Philippines,<=50K +41, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +61, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States,>50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,2580.0,0.0,18.0, United-States,<=50K +25, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,38.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +24, Private, 11th,7.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,32.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,4416.0,0.0,28.0, United-States,<=50K +36, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +48, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,16.0, United-States,>50K +56, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +48, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +64, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States,>50K +46, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,44.0, United-States,>50K +19, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-inc, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Italy,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, 10th,6.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +64, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, Assoc-acdm,12.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +47, Private, 12th,8.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Local-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,45.0, Germany,<=50K +68, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,10.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +68, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,6.0, United-States,<=50K +55, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,38.0, Japan,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +63, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Federal-gov, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +22, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +72, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,16.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, England,<=50K +39, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, Poland,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,50.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,1506.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,33.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,52.0, China,<=50K +30, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,40.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,3103.0,0.0,38.0, United-States,>50K +23, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +62, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,66.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,26.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +63, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +73, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Unmarried, Black, Female,1264.0,0.0,10.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,50.0, United-States,<=50K +52, Private, Some-college,10.0, Separated, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,24.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, Mexico,<=50K +29, Local-gov, Masters,14.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,1506.0,0.0,40.0, United-States,<=50K +33, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +41, State-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +50, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +69, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +30, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, Other, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +60, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +34, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Self-emp-not-inc, Some-college,10.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,20.0, United-States,<=50K +53, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +29, State-gov, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +44, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Local-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,52.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, Portugal,>50K +47, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, Mexico,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,48.0, United-States,>50K +17, Private, 5th-6th,3.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,10520.0,0.0,80.0, United-States,>50K +33, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +30, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +28, State-gov, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, 7th-8th,4.0, Divorced, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, State-gov, Doctorate,16.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +49, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,1.0, United-States,>50K +42, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, El-Salvador,<=50K +48, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,3411.0,0.0,70.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,53.0, Yugoslavia,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,28.0, United-States,<=50K +58, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,77.0, United-States,<=50K +22, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +51, Self-emp-inc, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,99.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +31, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-inc, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1258.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1579.0,36.0, United-States,<=50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +36, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, State-gov, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,15024.0,0.0,44.0, United-States,>50K +56, Private, 11th,7.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,32.0, Mexico,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Poland,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +48, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, Mexico,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1721.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +26, Private, 12th,8.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +63, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +47, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +46, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,6849.0,0.0,70.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +48, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Haiti,>50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Some-college,10.0, Separated, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,60.0, United-States,>50K +36, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +77, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,1668.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, England,>50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1902.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,50.0, United-States,<=50K +45, Self-emp-inc, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, England,>50K +26, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +73, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +79, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +52, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,16.0, United-States,<=50K +45, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +22, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, Greece,>50K +46, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +24, Private, Bachelors,13.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +19, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +17, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +38, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1740.0,40.0, Haiti,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +72, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,6.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +83, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +42, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +27, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +62, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +56, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +64, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,30.0, Philippines,<=50K +46, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +52, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Canada,>50K +41, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,55.0, United-States,>50K +20, Private, 11th,7.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,36.0, El-Salvador,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,70.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Married-AF-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +50, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +26, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,48.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +45, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +59, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1977.0,40.0, India,>50K +31, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,1669.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,1151.0,0.0,40.0, United-States,<=50K +65, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +79, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,7.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States,<=50K +39, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,1590.0,40.0, United-States,<=50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +47, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,45.0, United-States,<=50K +50, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,65.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +37, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,75.0, United-States,<=50K +56, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +52, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +33, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,70.0, United-States,>50K +42, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +19, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, State-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +46, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States,>50K +50, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Haiti,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +38, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +25, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +65, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +72, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 5th-6th,3.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +75, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +74, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Canada,<=50K +55, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,52.0, United-States,>50K +41, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Self-emp-not-inc, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3942.0,0.0,99.0, United-States,<=50K +63, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +17, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,38.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +38, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Private, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,6418.0,0.0,35.0, United-States,>50K +55, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, Canada,>50K +42, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,25236.0,0.0,20.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,4416.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, Local-gov, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,50.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines,<=50K +28, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,50.0, Jamaica,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,2407.0,0.0,36.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +61, State-gov, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,4650.0,0.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,52.0, United-States,>50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,52.0, United-States,<=50K +47, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,8614.0,0.0,65.0, United-States,>50K +50, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +57, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Local-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +50, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +58, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,15024.0,0.0,50.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +64, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +59, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,55.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +55, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Cuba,<=50K +20, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Japan,<=50K +42, State-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,>50K +67, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +46, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,44.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +42, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-inc, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,32.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +28, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,38.0, Mexico,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,5721.0,0.0,35.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +36, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,48.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,21.0, United-States,<=50K +45, Private, HS-grad,9.0, Widowed, Priv-house-serv, Own-child, Black, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States,>50K +52, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064.0,0.0,40.0, Italy,<=50K +29, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,594.0,0.0,24.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +66, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,17.0, United-States,>50K +38, Private, Some-college,10.0, Separated, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,65.0, United-States,>50K +73, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +45, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +18, Self-emp-not-inc, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, 12th,8.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong,<=50K +29, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +61, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States,<=50K +47, Private, Preschool,1.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, Haiti,<=50K +56, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,16.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +30, Private, 10th,6.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,6849.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +36, Private, 10th,6.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Separated, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +54, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Male,0.0,0.0,28.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +28, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,<=50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Self-emp-not-inc, 12th,8.0, Widowed, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +26, Private, Some-college,10.0, Separated, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +43, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,6849.0,0.0,50.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,5.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,36.0, United-States,>50K +62, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,27.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +27, Private, HS-grad,9.0, Separated, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +67, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, Germany,<=50K +45, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +41, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +72, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +66, Self-emp-not-inc, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,1741.0,50.0, United-States,<=50K +37, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +65, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Cuba,<=50K +46, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +31, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,5.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, South,<=50K +46, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +50, State-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +28, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +60, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,38.0, United-States,<=50K +69, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +44, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +31, Federal-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,53.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, Germany,>50K +33, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +52, Self-emp-not-inc, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +58, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,48.0, United-States,<=50K +48, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,50.0, Nicaragua,<=50K +67, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2174.0,40.0, United-States,>50K +22, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +62, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +64, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +42, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,60.0, United-States,<=50K +48, Federal-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +80, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,40.0, United-States,>50K +47, Local-gov, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +73, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,63.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Haiti,>50K +45, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +38, Private, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,27828.0,0.0,60.0, China,>50K +30, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +30, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Bachelors,13.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,42.0, United-States,<=50K +49, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +34, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,23.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,45.0, United-States,>50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +71, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,6514.0,0.0,40.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Japan,<=50K +70, Self-emp-inc, Bachelors,13.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,6.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States,<=50K +33, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, Amer-Indian-Eskimo, Male,0.0,1602.0,40.0, United-States,<=50K +53, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States,<=50K +54, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +40, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +45, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Widowed, Tech-support, Not-in-family, Black, Female,0.0,0.0,54.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +58, Private, HS-grad,9.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +37, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +61, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +64, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +50, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Germany,<=50K +59, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States,<=50K +75, State-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +53, Federal-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, State-gov, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +47, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Self-emp-not-inc, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,90.0, United-States,>50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +79, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Male,0.0,0.0,5.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Peru,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,38.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Japan,<=50K +26, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,20.0, South,<=50K +52, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +41, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +57, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +42, Private, 5th-6th,3.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,1579.0,40.0, Vietnam,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +35, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +68, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1844.0,10.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, Jamaica,<=50K +43, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +44, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,33.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,49.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +45, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Peru,<=50K +54, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,2176.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,7430.0,0.0,45.0, United-States,>50K +40, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Other, Male,0.0,0.0,40.0, France,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,54.0, United-States,<=50K +39, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,2205.0,30.0, Philippines,<=50K +44, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +74, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,26.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +59, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,2176.0,0.0,36.0, Mexico,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, Canada,>50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +39, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,65.0, Mexico,<=50K +40, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,5.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +24, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +31, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Local-gov, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,2001.0,35.0, United-States,<=50K +50, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,48.0, United-States,<=50K +35, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, State-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines,<=50K +22, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,50.0, United-States,>50K +81, Private, 7th-8th,4.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,2.0, United-States,<=50K +36, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3464.0,0.0,48.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +66, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +30, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,3325.0,0.0,35.0, United-States,<=50K +40, Self-emp-not-inc, 9th,5.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +51, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,42.0, United-States,<=50K +27, Local-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1564.0,72.0, United-States,>50K +53, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, India,<=50K +30, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +67, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Masters,14.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,32.0, United-States,<=50K +27, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +57, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +43, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,1762.0,24.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,54.0, United-States,<=50K +53, Private, Assoc-acdm,12.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +66, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,22.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +33, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +50, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +39, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,45.0, Germany,<=50K +39, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +57, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +28, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +43, Private, Masters,14.0, Separated, Sales, Unmarried, White, Female,6497.0,0.0,50.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +48, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, Black, Female,0.0,0.0,43.0, United-States,>50K +49, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1564.0,40.0, United-States,>50K +52, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,46.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, Canada,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,27.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,45.0, England,>50K +24, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,38.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,45.0, United-States,>50K +70, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +78, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3471.0,0.0,50.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +73, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,0.0,70.0, Iran,>50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, State-gov, 9th,5.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2002.0,40.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, 1st-4th,2.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, 10th,6.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Married-spouse-absent, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,15.0, United-States,<=50K +31, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +32, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2051.0,38.0, United-States,<=50K +24, Self-emp-not-inc, 11th,7.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,3.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +26, Self-emp-not-inc, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +70, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,4865.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-not-inc, 11th,7.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1980.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +66, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +32, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Poland,<=50K +33, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,37.0, United-States,<=50K +54, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386.0,0.0,41.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +49, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +31, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,27.0, United-States,<=50K +81, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,25.0, Greece,<=50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal,>50K +40, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,4386.0,0.0,20.0, United-States,>50K +32, State-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +52, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +76, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +60, Federal-gov, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +46, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Germany,>50K +50, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Separated, Adm-clerical, Own-child, White, Female,594.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,10.0, United-States,<=50K +30, Self-emp-not-inc, Assoc-voc,11.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +29, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Cambodia,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,34.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1977.0,40.0, United-States,>50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,85.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,1408.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Mexico,>50K +25, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Cuba,<=50K +25, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, Black, Male,3103.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +26, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688.0,0.0,65.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +21, Private, 9th,5.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +66, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2290.0,0.0,40.0, Germany,<=50K +32, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +39, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, 11th,7.0, Never-married, Other-service, Own-child, Other, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +43, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0.0,1672.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +27, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,2354.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +53, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +64, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,44.0, United-States,>50K +32, Private, 11th,7.0, Divorced, Transport-moving, Own-child, Black, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,28.0, Mexico,<=50K +31, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,10520.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,40.0, Scotland,<=50K +23, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,48.0, United-States,>50K +65, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,64.0, United-States,<=50K +37, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, Puerto-Rico,<=50K +48, Private, 7th-8th,4.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,15.0, United-States,<=50K +43, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,45.0, United-States,>50K +70, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +46, Local-gov, Prof-school,15.0, Separated, Prof-specialty, Not-in-family, Black, Male,4650.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +54, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +38, Private, 11th,7.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +57, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +72, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2149.0,35.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,2176.0,0.0,25.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,15.0, United-States,<=50K +31, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,8.0, South,<=50K +24, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +62, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,1741.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,3137.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +38, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +44, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +72, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,48.0, United-States,>50K +72, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2653.0,0.0,40.0, United-States,<=50K +37, Private, Prof-school,15.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, China,>50K +52, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,56.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,75.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +59, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Scotland,<=50K +34, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Mexico,<=50K +32, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, Italy,<=50K +21, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,55.0, United-States,>50K +39, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,55.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,23.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +74, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +25, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, Germany,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +48, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +73, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,3.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +53, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Hungary,>50K +37, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1719.0,25.0, United-States,<=50K +53, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,45.0, United-States,<=50K +59, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,13550.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,2205.0,43.0, United-States,<=50K +56, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +90, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1944.0,12.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,1902.0,28.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +20, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, Mexico,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1902.0,35.0, United-States,>50K +62, Private, 12th,8.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico,>50K +64, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +28, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,55.0, United-States,<=50K +71, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,9386.0,0.0,50.0, United-States,>50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +36, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +67, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +63, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +41, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +27, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +55, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +32, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,99.0, United-States,>50K +50, Private, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,50.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,24.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,5013.0,0.0,50.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Private, Prof-school,15.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,60.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South,>50K +67, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +74, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1411.0,40.0, United-States,<=50K +20, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +52, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Local-gov, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +33, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +67, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +39, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, Dominican-Republic,<=50K +44, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, Mexico,<=50K +44, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +52, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,38.0, United-States,>50K +26, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829.0,0.0,70.0, United-States,<=50K +21, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,36.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +54, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +38, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +64, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,38.0, United-States,<=50K +60, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +70, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,65.0, United-States,>50K +44, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Canada,<=50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +29, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Local-gov, Some-college,10.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,35.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 9th,5.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +38, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, Canada,<=50K +47, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 9th,5.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +40, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,1741.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, 11th,7.0, Widowed, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +50, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Sales, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1408.0,40.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, State-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +55, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,5013.0,0.0,48.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +65, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +61, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +63, Local-gov, Bachelors,13.0, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines,<=50K +17, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +54, Self-emp-not-inc, Masters,14.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Local-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,47.0, United-States,<=50K +28, State-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +70, Private, Bachelors,13.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +46, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Local-gov, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, Cuba,<=50K +58, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,37.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, 11th,7.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3781.0,0.0,40.0, United-States,<=50K +66, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +35, Private, 11th,7.0, Separated, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1977.0,35.0, United-States,>50K +43, Federal-gov, Assoc-voc,11.0, Divorced, Handlers-cleaners, Unmarried, Black, Male,0.0,1726.0,40.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +55, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +33, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +45, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +30, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,2415.0,40.0, Puerto-Rico,>50K +34, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +58, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +62, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,14.0, Philippines,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +73, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,7.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +63, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +21, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,22.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +55, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines,<=50K +18, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,23.0, United-States,<=50K +57, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Private, 11th,7.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +32, Private, Bachelors,13.0, Separated, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +59, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,36.0, United-States,>50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +24, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Self-emp-not-inc, Bachelors,13.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Female,2597.0,0.0,40.0, United-States,<=50K +66, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,34.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +25, Private, 11th,7.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, India,<=50K +31, Private, 1st-4th,2.0, Never-married, Transport-moving, Other-relative, Other, Male,0.0,0.0,40.0, El-Salvador,<=50K +51, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +31, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States,>50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +59, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +76, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,28.0, United-States,<=50K +32, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +47, Self-emp-not-inc, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +70, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +36, State-gov, HS-grad,9.0, Never-married, Protective-serv, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +32, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Iran,<=50K +47, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,99999.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Canada,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +74, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +74, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2653.0,0.0,12.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Other-relative, Other, Male,0.0,0.0,40.0, Mexico,<=50K +31, Private, 12th,8.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +24, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Canada,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +40, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +67, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3456.0,0.0,35.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, South,<=50K +36, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +61, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,50.0, United-States,>50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +51, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1980.0,40.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +42, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,38.0, United-States,<=50K +36, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +31, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,55.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7298.0,0.0,35.0, Haiti,>50K +26, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,2258.0,55.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, Guatemala,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, Canada,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Iran,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +33, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,52.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064.0,0.0,12.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +45, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +48, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,40.0, United-States,>50K +63, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +42, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, Hong,>50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,3770.0,37.0, Puerto-Rico,<=50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2051.0,30.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +56, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +56, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +49, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +32, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,1380.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +62, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,20.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,72.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +67, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,9.0, United-States,>50K +27, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, China,<=50K +33, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,1408.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,2.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +45, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, Mexico,<=50K +48, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,40.0, United-States,>50K +40, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +62, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +52, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1564.0,30.0, United-States,>50K +23, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan,>50K +52, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,5178.0,0.0,38.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +51, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +18, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +64, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +34, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +70, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +52, State-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +61, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,30.0, South,<=50K +41, Federal-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +24, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +26, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, Other, Female,0.0,0.0,35.0, Puerto-Rico,<=50K +22, Private, 9th,5.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +34, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Iran,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,10.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, Canada,<=50K +48, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +62, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,>50K +27, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Private, HS-grad,9.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +48, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,14.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,35.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Columbia,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States,>50K +51, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +57, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Other, Male,13550.0,0.0,60.0, India,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,99.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,42.0, United-States,<=50K +49, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +23, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +40, State-gov, Masters,14.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +30, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +72, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4931.0,0.0,70.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,6849.0,0.0,40.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,4787.0,0.0,60.0, United-States,>50K +43, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +45, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,64.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Germany,<=50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +57, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,15024.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,2258.0,55.0, United-States,<=50K +41, Private, 11th,7.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, State-gov, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +54, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,2174.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +39, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, China,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,44.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, Iran,<=50K +24, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0.0,0.0,20.0, United-States,>50K +45, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,74.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +64, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +55, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,55.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,4416.0,0.0,24.0, United-States,<=50K +17, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,7.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +65, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,39.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, Vietnam,<=50K +32, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +62, Self-emp-not-inc, Masters,14.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States,<=50K +57, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Doctorate,16.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, 9th,5.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador,<=50K +52, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, Mexico,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,22.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,26.0, United-States,<=50K +48, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,1086.0,0.0,20.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +82, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Self-emp-not-inc, Bachelors,13.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +53, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,13.0, United-States,<=50K +52, Private, 5th-6th,3.0, Separated, Craft-repair, Unmarried, Black, Female,4101.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +69, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,45.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,44.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,99999.0,0.0,55.0, United-States,>50K +21, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Ecuador,<=50K +25, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,1797.0,0.0,4.0, United-States,<=50K +41, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,10.0, United-States,>50K +36, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +20, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,2001.0,40.0, United-States,<=50K +35, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,45.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, Canada,>50K +20, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,39.0, United-States,<=50K +55, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +53, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +45, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2824.0,50.0, United-States,>50K +45, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +40, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +73, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, Cuba,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +31, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +51, Self-emp-inc, Bachelors,13.0, Separated, Sales, Unmarried, White, Male,0.0,2824.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +45, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +71, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States,<=50K +63, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,27.0, United-States,<=50K +45, State-gov, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +50, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, 9th,5.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,46.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +47, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +25, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,65.0, United-States,>50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +68, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, Germany,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,70.0, United-States,<=50K +72, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,21.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,44.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +48, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +32, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,35.0, United-States,<=50K +26, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,55.0, United-States,<=50K +56, Self-emp-not-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +24, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, Puerto-Rico,>50K +37, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +57, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,7443.0,0.0,45.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +68, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,6.0, United-States,<=50K +33, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +42, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States,<=50K +42, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,2231.0,50.0, Canada,>50K +47, Private, 12th,8.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +51, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,80.0, Greece,>50K +59, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States,<=50K +53, Private, Doctorate,16.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,1408.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +45, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Other-service, Unmarried, Black, Male,0.0,625.0,60.0, United-States,<=50K +48, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Local-gov, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Private, 9th,5.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,8.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,60.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,>50K +53, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,55.0, United-States,>50K +62, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +21, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +40, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,75.0, United-States,<=50K +70, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +26, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,48.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, State-gov, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +17, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,7.0, United-States,>50K +32, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +21, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,2176.0,0.0,20.0, United-States,<=50K +40, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +50, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,43.0, United-States,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +54, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +68, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +45, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Self-emp-not-inc, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,4787.0,0.0,40.0, United-States,>50K +59, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,39.0, United-States,<=50K +56, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,1055.0,0.0,35.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1887.0,45.0, Iran,>50K +30, Local-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, Italy,<=50K +41, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, Mexico,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +36, Private, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States,>50K +41, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,58.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,36.0, United-States,<=50K +59, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,12.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +28, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,72.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +49, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +63, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, Mexico,<=50K +44, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +51, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, Puerto-Rico,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +50, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +60, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +36, Private, 10th,6.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-AF-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,1741.0,30.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,45.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,18.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, 11th,7.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,37.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +48, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,1887.0,40.0, Jamaica,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,36.0, United-States,<=50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +30, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,65.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +32, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,99.0, United-States,>50K +52, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,10520.0,0.0,50.0, United-States,>50K +25, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, Guatemala,<=50K +25, State-gov, Bachelors,13.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Female,0.0,1719.0,15.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +24, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +58, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States,<=50K +33, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1876.0,40.0, United-States,<=50K +22, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +38, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico,<=50K +42, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +38, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +40, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +49, Self-emp-not-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +52, Private, HS-grad,9.0, Widowed, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +27, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Italy,>50K +27, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,43.0, Mexico,<=50K +30, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2057.0,45.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Federal-gov, Some-college,10.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,99.0, United-States,>50K +46, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,41.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +44, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,48.0, United-States,>50K +31, Private, Masters,14.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,25.0, Japan,>50K +17, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,20.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, Greece,<=50K +69, Local-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,17.0, United-States,<=50K +60, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +34, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,1977.0,75.0, Cambodia,>50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Trinadad&Tobago,<=50K +54, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,34.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +21, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,55.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +47, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +30, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +68, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Scotland,<=50K +66, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +53, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, Greece,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +56, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, Masters,14.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +77, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, Columbia,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Scotland,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,7298.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,1602.0,25.0, United-States,<=50K +58, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +64, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +59, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, 10th,6.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +46, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +23, Federal-gov, HS-grad,9.0, Never-married, Armed-Forces, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +76, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,9386.0,0.0,25.0, United-States,>50K +46, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +61, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Columbia,<=50K +41, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +58, Federal-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +62, Private, 9th,5.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +25, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +47, Local-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +23, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +49, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2057.0,49.0, United-States,<=50K +33, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +35, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,5721.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +19, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,10.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +43, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +41, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +60, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,35.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Married-spouse-absent, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,55.0, United-States,>50K +41, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,30.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +63, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0.0,0.0,20.0, Columbia,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,2907.0,0.0,43.0, United-States,<=50K +37, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,45.0, United-States,<=50K +51, Private, 12th,8.0, Separated, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +40, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +35, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +44, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Priv-house-serv, Husband, White, Male,0.0,0.0,2.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +52, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +32, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,86.0, United-States,>50K +34, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Other, Male,0.0,0.0,40.0, United-States,>50K +56, Private, 9th,5.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,25236.0,0.0,44.0, United-States,>50K +19, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +19, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, Black, Male,0.0,1974.0,40.0, United-States,<=50K +54, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Some-college,10.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +43, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +55, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +56, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +51, Private, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,80.0, Philippines,>50K +25, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,35.0, United-States,>50K +47, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,27828.0,0.0,38.0, United-States,>50K +43, Self-emp-not-inc, Preschool,1.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Haiti,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,40.0, United-States,>50K +47, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,27828.0,0.0,60.0, United-States,>50K +37, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +67, Private, 9th,5.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +53, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,37.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Male,4101.0,0.0,38.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +52, Private, 12th,8.0, Separated, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,3325.0,0.0,43.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2467.0,40.0, Canada,<=50K +50, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +58, Local-gov, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-inc, 9th,5.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,625.0,40.0, United-States,<=50K +36, State-gov, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +58, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +46, Self-emp-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,50.0, United-States,>50K +42, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +34, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +57, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Self-emp-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,24.0, United-States,>50K +52, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +52, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +54, Private, 7th-8th,4.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +39, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +20, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +31, State-gov, Assoc-voc,11.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Separated, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +47, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,16.0, United-States,<=50K +51, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,16.0, United-States,<=50K +34, State-gov, Bachelors,13.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +39, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,35.0, United-States,>50K +27, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +33, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines,<=50K +40, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +43, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,35.0, United-States,>50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,45.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +28, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,1092.0,60.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +23, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,31.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,7.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +20, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Craft-repair, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +34, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +32, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +62, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, 9th,5.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +59, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,>50K +48, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +37, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,3.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,>50K +71, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +34, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,62.0, United-States,<=50K +53, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,60.0, United-States,>50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,1055.0,0.0,10.0, United-States,<=50K +50, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +53, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,35.0, United-States,>50K +41, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +45, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,44.0, United-States,<=50K +56, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +65, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,2258.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Male,0.0,0.0,39.0, United-States,>50K +17, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, State-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,7430.0,0.0,50.0, United-States,>50K +45, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Sales, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,43.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,60.0, United-States,>50K +46, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,2258.0,35.0, United-States,<=50K +43, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,55.0, United-States,>50K +67, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +36, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,>50K +24, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, State-gov, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +53, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +65, Self-emp-not-inc, Prof-school,15.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,14344.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, England,>50K +40, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +38, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,70.0, South,<=50K +64, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 7th-8th,4.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +58, State-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +34, Federal-gov, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,3103.0,0.0,40.0, United-States,>50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,56.0, United-States,>50K +52, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +43, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +54, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,40.0, Ireland,>50K +43, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,47.0, United-States,>50K +35, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,37.0, United-States,<=50K +34, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, Cuba,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688.0,0.0,50.0, United-States,>50K +59, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +46, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,48.0, United-States,<=50K +39, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,6767.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +39, Without-pay, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,40.0, United-States,>50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +20, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, Columbia,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +37, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, Portugal,>50K +27, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,38.0, United-States,<=50K +53, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,8614.0,0.0,15.0, United-States,>50K +54, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,2597.0,0.0,40.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +37, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, Mexico,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, 5th-6th,3.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,32.0, Mexico,<=50K +35, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Iran,<=50K +39, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,55.0, United-States,>50K +29, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, Portugal,>50K +36, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +63, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +60, Private, Doctorate,16.0, Separated, Priv-house-serv, Unmarried, White, Female,0.0,0.0,30.0, Nicaragua,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5013.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +37, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +60, Local-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +37, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,3325.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, Ecuador,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,10520.0,0.0,45.0, United-States,>50K +53, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +73, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,28.0, United-States,>50K +25, Private, 10th,6.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,35.0, Haiti,<=50K +30, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,52.0, United-States,<=50K +73, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,1409.0,0.0,2.0, United-States,<=50K +37, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +72, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,28.0, United-States,<=50K +30, Self-emp-not-inc, Some-college,10.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,43.0, United-States,<=50K +28, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +21, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +45, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,8614.0,0.0,50.0, United-States,>50K +71, Private, Bachelors,13.0, Widowed, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +51, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +48, Private, Assoc-voc,11.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +48, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,64.0, United-States,<=50K +55, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,10.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +23, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +75, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States,>50K +54, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Wife, Amer-Indian-Eskimo, Female,0.0,2163.0,15.0, United-States,<=50K +90, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,70.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +45, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,5013.0,0.0,40.0, United-States,<=50K +29, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +47, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +66, Private, Masters,14.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +51, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,40.0, Germany,>50K +57, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2129.0,70.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States,>50K +39, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +38, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +58, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +45, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,50.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,38.0, United-States,<=50K +51, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +52, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, Haiti,>50K +34, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,38.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +40, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Philippines,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, Thailand,<=50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,32.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,4064.0,0.0,35.0, England,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +52, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,35.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,5013.0,0.0,65.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +34, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +60, Private, 10th,6.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,84.0, United-States,<=50K +27, Without-pay, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +33, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,2824.0,48.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States,<=50K +45, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,50.0, United-States,>50K +41, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +30, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,38.0, United-States,>50K +26, Private, Doctorate,16.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,20.0, United-States,<=50K +35, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,5721.0,0.0,45.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +40, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,45.0, United-States,<=50K +60, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,46.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +35, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +53, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,80.0, United-States,<=50K +65, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +25, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +48, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Germany,<=50K +46, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States,>50K +50, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,46.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508.0,0.0,72.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7298.0,0.0,38.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Self-emp-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,50.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +34, Federal-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +41, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +61, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +33, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,>50K +31, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +43, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,52.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Cambodia,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,68.0, United-States,<=50K +26, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,15.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,4416.0,0.0,25.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,51.0, United-States,<=50K +18, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,48.0, Mexico,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +56, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +58, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +37, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +59, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +45, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, 11th,7.0, Widowed, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,63.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-acdm,12.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +75, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,6418.0,0.0,50.0, United-States,>50K +46, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,80.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States,>50K +41, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,<=50K +27, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +53, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +30, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +57, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +71, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2392.0,52.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +21, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,<=50K +41, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Female,13550.0,0.0,60.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,3325.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +40, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,3781.0,0.0,35.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +32, Private, Some-college,10.0, Separated, Other-service, Unmarried, Other, Female,0.0,0.0,70.0, United-States,<=50K +31, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2179.0,35.0, Mexico,<=50K +37, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, 12th,8.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +28, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Other, Male,0.0,0.0,20.0, Iran,<=50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,1564.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +34, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +23, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,15.0, United-States,<=50K +36, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +48, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States,>50K +41, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +46, State-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, Other, Female,0.0,0.0,48.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,65.0, United-States,<=50K +23, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,2176.0,0.0,25.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +42, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, China,>50K +18, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,14344.0,0.0,48.0, United-States,>50K +52, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1876.0,50.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,53.0, Mexico,<=50K +57, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1617.0,35.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +69, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,5.0, United-States,<=50K +25, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Canada,>50K +21, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +58, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +49, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,60.0, United-States,>50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,40.0, United-States,<=50K +51, State-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +43, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1628.0,48.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,50.0, United-States,>50K +36, Local-gov, 11th,7.0, Separated, Prof-specialty, Unmarried, Other, Female,0.0,0.0,30.0, United-States,<=50K +19, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +60, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,1408.0,50.0, United-States,<=50K +23, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,18.0, United-States,<=50K +41, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Italy,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, 11th,7.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States,<=50K +43, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +23, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +32, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, Mexico,<=50K +22, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +26, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, Mexico,<=50K +81, Private, 5th-6th,3.0, Widowed, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,6.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +65, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +55, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +60, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,75.0, United-States,<=50K +51, Local-gov, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Columbia,<=50K +38, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +25, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +45, Private, Masters,14.0, Widowed, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,<=50K +27, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,28.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +26, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,45.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +35, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +55, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,>50K +37, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States,<=50K +46, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Ireland,<=50K +26, Private, 5th-6th,3.0, Married-spouse-absent, Priv-house-serv, Other-relative, White, Female,0.0,0.0,8.0, El-Salvador,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +88, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418.0,0.0,40.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +48, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178.0,0.0,40.0, United-States,>50K +47, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,5178.0,0.0,60.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,60.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +57, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,70.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +53, Self-emp-inc, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,50.0, United-States,<=50K +71, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,21.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +54, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Assoc-acdm,12.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Ireland,>50K +27, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,3325.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1741.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,62.0, United-States,<=50K +50, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Local-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +42, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States,>50K +43, Private, Prof-school,15.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, China,<=50K +29, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +75, Private, 10th,6.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +52, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,14.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +52, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +54, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +27, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1980.0,40.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +51, State-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,47.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +43, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,15.0, United-States,<=50K +71, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,1668.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +60, Self-emp-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +30, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +60, Private, HS-grad,9.0, Widowed, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Cambodia,<=50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,60.0, China,>50K +31, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,26.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,3103.0,0.0,40.0, United-States,>50K +19, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,68.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,19.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,70.0, India,>50K +43, Local-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,7430.0,0.0,60.0, United-States,>50K +50, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +48, State-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +41, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,4787.0,0.0,60.0, United-States,>50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1628.0,40.0, United-States,<=50K +24, Federal-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Self-emp-inc, Masters,14.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +58, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Male,0.0,1719.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Other, Male,0.0,0.0,40.0, United-States,>50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +46, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +80, Private, Bachelors,13.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-AF-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,60.0, Philippines,>50K +21, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +26, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +48, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +46, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States,<=50K +44, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,84.0, United-States,<=50K +57, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, Germany,>50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +30, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +40, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,55.0, United-States,>50K +58, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States,<=50K +44, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,41.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +21, Local-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,60.0, United-States,<=50K +39, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, Germany,<=50K +32, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +24, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +30, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Other, Female,1506.0,0.0,45.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,24.0, United-States,>50K +28, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +25, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,45.0, United-States,<=50K +47, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +37, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +61, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +41, Self-emp-inc, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +49, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +33, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +60, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,15.0, United-States,<=50K +33, Private, 12th,8.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, Dominican-Republic,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Divorced, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +65, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,20.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +61, Private, 11th,7.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +29, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,21.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, Puerto-Rico,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Transport-moving, Other-relative, White, Male,0.0,0.0,60.0, United-States,<=50K +60, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, China,>50K +21, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1340.0,45.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +60, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States,>50K +24, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,99999.0,0.0,50.0, United-States,>50K +59, Private, HS-grad,9.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,45.0, United-States,<=50K +52, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +50, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +28, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, South,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +43, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3137.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico,<=50K +41, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States,>50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +31, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 10th,6.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-not-inc, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2051.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Other, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +42, State-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3908.0,0.0,50.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,>50K +37, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, Mexico,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,4416.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +67, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +57, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,10.0, United-States,>50K +29, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Portugal,<=50K +42, Private, Bachelors,13.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0.0,0.0,40.0, United-States,>50K +27, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,30.0, United-States,<=50K +28, Private, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Female,0.0,0.0,17.0, United-States,<=50K +17, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +81, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2174.0,35.0, United-States,>50K +47, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,40.0, United-States,<=50K +29, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan,<=50K +38, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Germany,<=50K +53, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +68, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,70.0, Germany,>50K +19, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +28, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,16.0, United-States,<=50K +51, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,>50K +68, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,5013.0,0.0,40.0, United-States,<=50K +45, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,40.0, United-States,>50K +45, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +80, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Other-relative, Other, Female,0.0,0.0,30.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,594.0,0.0,20.0, United-States,<=50K +31, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +30, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Private, 12th,8.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +59, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +39, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +17, Local-gov, 10th,6.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +66, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,17.0, United-States,<=50K +48, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +51, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +44, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States,<=50K +56, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, State-gov, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,2202.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +56, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +57, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +42, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,60.0, Mexico,>50K +24, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Assoc-acdm,12.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, El-Salvador,<=50K +31, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +63, Private, 12th,8.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,20.0, Mexico,<=50K +47, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,1887.0,45.0, China,>50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +59, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,48.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +47, Local-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +37, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,10.0, United-States,>50K +57, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +24, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +40, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,22.0, United-States,<=50K +44, Private, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,35.0, England,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +42, State-gov, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,1974.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +27, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,48.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,2885.0,0.0,30.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,42.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +38, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,1471.0,0.0,40.0, United-States,<=50K +71, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +39, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,84.0, United-States,>50K +41, Private, Masters,14.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +43, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Male,0.0,0.0,46.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Bachelors,13.0, Married-spouse-absent, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos,<=50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +39, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +81, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,4.0, United-States,>50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,33.0, United-States,<=50K +30, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +56, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064.0,0.0,40.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,56.0, United-States,<=50K +34, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,2174.0,0.0,50.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +43, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,46.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +32, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +31, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,34.0, United-States,<=50K +66, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,2354.0,0.0,40.0, United-States,<=50K +44, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Federal-gov, 10th,6.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1741.0,40.0, United-States,<=50K +62, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,2377.0,35.0, Hong,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +61, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, Greece,<=50K +29, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +21, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +76, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +73, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +38, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,24.0, United-States,<=50K +36, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,4.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +52, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico,<=50K +66, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +42, Federal-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,323.0,40.0, United-States,<=50K +56, Self-emp-not-inc, 7th-8th,4.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,58.0, United-States,<=50K +59, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, Canada,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +60, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States,>50K +44, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,58.0, United-States,<=50K +35, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States,<=50K +28, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,21.0, Guatemala,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +49, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,1740.0,40.0, United-States,<=50K +59, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +39, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,28.0, United-States,>50K +26, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Private, Masters,14.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,36.0, United-States,<=50K +34, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +27, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,33.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +26, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +27, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,60.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +40, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, 7th-8th,4.0, Never-married, Transport-moving, Not-in-family, Other, Male,0.0,0.0,48.0, Puerto-Rico,<=50K +24, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,50.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,47.0, United-States,<=50K +56, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,4508.0,0.0,28.0, United-States,<=50K +53, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States,>50K +36, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Local-gov, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1590.0,40.0, United-States,<=50K +31, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,7.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +33, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,15.0, United-States,<=50K +49, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,47.0, United-States,<=50K +54, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,2829.0,0.0,42.0, United-States,<=50K +61, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,43.0, United-States,<=50K +36, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,40.0, Germany,>50K +57, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Local-gov, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,33.0, United-States,<=50K +49, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +51, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,46.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +27, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +59, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +33, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +49, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,9.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3942.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2635.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +24, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +34, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +38, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,6849.0,0.0,50.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,2174.0,0.0,45.0, Taiwan,<=50K +31, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +34, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +49, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +54, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,6849.0,0.0,50.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +53, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,52.0, Mexico,<=50K +35, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +47, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +55, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,6.0, United-States,<=50K +43, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +60, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4508.0,0.0,8.0, United-States,<=50K +55, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1887.0,70.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,2597.0,0.0,36.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,31.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +27, Federal-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +56, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +42, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +63, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +48, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,15.0, Germany,>50K +41, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +26, State-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,25.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,2339.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +26, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,22.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam,>50K +45, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +32, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,10.0, United-States,<=50K +32, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +42, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,48.0, United-States,<=50K +66, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +40, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,65.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,44.0, United-States,<=50K +62, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States,>50K +45, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,2597.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +59, Private, 9th,5.0, Widowed, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Assoc-acdm,12.0, Never-married, Farming-fishing, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +23, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +55, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,2354.0,0.0,40.0, United-States,<=50K +58, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Greece,>50K +67, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +37, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +34, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,2597.0,0.0,45.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Self-emp-inc, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +58, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,55.0, United-States,>50K +59, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,42.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +17, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,6.0, United-States,<=50K +29, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,42.0, United-States,<=50K +45, Private, 11th,7.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico,<=50K +68, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,991.0,0.0,29.0, United-States,<=50K +33, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +49, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +46, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States,>50K +54, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,67.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,80.0, United-States,<=50K +36, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, Portugal,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,7.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +34, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,59.0, United-States,>50K +29, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +52, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +37, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +46, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +42, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,24.0, United-States,<=50K +48, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, Canada,>50K +59, Private, Prof-school,15.0, Divorced, Other-service, Not-in-family, White, Male,27828.0,0.0,60.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +38, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Peru,<=50K +19, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,9.0, United-States,<=50K +47, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +34, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,35.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,50.0, Cuba,>50K +37, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +55, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,10520.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +57, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +67, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,70.0, United-States,>50K +62, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +26, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +18, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,32.0, United-States,<=50K +42, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,56.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Portugal,<=50K +46, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, Iran,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +23, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,70.0, United-States,<=50K +35, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,52.0, United-States,<=50K +46, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +57, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Wife, White, Female,0.0,0.0,45.0, Germany,>50K +44, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,52.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +71, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1411.0,70.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Columbia,<=50K +90, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,>50K +49, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +53, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +43, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, Mexico,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, Mexico,<=50K +35, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,44.0, United-States,>50K +58, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +31, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Other, Male,0.0,0.0,40.0, India,<=50K +44, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +43, Private, 1st-4th,2.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, Dominican-Republic,<=50K +31, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,70.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,18.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +52, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States,<=50K +41, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,2597.0,0.0,45.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,41.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-not-inc, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1628.0,50.0, United-States,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,35.0, United-States,<=50K +38, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +27, Local-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +45, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,45.0, Mexico,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +20, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,10.0, United-States,<=50K +37, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2258.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,36.0, United-States,<=50K +53, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +61, Private, 12th,8.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,37.0, Cuba,<=50K +40, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,60.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +43, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,60.0, United-States,<=50K +38, Self-emp-inc, Prof-school,15.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +47, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,72.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +35, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +24, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +58, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +17, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,16.0, United-States,<=50K +31, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +57, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +54, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +40, Private, HS-grad,9.0, Never-married, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,40.0, Honduras,<=50K +23, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +54, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,39.0, United-States,<=50K +32, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States,>50K +44, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, United-States,<=50K +36, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,38.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,30.0, United-States,<=50K +40, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +67, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +48, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +36, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Federal-gov, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,99.0, United-States,<=50K +23, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +56, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States,>50K +22, Federal-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +30, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,<=50K +72, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +71, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1510.0,35.0, United-States,<=50K +49, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +41, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,26.0, United-States,<=50K +30, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +51, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,1974.0,45.0, United-States,<=50K +49, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +46, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +55, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1573.0,44.0, United-States,<=50K +28, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Self-emp-inc, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +75, Private, 10th,6.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +39, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +39, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +31, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,5178.0,0.0,40.0, United-States,>50K +60, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +30, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2580.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Cuba,<=50K +55, State-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +77, Self-emp-not-inc, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, England,<=50K +64, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Greece,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +59, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +23, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1573.0,30.0, Mexico,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +29, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States,<=50K +29, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, Italy,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Masters,14.0, Separated, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,45.0, China,<=50K +53, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,45.0, United-States,<=50K +24, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,55.0, United-States,>50K +57, Private, 10th,6.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,60.0, United-States,<=50K +50, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +48, Private, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, Masters,14.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,28.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +40, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,48.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,39.0, United-States,<=50K +33, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States,>50K +36, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +53, Private, 9th,5.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,9.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +21, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,37.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States,>50K +55, Private, 10th,6.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, Nicaragua,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines,<=50K +42, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +45, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +47, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +49, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +34, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +27, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +31, Self-emp-inc, Masters,14.0, Never-married, Sales, Own-child, White, Female,27828.0,0.0,40.0, United-States,>50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Germany,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,14.0, United-States,<=50K +70, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,3103.0,0.0,50.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States,<=50K +42, Local-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,48.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,30.0, Mexico,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,75.0, Thailand,<=50K +33, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +24, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +68, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +25, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +31, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,25.0, United-States,<=50K +50, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,1055.0,0.0,20.0, China,<=50K +46, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,2258.0,40.0, United-States,<=50K +58, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +17, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +35, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +46, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,13550.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,16.0, United-States,>50K +27, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +34, Federal-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, Black, Female,1831.0,0.0,40.0, United-States,<=50K +50, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +40, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +65, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +48, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,6849.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +57, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,1902.0,45.0, Japan,>50K +29, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, Mexico,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +72, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Japan,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464.0,0.0,45.0, United-States,<=50K +26, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +63, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,50.0, United-States,>50K +47, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,4.0, France,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +38, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Local-gov, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +37, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +69, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,6.0, United-States,<=50K +27, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Hungary,<=50K +39, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,72.0, South,<=50K +56, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, India,<=50K +32, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States,>50K +26, Private, 11th,7.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +57, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,84.0, United-States,>50K +61, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +22, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,50.0, United-States,>50K +47, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +21, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +37, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States,<=50K +27, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +20, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,4865.0,0.0,40.0, United-States,<=50K +23, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States,>50K +65, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +32, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States,<=50K +40, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, Black, Female,4101.0,0.0,40.0, Jamaica,<=50K +26, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +60, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,52.0, United-States,>50K +54, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, State-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +37, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,48.0, United-States,>50K +48, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +20, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States,<=50K +30, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +25, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +55, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States,<=50K +28, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,4650.0,0.0,48.0, United-States,<=50K +47, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +35, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,1719.0,30.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +54, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +70, Private, 10th,6.0, Widowed, Transport-moving, Not-in-family, White, Female,2538.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +49, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +24, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,40.0, United-States,>50K +18, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,5.0, United-States,<=50K +27, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,60.0, United-States,<=50K +75, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +64, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Local-gov, Assoc-voc,11.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,4650.0,0.0,40.0, United-States,<=50K +49, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +36, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +55, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Private, Masters,14.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +50, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +22, Federal-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +75, Self-emp-inc, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, White, Male,25124.0,0.0,20.0, United-States,>50K +44, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +41, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1876.0,40.0, United-States,<=50K +23, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,50.0, Japan,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +41, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States,>50K +35, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, Mexico,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +64, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +55, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,29.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,16.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +39, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, Yugoslavia,<=50K +52, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +54, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,38.0, United-States,>50K +28, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,15.0, United-States,<=50K +33, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, Japan,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States,<=50K +49, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States,<=50K +49, Private, 12th,8.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +17, Federal-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,15.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,55.0, United-States,<=50K +39, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +26, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +59, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,74.0, United-States,>50K +37, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +53, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +50, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,50.0, Trinadad&Tobago,<=50K +48, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,52.0, United-States,<=50K +60, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,32.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong,<=50K +26, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,55.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Other, Male,0.0,0.0,40.0, United-States,<=50K +69, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, France,>50K +31, Self-emp-not-inc, 9th,5.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,47.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +65, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +63, Private, Some-college,10.0, Separated, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,37.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +48, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +35, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,7298.0,0.0,40.0, United-States,>50K +50, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States,>50K +21, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Private, 9th,5.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +52, Self-emp-not-inc, 10th,6.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,27.0, United-States,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Other, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +43, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,92.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +35, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Puerto-Rico,<=50K +24, Private, 11th,7.0, Separated, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +47, Private, 9th,5.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Cuba,<=50K +44, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +18, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +50, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,45.0, United-States,>50K +37, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +61, Private, 9th,5.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +26, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,8614.0,0.0,60.0, United-States,>50K +40, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States,<=50K +45, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +44, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,35.0, United-States,>50K +65, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,3175.0,60.0, Puerto-Rico,<=50K +29, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,2885.0,0.0,40.0, United-States,<=50K +49, State-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +48, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States,>50K +28, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,37.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +53, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India,>50K +49, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +48, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +51, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Italy,<=50K +32, Private, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States,<=50K +27, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386.0,0.0,40.0, United-States,>50K +28, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,40.0, United-States,<=50K +54, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States,<=50K +27, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +42, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,<=50K +28, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,45.0, United-States,<=50K +50, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, Ecuador,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,70.0, United-States,<=50K +41, Private, 9th,5.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,80.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +38, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,3887.0,0.0,45.0, United-States,<=50K +46, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,>50K +23, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1590.0,40.0, United-States,<=50K +33, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,47.0, United-States,<=50K +56, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +38, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +21, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +19, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,28.0, United-States,<=50K +23, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States,<=50K +69, Local-gov, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,>50K +53, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Other-service, Other-relative, White, Male,0.0,0.0,28.0, United-States,<=50K +60, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,44.0, Mexico,<=50K +21, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +46, State-gov, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,38.0, United-States,<=50K +23, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,40.0, Canada,<=50K +26, Private, 11th,7.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,50.0, United-States,<=50K +72, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +48, Private, 1st-4th,2.0, Separated, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,48.0, United-States,<=50K +26, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,15.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +72, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,17.0, United-States,<=50K +26, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +46, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +47, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States,>50K +22, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States,<=50K +60, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, 9th,5.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +32, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States,>50K +52, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States,>50K +54, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +52, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +50, Private, 11th,7.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States,<=50K +29, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Columbia,<=50K +29, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States,>50K +21, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +62, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +61, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +72, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,16.0, United-States,<=50K +33, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +34, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +26, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States,>50K +33, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +41, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +55, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +46, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +38, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +39, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, Mexico,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,64.0, United-States,<=50K +38, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico,<=50K +33, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +44, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +45, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,54.0, United-States,<=50K +40, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +26, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +46, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +41, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +34, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +39, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +50, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +41, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,15.0, United-States,<=50K +35, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +18, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,50.0, United-States,<=50K +31, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +28, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +33, Private, Assoc-acdm,12.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,32.0, United-States,<=50K +48, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +62, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Cuba,>50K +39, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Divorced, Priv-house-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States,<=50K +57, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States,<=50K +49, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,70.0, Germany,<=50K +53, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +64, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +37, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +41, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +36, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States,>50K +27, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +53, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,48.0, United-States,>50K +32, Private, 1st-4th,2.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,21.0, United-States,<=50K +60, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +58, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +53, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,48.0, Canada,>50K +54, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +26, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, Mexico,<=50K +27, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,56.0, United-States,<=50K +59, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,7.0, United-States,>50K +70, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3471.0,0.0,33.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States,<=50K +22, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,75.0, United-States,<=50K +46, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +56, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +53, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines,<=50K +57, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Mexico,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,25.0, United-States,<=50K +47, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +51, Self-emp-inc, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1741.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,8614.0,0.0,70.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +29, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States,>50K +23, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States,<=50K +30, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States,>50K +42, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +52, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico,<=50K +34, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States,<=50K +43, Private, Doctorate,16.0, Separated, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,60.0, United-States,>50K +61, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +49, Private, 10th,6.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +42, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +50, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States,>50K +34, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +47, State-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,48.0, United-States,<=50K +48, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,60.0, United-States,>50K +37, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +23, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +66, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,10605.0,0.0,40.0, United-States,>50K +26, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, Dominican-Republic,<=50K +41, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,50.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,37.0, United-States,<=50K +34, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,55.0, United-States,<=50K +59, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +24, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +47, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States,>50K +49, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +31, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +26, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines,<=50K +42, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan,>50K +64, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +25, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +41, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +45, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +36, Local-gov, HS-grad,9.0, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0.0,0.0,69.0, Germany,>50K +36, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States,>50K +22, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +25, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,46.0, United-States,<=50K +47, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Self-emp-not-inc, 7th-8th,4.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador,<=50K +48, Private, Assoc-acdm,12.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States,<=50K +27, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States,<=50K +35, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, United-States,<=50K +75, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,45.0, United-States,>50K +28, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,1151.0,0.0,40.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1741.0,50.0, United-States,<=50K +40, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +39, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +40, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, 11th,7.0, Separated, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +73, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States,<=50K +24, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States,<=50K +34, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +28, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, Japan,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +42, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland,>50K +46, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, Cuba,>50K +48, Federal-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Germany,<=50K +26, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +55, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +57, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +43, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,32.0, United-States,<=50K +37, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +25, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +21, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,15.0, South,<=50K +84, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, England,<=50K +24, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, Mexico,<=50K +44, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,1902.0,40.0, United-States,>50K +20, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +37, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,4934.0,0.0,60.0, United-States,>50K +30, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +51, Private, Masters,14.0, Widowed, Exec-managerial, Unmarried, White, Male,15020.0,0.0,40.0, United-States,>50K +52, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +34, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States,<=50K +53, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +40, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +49, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,40.0, United-States,<=50K +52, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +48, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +30, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +42, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,30.0, United-States,<=50K +29, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +25, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +18, Self-emp-inc, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States,<=50K +19, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +80, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +61, Private, Preschool,1.0, Separated, Transport-moving, Not-in-family, Black, Male,14344.0,0.0,40.0, United-States,>50K +46, Self-emp-not-inc, Bachelors,13.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,45.0, Nicaragua,<=50K +27, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +26, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +50, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +38, Federal-gov, 12th,8.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States,>50K +28, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Other, Male,0.0,0.0,40.0, Mexico,<=50K +34, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +23, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +65, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,2964.0,0.0,35.0, United-States,<=50K +35, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +65, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States,<=50K +35, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,70.0, South,<=50K +49, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1485.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States,<=50K +44, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +19, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +49, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +23, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,1590.0,50.0, United-States,<=50K +49, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +56, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States,>50K +35, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Other, Male,0.0,0.0,25.0, Columbia,<=50K +80, Self-emp-not-inc, 7th-8th,4.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,15.0, United-States,<=50K +65, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +51, Private, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States,<=50K +22, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States,<=50K +33, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +44, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +20, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +43, Private, Some-college,10.0, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,36.0, United-States,<=50K +57, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +37, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +28, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States,<=50K +32, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +59, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Nicaragua,<=50K +36, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +38, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +61, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,30.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +59, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,55.0, United-States,<=50K +18, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States,<=50K +44, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Greece,<=50K +49, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States,>50K +59, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States,<=50K +36, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,45.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States,<=50K +27, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States,<=50K +69, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +36, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +42, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,42.0, United-States,>50K +25, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,2174.0,0.0,40.0, United-States,<=50K +17, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States,<=50K +40, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +40, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,43.0, United-States,<=50K +17, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States,<=50K +40, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States,<=50K +65, Private, HS-grad,9.0, Widowed, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +38, Private, Bachelors,13.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,45.0, United-States,<=50K +33, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1590.0,50.0, United-States,<=50K +28, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, Vietnam,<=50K +34, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, Assoc-voc,11.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,8.0, United-States,<=50K +63, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,>50K +28, Private, 9th,5.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States,<=50K +30, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +36, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +24, Local-gov, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,2036.0,0.0,42.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +17, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States,<=50K +46, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +54, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States,<=50K +22, Self-emp-inc, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +42, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, South,<=50K +46, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,65.0, United-States,>50K +44, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +59, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,84.0, United-States,>50K +58, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +36, Private, 10th,6.0, Separated, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States,<=50K +29, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1564.0,40.0, United-States,>50K +29, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Canada,>50K +40, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +30, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2339.0,50.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +24, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Own-child, White, Female,0.0,0.0,45.0, Mexico,<=50K +42, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +50, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +29, Private, 11th,7.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,4101.0,0.0,40.0, United-States,<=50K +35, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States,<=50K +44, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States,>50K +54, Private, Doctorate,16.0, Widowed, Tech-support, Unmarried, White, Male,0.0,2472.0,40.0, United-States,>50K +56, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic,<=50K +29, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, Some-college,10.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States,<=50K +48, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +32, Private, Masters,14.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,50.0, United-States,<=50K +69, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,38.0, United-States,<=50K +23, State-gov, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States,<=50K +22, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,15.0, United-States,<=50K +45, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +45, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +47, Self-emp-not-inc, Assoc-voc,11.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +25, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, India,<=50K +43, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,5178.0,0.0,40.0, United-States,>50K +47, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,80.0, United-States,<=50K +34, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,41.0, United-States,>50K +30, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States,<=50K +43, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, Canada,<=50K +20, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States,<=50K +83, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States,<=50K +42, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,>50K +42, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +30, Local-gov, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +34, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1651.0,40.0, United-States,<=50K +43, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +53, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States,<=50K +39, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,48.0, United-States,>50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +18, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States,<=50K +34, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +32, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States,<=50K +48, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +19, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States,<=50K +55, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,8.0, United-States,<=50K +37, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States,<=50K +24, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Assoc-voc,11.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +39, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,72.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +35, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Germany,<=50K +27, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States,<=50K +18, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +43, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,2174.0,0.0,40.0, United-States,<=50K +51, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,54.0, United-States,>50K +26, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Trinadad&Tobago,<=50K +41, State-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,62.0, United-States,<=50K +31, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +56, State-gov, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States,<=50K +39, Federal-gov, Masters,14.0, Married-civ-spouse, Other-service, Husband, Black, Male,3137.0,0.0,40.0, Trinadad&Tobago,<=50K +42, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +33, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +23, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,43.0, United-States,<=50K +55, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +79, Local-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States,<=50K +47, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +51, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States,<=50K +37, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +47, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +44, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +41, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States,>50K +45, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States,>50K +38, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +46, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +47, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,90.0, United-States,<=50K +26, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +48, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +55, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +28, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,65.0, United-States,>50K +31, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +27, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States,<=50K +23, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Private, 12th,8.0, Widowed, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Guatemala,<=50K +39, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1974.0,40.0, United-States,<=50K +25, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +64, Local-gov, Doctorate,16.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States,>50K +55, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States,>50K +46, Private, 10th,6.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States,<=50K +23, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +37, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States,>50K +27, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States,>50K +35, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +35, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Japan,<=50K +45, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States,<=50K +59, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States,>50K +31, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States,>50K +35, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +58, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,65.0, United-States,<=50K +41, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +20, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States,<=50K +39, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,38.0, India,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +34, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +33, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States,<=50K +33, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +20, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +68, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States,<=50K +43, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States,<=50K +25, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States,<=50K +35, Local-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam,<=50K +57, Private, Assoc-voc,11.0, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc),<=50K +57, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States,>50K +37, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States,<=50K +18, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States,<=50K +29, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, Asian-Pac-Islander, Female,4386.0,0.0,45.0, United-States,>50K +24, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +36, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,52.0, United-States,<=50K +23, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States,<=50K +36, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States,<=50K +52, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States,<=50K +41, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K +18, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States,<=50K +32, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,48.0, United-States,<=50K +34, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States,>50K +29, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +56, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +60, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States,<=50K +19, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,1602.0,20.0, United-States,<=50K +30, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States,<=50K +50, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,27828.0,0.0,16.0, United-States,>50K +52, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, Peru,>50K +66, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States,<=50K +28, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +35, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States,>50K +29, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +50, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +34, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States,>50K +37, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States,<=50K +29, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,2057.0,40.0, United-States,<=50K +34, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States,<=50K +27, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2202.0,0.0,52.0, Philippines,<=50K +57, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +30, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States,>50K +21, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States,<=50K +57, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, United-States,>50K +51, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,1590.0,40.0, United-States,<=50K +37, Federal-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States,<=50K +42, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +32, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,60.0, United-States,>50K +51, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States,>50K +19, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States,<=50K +24, Private, 11th,7.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico,<=50K +25, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States,<=50K +31, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +49, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Canada,>50K +60, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States,>50K +39, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1669.0,40.0, United-States,<=50K +38, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,>50K +43, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States,>50K +23, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +73, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States,<=50K +35, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +66, Private, HS-grad,9.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,8.0, United-States,<=50K +27, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States,<=50K +40, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, United-States,>50K +51, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +22, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +64, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,32.0, United-States,<=50K +55, Private, HS-grad,9.0, Separated, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,32.0, United-States,<=50K +38, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States,<=50K +58, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,36.0, United-States,<=50K +32, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +48, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +61, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States,<=50K +31, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States,<=50K +25, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States,<=50K +48, Local-gov, Masters,14.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States,<=50K +33, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States,<=50K +39, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States,<=50K +38, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States,<=50K +44, Private, Bachelors,13.0, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Male,5455.0,0.0,40.0, United-States,<=50K +35, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States,>50K diff --git a/Supervised Learning Project/example_submission.csv b/Supervised Learning Project/example_submission.csv new file mode 100644 index 0000000..ab95802 --- /dev/null +++ b/Supervised Learning Project/example_submission.csv @@ -0,0 +1,45223 @@ +id,income +0,1 +1,1 +2,1 +3,1 +4,1 +5,1 +6,1 +7,1 +8,1 +9,1 +10,1 +11,1 +12,1 +13,1 +14,1 +15,1 +16,1 +17,1 +18,1 +19,1 +20,1 +21,1 +22,1 +23,1 +24,1 +25,1 +26,1 +27,1 +28,1 +29,1 +30,1 +31,1 +32,1 +33,1 +34,1 +35,1 +36,1 +37,1 +38,1 +39,1 +40,1 +41,1 +42,1 +43,1 +44,1 +45,1 +46,1 +47,1 +48,1 +49,1 +50,1 +51,1 +52,1 +53,1 +54,1 +55,1 +56,1 +57,1 +58,1 +59,1 +60,1 +61,1 +62,1 +63,1 +64,1 +65,1 +66,1 +67,1 +68,1 +69,1 +70,1 +71,1 +72,1 +73,1 +74,1 +75,1 +76,1 +77,1 +78,1 +79,1 +80,1 +81,1 +82,1 +83,1 +84,1 +85,1 +86,1 +87,1 +88,1 +89,1 +90,1 +91,1 +92,1 +93,1 +94,1 +95,1 +96,1 +97,1 +98,1 +99,1 +100,1 +101,1 +102,1 +103,1 +104,1 +105,1 +106,1 +107,1 +108,1 +109,1 +110,1 +111,1 +112,1 +113,1 +114,1 +115,1 +116,1 +117,1 +118,1 +119,1 +120,1 +121,1 +122,1 +123,1 +124,1 +125,1 +126,1 +127,1 +128,1 +129,1 +130,1 +131,1 +132,1 +133,1 +134,1 +135,1 +136,1 +137,1 +138,1 +139,1 +140,1 +141,1 +142,1 +143,1 +144,1 +145,1 +146,1 +147,1 +148,1 +149,1 +150,1 +151,1 +152,1 +153,1 +154,1 +155,1 +156,1 +157,1 +158,1 +159,1 +160,1 +161,1 +162,1 +163,1 +164,1 +165,1 +166,1 +167,1 +168,1 +169,1 +170,1 +171,1 +172,1 +173,1 +174,1 +175,1 +176,1 +177,1 +178,1 +179,1 +180,1 +181,1 +182,1 +183,1 +184,1 +185,1 +186,1 +187,1 +188,1 +189,1 +190,1 +191,1 +192,1 +193,1 +194,1 +195,1 +196,1 +197,1 +198,1 +199,1 +200,1 +201,1 +202,1 +203,1 +204,1 +205,1 +206,1 +207,1 +208,1 +209,1 +210,1 +211,1 +212,1 +213,1 +214,1 +215,1 +216,1 +217,1 +218,1 +219,1 +220,1 +221,1 +222,1 +223,1 +224,1 +225,1 +226,1 +227,1 +228,1 +229,1 +230,1 +231,1 +232,1 +233,1 +234,1 +235,1 +236,1 +237,1 +238,1 +239,1 +240,1 +241,1 +242,1 +243,1 +244,1 +245,1 +246,1 +247,1 +248,1 +249,1 +250,1 +251,1 +252,1 +253,1 +254,1 +255,1 +256,1 +257,1 +258,1 +259,1 +260,1 +261,1 +262,1 +263,1 +264,1 +265,1 +266,1 +267,1 +268,1 +269,1 +270,1 +271,1 +272,1 +273,1 +274,1 +275,1 +276,1 +277,1 +278,1 +279,1 +280,1 +281,1 +282,1 +283,1 +284,1 +285,1 +286,1 +287,1 +288,1 +289,1 +290,1 +291,1 +292,1 +293,1 +294,1 +295,1 +296,1 +297,1 +298,1 +299,1 +300,1 +301,1 +302,1 +303,1 +304,1 +305,1 +306,1 +307,1 +308,1 +309,1 +310,1 +311,1 +312,1 +313,1 +314,1 +315,1 +316,1 +317,1 +318,1 +319,1 +320,1 +321,1 +322,1 +323,1 +324,1 +325,1 +326,1 +327,1 +328,1 +329,1 +330,1 +331,1 +332,1 +333,1 +334,1 +335,1 +336,1 +337,1 +338,1 +339,1 +340,1 +341,1 +342,1 +343,1 +344,1 +345,1 +346,1 +347,1 +348,1 +349,1 +350,1 +351,1 +352,1 +353,1 +354,1 +355,1 +356,1 +357,1 +358,1 +359,1 +360,1 +361,1 +362,1 +363,1 +364,1 +365,1 +366,1 +367,1 +368,1 +369,1 +370,1 +371,1 +372,1 +373,1 +374,1 +375,1 +376,1 +377,1 +378,1 +379,1 +380,1 +381,1 +382,1 +383,1 +384,1 +385,1 +386,1 +387,1 +388,1 +389,1 +390,1 +391,1 +392,1 +393,1 +394,1 +395,1 +396,1 +397,1 +398,1 +399,1 +400,1 +401,1 +402,1 +403,1 +404,1 +405,1 +406,1 +407,1 +408,1 +409,1 +410,1 +411,1 +412,1 +413,1 +414,1 +415,1 +416,1 +417,1 +418,1 +419,1 +420,1 +421,1 +422,1 +423,1 +424,1 +425,1 +426,1 +427,1 +428,1 +429,1 +430,1 +431,1 +432,1 +433,1 +434,1 +435,1 +436,1 +437,1 +438,1 +439,1 +440,1 +441,1 +442,1 +443,1 +444,1 +445,1 +446,1 +447,1 +448,1 +449,1 +450,1 +451,1 +452,1 +453,1 +454,1 +455,1 +456,1 +457,1 +458,1 +459,1 +460,1 +461,1 +462,1 +463,1 +464,1 +465,1 +466,1 +467,1 +468,1 +469,1 +470,1 +471,1 +472,1 +473,1 +474,1 +475,1 +476,1 +477,1 +478,1 +479,1 +480,1 +481,1 +482,1 +483,1 +484,1 +485,1 +486,1 +487,1 +488,1 +489,1 +490,1 +491,1 +492,1 +493,1 +494,1 +495,1 +496,1 +497,1 +498,1 +499,1 +500,1 +501,1 +502,1 +503,1 +504,1 +505,1 +506,1 +507,1 +508,1 +509,1 +510,1 +511,1 +512,1 +513,1 +514,1 +515,1 +516,1 +517,1 +518,1 +519,1 +520,1 +521,1 +522,1 +523,1 +524,1 +525,1 +526,1 +527,1 +528,1 +529,1 +530,1 +531,1 +532,1 +533,1 +534,1 +535,1 +536,1 +537,1 +538,1 +539,1 +540,1 +541,1 +542,1 +543,1 +544,1 +545,1 +546,1 +547,1 +548,1 +549,1 +550,1 +551,1 +552,1 +553,1 +554,1 +555,1 +556,1 +557,1 +558,1 +559,1 +560,1 +561,1 +562,1 +563,1 +564,1 +565,1 +566,1 +567,1 +568,1 +569,1 +570,1 +571,1 +572,1 +573,1 +574,1 +575,1 +576,1 +577,1 +578,1 +579,1 +580,1 +581,1 +582,1 +583,1 +584,1 +585,1 +586,1 +587,1 +588,1 +589,1 +590,1 +591,1 +592,1 +593,1 +594,1 +595,1 +596,1 +597,1 +598,1 +599,1 +600,1 +601,1 +602,1 +603,1 +604,1 +605,1 +606,1 +607,1 +608,1 +609,1 +610,1 +611,1 +612,1 +613,1 +614,1 +615,1 +616,1 +617,1 +618,1 +619,1 +620,1 +621,1 +622,1 +623,1 +624,1 +625,1 +626,1 +627,1 +628,1 +629,1 +630,1 +631,1 +632,1 +633,1 +634,1 +635,1 +636,1 +637,1 +638,1 +639,1 +640,1 +641,1 +642,1 +643,1 +644,1 +645,1 +646,1 +647,1 +648,1 +649,1 +650,1 +651,1 +652,1 +653,1 +654,1 +655,1 +656,1 +657,1 +658,1 +659,1 +660,1 +661,1 +662,1 +663,1 +664,1 +665,1 +666,1 +667,1 +668,1 +669,1 +670,1 +671,1 +672,1 +673,1 +674,1 +675,1 +676,1 +677,1 +678,1 +679,1 +680,1 +681,1 +682,1 +683,1 +684,1 +685,1 +686,1 +687,1 +688,1 +689,1 +690,1 +691,1 +692,1 +693,1 +694,1 +695,1 +696,1 +697,1 +698,1 +699,1 +700,1 +701,1 +702,1 +703,1 +704,1 +705,1 +706,1 +707,1 +708,1 +709,1 +710,1 +711,1 +712,1 +713,1 +714,1 +715,1 +716,1 +717,1 +718,1 +719,1 +720,1 +721,1 +722,1 +723,1 +724,1 +725,1 +726,1 +727,1 +728,1 +729,1 +730,1 +731,1 +732,1 +733,1 +734,1 +735,1 +736,1 +737,1 +738,1 +739,1 +740,1 +741,1 +742,1 +743,1 +744,1 +745,1 +746,1 +747,1 +748,1 +749,1 +750,1 +751,1 +752,1 +753,1 +754,1 +755,1 +756,1 +757,1 +758,1 +759,1 +760,1 +761,1 +762,1 +763,1 +764,1 +765,1 +766,1 +767,1 +768,1 +769,1 +770,1 +771,1 +772,1 +773,1 +774,1 +775,1 +776,1 +777,1 +778,1 +779,1 +780,1 +781,1 +782,1 +783,1 +784,1 +785,1 +786,1 +787,1 +788,1 +789,1 +790,1 +791,1 +792,1 +793,1 +794,1 +795,1 +796,1 +797,1 +798,1 +799,1 +800,1 +801,1 +802,1 +803,1 +804,1 +805,1 +806,1 +807,1 +808,1 +809,1 +810,1 +811,1 +812,1 +813,1 +814,1 +815,1 +816,1 +817,1 +818,1 +819,1 +820,1 +821,1 +822,1 +823,1 +824,1 +825,1 +826,1 +827,1 +828,1 +829,1 +830,1 +831,1 +832,1 +833,1 +834,1 +835,1 +836,1 +837,1 +838,1 +839,1 +840,1 +841,1 +842,1 +843,1 +844,1 +845,1 +846,1 +847,1 +848,1 +849,1 +850,1 +851,1 +852,1 +853,1 +854,1 +855,1 +856,1 +857,1 +858,1 +859,1 +860,1 +861,1 +862,1 +863,1 +864,1 +865,1 +866,1 +867,1 +868,1 +869,1 +870,1 +871,1 +872,1 +873,1 +874,1 +875,1 +876,1 +877,1 +878,1 +879,1 +880,1 +881,1 +882,1 +883,1 +884,1 +885,1 +886,1 +887,1 +888,1 +889,1 +890,1 +891,1 +892,1 +893,1 +894,1 +895,1 +896,1 +897,1 +898,1 +899,1 +900,1 +901,1 +902,1 +903,1 +904,1 +905,1 +906,1 +907,1 +908,1 +909,1 +910,1 +911,1 +912,1 +913,1 +914,1 +915,1 +916,1 +917,1 +918,1 +919,1 +920,1 +921,1 +922,1 +923,1 +924,1 +925,1 +926,1 +927,1 +928,1 +929,1 +930,1 +931,1 +932,1 +933,1 +934,1 +935,1 +936,1 +937,1 +938,1 +939,1 +940,1 +941,1 +942,1 +943,1 +944,1 +945,1 +946,1 +947,1 +948,1 +949,1 +950,1 +951,1 +952,1 +953,1 +954,1 +955,1 +956,1 +957,1 +958,1 +959,1 +960,1 +961,1 +962,1 +963,1 +964,1 +965,1 +966,1 +967,1 +968,1 +969,1 +970,1 +971,1 +972,1 +973,1 +974,1 +975,1 +976,1 +977,1 +978,1 +979,1 +980,1 +981,1 +982,1 +983,1 +984,1 +985,1 +986,1 +987,1 +988,1 +989,1 +990,1 +991,1 +992,1 +993,1 +994,1 +995,1 +996,1 +997,1 +998,1 +999,1 +1000,1 +1001,1 +1002,1 +1003,1 +1004,1 +1005,1 +1006,1 +1007,1 +1008,1 +1009,1 +1010,1 +1011,1 +1012,1 +1013,1 +1014,1 +1015,1 +1016,1 +1017,1 +1018,1 +1019,1 +1020,1 +1021,1 +1022,1 +1023,1 +1024,1 +1025,1 +1026,1 +1027,1 +1028,1 +1029,1 +1030,1 +1031,1 +1032,1 +1033,1 +1034,1 +1035,1 +1036,1 +1037,1 +1038,1 +1039,1 +1040,1 +1041,1 +1042,1 +1043,1 +1044,1 +1045,1 +1046,1 +1047,1 +1048,1 +1049,1 +1050,1 +1051,1 +1052,1 +1053,1 +1054,1 +1055,1 +1056,1 +1057,1 +1058,1 +1059,1 +1060,1 +1061,1 +1062,1 +1063,1 +1064,1 +1065,1 +1066,1 +1067,1 +1068,1 +1069,1 +1070,1 +1071,1 +1072,1 +1073,1 +1074,1 +1075,1 +1076,1 +1077,1 +1078,1 +1079,1 +1080,1 +1081,1 +1082,1 +1083,1 +1084,1 +1085,1 +1086,1 +1087,1 +1088,1 +1089,1 +1090,1 +1091,1 +1092,1 +1093,1 +1094,1 +1095,1 +1096,1 +1097,1 +1098,1 +1099,1 +1100,1 +1101,1 +1102,1 +1103,1 +1104,1 +1105,1 +1106,1 +1107,1 +1108,1 +1109,1 +1110,1 +1111,1 +1112,1 +1113,1 +1114,1 +1115,1 +1116,1 +1117,1 +1118,1 +1119,1 +1120,1 +1121,1 +1122,1 +1123,1 +1124,1 +1125,1 +1126,1 +1127,1 +1128,1 +1129,1 +1130,1 +1131,1 +1132,1 +1133,1 +1134,1 +1135,1 +1136,1 +1137,1 +1138,1 +1139,1 +1140,1 +1141,1 +1142,1 +1143,1 +1144,1 +1145,1 +1146,1 +1147,1 +1148,1 +1149,1 +1150,1 +1151,1 +1152,1 +1153,1 +1154,1 +1155,1 +1156,1 +1157,1 +1158,1 +1159,1 +1160,1 +1161,1 +1162,1 +1163,1 +1164,1 +1165,1 +1166,1 +1167,1 +1168,1 +1169,1 +1170,1 +1171,1 +1172,1 +1173,1 +1174,1 +1175,1 +1176,1 +1177,1 +1178,1 +1179,1 +1180,1 +1181,1 +1182,1 +1183,1 +1184,1 +1185,1 +1186,1 +1187,1 +1188,1 +1189,1 +1190,1 +1191,1 +1192,1 +1193,1 +1194,1 +1195,1 +1196,1 +1197,1 +1198,1 +1199,1 +1200,1 +1201,1 +1202,1 +1203,1 +1204,1 +1205,1 +1206,1 +1207,1 +1208,1 +1209,1 +1210,1 +1211,1 +1212,1 +1213,1 +1214,1 +1215,1 +1216,1 +1217,1 +1218,1 +1219,1 +1220,1 +1221,1 +1222,1 +1223,1 +1224,1 +1225,1 +1226,1 +1227,1 +1228,1 +1229,1 +1230,1 +1231,1 +1232,1 +1233,1 +1234,1 +1235,1 +1236,1 +1237,1 +1238,1 +1239,1 +1240,1 +1241,1 +1242,1 +1243,1 +1244,1 +1245,1 +1246,1 +1247,1 +1248,1 +1249,1 +1250,1 +1251,1 +1252,1 +1253,1 +1254,1 +1255,1 +1256,1 +1257,1 +1258,1 +1259,1 +1260,1 +1261,1 +1262,1 +1263,1 +1264,1 +1265,1 +1266,1 +1267,1 +1268,1 +1269,1 +1270,1 +1271,1 +1272,1 +1273,1 +1274,1 +1275,1 +1276,1 +1277,1 +1278,1 +1279,1 +1280,1 +1281,1 +1282,1 +1283,1 +1284,1 +1285,1 +1286,1 +1287,1 +1288,1 +1289,1 +1290,1 +1291,1 +1292,1 +1293,1 +1294,1 +1295,1 +1296,1 +1297,1 +1298,1 +1299,1 +1300,1 +1301,1 +1302,1 +1303,1 +1304,1 +1305,1 +1306,1 +1307,1 +1308,1 +1309,1 +1310,1 +1311,1 +1312,1 +1313,1 +1314,1 +1315,1 +1316,1 +1317,1 +1318,1 +1319,1 +1320,1 +1321,1 +1322,1 +1323,1 +1324,1 +1325,1 +1326,1 +1327,1 +1328,1 +1329,1 +1330,1 +1331,1 +1332,1 +1333,1 +1334,1 +1335,1 +1336,1 +1337,1 +1338,1 +1339,1 +1340,1 +1341,1 +1342,1 +1343,1 +1344,1 +1345,1 +1346,1 +1347,1 +1348,1 +1349,1 +1350,1 +1351,1 +1352,1 +1353,1 +1354,1 +1355,1 +1356,1 +1357,1 +1358,1 +1359,1 +1360,1 +1361,1 +1362,1 +1363,1 +1364,1 +1365,1 +1366,1 +1367,1 +1368,1 +1369,1 +1370,1 +1371,1 +1372,1 +1373,1 +1374,1 +1375,1 +1376,1 +1377,1 +1378,1 +1379,1 +1380,1 +1381,1 +1382,1 +1383,1 +1384,1 +1385,1 +1386,1 +1387,1 +1388,1 +1389,1 +1390,1 +1391,1 +1392,1 +1393,1 +1394,1 +1395,1 +1396,1 +1397,1 +1398,1 +1399,1 +1400,1 +1401,1 +1402,1 +1403,1 +1404,1 +1405,1 +1406,1 +1407,1 +1408,1 +1409,1 +1410,1 +1411,1 +1412,1 +1413,1 +1414,1 +1415,1 +1416,1 +1417,1 +1418,1 +1419,1 +1420,1 +1421,1 +1422,1 +1423,1 +1424,1 +1425,1 +1426,1 +1427,1 +1428,1 +1429,1 +1430,1 +1431,1 +1432,1 +1433,1 +1434,1 +1435,1 +1436,1 +1437,1 +1438,1 +1439,1 +1440,1 +1441,1 +1442,1 +1443,1 +1444,1 +1445,1 +1446,1 +1447,1 +1448,1 +1449,1 +1450,1 +1451,1 +1452,1 +1453,1 +1454,1 +1455,1 +1456,1 +1457,1 +1458,1 +1459,1 +1460,1 +1461,1 +1462,1 +1463,1 +1464,1 +1465,1 +1466,1 +1467,1 +1468,1 +1469,1 +1470,1 +1471,1 +1472,1 +1473,1 +1474,1 +1475,1 +1476,1 +1477,1 +1478,1 +1479,1 +1480,1 +1481,1 +1482,1 +1483,1 +1484,1 +1485,1 +1486,1 +1487,1 +1488,1 +1489,1 +1490,1 +1491,1 +1492,1 +1493,1 +1494,1 +1495,1 +1496,1 +1497,1 +1498,1 +1499,1 +1500,1 +1501,1 +1502,1 +1503,1 +1504,1 +1505,1 +1506,1 +1507,1 +1508,1 +1509,1 +1510,1 +1511,1 +1512,1 +1513,1 +1514,1 +1515,1 +1516,1 +1517,1 +1518,1 +1519,1 +1520,1 +1521,1 +1522,1 +1523,1 +1524,1 +1525,1 +1526,1 +1527,1 +1528,1 +1529,1 +1530,1 +1531,1 +1532,1 +1533,1 +1534,1 +1535,1 +1536,1 +1537,1 +1538,1 +1539,1 +1540,1 +1541,1 +1542,1 +1543,1 +1544,1 +1545,1 +1546,1 +1547,1 +1548,1 +1549,1 +1550,1 +1551,1 +1552,1 +1553,1 +1554,1 +1555,1 +1556,1 +1557,1 +1558,1 +1559,1 +1560,1 +1561,1 +1562,1 +1563,1 +1564,1 +1565,1 +1566,1 +1567,1 +1568,1 +1569,1 +1570,1 +1571,1 +1572,1 +1573,1 +1574,1 +1575,1 +1576,1 +1577,1 +1578,1 +1579,1 +1580,1 +1581,1 +1582,1 +1583,1 +1584,1 +1585,1 +1586,1 +1587,1 +1588,1 +1589,1 +1590,1 +1591,1 +1592,1 +1593,1 +1594,1 +1595,1 +1596,1 +1597,1 +1598,1 +1599,1 +1600,1 +1601,1 +1602,1 +1603,1 +1604,1 +1605,1 +1606,1 +1607,1 +1608,1 +1609,1 +1610,1 +1611,1 +1612,1 +1613,1 +1614,1 +1615,1 +1616,1 +1617,1 +1618,1 +1619,1 +1620,1 +1621,1 +1622,1 +1623,1 +1624,1 +1625,1 +1626,1 +1627,1 +1628,1 +1629,1 +1630,1 +1631,1 +1632,1 +1633,1 +1634,1 +1635,1 +1636,1 +1637,1 +1638,1 +1639,1 +1640,1 +1641,1 +1642,1 +1643,1 +1644,1 +1645,1 +1646,1 +1647,1 +1648,1 +1649,1 +1650,1 +1651,1 +1652,1 +1653,1 +1654,1 +1655,1 +1656,1 +1657,1 +1658,1 +1659,1 +1660,1 +1661,1 +1662,1 +1663,1 +1664,1 +1665,1 +1666,1 +1667,1 +1668,1 +1669,1 +1670,1 +1671,1 +1672,1 +1673,1 +1674,1 +1675,1 +1676,1 +1677,1 +1678,1 +1679,1 +1680,1 +1681,1 +1682,1 +1683,1 +1684,1 +1685,1 +1686,1 +1687,1 +1688,1 +1689,1 +1690,1 +1691,1 +1692,1 +1693,1 +1694,1 +1695,1 +1696,1 +1697,1 +1698,1 +1699,1 +1700,1 +1701,1 +1702,1 +1703,1 +1704,1 +1705,1 +1706,1 +1707,1 +1708,1 +1709,1 +1710,1 +1711,1 +1712,1 +1713,1 +1714,1 +1715,1 +1716,1 +1717,1 +1718,1 +1719,1 +1720,1 +1721,1 +1722,1 +1723,1 +1724,1 +1725,1 +1726,1 +1727,1 +1728,1 +1729,1 +1730,1 +1731,1 +1732,1 +1733,1 +1734,1 +1735,1 +1736,1 +1737,1 +1738,1 +1739,1 +1740,1 +1741,1 +1742,1 +1743,1 +1744,1 +1745,1 +1746,1 +1747,1 +1748,1 +1749,1 +1750,1 +1751,1 +1752,1 +1753,1 +1754,1 +1755,1 +1756,1 +1757,1 +1758,1 +1759,1 +1760,1 +1761,1 +1762,1 +1763,1 +1764,1 +1765,1 +1766,1 +1767,1 +1768,1 +1769,1 +1770,1 +1771,1 +1772,1 +1773,1 +1774,1 +1775,1 +1776,1 +1777,1 +1778,1 +1779,1 +1780,1 +1781,1 +1782,1 +1783,1 +1784,1 +1785,1 +1786,1 +1787,1 +1788,1 +1789,1 +1790,1 +1791,1 +1792,1 +1793,1 +1794,1 +1795,1 +1796,1 +1797,1 +1798,1 +1799,1 +1800,1 +1801,1 +1802,1 +1803,1 +1804,1 +1805,1 +1806,1 +1807,1 +1808,1 +1809,1 +1810,1 +1811,1 +1812,1 +1813,1 +1814,1 +1815,1 +1816,1 +1817,1 +1818,1 +1819,1 +1820,1 +1821,1 +1822,1 +1823,1 +1824,1 +1825,1 +1826,1 +1827,1 +1828,1 +1829,1 +1830,1 +1831,1 +1832,1 +1833,1 +1834,1 +1835,1 +1836,1 +1837,1 +1838,1 +1839,1 +1840,1 +1841,1 +1842,1 +1843,1 +1844,1 +1845,1 +1846,1 +1847,1 +1848,1 +1849,1 +1850,1 +1851,1 +1852,1 +1853,1 +1854,1 +1855,1 +1856,1 +1857,1 +1858,1 +1859,1 +1860,1 +1861,1 +1862,1 +1863,1 +1864,1 +1865,1 +1866,1 +1867,1 +1868,1 +1869,1 +1870,1 +1871,1 +1872,1 +1873,1 +1874,1 +1875,1 +1876,1 +1877,1 +1878,1 +1879,1 +1880,1 +1881,1 +1882,1 +1883,1 +1884,1 +1885,1 +1886,1 +1887,1 +1888,1 +1889,1 +1890,1 +1891,1 +1892,1 +1893,1 +1894,1 +1895,1 +1896,1 +1897,1 +1898,1 +1899,1 +1900,1 +1901,1 +1902,1 +1903,1 +1904,1 +1905,1 +1906,1 +1907,1 +1908,1 +1909,1 +1910,1 +1911,1 +1912,1 +1913,1 +1914,1 +1915,1 +1916,1 +1917,1 +1918,1 +1919,1 +1920,1 +1921,1 +1922,1 +1923,1 +1924,1 +1925,1 +1926,1 +1927,1 +1928,1 +1929,1 +1930,1 +1931,1 +1932,1 +1933,1 +1934,1 +1935,1 +1936,1 +1937,1 +1938,1 +1939,1 +1940,1 +1941,1 +1942,1 +1943,1 +1944,1 +1945,1 +1946,1 +1947,1 +1948,1 +1949,1 +1950,1 +1951,1 +1952,1 +1953,1 +1954,1 +1955,1 +1956,1 +1957,1 +1958,1 +1959,1 +1960,1 +1961,1 +1962,1 +1963,1 +1964,1 +1965,1 +1966,1 +1967,1 +1968,1 +1969,1 +1970,1 +1971,1 +1972,1 +1973,1 +1974,1 +1975,1 +1976,1 +1977,1 +1978,1 +1979,1 +1980,1 +1981,1 +1982,1 +1983,1 +1984,1 +1985,1 +1986,1 +1987,1 +1988,1 +1989,1 +1990,1 +1991,1 +1992,1 +1993,1 +1994,1 +1995,1 +1996,1 +1997,1 +1998,1 +1999,1 +2000,1 +2001,1 +2002,1 +2003,1 +2004,1 +2005,1 +2006,1 +2007,1 +2008,1 +2009,1 +2010,1 +2011,1 +2012,1 +2013,1 +2014,1 +2015,1 +2016,1 +2017,1 +2018,1 +2019,1 +2020,1 +2021,1 +2022,1 +2023,1 +2024,1 +2025,1 +2026,1 +2027,1 +2028,1 +2029,1 +2030,1 +2031,1 +2032,1 +2033,1 +2034,1 +2035,1 +2036,1 +2037,1 +2038,1 +2039,1 +2040,1 +2041,1 +2042,1 +2043,1 +2044,1 +2045,1 +2046,1 +2047,1 +2048,1 +2049,1 +2050,1 +2051,1 +2052,1 +2053,1 +2054,1 +2055,1 +2056,1 +2057,1 +2058,1 +2059,1 +2060,1 +2061,1 +2062,1 +2063,1 +2064,1 +2065,1 +2066,1 +2067,1 +2068,1 +2069,1 +2070,1 +2071,1 +2072,1 +2073,1 +2074,1 +2075,1 +2076,1 +2077,1 +2078,1 +2079,1 +2080,1 +2081,1 +2082,1 +2083,1 +2084,1 +2085,1 +2086,1 +2087,1 +2088,1 +2089,1 +2090,1 +2091,1 +2092,1 +2093,1 +2094,1 +2095,1 +2096,1 +2097,1 +2098,1 +2099,1 +2100,1 +2101,1 +2102,1 +2103,1 +2104,1 +2105,1 +2106,1 +2107,1 +2108,1 +2109,1 +2110,1 +2111,1 +2112,1 +2113,1 +2114,1 +2115,1 +2116,1 +2117,1 +2118,1 +2119,1 +2120,1 +2121,1 +2122,1 +2123,1 +2124,1 +2125,1 +2126,1 +2127,1 +2128,1 +2129,1 +2130,1 +2131,1 +2132,1 +2133,1 +2134,1 +2135,1 +2136,1 +2137,1 +2138,1 +2139,1 +2140,1 +2141,1 +2142,1 +2143,1 +2144,1 +2145,1 +2146,1 +2147,1 +2148,1 +2149,1 +2150,1 +2151,1 +2152,1 +2153,1 +2154,1 +2155,1 +2156,1 +2157,1 +2158,1 +2159,1 +2160,1 +2161,1 +2162,1 +2163,1 +2164,1 +2165,1 +2166,1 +2167,1 +2168,1 +2169,1 +2170,1 +2171,1 +2172,1 +2173,1 +2174,1 +2175,1 +2176,1 +2177,1 +2178,1 +2179,1 +2180,1 +2181,1 +2182,1 +2183,1 +2184,1 +2185,1 +2186,1 +2187,1 +2188,1 +2189,1 +2190,1 +2191,1 +2192,1 +2193,1 +2194,1 +2195,1 +2196,1 +2197,1 +2198,1 +2199,1 +2200,1 +2201,1 +2202,1 +2203,1 +2204,1 +2205,1 +2206,1 +2207,1 +2208,1 +2209,1 +2210,1 +2211,1 +2212,1 +2213,1 +2214,1 +2215,1 +2216,1 +2217,1 +2218,1 +2219,1 +2220,1 +2221,1 +2222,1 +2223,1 +2224,1 +2225,1 +2226,1 +2227,1 +2228,1 +2229,1 +2230,1 +2231,1 +2232,1 +2233,1 +2234,1 +2235,1 +2236,1 +2237,1 +2238,1 +2239,1 +2240,1 +2241,1 +2242,1 +2243,1 +2244,1 +2245,1 +2246,1 +2247,1 +2248,1 +2249,1 +2250,1 +2251,1 +2252,1 +2253,1 +2254,1 +2255,1 +2256,1 +2257,1 +2258,1 +2259,1 +2260,1 +2261,1 +2262,1 +2263,1 +2264,1 +2265,1 +2266,1 +2267,1 +2268,1 +2269,1 +2270,1 +2271,1 +2272,1 +2273,1 +2274,1 +2275,1 +2276,1 +2277,1 +2278,1 +2279,1 +2280,1 +2281,1 +2282,1 +2283,1 +2284,1 +2285,1 +2286,1 +2287,1 +2288,1 +2289,1 +2290,1 +2291,1 +2292,1 +2293,1 +2294,1 +2295,1 +2296,1 +2297,1 +2298,1 +2299,1 +2300,1 +2301,1 +2302,1 +2303,1 +2304,1 +2305,1 +2306,1 +2307,1 +2308,1 +2309,1 +2310,1 +2311,1 +2312,1 +2313,1 +2314,1 +2315,1 +2316,1 +2317,1 +2318,1 +2319,1 +2320,1 +2321,1 +2322,1 +2323,1 +2324,1 +2325,1 +2326,1 +2327,1 +2328,1 +2329,1 +2330,1 +2331,1 +2332,1 +2333,1 +2334,1 +2335,1 +2336,1 +2337,1 +2338,1 +2339,1 +2340,1 +2341,1 +2342,1 +2343,1 +2344,1 +2345,1 +2346,1 +2347,1 +2348,1 +2349,1 +2350,1 +2351,1 +2352,1 +2353,1 +2354,1 +2355,1 +2356,1 +2357,1 +2358,1 +2359,1 +2360,1 +2361,1 +2362,1 +2363,1 +2364,1 +2365,1 +2366,1 +2367,1 +2368,1 +2369,1 +2370,1 +2371,1 +2372,1 +2373,1 +2374,1 +2375,1 +2376,1 +2377,1 +2378,1 +2379,1 +2380,1 +2381,1 +2382,1 +2383,1 +2384,1 +2385,1 +2386,1 +2387,1 +2388,1 +2389,1 +2390,1 +2391,1 +2392,1 +2393,1 +2394,1 +2395,1 +2396,1 +2397,1 +2398,1 +2399,1 +2400,1 +2401,1 +2402,1 +2403,1 +2404,1 +2405,1 +2406,1 +2407,1 +2408,1 +2409,1 +2410,1 +2411,1 +2412,1 +2413,1 +2414,1 +2415,1 +2416,1 +2417,1 +2418,1 +2419,1 +2420,1 +2421,1 +2422,1 +2423,1 +2424,1 +2425,1 +2426,1 +2427,1 +2428,1 +2429,1 +2430,1 +2431,1 +2432,1 +2433,1 +2434,1 +2435,1 +2436,1 +2437,1 +2438,1 +2439,1 +2440,1 +2441,1 +2442,1 +2443,1 +2444,1 +2445,1 +2446,1 +2447,1 +2448,1 +2449,1 +2450,1 +2451,1 +2452,1 +2453,1 +2454,1 +2455,1 +2456,1 +2457,1 +2458,1 +2459,1 +2460,1 +2461,1 +2462,1 +2463,1 +2464,1 +2465,1 +2466,1 +2467,1 +2468,1 +2469,1 +2470,1 +2471,1 +2472,1 +2473,1 +2474,1 +2475,1 +2476,1 +2477,1 +2478,1 +2479,1 +2480,1 +2481,1 +2482,1 +2483,1 +2484,1 +2485,1 +2486,1 +2487,1 +2488,1 +2489,1 +2490,1 +2491,1 +2492,1 +2493,1 +2494,1 +2495,1 +2496,1 +2497,1 +2498,1 +2499,1 +2500,1 +2501,1 +2502,1 +2503,1 +2504,1 +2505,1 +2506,1 +2507,1 +2508,1 +2509,1 +2510,1 +2511,1 +2512,1 +2513,1 +2514,1 +2515,1 +2516,1 +2517,1 +2518,1 +2519,1 +2520,1 +2521,1 +2522,1 +2523,1 +2524,1 +2525,1 +2526,1 +2527,1 +2528,1 +2529,1 +2530,1 +2531,1 +2532,1 +2533,1 +2534,1 +2535,1 +2536,1 +2537,1 +2538,1 +2539,1 +2540,1 +2541,1 +2542,1 +2543,1 +2544,1 +2545,1 +2546,1 +2547,1 +2548,1 +2549,1 +2550,1 +2551,1 +2552,1 +2553,1 +2554,1 +2555,1 +2556,1 +2557,1 +2558,1 +2559,1 +2560,1 +2561,1 +2562,1 +2563,1 +2564,1 +2565,1 +2566,1 +2567,1 +2568,1 +2569,1 +2570,1 +2571,1 +2572,1 +2573,1 +2574,1 +2575,1 +2576,1 +2577,1 +2578,1 +2579,1 +2580,1 +2581,1 +2582,1 +2583,1 +2584,1 +2585,1 +2586,1 +2587,1 +2588,1 +2589,1 +2590,1 +2591,1 +2592,1 +2593,1 +2594,1 +2595,1 +2596,1 +2597,1 +2598,1 +2599,1 +2600,1 +2601,1 +2602,1 +2603,1 +2604,1 +2605,1 +2606,1 +2607,1 +2608,1 +2609,1 +2610,1 +2611,1 +2612,1 +2613,1 +2614,1 +2615,1 +2616,1 +2617,1 +2618,1 +2619,1 +2620,1 +2621,1 +2622,1 +2623,1 +2624,1 +2625,1 +2626,1 +2627,1 +2628,1 +2629,1 +2630,1 +2631,1 +2632,1 +2633,1 +2634,1 +2635,1 +2636,1 +2637,1 +2638,1 +2639,1 +2640,1 +2641,1 +2642,1 +2643,1 +2644,1 +2645,1 +2646,1 +2647,1 +2648,1 +2649,1 +2650,1 +2651,1 +2652,1 +2653,1 +2654,1 +2655,1 +2656,1 +2657,1 +2658,1 +2659,1 +2660,1 +2661,1 +2662,1 +2663,1 +2664,1 +2665,1 +2666,1 +2667,1 +2668,1 +2669,1 +2670,1 +2671,1 +2672,1 +2673,1 +2674,1 +2675,1 +2676,1 +2677,1 +2678,1 +2679,1 +2680,1 +2681,1 +2682,1 +2683,1 +2684,1 +2685,1 +2686,1 +2687,1 +2688,1 +2689,1 +2690,1 +2691,1 +2692,1 +2693,1 +2694,1 +2695,1 +2696,1 +2697,1 +2698,1 +2699,1 +2700,1 +2701,1 +2702,1 +2703,1 +2704,1 +2705,1 +2706,1 +2707,1 +2708,1 +2709,1 +2710,1 +2711,1 +2712,1 +2713,1 +2714,1 +2715,1 +2716,1 +2717,1 +2718,1 +2719,1 +2720,1 +2721,1 +2722,1 +2723,1 +2724,1 +2725,1 +2726,1 +2727,1 +2728,1 +2729,1 +2730,1 +2731,1 +2732,1 +2733,1 +2734,1 +2735,1 +2736,1 +2737,1 +2738,1 +2739,1 +2740,1 +2741,1 +2742,1 +2743,1 +2744,1 +2745,1 +2746,1 +2747,1 +2748,1 +2749,1 +2750,1 +2751,1 +2752,1 +2753,1 +2754,1 +2755,1 +2756,1 +2757,1 +2758,1 +2759,1 +2760,1 +2761,1 +2762,1 +2763,1 +2764,1 +2765,1 +2766,1 +2767,1 +2768,1 +2769,1 +2770,1 +2771,1 +2772,1 +2773,1 +2774,1 +2775,1 +2776,1 +2777,1 +2778,1 +2779,1 +2780,1 +2781,1 +2782,1 +2783,1 +2784,1 +2785,1 +2786,1 +2787,1 +2788,1 +2789,1 +2790,1 +2791,1 +2792,1 +2793,1 +2794,1 +2795,1 +2796,1 +2797,1 +2798,1 +2799,1 +2800,1 +2801,1 +2802,1 +2803,1 +2804,1 +2805,1 +2806,1 +2807,1 +2808,1 +2809,1 +2810,1 +2811,1 +2812,1 +2813,1 +2814,1 +2815,1 +2816,1 +2817,1 +2818,1 +2819,1 +2820,1 +2821,1 +2822,1 +2823,1 +2824,1 +2825,1 +2826,1 +2827,1 +2828,1 +2829,1 +2830,1 +2831,1 +2832,1 +2833,1 +2834,1 +2835,1 +2836,1 +2837,1 +2838,1 +2839,1 +2840,1 +2841,1 +2842,1 +2843,1 +2844,1 +2845,1 +2846,1 +2847,1 +2848,1 +2849,1 +2850,1 +2851,1 +2852,1 +2853,1 +2854,1 +2855,1 +2856,1 +2857,1 +2858,1 +2859,1 +2860,1 +2861,1 +2862,1 +2863,1 +2864,1 +2865,1 +2866,1 +2867,1 +2868,1 +2869,1 +2870,1 +2871,1 +2872,1 +2873,1 +2874,1 +2875,1 +2876,1 +2877,1 +2878,1 +2879,1 +2880,1 +2881,1 +2882,1 +2883,1 +2884,1 +2885,1 +2886,1 +2887,1 +2888,1 +2889,1 +2890,1 +2891,1 +2892,1 +2893,1 +2894,1 +2895,1 +2896,1 +2897,1 +2898,1 +2899,1 +2900,1 +2901,1 +2902,1 +2903,1 +2904,1 +2905,1 +2906,1 +2907,1 +2908,1 +2909,1 +2910,1 +2911,1 +2912,1 +2913,1 +2914,1 +2915,1 +2916,1 +2917,1 +2918,1 +2919,1 +2920,1 +2921,1 +2922,1 +2923,1 +2924,1 +2925,1 +2926,1 +2927,1 +2928,1 +2929,1 +2930,1 +2931,1 +2932,1 +2933,1 +2934,1 +2935,1 +2936,1 +2937,1 +2938,1 +2939,1 +2940,1 +2941,1 +2942,1 +2943,1 +2944,1 +2945,1 +2946,1 +2947,1 +2948,1 +2949,1 +2950,1 +2951,1 +2952,1 +2953,1 +2954,1 +2955,1 +2956,1 +2957,1 +2958,1 +2959,1 +2960,1 +2961,1 +2962,1 +2963,1 +2964,1 +2965,1 +2966,1 +2967,1 +2968,1 +2969,1 +2970,1 +2971,1 +2972,1 +2973,1 +2974,1 +2975,1 +2976,1 +2977,1 +2978,1 +2979,1 +2980,1 +2981,1 +2982,1 +2983,1 +2984,1 +2985,1 +2986,1 +2987,1 +2988,1 +2989,1 +2990,1 +2991,1 +2992,1 +2993,1 +2994,1 +2995,1 +2996,1 +2997,1 +2998,1 +2999,1 +3000,1 +3001,1 +3002,1 +3003,1 +3004,1 +3005,1 +3006,1 +3007,1 +3008,1 +3009,1 +3010,1 +3011,1 +3012,1 +3013,1 +3014,1 +3015,1 +3016,1 +3017,1 +3018,1 +3019,1 +3020,1 +3021,1 +3022,1 +3023,1 +3024,1 +3025,1 +3026,1 +3027,1 +3028,1 +3029,1 +3030,1 +3031,1 +3032,1 +3033,1 +3034,1 +3035,1 +3036,1 +3037,1 +3038,1 +3039,1 +3040,1 +3041,1 +3042,1 +3043,1 +3044,1 +3045,1 +3046,1 +3047,1 +3048,1 +3049,1 +3050,1 +3051,1 +3052,1 +3053,1 +3054,1 +3055,1 +3056,1 +3057,1 +3058,1 +3059,1 +3060,1 +3061,1 +3062,1 +3063,1 +3064,1 +3065,1 +3066,1 +3067,1 +3068,1 +3069,1 +3070,1 +3071,1 +3072,1 +3073,1 +3074,1 +3075,1 +3076,1 +3077,1 +3078,1 +3079,1 +3080,1 +3081,1 +3082,1 +3083,1 +3084,1 +3085,1 +3086,1 +3087,1 +3088,1 +3089,1 +3090,1 +3091,1 +3092,1 +3093,1 +3094,1 +3095,1 +3096,1 +3097,1 +3098,1 +3099,1 +3100,1 +3101,1 +3102,1 +3103,1 +3104,1 +3105,1 +3106,1 +3107,1 +3108,1 +3109,1 +3110,1 +3111,1 +3112,1 +3113,1 +3114,1 +3115,1 +3116,1 +3117,1 +3118,1 +3119,1 +3120,1 +3121,1 +3122,1 +3123,1 +3124,1 +3125,1 +3126,1 +3127,1 +3128,1 +3129,1 +3130,1 +3131,1 +3132,1 +3133,1 +3134,1 +3135,1 +3136,1 +3137,1 +3138,1 +3139,1 +3140,1 +3141,1 +3142,1 +3143,1 +3144,1 +3145,1 +3146,1 +3147,1 +3148,1 +3149,1 +3150,1 +3151,1 +3152,1 +3153,1 +3154,1 +3155,1 +3156,1 +3157,1 +3158,1 +3159,1 +3160,1 +3161,1 +3162,1 +3163,1 +3164,1 +3165,1 +3166,1 +3167,1 +3168,1 +3169,1 +3170,1 +3171,1 +3172,1 +3173,1 +3174,1 +3175,1 +3176,1 +3177,1 +3178,1 +3179,1 +3180,1 +3181,1 +3182,1 +3183,1 +3184,1 +3185,1 +3186,1 +3187,1 +3188,1 +3189,1 +3190,1 +3191,1 +3192,1 +3193,1 +3194,1 +3195,1 +3196,1 +3197,1 +3198,1 +3199,1 +3200,1 +3201,1 +3202,1 +3203,1 +3204,1 +3205,1 +3206,1 +3207,1 +3208,1 +3209,1 +3210,1 +3211,1 +3212,1 +3213,1 +3214,1 +3215,1 +3216,1 +3217,1 +3218,1 +3219,1 +3220,1 +3221,1 +3222,1 +3223,1 +3224,1 +3225,1 +3226,1 +3227,1 +3228,1 +3229,1 +3230,1 +3231,1 +3232,1 +3233,1 +3234,1 +3235,1 +3236,1 +3237,1 +3238,1 +3239,1 +3240,1 +3241,1 +3242,1 +3243,1 +3244,1 +3245,1 +3246,1 +3247,1 +3248,1 +3249,1 +3250,1 +3251,1 +3252,1 +3253,1 +3254,1 +3255,1 +3256,1 +3257,1 +3258,1 +3259,1 +3260,1 +3261,1 +3262,1 +3263,1 +3264,1 +3265,1 +3266,1 +3267,1 +3268,1 +3269,1 +3270,1 +3271,1 +3272,1 +3273,1 +3274,1 +3275,1 +3276,1 +3277,1 +3278,1 +3279,1 +3280,1 +3281,1 +3282,1 +3283,1 +3284,1 +3285,1 +3286,1 +3287,1 +3288,1 +3289,1 +3290,1 +3291,1 +3292,1 +3293,1 +3294,1 +3295,1 +3296,1 +3297,1 +3298,1 +3299,1 +3300,1 +3301,1 +3302,1 +3303,1 +3304,1 +3305,1 +3306,1 +3307,1 +3308,1 +3309,1 +3310,1 +3311,1 +3312,1 +3313,1 +3314,1 +3315,1 +3316,1 +3317,1 +3318,1 +3319,1 +3320,1 +3321,1 +3322,1 +3323,1 +3324,1 +3325,1 +3326,1 +3327,1 +3328,1 +3329,1 +3330,1 +3331,1 +3332,1 +3333,1 +3334,1 +3335,1 +3336,1 +3337,1 +3338,1 +3339,1 +3340,1 +3341,1 +3342,1 +3343,1 +3344,1 +3345,1 +3346,1 +3347,1 +3348,1 +3349,1 +3350,1 +3351,1 +3352,1 +3353,1 +3354,1 +3355,1 +3356,1 +3357,1 +3358,1 +3359,1 +3360,1 +3361,1 +3362,1 +3363,1 +3364,1 +3365,1 +3366,1 +3367,1 +3368,1 +3369,1 +3370,1 +3371,1 +3372,1 +3373,1 +3374,1 +3375,1 +3376,1 +3377,1 +3378,1 +3379,1 +3380,1 +3381,1 +3382,1 +3383,1 +3384,1 +3385,1 +3386,1 +3387,1 +3388,1 +3389,1 +3390,1 +3391,1 +3392,1 +3393,1 +3394,1 +3395,1 +3396,1 +3397,1 +3398,1 +3399,1 +3400,1 +3401,1 +3402,1 +3403,1 +3404,1 +3405,1 +3406,1 +3407,1 +3408,1 +3409,1 +3410,1 +3411,1 +3412,1 +3413,1 +3414,1 +3415,1 +3416,1 +3417,1 +3418,1 +3419,1 +3420,1 +3421,1 +3422,1 +3423,1 +3424,1 +3425,1 +3426,1 +3427,1 +3428,1 +3429,1 +3430,1 +3431,1 +3432,1 +3433,1 +3434,1 +3435,1 +3436,1 +3437,1 +3438,1 +3439,1 +3440,1 +3441,1 +3442,1 +3443,1 +3444,1 +3445,1 +3446,1 +3447,1 +3448,1 +3449,1 +3450,1 +3451,1 +3452,1 +3453,1 +3454,1 +3455,1 +3456,1 +3457,1 +3458,1 +3459,1 +3460,1 +3461,1 +3462,1 +3463,1 +3464,1 +3465,1 +3466,1 +3467,1 +3468,1 +3469,1 +3470,1 +3471,1 +3472,1 +3473,1 +3474,1 +3475,1 +3476,1 +3477,1 +3478,1 +3479,1 +3480,1 +3481,1 +3482,1 +3483,1 +3484,1 +3485,1 +3486,1 +3487,1 +3488,1 +3489,1 +3490,1 +3491,1 +3492,1 +3493,1 +3494,1 +3495,1 +3496,1 +3497,1 +3498,1 +3499,1 +3500,1 +3501,1 +3502,1 +3503,1 +3504,1 +3505,1 +3506,1 +3507,1 +3508,1 +3509,1 +3510,1 +3511,1 +3512,1 +3513,1 +3514,1 +3515,1 +3516,1 +3517,1 +3518,1 +3519,1 +3520,1 +3521,1 +3522,1 +3523,1 +3524,1 +3525,1 +3526,1 +3527,1 +3528,1 +3529,1 +3530,1 +3531,1 +3532,1 +3533,1 +3534,1 +3535,1 +3536,1 +3537,1 +3538,1 +3539,1 +3540,1 +3541,1 +3542,1 +3543,1 +3544,1 +3545,1 +3546,1 +3547,1 +3548,1 +3549,1 +3550,1 +3551,1 +3552,1 +3553,1 +3554,1 +3555,1 +3556,1 +3557,1 +3558,1 +3559,1 +3560,1 +3561,1 +3562,1 +3563,1 +3564,1 +3565,1 +3566,1 +3567,1 +3568,1 +3569,1 +3570,1 +3571,1 +3572,1 +3573,1 +3574,1 +3575,1 +3576,1 +3577,1 +3578,1 +3579,1 +3580,1 +3581,1 +3582,1 +3583,1 +3584,1 +3585,1 +3586,1 +3587,1 +3588,1 +3589,1 +3590,1 +3591,1 +3592,1 +3593,1 +3594,1 +3595,1 +3596,1 +3597,1 +3598,1 +3599,1 +3600,1 +3601,1 +3602,1 +3603,1 +3604,1 +3605,1 +3606,1 +3607,1 +3608,1 +3609,1 +3610,1 +3611,1 +3612,1 +3613,1 +3614,1 +3615,1 +3616,1 +3617,1 +3618,1 +3619,1 +3620,1 +3621,1 +3622,1 +3623,1 +3624,1 +3625,1 +3626,1 +3627,1 +3628,1 +3629,1 +3630,1 +3631,1 +3632,1 +3633,1 +3634,1 +3635,1 +3636,1 +3637,1 +3638,1 +3639,1 +3640,1 +3641,1 +3642,1 +3643,1 +3644,1 +3645,1 +3646,1 +3647,1 +3648,1 +3649,1 +3650,1 +3651,1 +3652,1 +3653,1 +3654,1 +3655,1 +3656,1 +3657,1 +3658,1 +3659,1 +3660,1 +3661,1 +3662,1 +3663,1 +3664,1 +3665,1 +3666,1 +3667,1 +3668,1 +3669,1 +3670,1 +3671,1 +3672,1 +3673,1 +3674,1 +3675,1 +3676,1 +3677,1 +3678,1 +3679,1 +3680,1 +3681,1 +3682,1 +3683,1 +3684,1 +3685,1 +3686,1 +3687,1 +3688,1 +3689,1 +3690,1 +3691,1 +3692,1 +3693,1 +3694,1 +3695,1 +3696,1 +3697,1 +3698,1 +3699,1 +3700,1 +3701,1 +3702,1 +3703,1 +3704,1 +3705,1 +3706,1 +3707,1 +3708,1 +3709,1 +3710,1 +3711,1 +3712,1 +3713,1 +3714,1 +3715,1 +3716,1 +3717,1 +3718,1 +3719,1 +3720,1 +3721,1 +3722,1 +3723,1 +3724,1 +3725,1 +3726,1 +3727,1 +3728,1 +3729,1 +3730,1 +3731,1 +3732,1 +3733,1 +3734,1 +3735,1 +3736,1 +3737,1 +3738,1 +3739,1 +3740,1 +3741,1 +3742,1 +3743,1 +3744,1 +3745,1 +3746,1 +3747,1 +3748,1 +3749,1 +3750,1 +3751,1 +3752,1 +3753,1 +3754,1 +3755,1 +3756,1 +3757,1 +3758,1 +3759,1 +3760,1 +3761,1 +3762,1 +3763,1 +3764,1 +3765,1 +3766,1 +3767,1 +3768,1 +3769,1 +3770,1 +3771,1 +3772,1 +3773,1 +3774,1 +3775,1 +3776,1 +3777,1 +3778,1 +3779,1 +3780,1 +3781,1 +3782,1 +3783,1 +3784,1 +3785,1 +3786,1 +3787,1 +3788,1 +3789,1 +3790,1 +3791,1 +3792,1 +3793,1 +3794,1 +3795,1 +3796,1 +3797,1 +3798,1 +3799,1 +3800,1 +3801,1 +3802,1 +3803,1 +3804,1 +3805,1 +3806,1 +3807,1 +3808,1 +3809,1 +3810,1 +3811,1 +3812,1 +3813,1 +3814,1 +3815,1 +3816,1 +3817,1 +3818,1 +3819,1 +3820,1 +3821,1 +3822,1 +3823,1 +3824,1 +3825,1 +3826,1 +3827,1 +3828,1 +3829,1 +3830,1 +3831,1 +3832,1 +3833,1 +3834,1 +3835,1 +3836,1 +3837,1 +3838,1 +3839,1 +3840,1 +3841,1 +3842,1 +3843,1 +3844,1 +3845,1 +3846,1 +3847,1 +3848,1 +3849,1 +3850,1 +3851,1 +3852,1 +3853,1 +3854,1 +3855,1 +3856,1 +3857,1 +3858,1 +3859,1 +3860,1 +3861,1 +3862,1 +3863,1 +3864,1 +3865,1 +3866,1 +3867,1 +3868,1 +3869,1 +3870,1 +3871,1 +3872,1 +3873,1 +3874,1 +3875,1 +3876,1 +3877,1 +3878,1 +3879,1 +3880,1 +3881,1 +3882,1 +3883,1 +3884,1 +3885,1 +3886,1 +3887,1 +3888,1 +3889,1 +3890,1 +3891,1 +3892,1 +3893,1 +3894,1 +3895,1 +3896,1 +3897,1 +3898,1 +3899,1 +3900,1 +3901,1 +3902,1 +3903,1 +3904,1 +3905,1 +3906,1 +3907,1 +3908,1 +3909,1 +3910,1 +3911,1 +3912,1 +3913,1 +3914,1 +3915,1 +3916,1 +3917,1 +3918,1 +3919,1 +3920,1 +3921,1 +3922,1 +3923,1 +3924,1 +3925,1 +3926,1 +3927,1 +3928,1 +3929,1 +3930,1 +3931,1 +3932,1 +3933,1 +3934,1 +3935,1 +3936,1 +3937,1 +3938,1 +3939,1 +3940,1 +3941,1 +3942,1 +3943,1 +3944,1 +3945,1 +3946,1 +3947,1 +3948,1 +3949,1 +3950,1 +3951,1 +3952,1 +3953,1 +3954,1 +3955,1 +3956,1 +3957,1 +3958,1 +3959,1 +3960,1 +3961,1 +3962,1 +3963,1 +3964,1 +3965,1 +3966,1 +3967,1 +3968,1 +3969,1 +3970,1 +3971,1 +3972,1 +3973,1 +3974,1 +3975,1 +3976,1 +3977,1 +3978,1 +3979,1 +3980,1 +3981,1 +3982,1 +3983,1 +3984,1 +3985,1 +3986,1 +3987,1 +3988,1 +3989,1 +3990,1 +3991,1 +3992,1 +3993,1 +3994,1 +3995,1 +3996,1 +3997,1 +3998,1 +3999,1 +4000,1 +4001,1 +4002,1 +4003,1 +4004,1 +4005,1 +4006,1 +4007,1 +4008,1 +4009,1 +4010,1 +4011,1 +4012,1 +4013,1 +4014,1 +4015,1 +4016,1 +4017,1 +4018,1 +4019,1 +4020,1 +4021,1 +4022,1 +4023,1 +4024,1 +4025,1 +4026,1 +4027,1 +4028,1 +4029,1 +4030,1 +4031,1 +4032,1 +4033,1 +4034,1 +4035,1 +4036,1 +4037,1 +4038,1 +4039,1 +4040,1 +4041,1 +4042,1 +4043,1 +4044,1 +4045,1 +4046,1 +4047,1 +4048,1 +4049,1 +4050,1 +4051,1 +4052,1 +4053,1 +4054,1 +4055,1 +4056,1 +4057,1 +4058,1 +4059,1 +4060,1 +4061,1 +4062,1 +4063,1 +4064,1 +4065,1 +4066,1 +4067,1 +4068,1 +4069,1 +4070,1 +4071,1 +4072,1 +4073,1 +4074,1 +4075,1 +4076,1 +4077,1 +4078,1 +4079,1 +4080,1 +4081,1 +4082,1 +4083,1 +4084,1 +4085,1 +4086,1 +4087,1 +4088,1 +4089,1 +4090,1 +4091,1 +4092,1 +4093,1 +4094,1 +4095,1 +4096,1 +4097,1 +4098,1 +4099,1 +4100,1 +4101,1 +4102,1 +4103,1 +4104,1 +4105,1 +4106,1 +4107,1 +4108,1 +4109,1 +4110,1 +4111,1 +4112,1 +4113,1 +4114,1 +4115,1 +4116,1 +4117,1 +4118,1 +4119,1 +4120,1 +4121,1 +4122,1 +4123,1 +4124,1 +4125,1 +4126,1 +4127,1 +4128,1 +4129,1 +4130,1 +4131,1 +4132,1 +4133,1 +4134,1 +4135,1 +4136,1 +4137,1 +4138,1 +4139,1 +4140,1 +4141,1 +4142,1 +4143,1 +4144,1 +4145,1 +4146,1 +4147,1 +4148,1 +4149,1 +4150,1 +4151,1 +4152,1 +4153,1 +4154,1 +4155,1 +4156,1 +4157,1 +4158,1 +4159,1 +4160,1 +4161,1 +4162,1 +4163,1 +4164,1 +4165,1 +4166,1 +4167,1 +4168,1 +4169,1 +4170,1 +4171,1 +4172,1 +4173,1 +4174,1 +4175,1 +4176,1 +4177,1 +4178,1 +4179,1 +4180,1 +4181,1 +4182,1 +4183,1 +4184,1 +4185,1 +4186,1 +4187,1 +4188,1 +4189,1 +4190,1 +4191,1 +4192,1 +4193,1 +4194,1 +4195,1 +4196,1 +4197,1 +4198,1 +4199,1 +4200,1 +4201,1 +4202,1 +4203,1 +4204,1 +4205,1 +4206,1 +4207,1 +4208,1 +4209,1 +4210,1 +4211,1 +4212,1 +4213,1 +4214,1 +4215,1 +4216,1 +4217,1 +4218,1 +4219,1 +4220,1 +4221,1 +4222,1 +4223,1 +4224,1 +4225,1 +4226,1 +4227,1 +4228,1 +4229,1 +4230,1 +4231,1 +4232,1 +4233,1 +4234,1 +4235,1 +4236,1 +4237,1 +4238,1 +4239,1 +4240,1 +4241,1 +4242,1 +4243,1 +4244,1 +4245,1 +4246,1 +4247,1 +4248,1 +4249,1 +4250,1 +4251,1 +4252,1 +4253,1 +4254,1 +4255,1 +4256,1 +4257,1 +4258,1 +4259,1 +4260,1 +4261,1 +4262,1 +4263,1 +4264,1 +4265,1 +4266,1 +4267,1 +4268,1 +4269,1 +4270,1 +4271,1 +4272,1 +4273,1 +4274,1 +4275,1 +4276,1 +4277,1 +4278,1 +4279,1 +4280,1 +4281,1 +4282,1 +4283,1 +4284,1 +4285,1 +4286,1 +4287,1 +4288,1 +4289,1 +4290,1 +4291,1 +4292,1 +4293,1 +4294,1 +4295,1 +4296,1 +4297,1 +4298,1 +4299,1 +4300,1 +4301,1 +4302,1 +4303,1 +4304,1 +4305,1 +4306,1 +4307,1 +4308,1 +4309,1 +4310,1 +4311,1 +4312,1 +4313,1 +4314,1 +4315,1 +4316,1 +4317,1 +4318,1 +4319,1 +4320,1 +4321,1 +4322,1 +4323,1 +4324,1 +4325,1 +4326,1 +4327,1 +4328,1 +4329,1 +4330,1 +4331,1 +4332,1 +4333,1 +4334,1 +4335,1 +4336,1 +4337,1 +4338,1 +4339,1 +4340,1 +4341,1 +4342,1 +4343,1 +4344,1 +4345,1 +4346,1 +4347,1 +4348,1 +4349,1 +4350,1 +4351,1 +4352,1 +4353,1 +4354,1 +4355,1 +4356,1 +4357,1 +4358,1 +4359,1 +4360,1 +4361,1 +4362,1 +4363,1 +4364,1 +4365,1 +4366,1 +4367,1 +4368,1 +4369,1 +4370,1 +4371,1 +4372,1 +4373,1 +4374,1 +4375,1 +4376,1 +4377,1 +4378,1 +4379,1 +4380,1 +4381,1 +4382,1 +4383,1 +4384,1 +4385,1 +4386,1 +4387,1 +4388,1 +4389,1 +4390,1 +4391,1 +4392,1 +4393,1 +4394,1 +4395,1 +4396,1 +4397,1 +4398,1 +4399,1 +4400,1 +4401,1 +4402,1 +4403,1 +4404,1 +4405,1 +4406,1 +4407,1 +4408,1 +4409,1 +4410,1 +4411,1 +4412,1 +4413,1 +4414,1 +4415,1 +4416,1 +4417,1 +4418,1 +4419,1 +4420,1 +4421,1 +4422,1 +4423,1 +4424,1 +4425,1 +4426,1 +4427,1 +4428,1 +4429,1 +4430,1 +4431,1 +4432,1 +4433,1 +4434,1 +4435,1 +4436,1 +4437,1 +4438,1 +4439,1 +4440,1 +4441,1 +4442,1 +4443,1 +4444,1 +4445,1 +4446,1 +4447,1 +4448,1 +4449,1 +4450,1 +4451,1 +4452,1 +4453,1 +4454,1 +4455,1 +4456,1 +4457,1 +4458,1 +4459,1 +4460,1 +4461,1 +4462,1 +4463,1 +4464,1 +4465,1 +4466,1 +4467,1 +4468,1 +4469,1 +4470,1 +4471,1 +4472,1 +4473,1 +4474,1 +4475,1 +4476,1 +4477,1 +4478,1 +4479,1 +4480,1 +4481,1 +4482,1 +4483,1 +4484,1 +4485,1 +4486,1 +4487,1 +4488,1 +4489,1 +4490,1 +4491,1 +4492,1 +4493,1 +4494,1 +4495,1 +4496,1 +4497,1 +4498,1 +4499,1 +4500,1 +4501,1 +4502,1 +4503,1 +4504,1 +4505,1 +4506,1 +4507,1 +4508,1 +4509,1 +4510,1 +4511,1 +4512,1 +4513,1 +4514,1 +4515,1 +4516,1 +4517,1 +4518,1 +4519,1 +4520,1 +4521,1 +4522,1 +4523,1 +4524,1 +4525,1 +4526,1 +4527,1 +4528,1 +4529,1 +4530,1 +4531,1 +4532,1 +4533,1 +4534,1 +4535,1 +4536,1 +4537,1 +4538,1 +4539,1 +4540,1 +4541,1 +4542,1 +4543,1 +4544,1 +4545,1 +4546,1 +4547,1 +4548,1 +4549,1 +4550,1 +4551,1 +4552,1 +4553,1 +4554,1 +4555,1 +4556,1 +4557,1 +4558,1 +4559,1 +4560,1 +4561,1 +4562,1 +4563,1 +4564,1 +4565,1 +4566,1 +4567,1 +4568,1 +4569,1 +4570,1 +4571,1 +4572,1 +4573,1 +4574,1 +4575,1 +4576,1 +4577,1 +4578,1 +4579,1 +4580,1 +4581,1 +4582,1 +4583,1 +4584,1 +4585,1 +4586,1 +4587,1 +4588,1 +4589,1 +4590,1 +4591,1 +4592,1 +4593,1 +4594,1 +4595,1 +4596,1 +4597,1 +4598,1 +4599,1 +4600,1 +4601,1 +4602,1 +4603,1 +4604,1 +4605,1 +4606,1 +4607,1 +4608,1 +4609,1 +4610,1 +4611,1 +4612,1 +4613,1 +4614,1 +4615,1 +4616,1 +4617,1 +4618,1 +4619,1 +4620,1 +4621,1 +4622,1 +4623,1 +4624,1 +4625,1 +4626,1 +4627,1 +4628,1 +4629,1 +4630,1 +4631,1 +4632,1 +4633,1 +4634,1 +4635,1 +4636,1 +4637,1 +4638,1 +4639,1 +4640,1 +4641,1 +4642,1 +4643,1 +4644,1 +4645,1 +4646,1 +4647,1 +4648,1 +4649,1 +4650,1 +4651,1 +4652,1 +4653,1 +4654,1 +4655,1 +4656,1 +4657,1 +4658,1 +4659,1 +4660,1 +4661,1 +4662,1 +4663,1 +4664,1 +4665,1 +4666,1 +4667,1 +4668,1 +4669,1 +4670,1 +4671,1 +4672,1 +4673,1 +4674,1 +4675,1 +4676,1 +4677,1 +4678,1 +4679,1 +4680,1 +4681,1 +4682,1 +4683,1 +4684,1 +4685,1 +4686,1 +4687,1 +4688,1 +4689,1 +4690,1 +4691,1 +4692,1 +4693,1 +4694,1 +4695,1 +4696,1 +4697,1 +4698,1 +4699,1 +4700,1 +4701,1 +4702,1 +4703,1 +4704,1 +4705,1 +4706,1 +4707,1 +4708,1 +4709,1 +4710,1 +4711,1 +4712,1 +4713,1 +4714,1 +4715,1 +4716,1 +4717,1 +4718,1 +4719,1 +4720,1 +4721,1 +4722,1 +4723,1 +4724,1 +4725,1 +4726,1 +4727,1 +4728,1 +4729,1 +4730,1 +4731,1 +4732,1 +4733,1 +4734,1 +4735,1 +4736,1 +4737,1 +4738,1 +4739,1 +4740,1 +4741,1 +4742,1 +4743,1 +4744,1 +4745,1 +4746,1 +4747,1 +4748,1 +4749,1 +4750,1 +4751,1 +4752,1 +4753,1 +4754,1 +4755,1 +4756,1 +4757,1 +4758,1 +4759,1 +4760,1 +4761,1 +4762,1 +4763,1 +4764,1 +4765,1 +4766,1 +4767,1 +4768,1 +4769,1 +4770,1 +4771,1 +4772,1 +4773,1 +4774,1 +4775,1 +4776,1 +4777,1 +4778,1 +4779,1 +4780,1 +4781,1 +4782,1 +4783,1 +4784,1 +4785,1 +4786,1 +4787,1 +4788,1 +4789,1 +4790,1 +4791,1 +4792,1 +4793,1 +4794,1 +4795,1 +4796,1 +4797,1 +4798,1 +4799,1 +4800,1 +4801,1 +4802,1 +4803,1 +4804,1 +4805,1 +4806,1 +4807,1 +4808,1 +4809,1 +4810,1 +4811,1 +4812,1 +4813,1 +4814,1 +4815,1 +4816,1 +4817,1 +4818,1 +4819,1 +4820,1 +4821,1 +4822,1 +4823,1 +4824,1 +4825,1 +4826,1 +4827,1 +4828,1 +4829,1 +4830,1 +4831,1 +4832,1 +4833,1 +4834,1 +4835,1 +4836,1 +4837,1 +4838,1 +4839,1 +4840,1 +4841,1 +4842,1 +4843,1 +4844,1 +4845,1 +4846,1 +4847,1 +4848,1 +4849,1 +4850,1 +4851,1 +4852,1 +4853,1 +4854,1 +4855,1 +4856,1 +4857,1 +4858,1 +4859,1 +4860,1 +4861,1 +4862,1 +4863,1 +4864,1 +4865,1 +4866,1 +4867,1 +4868,1 +4869,1 +4870,1 +4871,1 +4872,1 +4873,1 +4874,1 +4875,1 +4876,1 +4877,1 +4878,1 +4879,1 +4880,1 +4881,1 +4882,1 +4883,1 +4884,1 +4885,1 +4886,1 +4887,1 +4888,1 +4889,1 +4890,1 +4891,1 +4892,1 +4893,1 +4894,1 +4895,1 +4896,1 +4897,1 +4898,1 +4899,1 +4900,1 +4901,1 +4902,1 +4903,1 +4904,1 +4905,1 +4906,1 +4907,1 +4908,1 +4909,1 +4910,1 +4911,1 +4912,1 +4913,1 +4914,1 +4915,1 +4916,1 +4917,1 +4918,1 +4919,1 +4920,1 +4921,1 +4922,1 +4923,1 +4924,1 +4925,1 +4926,1 +4927,1 +4928,1 +4929,1 +4930,1 +4931,1 +4932,1 +4933,1 +4934,1 +4935,1 +4936,1 +4937,1 +4938,1 +4939,1 +4940,1 +4941,1 +4942,1 +4943,1 +4944,1 +4945,1 +4946,1 +4947,1 +4948,1 +4949,1 +4950,1 +4951,1 +4952,1 +4953,1 +4954,1 +4955,1 +4956,1 +4957,1 +4958,1 +4959,1 +4960,1 +4961,1 +4962,1 +4963,1 +4964,1 +4965,1 +4966,1 +4967,1 +4968,1 +4969,1 +4970,1 +4971,1 +4972,1 +4973,1 +4974,1 +4975,1 +4976,1 +4977,1 +4978,1 +4979,1 +4980,1 +4981,1 +4982,1 +4983,1 +4984,1 +4985,1 +4986,1 +4987,1 +4988,1 +4989,1 +4990,1 +4991,1 +4992,1 +4993,1 +4994,1 +4995,1 +4996,1 +4997,1 +4998,1 +4999,1 +5000,1 +5001,1 +5002,1 +5003,1 +5004,1 +5005,1 +5006,1 +5007,1 +5008,1 +5009,1 +5010,1 +5011,1 +5012,1 +5013,1 +5014,1 +5015,1 +5016,1 +5017,1 +5018,1 +5019,1 +5020,1 +5021,1 +5022,1 +5023,1 +5024,1 +5025,1 +5026,1 +5027,1 +5028,1 +5029,1 +5030,1 +5031,1 +5032,1 +5033,1 +5034,1 +5035,1 +5036,1 +5037,1 +5038,1 +5039,1 +5040,1 +5041,1 +5042,1 +5043,1 +5044,1 +5045,1 +5046,1 +5047,1 +5048,1 +5049,1 +5050,1 +5051,1 +5052,1 +5053,1 +5054,1 +5055,1 +5056,1 +5057,1 +5058,1 +5059,1 +5060,1 +5061,1 +5062,1 +5063,1 +5064,1 +5065,1 +5066,1 +5067,1 +5068,1 +5069,1 +5070,1 +5071,1 +5072,1 +5073,1 +5074,1 +5075,1 +5076,1 +5077,1 +5078,1 +5079,1 +5080,1 +5081,1 +5082,1 +5083,1 +5084,1 +5085,1 +5086,1 +5087,1 +5088,1 +5089,1 +5090,1 +5091,1 +5092,1 +5093,1 +5094,1 +5095,1 +5096,1 +5097,1 +5098,1 +5099,1 +5100,1 +5101,1 +5102,1 +5103,1 +5104,1 +5105,1 +5106,1 +5107,1 +5108,1 +5109,1 +5110,1 +5111,1 +5112,1 +5113,1 +5114,1 +5115,1 +5116,1 +5117,1 +5118,1 +5119,1 +5120,1 +5121,1 +5122,1 +5123,1 +5124,1 +5125,1 +5126,1 +5127,1 +5128,1 +5129,1 +5130,1 +5131,1 +5132,1 +5133,1 +5134,1 +5135,1 +5136,1 +5137,1 +5138,1 +5139,1 +5140,1 +5141,1 +5142,1 +5143,1 +5144,1 +5145,1 +5146,1 +5147,1 +5148,1 +5149,1 +5150,1 +5151,1 +5152,1 +5153,1 +5154,1 +5155,1 +5156,1 +5157,1 +5158,1 +5159,1 +5160,1 +5161,1 +5162,1 +5163,1 +5164,1 +5165,1 +5166,1 +5167,1 +5168,1 +5169,1 +5170,1 +5171,1 +5172,1 +5173,1 +5174,1 +5175,1 +5176,1 +5177,1 +5178,1 +5179,1 +5180,1 +5181,1 +5182,1 +5183,1 +5184,1 +5185,1 +5186,1 +5187,1 +5188,1 +5189,1 +5190,1 +5191,1 +5192,1 +5193,1 +5194,1 +5195,1 +5196,1 +5197,1 +5198,1 +5199,1 +5200,1 +5201,1 +5202,1 +5203,1 +5204,1 +5205,1 +5206,1 +5207,1 +5208,1 +5209,1 +5210,1 +5211,1 +5212,1 +5213,1 +5214,1 +5215,1 +5216,1 +5217,1 +5218,1 +5219,1 +5220,1 +5221,1 +5222,1 +5223,1 +5224,1 +5225,1 +5226,1 +5227,1 +5228,1 +5229,1 +5230,1 +5231,1 +5232,1 +5233,1 +5234,1 +5235,1 +5236,1 +5237,1 +5238,1 +5239,1 +5240,1 +5241,1 +5242,1 +5243,1 +5244,1 +5245,1 +5246,1 +5247,1 +5248,1 +5249,1 +5250,1 +5251,1 +5252,1 +5253,1 +5254,1 +5255,1 +5256,1 +5257,1 +5258,1 +5259,1 +5260,1 +5261,1 +5262,1 +5263,1 +5264,1 +5265,1 +5266,1 +5267,1 +5268,1 +5269,1 +5270,1 +5271,1 +5272,1 +5273,1 +5274,1 +5275,1 +5276,1 +5277,1 +5278,1 +5279,1 +5280,1 +5281,1 +5282,1 +5283,1 +5284,1 +5285,1 +5286,1 +5287,1 +5288,1 +5289,1 +5290,1 +5291,1 +5292,1 +5293,1 +5294,1 +5295,1 +5296,1 +5297,1 +5298,1 +5299,1 +5300,1 +5301,1 +5302,1 +5303,1 +5304,1 +5305,1 +5306,1 +5307,1 +5308,1 +5309,1 +5310,1 +5311,1 +5312,1 +5313,1 +5314,1 +5315,1 +5316,1 +5317,1 +5318,1 +5319,1 +5320,1 +5321,1 +5322,1 +5323,1 +5324,1 +5325,1 +5326,1 +5327,1 +5328,1 +5329,1 +5330,1 +5331,1 +5332,1 +5333,1 +5334,1 +5335,1 +5336,1 +5337,1 +5338,1 +5339,1 +5340,1 +5341,1 +5342,1 +5343,1 +5344,1 +5345,1 +5346,1 +5347,1 +5348,1 +5349,1 +5350,1 +5351,1 +5352,1 +5353,1 +5354,1 +5355,1 +5356,1 +5357,1 +5358,1 +5359,1 +5360,1 +5361,1 +5362,1 +5363,1 +5364,1 +5365,1 +5366,1 +5367,1 +5368,1 +5369,1 +5370,1 +5371,1 +5372,1 +5373,1 +5374,1 +5375,1 +5376,1 +5377,1 +5378,1 +5379,1 +5380,1 +5381,1 +5382,1 +5383,1 +5384,1 +5385,1 +5386,1 +5387,1 +5388,1 +5389,1 +5390,1 +5391,1 +5392,1 +5393,1 +5394,1 +5395,1 +5396,1 +5397,1 +5398,1 +5399,1 +5400,1 +5401,1 +5402,1 +5403,1 +5404,1 +5405,1 +5406,1 +5407,1 +5408,1 +5409,1 +5410,1 +5411,1 +5412,1 +5413,1 +5414,1 +5415,1 +5416,1 +5417,1 +5418,1 +5419,1 +5420,1 +5421,1 +5422,1 +5423,1 +5424,1 +5425,1 +5426,1 +5427,1 +5428,1 +5429,1 +5430,1 +5431,1 +5432,1 +5433,1 +5434,1 +5435,1 +5436,1 +5437,1 +5438,1 +5439,1 +5440,1 +5441,1 +5442,1 +5443,1 +5444,1 +5445,1 +5446,1 +5447,1 +5448,1 +5449,1 +5450,1 +5451,1 +5452,1 +5453,1 +5454,1 +5455,1 +5456,1 +5457,1 +5458,1 +5459,1 +5460,1 +5461,1 +5462,1 +5463,1 +5464,1 +5465,1 +5466,1 +5467,1 +5468,1 +5469,1 +5470,1 +5471,1 +5472,1 +5473,1 +5474,1 +5475,1 +5476,1 +5477,1 +5478,1 +5479,1 +5480,1 +5481,1 +5482,1 +5483,1 +5484,1 +5485,1 +5486,1 +5487,1 +5488,1 +5489,1 +5490,1 +5491,1 +5492,1 +5493,1 +5494,1 +5495,1 +5496,1 +5497,1 +5498,1 +5499,1 +5500,1 +5501,1 +5502,1 +5503,1 +5504,1 +5505,1 +5506,1 +5507,1 +5508,1 +5509,1 +5510,1 +5511,1 +5512,1 +5513,1 +5514,1 +5515,1 +5516,1 +5517,1 +5518,1 +5519,1 +5520,1 +5521,1 +5522,1 +5523,1 +5524,1 +5525,1 +5526,1 +5527,1 +5528,1 +5529,1 +5530,1 +5531,1 +5532,1 +5533,1 +5534,1 +5535,1 +5536,1 +5537,1 +5538,1 +5539,1 +5540,1 +5541,1 +5542,1 +5543,1 +5544,1 +5545,1 +5546,1 +5547,1 +5548,1 +5549,1 +5550,1 +5551,1 +5552,1 +5553,1 +5554,1 +5555,1 +5556,1 +5557,1 +5558,1 +5559,1 +5560,1 +5561,1 +5562,1 +5563,1 +5564,1 +5565,1 +5566,1 +5567,1 +5568,1 +5569,1 +5570,1 +5571,1 +5572,1 +5573,1 +5574,1 +5575,1 +5576,1 +5577,1 +5578,1 +5579,1 +5580,1 +5581,1 +5582,1 +5583,1 +5584,1 +5585,1 +5586,1 +5587,1 +5588,1 +5589,1 +5590,1 +5591,1 +5592,1 +5593,1 +5594,1 +5595,1 +5596,1 +5597,1 +5598,1 +5599,1 +5600,1 +5601,1 +5602,1 +5603,1 +5604,1 +5605,1 +5606,1 +5607,1 +5608,1 +5609,1 +5610,1 +5611,1 +5612,1 +5613,1 +5614,1 +5615,1 +5616,1 +5617,1 +5618,1 +5619,1 +5620,1 +5621,1 +5622,1 +5623,1 +5624,1 +5625,1 +5626,1 +5627,1 +5628,1 +5629,1 +5630,1 +5631,1 +5632,1 +5633,1 +5634,1 +5635,1 +5636,1 +5637,1 +5638,1 +5639,1 +5640,1 +5641,1 +5642,1 +5643,1 +5644,1 +5645,1 +5646,1 +5647,1 +5648,1 +5649,1 +5650,1 +5651,1 +5652,1 +5653,1 +5654,1 +5655,1 +5656,1 +5657,1 +5658,1 +5659,1 +5660,1 +5661,1 +5662,1 +5663,1 +5664,1 +5665,1 +5666,1 +5667,1 +5668,1 +5669,1 +5670,1 +5671,1 +5672,1 +5673,1 +5674,1 +5675,1 +5676,1 +5677,1 +5678,1 +5679,1 +5680,1 +5681,1 +5682,1 +5683,1 +5684,1 +5685,1 +5686,1 +5687,1 +5688,1 +5689,1 +5690,1 +5691,1 +5692,1 +5693,1 +5694,1 +5695,1 +5696,1 +5697,1 +5698,1 +5699,1 +5700,1 +5701,1 +5702,1 +5703,1 +5704,1 +5705,1 +5706,1 +5707,1 +5708,1 +5709,1 +5710,1 +5711,1 +5712,1 +5713,1 +5714,1 +5715,1 +5716,1 +5717,1 +5718,1 +5719,1 +5720,1 +5721,1 +5722,1 +5723,1 +5724,1 +5725,1 +5726,1 +5727,1 +5728,1 +5729,1 +5730,1 +5731,1 +5732,1 +5733,1 +5734,1 +5735,1 +5736,1 +5737,1 +5738,1 +5739,1 +5740,1 +5741,1 +5742,1 +5743,1 +5744,1 +5745,1 +5746,1 +5747,1 +5748,1 +5749,1 +5750,1 +5751,1 +5752,1 +5753,1 +5754,1 +5755,1 +5756,1 +5757,1 +5758,1 +5759,1 +5760,1 +5761,1 +5762,1 +5763,1 +5764,1 +5765,1 +5766,1 +5767,1 +5768,1 +5769,1 +5770,1 +5771,1 +5772,1 +5773,1 +5774,1 +5775,1 +5776,1 +5777,1 +5778,1 +5779,1 +5780,1 +5781,1 +5782,1 +5783,1 +5784,1 +5785,1 +5786,1 +5787,1 +5788,1 +5789,1 +5790,1 +5791,1 +5792,1 +5793,1 +5794,1 +5795,1 +5796,1 +5797,1 +5798,1 +5799,1 +5800,1 +5801,1 +5802,1 +5803,1 +5804,1 +5805,1 +5806,1 +5807,1 +5808,1 +5809,1 +5810,1 +5811,1 +5812,1 +5813,1 +5814,1 +5815,1 +5816,1 +5817,1 +5818,1 +5819,1 +5820,1 +5821,1 +5822,1 +5823,1 +5824,1 +5825,1 +5826,1 +5827,1 +5828,1 +5829,1 +5830,1 +5831,1 +5832,1 +5833,1 +5834,1 +5835,1 +5836,1 +5837,1 +5838,1 +5839,1 +5840,1 +5841,1 +5842,1 +5843,1 +5844,1 +5845,1 +5846,1 +5847,1 +5848,1 +5849,1 +5850,1 +5851,1 +5852,1 +5853,1 +5854,1 +5855,1 +5856,1 +5857,1 +5858,1 +5859,1 +5860,1 +5861,1 +5862,1 +5863,1 +5864,1 +5865,1 +5866,1 +5867,1 +5868,1 +5869,1 +5870,1 +5871,1 +5872,1 +5873,1 +5874,1 +5875,1 +5876,1 +5877,1 +5878,1 +5879,1 +5880,1 +5881,1 +5882,1 +5883,1 +5884,1 +5885,1 +5886,1 +5887,1 +5888,1 +5889,1 +5890,1 +5891,1 +5892,1 +5893,1 +5894,1 +5895,1 +5896,1 +5897,1 +5898,1 +5899,1 +5900,1 +5901,1 +5902,1 +5903,1 +5904,1 +5905,1 +5906,1 +5907,1 +5908,1 +5909,1 +5910,1 +5911,1 +5912,1 +5913,1 +5914,1 +5915,1 +5916,1 +5917,1 +5918,1 +5919,1 +5920,1 +5921,1 +5922,1 +5923,1 +5924,1 +5925,1 +5926,1 +5927,1 +5928,1 +5929,1 +5930,1 +5931,1 +5932,1 +5933,1 +5934,1 +5935,1 +5936,1 +5937,1 +5938,1 +5939,1 +5940,1 +5941,1 +5942,1 +5943,1 +5944,1 +5945,1 +5946,1 +5947,1 +5948,1 +5949,1 +5950,1 +5951,1 +5952,1 +5953,1 +5954,1 +5955,1 +5956,1 +5957,1 +5958,1 +5959,1 +5960,1 +5961,1 +5962,1 +5963,1 +5964,1 +5965,1 +5966,1 +5967,1 +5968,1 +5969,1 +5970,1 +5971,1 +5972,1 +5973,1 +5974,1 +5975,1 +5976,1 +5977,1 +5978,1 +5979,1 +5980,1 +5981,1 +5982,1 +5983,1 +5984,1 +5985,1 +5986,1 +5987,1 +5988,1 +5989,1 +5990,1 +5991,1 +5992,1 +5993,1 +5994,1 +5995,1 +5996,1 +5997,1 +5998,1 +5999,1 +6000,1 +6001,1 +6002,1 +6003,1 +6004,1 +6005,1 +6006,1 +6007,1 +6008,1 +6009,1 +6010,1 +6011,1 +6012,1 +6013,1 +6014,1 +6015,1 +6016,1 +6017,1 +6018,1 +6019,1 +6020,1 +6021,1 +6022,1 +6023,1 +6024,1 +6025,1 +6026,1 +6027,1 +6028,1 +6029,1 +6030,1 +6031,1 +6032,1 +6033,1 +6034,1 +6035,1 +6036,1 +6037,1 +6038,1 +6039,1 +6040,1 +6041,1 +6042,1 +6043,1 +6044,1 +6045,1 +6046,1 +6047,1 +6048,1 +6049,1 +6050,1 +6051,1 +6052,1 +6053,1 +6054,1 +6055,1 +6056,1 +6057,1 +6058,1 +6059,1 +6060,1 +6061,1 +6062,1 +6063,1 +6064,1 +6065,1 +6066,1 +6067,1 +6068,1 +6069,1 +6070,1 +6071,1 +6072,1 +6073,1 +6074,1 +6075,1 +6076,1 +6077,1 +6078,1 +6079,1 +6080,1 +6081,1 +6082,1 +6083,1 +6084,1 +6085,1 +6086,1 +6087,1 +6088,1 +6089,1 +6090,1 +6091,1 +6092,1 +6093,1 +6094,1 +6095,1 +6096,1 +6097,1 +6098,1 +6099,1 +6100,1 +6101,1 +6102,1 +6103,1 +6104,1 +6105,1 +6106,1 +6107,1 +6108,1 +6109,1 +6110,1 +6111,1 +6112,1 +6113,1 +6114,1 +6115,1 +6116,1 +6117,1 +6118,1 +6119,1 +6120,1 +6121,1 +6122,1 +6123,1 +6124,1 +6125,1 +6126,1 +6127,1 +6128,1 +6129,1 +6130,1 +6131,1 +6132,1 +6133,1 +6134,1 +6135,1 +6136,1 +6137,1 +6138,1 +6139,1 +6140,1 +6141,1 +6142,1 +6143,1 +6144,1 +6145,1 +6146,1 +6147,1 +6148,1 +6149,1 +6150,1 +6151,1 +6152,1 +6153,1 +6154,1 +6155,1 +6156,1 +6157,1 +6158,1 +6159,1 +6160,1 +6161,1 +6162,1 +6163,1 +6164,1 +6165,1 +6166,1 +6167,1 +6168,1 +6169,1 +6170,1 +6171,1 +6172,1 +6173,1 +6174,1 +6175,1 +6176,1 +6177,1 +6178,1 +6179,1 +6180,1 +6181,1 +6182,1 +6183,1 +6184,1 +6185,1 +6186,1 +6187,1 +6188,1 +6189,1 +6190,1 +6191,1 +6192,1 +6193,1 +6194,1 +6195,1 +6196,1 +6197,1 +6198,1 +6199,1 +6200,1 +6201,1 +6202,1 +6203,1 +6204,1 +6205,1 +6206,1 +6207,1 +6208,1 +6209,1 +6210,1 +6211,1 +6212,1 +6213,1 +6214,1 +6215,1 +6216,1 +6217,1 +6218,1 +6219,1 +6220,1 +6221,1 +6222,1 +6223,1 +6224,1 +6225,1 +6226,1 +6227,1 +6228,1 +6229,1 +6230,1 +6231,1 +6232,1 +6233,1 +6234,1 +6235,1 +6236,1 +6237,1 +6238,1 +6239,1 +6240,1 +6241,1 +6242,1 +6243,1 +6244,1 +6245,1 +6246,1 +6247,1 +6248,1 +6249,1 +6250,1 +6251,1 +6252,1 +6253,1 +6254,1 +6255,1 +6256,1 +6257,1 +6258,1 +6259,1 +6260,1 +6261,1 +6262,1 +6263,1 +6264,1 +6265,1 +6266,1 +6267,1 +6268,1 +6269,1 +6270,1 +6271,1 +6272,1 +6273,1 +6274,1 +6275,1 +6276,1 +6277,1 +6278,1 +6279,1 +6280,1 +6281,1 +6282,1 +6283,1 +6284,1 +6285,1 +6286,1 +6287,1 +6288,1 +6289,1 +6290,1 +6291,1 +6292,1 +6293,1 +6294,1 +6295,1 +6296,1 +6297,1 +6298,1 +6299,1 +6300,1 +6301,1 +6302,1 +6303,1 +6304,1 +6305,1 +6306,1 +6307,1 +6308,1 +6309,1 +6310,1 +6311,1 +6312,1 +6313,1 +6314,1 +6315,1 +6316,1 +6317,1 +6318,1 +6319,1 +6320,1 +6321,1 +6322,1 +6323,1 +6324,1 +6325,1 +6326,1 +6327,1 +6328,1 +6329,1 +6330,1 +6331,1 +6332,1 +6333,1 +6334,1 +6335,1 +6336,1 +6337,1 +6338,1 +6339,1 +6340,1 +6341,1 +6342,1 +6343,1 +6344,1 +6345,1 +6346,1 +6347,1 +6348,1 +6349,1 +6350,1 +6351,1 +6352,1 +6353,1 +6354,1 +6355,1 +6356,1 +6357,1 +6358,1 +6359,1 +6360,1 +6361,1 +6362,1 +6363,1 +6364,1 +6365,1 +6366,1 +6367,1 +6368,1 +6369,1 +6370,1 +6371,1 +6372,1 +6373,1 +6374,1 +6375,1 +6376,1 +6377,1 +6378,1 +6379,1 +6380,1 +6381,1 +6382,1 +6383,1 +6384,1 +6385,1 +6386,1 +6387,1 +6388,1 +6389,1 +6390,1 +6391,1 +6392,1 +6393,1 +6394,1 +6395,1 +6396,1 +6397,1 +6398,1 +6399,1 +6400,1 +6401,1 +6402,1 +6403,1 +6404,1 +6405,1 +6406,1 +6407,1 +6408,1 +6409,1 +6410,1 +6411,1 +6412,1 +6413,1 +6414,1 +6415,1 +6416,1 +6417,1 +6418,1 +6419,1 +6420,1 +6421,1 +6422,1 +6423,1 +6424,1 +6425,1 +6426,1 +6427,1 +6428,1 +6429,1 +6430,1 +6431,1 +6432,1 +6433,1 +6434,1 +6435,1 +6436,1 +6437,1 +6438,1 +6439,1 +6440,1 +6441,1 +6442,1 +6443,1 +6444,1 +6445,1 +6446,1 +6447,1 +6448,1 +6449,1 +6450,1 +6451,1 +6452,1 +6453,1 +6454,1 +6455,1 +6456,1 +6457,1 +6458,1 +6459,1 +6460,1 +6461,1 +6462,1 +6463,1 +6464,1 +6465,1 +6466,1 +6467,1 +6468,1 +6469,1 +6470,1 +6471,1 +6472,1 +6473,1 +6474,1 +6475,1 +6476,1 +6477,1 +6478,1 +6479,1 +6480,1 +6481,1 +6482,1 +6483,1 +6484,1 +6485,1 +6486,1 +6487,1 +6488,1 +6489,1 +6490,1 +6491,1 +6492,1 +6493,1 +6494,1 +6495,1 +6496,1 +6497,1 +6498,1 +6499,1 +6500,1 +6501,1 +6502,1 +6503,1 +6504,1 +6505,1 +6506,1 +6507,1 +6508,1 +6509,1 +6510,1 +6511,1 +6512,1 +6513,1 +6514,1 +6515,1 +6516,1 +6517,1 +6518,1 +6519,1 +6520,1 +6521,1 +6522,1 +6523,1 +6524,1 +6525,1 +6526,1 +6527,1 +6528,1 +6529,1 +6530,1 +6531,1 +6532,1 +6533,1 +6534,1 +6535,1 +6536,1 +6537,1 +6538,1 +6539,1 +6540,1 +6541,1 +6542,1 +6543,1 +6544,1 +6545,1 +6546,1 +6547,1 +6548,1 +6549,1 +6550,1 +6551,1 +6552,1 +6553,1 +6554,1 +6555,1 +6556,1 +6557,1 +6558,1 +6559,1 +6560,1 +6561,1 +6562,1 +6563,1 +6564,1 +6565,1 +6566,1 +6567,1 +6568,1 +6569,1 +6570,1 +6571,1 +6572,1 +6573,1 +6574,1 +6575,1 +6576,1 +6577,1 +6578,1 +6579,1 +6580,1 +6581,1 +6582,1 +6583,1 +6584,1 +6585,1 +6586,1 +6587,1 +6588,1 +6589,1 +6590,1 +6591,1 +6592,1 +6593,1 +6594,1 +6595,1 +6596,1 +6597,1 +6598,1 +6599,1 +6600,1 +6601,1 +6602,1 +6603,1 +6604,1 +6605,1 +6606,1 +6607,1 +6608,1 +6609,1 +6610,1 +6611,1 +6612,1 +6613,1 +6614,1 +6615,1 +6616,1 +6617,1 +6618,1 +6619,1 +6620,1 +6621,1 +6622,1 +6623,1 +6624,1 +6625,1 +6626,1 +6627,1 +6628,1 +6629,1 +6630,1 +6631,1 +6632,1 +6633,1 +6634,1 +6635,1 +6636,1 +6637,1 +6638,1 +6639,1 +6640,1 +6641,1 +6642,1 +6643,1 +6644,1 +6645,1 +6646,1 +6647,1 +6648,1 +6649,1 +6650,1 +6651,1 +6652,1 +6653,1 +6654,1 +6655,1 +6656,1 +6657,1 +6658,1 +6659,1 +6660,1 +6661,1 +6662,1 +6663,1 +6664,1 +6665,1 +6666,1 +6667,1 +6668,1 +6669,1 +6670,1 +6671,1 +6672,1 +6673,1 +6674,1 +6675,1 +6676,1 +6677,1 +6678,1 +6679,1 +6680,1 +6681,1 +6682,1 +6683,1 +6684,1 +6685,1 +6686,1 +6687,1 +6688,1 +6689,1 +6690,1 +6691,1 +6692,1 +6693,1 +6694,1 +6695,1 +6696,1 +6697,1 +6698,1 +6699,1 +6700,1 +6701,1 +6702,1 +6703,1 +6704,1 +6705,1 +6706,1 +6707,1 +6708,1 +6709,1 +6710,1 +6711,1 +6712,1 +6713,1 +6714,1 +6715,1 +6716,1 +6717,1 +6718,1 +6719,1 +6720,1 +6721,1 +6722,1 +6723,1 +6724,1 +6725,1 +6726,1 +6727,1 +6728,1 +6729,1 +6730,1 +6731,1 +6732,1 +6733,1 +6734,1 +6735,1 +6736,1 +6737,1 +6738,1 +6739,1 +6740,1 +6741,1 +6742,1 +6743,1 +6744,1 +6745,1 +6746,1 +6747,1 +6748,1 +6749,1 +6750,1 +6751,1 +6752,1 +6753,1 +6754,1 +6755,1 +6756,1 +6757,1 +6758,1 +6759,1 +6760,1 +6761,1 +6762,1 +6763,1 +6764,1 +6765,1 +6766,1 +6767,1 +6768,1 +6769,1 +6770,1 +6771,1 +6772,1 +6773,1 +6774,1 +6775,1 +6776,1 +6777,1 +6778,1 +6779,1 +6780,1 +6781,1 +6782,1 +6783,1 +6784,1 +6785,1 +6786,1 +6787,1 +6788,1 +6789,1 +6790,1 +6791,1 +6792,1 +6793,1 +6794,1 +6795,1 +6796,1 +6797,1 +6798,1 +6799,1 +6800,1 +6801,1 +6802,1 +6803,1 +6804,1 +6805,1 +6806,1 +6807,1 +6808,1 +6809,1 +6810,1 +6811,1 +6812,1 +6813,1 +6814,1 +6815,1 +6816,1 +6817,1 +6818,1 +6819,1 +6820,1 +6821,1 +6822,1 +6823,1 +6824,1 +6825,1 +6826,1 +6827,1 +6828,1 +6829,1 +6830,1 +6831,1 +6832,1 +6833,1 +6834,1 +6835,1 +6836,1 +6837,1 +6838,1 +6839,1 +6840,1 +6841,1 +6842,1 +6843,1 +6844,1 +6845,1 +6846,1 +6847,1 +6848,1 +6849,1 +6850,1 +6851,1 +6852,1 +6853,1 +6854,1 +6855,1 +6856,1 +6857,1 +6858,1 +6859,1 +6860,1 +6861,1 +6862,1 +6863,1 +6864,1 +6865,1 +6866,1 +6867,1 +6868,1 +6869,1 +6870,1 +6871,1 +6872,1 +6873,1 +6874,1 +6875,1 +6876,1 +6877,1 +6878,1 +6879,1 +6880,1 +6881,1 +6882,1 +6883,1 +6884,1 +6885,1 +6886,1 +6887,1 +6888,1 +6889,1 +6890,1 +6891,1 +6892,1 +6893,1 +6894,1 +6895,1 +6896,1 +6897,1 +6898,1 +6899,1 +6900,1 +6901,1 +6902,1 +6903,1 +6904,1 +6905,1 +6906,1 +6907,1 +6908,1 +6909,1 +6910,1 +6911,1 +6912,1 +6913,1 +6914,1 +6915,1 +6916,1 +6917,1 +6918,1 +6919,1 +6920,1 +6921,1 +6922,1 +6923,1 +6924,1 +6925,1 +6926,1 +6927,1 +6928,1 +6929,1 +6930,1 +6931,1 +6932,1 +6933,1 +6934,1 +6935,1 +6936,1 +6937,1 +6938,1 +6939,1 +6940,1 +6941,1 +6942,1 +6943,1 +6944,1 +6945,1 +6946,1 +6947,1 +6948,1 +6949,1 +6950,1 +6951,1 +6952,1 +6953,1 +6954,1 +6955,1 +6956,1 +6957,1 +6958,1 +6959,1 +6960,1 +6961,1 +6962,1 +6963,1 +6964,1 +6965,1 +6966,1 +6967,1 +6968,1 +6969,1 +6970,1 +6971,1 +6972,1 +6973,1 +6974,1 +6975,1 +6976,1 +6977,1 +6978,1 +6979,1 +6980,1 +6981,1 +6982,1 +6983,1 +6984,1 +6985,1 +6986,1 +6987,1 +6988,1 +6989,1 +6990,1 +6991,1 +6992,1 +6993,1 +6994,1 +6995,1 +6996,1 +6997,1 +6998,1 +6999,1 +7000,1 +7001,1 +7002,1 +7003,1 +7004,1 +7005,1 +7006,1 +7007,1 +7008,1 +7009,1 +7010,1 +7011,1 +7012,1 +7013,1 +7014,1 +7015,1 +7016,1 +7017,1 +7018,1 +7019,1 +7020,1 +7021,1 +7022,1 +7023,1 +7024,1 +7025,1 +7026,1 +7027,1 +7028,1 +7029,1 +7030,1 +7031,1 +7032,1 +7033,1 +7034,1 +7035,1 +7036,1 +7037,1 +7038,1 +7039,1 +7040,1 +7041,1 +7042,1 +7043,1 +7044,1 +7045,1 +7046,1 +7047,1 +7048,1 +7049,1 +7050,1 +7051,1 +7052,1 +7053,1 +7054,1 +7055,1 +7056,1 +7057,1 +7058,1 +7059,1 +7060,1 +7061,1 +7062,1 +7063,1 +7064,1 +7065,1 +7066,1 +7067,1 +7068,1 +7069,1 +7070,1 +7071,1 +7072,1 +7073,1 +7074,1 +7075,1 +7076,1 +7077,1 +7078,1 +7079,1 +7080,1 +7081,1 +7082,1 +7083,1 +7084,1 +7085,1 +7086,1 +7087,1 +7088,1 +7089,1 +7090,1 +7091,1 +7092,1 +7093,1 +7094,1 +7095,1 +7096,1 +7097,1 +7098,1 +7099,1 +7100,1 +7101,1 +7102,1 +7103,1 +7104,1 +7105,1 +7106,1 +7107,1 +7108,1 +7109,1 +7110,1 +7111,1 +7112,1 +7113,1 +7114,1 +7115,1 +7116,1 +7117,1 +7118,1 +7119,1 +7120,1 +7121,1 +7122,1 +7123,1 +7124,1 +7125,1 +7126,1 +7127,1 +7128,1 +7129,1 +7130,1 +7131,1 +7132,1 +7133,1 +7134,1 +7135,1 +7136,1 +7137,1 +7138,1 +7139,1 +7140,1 +7141,1 +7142,1 +7143,1 +7144,1 +7145,1 +7146,1 +7147,1 +7148,1 +7149,1 +7150,1 +7151,1 +7152,1 +7153,1 +7154,1 +7155,1 +7156,1 +7157,1 +7158,1 +7159,1 +7160,1 +7161,1 +7162,1 +7163,1 +7164,1 +7165,1 +7166,1 +7167,1 +7168,1 +7169,1 +7170,1 +7171,1 +7172,1 +7173,1 +7174,1 +7175,1 +7176,1 +7177,1 +7178,1 +7179,1 +7180,1 +7181,1 +7182,1 +7183,1 +7184,1 +7185,1 +7186,1 +7187,1 +7188,1 +7189,1 +7190,1 +7191,1 +7192,1 +7193,1 +7194,1 +7195,1 +7196,1 +7197,1 +7198,1 +7199,1 +7200,1 +7201,1 +7202,1 +7203,1 +7204,1 +7205,1 +7206,1 +7207,1 +7208,1 +7209,1 +7210,1 +7211,1 +7212,1 +7213,1 +7214,1 +7215,1 +7216,1 +7217,1 +7218,1 +7219,1 +7220,1 +7221,1 +7222,1 +7223,1 +7224,1 +7225,1 +7226,1 +7227,1 +7228,1 +7229,1 +7230,1 +7231,1 +7232,1 +7233,1 +7234,1 +7235,1 +7236,1 +7237,1 +7238,1 +7239,1 +7240,1 +7241,1 +7242,1 +7243,1 +7244,1 +7245,1 +7246,1 +7247,1 +7248,1 +7249,1 +7250,1 +7251,1 +7252,1 +7253,1 +7254,1 +7255,1 +7256,1 +7257,1 +7258,1 +7259,1 +7260,1 +7261,1 +7262,1 +7263,1 +7264,1 +7265,1 +7266,1 +7267,1 +7268,1 +7269,1 +7270,1 +7271,1 +7272,1 +7273,1 +7274,1 +7275,1 +7276,1 +7277,1 +7278,1 +7279,1 +7280,1 +7281,1 +7282,1 +7283,1 +7284,1 +7285,1 +7286,1 +7287,1 +7288,1 +7289,1 +7290,1 +7291,1 +7292,1 +7293,1 +7294,1 +7295,1 +7296,1 +7297,1 +7298,1 +7299,1 +7300,1 +7301,1 +7302,1 +7303,1 +7304,1 +7305,1 +7306,1 +7307,1 +7308,1 +7309,1 +7310,1 +7311,1 +7312,1 +7313,1 +7314,1 +7315,1 +7316,1 +7317,1 +7318,1 +7319,1 +7320,1 +7321,1 +7322,1 +7323,1 +7324,1 +7325,1 +7326,1 +7327,1 +7328,1 +7329,1 +7330,1 +7331,1 +7332,1 +7333,1 +7334,1 +7335,1 +7336,1 +7337,1 +7338,1 +7339,1 +7340,1 +7341,1 +7342,1 +7343,1 +7344,1 +7345,1 +7346,1 +7347,1 +7348,1 +7349,1 +7350,1 +7351,1 +7352,1 +7353,1 +7354,1 +7355,1 +7356,1 +7357,1 +7358,1 +7359,1 +7360,1 +7361,1 +7362,1 +7363,1 +7364,1 +7365,1 +7366,1 +7367,1 +7368,1 +7369,1 +7370,1 +7371,1 +7372,1 +7373,1 +7374,1 +7375,1 +7376,1 +7377,1 +7378,1 +7379,1 +7380,1 +7381,1 +7382,1 +7383,1 +7384,1 +7385,1 +7386,1 +7387,1 +7388,1 +7389,1 +7390,1 +7391,1 +7392,1 +7393,1 +7394,1 +7395,1 +7396,1 +7397,1 +7398,1 +7399,1 +7400,1 +7401,1 +7402,1 +7403,1 +7404,1 +7405,1 +7406,1 +7407,1 +7408,1 +7409,1 +7410,1 +7411,1 +7412,1 +7413,1 +7414,1 +7415,1 +7416,1 +7417,1 +7418,1 +7419,1 +7420,1 +7421,1 +7422,1 +7423,1 +7424,1 +7425,1 +7426,1 +7427,1 +7428,1 +7429,1 +7430,1 +7431,1 +7432,1 +7433,1 +7434,1 +7435,1 +7436,1 +7437,1 +7438,1 +7439,1 +7440,1 +7441,1 +7442,1 +7443,1 +7444,1 +7445,1 +7446,1 +7447,1 +7448,1 +7449,1 +7450,1 +7451,1 +7452,1 +7453,1 +7454,1 +7455,1 +7456,1 +7457,1 +7458,1 +7459,1 +7460,1 +7461,1 +7462,1 +7463,1 +7464,1 +7465,1 +7466,1 +7467,1 +7468,1 +7469,1 +7470,1 +7471,1 +7472,1 +7473,1 +7474,1 +7475,1 +7476,1 +7477,1 +7478,1 +7479,1 +7480,1 +7481,1 +7482,1 +7483,1 +7484,1 +7485,1 +7486,1 +7487,1 +7488,1 +7489,1 +7490,1 +7491,1 +7492,1 +7493,1 +7494,1 +7495,1 +7496,1 +7497,1 +7498,1 +7499,1 +7500,1 +7501,1 +7502,1 +7503,1 +7504,1 +7505,1 +7506,1 +7507,1 +7508,1 +7509,1 +7510,1 +7511,1 +7512,1 +7513,1 +7514,1 +7515,1 +7516,1 +7517,1 +7518,1 +7519,1 +7520,1 +7521,1 +7522,1 +7523,1 +7524,1 +7525,1 +7526,1 +7527,1 +7528,1 +7529,1 +7530,1 +7531,1 +7532,1 +7533,1 +7534,1 +7535,1 +7536,1 +7537,1 +7538,1 +7539,1 +7540,1 +7541,1 +7542,1 +7543,1 +7544,1 +7545,1 +7546,1 +7547,1 +7548,1 +7549,1 +7550,1 +7551,1 +7552,1 +7553,1 +7554,1 +7555,1 +7556,1 +7557,1 +7558,1 +7559,1 +7560,1 +7561,1 +7562,1 +7563,1 +7564,1 +7565,1 +7566,1 +7567,1 +7568,1 +7569,1 +7570,1 +7571,1 +7572,1 +7573,1 +7574,1 +7575,1 +7576,1 +7577,1 +7578,1 +7579,1 +7580,1 +7581,1 +7582,1 +7583,1 +7584,1 +7585,1 +7586,1 +7587,1 +7588,1 +7589,1 +7590,1 +7591,1 +7592,1 +7593,1 +7594,1 +7595,1 +7596,1 +7597,1 +7598,1 +7599,1 +7600,1 +7601,1 +7602,1 +7603,1 +7604,1 +7605,1 +7606,1 +7607,1 +7608,1 +7609,1 +7610,1 +7611,1 +7612,1 +7613,1 +7614,1 +7615,1 +7616,1 +7617,1 +7618,1 +7619,1 +7620,1 +7621,1 +7622,1 +7623,1 +7624,1 +7625,1 +7626,1 +7627,1 +7628,1 +7629,1 +7630,1 +7631,1 +7632,1 +7633,1 +7634,1 +7635,1 +7636,1 +7637,1 +7638,1 +7639,1 +7640,1 +7641,1 +7642,1 +7643,1 +7644,1 +7645,1 +7646,1 +7647,1 +7648,1 +7649,1 +7650,1 +7651,1 +7652,1 +7653,1 +7654,1 +7655,1 +7656,1 +7657,1 +7658,1 +7659,1 +7660,1 +7661,1 +7662,1 +7663,1 +7664,1 +7665,1 +7666,1 +7667,1 +7668,1 +7669,1 +7670,1 +7671,1 +7672,1 +7673,1 +7674,1 +7675,1 +7676,1 +7677,1 +7678,1 +7679,1 +7680,1 +7681,1 +7682,1 +7683,1 +7684,1 +7685,1 +7686,1 +7687,1 +7688,1 +7689,1 +7690,1 +7691,1 +7692,1 +7693,1 +7694,1 +7695,1 +7696,1 +7697,1 +7698,1 +7699,1 +7700,1 +7701,1 +7702,1 +7703,1 +7704,1 +7705,1 +7706,1 +7707,1 +7708,1 +7709,1 +7710,1 +7711,1 +7712,1 +7713,1 +7714,1 +7715,1 +7716,1 +7717,1 +7718,1 +7719,1 +7720,1 +7721,1 +7722,1 +7723,1 +7724,1 +7725,1 +7726,1 +7727,1 +7728,1 +7729,1 +7730,1 +7731,1 +7732,1 +7733,1 +7734,1 +7735,1 +7736,1 +7737,1 +7738,1 +7739,1 +7740,1 +7741,1 +7742,1 +7743,1 +7744,1 +7745,1 +7746,1 +7747,1 +7748,1 +7749,1 +7750,1 +7751,1 +7752,1 +7753,1 +7754,1 +7755,1 +7756,1 +7757,1 +7758,1 +7759,1 +7760,1 +7761,1 +7762,1 +7763,1 +7764,1 +7765,1 +7766,1 +7767,1 +7768,1 +7769,1 +7770,1 +7771,1 +7772,1 +7773,1 +7774,1 +7775,1 +7776,1 +7777,1 +7778,1 +7779,1 +7780,1 +7781,1 +7782,1 +7783,1 +7784,1 +7785,1 +7786,1 +7787,1 +7788,1 +7789,1 +7790,1 +7791,1 +7792,1 +7793,1 +7794,1 +7795,1 +7796,1 +7797,1 +7798,1 +7799,1 +7800,1 +7801,1 +7802,1 +7803,1 +7804,1 +7805,1 +7806,1 +7807,1 +7808,1 +7809,1 +7810,1 +7811,1 +7812,1 +7813,1 +7814,1 +7815,1 +7816,1 +7817,1 +7818,1 +7819,1 +7820,1 +7821,1 +7822,1 +7823,1 +7824,1 +7825,1 +7826,1 +7827,1 +7828,1 +7829,1 +7830,1 +7831,1 +7832,1 +7833,1 +7834,1 +7835,1 +7836,1 +7837,1 +7838,1 +7839,1 +7840,1 +7841,1 +7842,1 +7843,1 +7844,1 +7845,1 +7846,1 +7847,1 +7848,1 +7849,1 +7850,1 +7851,1 +7852,1 +7853,1 +7854,1 +7855,1 +7856,1 +7857,1 +7858,1 +7859,1 +7860,1 +7861,1 +7862,1 +7863,1 +7864,1 +7865,1 +7866,1 +7867,1 +7868,1 +7869,1 +7870,1 +7871,1 +7872,1 +7873,1 +7874,1 +7875,1 +7876,1 +7877,1 +7878,1 +7879,1 +7880,1 +7881,1 +7882,1 +7883,1 +7884,1 +7885,1 +7886,1 +7887,1 +7888,1 +7889,1 +7890,1 +7891,1 +7892,1 +7893,1 +7894,1 +7895,1 +7896,1 +7897,1 +7898,1 +7899,1 +7900,1 +7901,1 +7902,1 +7903,1 +7904,1 +7905,1 +7906,1 +7907,1 +7908,1 +7909,1 +7910,1 +7911,1 +7912,1 +7913,1 +7914,1 +7915,1 +7916,1 +7917,1 +7918,1 +7919,1 +7920,1 +7921,1 +7922,1 +7923,1 +7924,1 +7925,1 +7926,1 +7927,1 +7928,1 +7929,1 +7930,1 +7931,1 +7932,1 +7933,1 +7934,1 +7935,1 +7936,1 +7937,1 +7938,1 +7939,1 +7940,1 +7941,1 +7942,1 +7943,1 +7944,1 +7945,1 +7946,1 +7947,1 +7948,1 +7949,1 +7950,1 +7951,1 +7952,1 +7953,1 +7954,1 +7955,1 +7956,1 +7957,1 +7958,1 +7959,1 +7960,1 +7961,1 +7962,1 +7963,1 +7964,1 +7965,1 +7966,1 +7967,1 +7968,1 +7969,1 +7970,1 +7971,1 +7972,1 +7973,1 +7974,1 +7975,1 +7976,1 +7977,1 +7978,1 +7979,1 +7980,1 +7981,1 +7982,1 +7983,1 +7984,1 +7985,1 +7986,1 +7987,1 +7988,1 +7989,1 +7990,1 +7991,1 +7992,1 +7993,1 +7994,1 +7995,1 +7996,1 +7997,1 +7998,1 +7999,1 +8000,1 +8001,1 +8002,1 +8003,1 +8004,1 +8005,1 +8006,1 +8007,1 +8008,1 +8009,1 +8010,1 +8011,1 +8012,1 +8013,1 +8014,1 +8015,1 +8016,1 +8017,1 +8018,1 +8019,1 +8020,1 +8021,1 +8022,1 +8023,1 +8024,1 +8025,1 +8026,1 +8027,1 +8028,1 +8029,1 +8030,1 +8031,1 +8032,1 +8033,1 +8034,1 +8035,1 +8036,1 +8037,1 +8038,1 +8039,1 +8040,1 +8041,1 +8042,1 +8043,1 +8044,1 +8045,1 +8046,1 +8047,1 +8048,1 +8049,1 +8050,1 +8051,1 +8052,1 +8053,1 +8054,1 +8055,1 +8056,1 +8057,1 +8058,1 +8059,1 +8060,1 +8061,1 +8062,1 +8063,1 +8064,1 +8065,1 +8066,1 +8067,1 +8068,1 +8069,1 +8070,1 +8071,1 +8072,1 +8073,1 +8074,1 +8075,1 +8076,1 +8077,1 +8078,1 +8079,1 +8080,1 +8081,1 +8082,1 +8083,1 +8084,1 +8085,1 +8086,1 +8087,1 +8088,1 +8089,1 +8090,1 +8091,1 +8092,1 +8093,1 +8094,1 +8095,1 +8096,1 +8097,1 +8098,1 +8099,1 +8100,1 +8101,1 +8102,1 +8103,1 +8104,1 +8105,1 +8106,1 +8107,1 +8108,1 +8109,1 +8110,1 +8111,1 +8112,1 +8113,1 +8114,1 +8115,1 +8116,1 +8117,1 +8118,1 +8119,1 +8120,1 +8121,1 +8122,1 +8123,1 +8124,1 +8125,1 +8126,1 +8127,1 +8128,1 +8129,1 +8130,1 +8131,1 +8132,1 +8133,1 +8134,1 +8135,1 +8136,1 +8137,1 +8138,1 +8139,1 +8140,1 +8141,1 +8142,1 +8143,1 +8144,1 +8145,1 +8146,1 +8147,1 +8148,1 +8149,1 +8150,1 +8151,1 +8152,1 +8153,1 +8154,1 +8155,1 +8156,1 +8157,1 +8158,1 +8159,1 +8160,1 +8161,1 +8162,1 +8163,1 +8164,1 +8165,1 +8166,1 +8167,1 +8168,1 +8169,1 +8170,1 +8171,1 +8172,1 +8173,1 +8174,1 +8175,1 +8176,1 +8177,1 +8178,1 +8179,1 +8180,1 +8181,1 +8182,1 +8183,1 +8184,1 +8185,1 +8186,1 +8187,1 +8188,1 +8189,1 +8190,1 +8191,1 +8192,1 +8193,1 +8194,1 +8195,1 +8196,1 +8197,1 +8198,1 +8199,1 +8200,1 +8201,1 +8202,1 +8203,1 +8204,1 +8205,1 +8206,1 +8207,1 +8208,1 +8209,1 +8210,1 +8211,1 +8212,1 +8213,1 +8214,1 +8215,1 +8216,1 +8217,1 +8218,1 +8219,1 +8220,1 +8221,1 +8222,1 +8223,1 +8224,1 +8225,1 +8226,1 +8227,1 +8228,1 +8229,1 +8230,1 +8231,1 +8232,1 +8233,1 +8234,1 +8235,1 +8236,1 +8237,1 +8238,1 +8239,1 +8240,1 +8241,1 +8242,1 +8243,1 +8244,1 +8245,1 +8246,1 +8247,1 +8248,1 +8249,1 +8250,1 +8251,1 +8252,1 +8253,1 +8254,1 +8255,1 +8256,1 +8257,1 +8258,1 +8259,1 +8260,1 +8261,1 +8262,1 +8263,1 +8264,1 +8265,1 +8266,1 +8267,1 +8268,1 +8269,1 +8270,1 +8271,1 +8272,1 +8273,1 +8274,1 +8275,1 +8276,1 +8277,1 +8278,1 +8279,1 +8280,1 +8281,1 +8282,1 +8283,1 +8284,1 +8285,1 +8286,1 +8287,1 +8288,1 +8289,1 +8290,1 +8291,1 +8292,1 +8293,1 +8294,1 +8295,1 +8296,1 +8297,1 +8298,1 +8299,1 +8300,1 +8301,1 +8302,1 +8303,1 +8304,1 +8305,1 +8306,1 +8307,1 +8308,1 +8309,1 +8310,1 +8311,1 +8312,1 +8313,1 +8314,1 +8315,1 +8316,1 +8317,1 +8318,1 +8319,1 +8320,1 +8321,1 +8322,1 +8323,1 +8324,1 +8325,1 +8326,1 +8327,1 +8328,1 +8329,1 +8330,1 +8331,1 +8332,1 +8333,1 +8334,1 +8335,1 +8336,1 +8337,1 +8338,1 +8339,1 +8340,1 +8341,1 +8342,1 +8343,1 +8344,1 +8345,1 +8346,1 +8347,1 +8348,1 +8349,1 +8350,1 +8351,1 +8352,1 +8353,1 +8354,1 +8355,1 +8356,1 +8357,1 +8358,1 +8359,1 +8360,1 +8361,1 +8362,1 +8363,1 +8364,1 +8365,1 +8366,1 +8367,1 +8368,1 +8369,1 +8370,1 +8371,1 +8372,1 +8373,1 +8374,1 +8375,1 +8376,1 +8377,1 +8378,1 +8379,1 +8380,1 +8381,1 +8382,1 +8383,1 +8384,1 +8385,1 +8386,1 +8387,1 +8388,1 +8389,1 +8390,1 +8391,1 +8392,1 +8393,1 +8394,1 +8395,1 +8396,1 +8397,1 +8398,1 +8399,1 +8400,1 +8401,1 +8402,1 +8403,1 +8404,1 +8405,1 +8406,1 +8407,1 +8408,1 +8409,1 +8410,1 +8411,1 +8412,1 +8413,1 +8414,1 +8415,1 +8416,1 +8417,1 +8418,1 +8419,1 +8420,1 +8421,1 +8422,1 +8423,1 +8424,1 +8425,1 +8426,1 +8427,1 +8428,1 +8429,1 +8430,1 +8431,1 +8432,1 +8433,1 +8434,1 +8435,1 +8436,1 +8437,1 +8438,1 +8439,1 +8440,1 +8441,1 +8442,1 +8443,1 +8444,1 +8445,1 +8446,1 +8447,1 +8448,1 +8449,1 +8450,1 +8451,1 +8452,1 +8453,1 +8454,1 +8455,1 +8456,1 +8457,1 +8458,1 +8459,1 +8460,1 +8461,1 +8462,1 +8463,1 +8464,1 +8465,1 +8466,1 +8467,1 +8468,1 +8469,1 +8470,1 +8471,1 +8472,1 +8473,1 +8474,1 +8475,1 +8476,1 +8477,1 +8478,1 +8479,1 +8480,1 +8481,1 +8482,1 +8483,1 +8484,1 +8485,1 +8486,1 +8487,1 +8488,1 +8489,1 +8490,1 +8491,1 +8492,1 +8493,1 +8494,1 +8495,1 +8496,1 +8497,1 +8498,1 +8499,1 +8500,1 +8501,1 +8502,1 +8503,1 +8504,1 +8505,1 +8506,1 +8507,1 +8508,1 +8509,1 +8510,1 +8511,1 +8512,1 +8513,1 +8514,1 +8515,1 +8516,1 +8517,1 +8518,1 +8519,1 +8520,1 +8521,1 +8522,1 +8523,1 +8524,1 +8525,1 +8526,1 +8527,1 +8528,1 +8529,1 +8530,1 +8531,1 +8532,1 +8533,1 +8534,1 +8535,1 +8536,1 +8537,1 +8538,1 +8539,1 +8540,1 +8541,1 +8542,1 +8543,1 +8544,1 +8545,1 +8546,1 +8547,1 +8548,1 +8549,1 +8550,1 +8551,1 +8552,1 +8553,1 +8554,1 +8555,1 +8556,1 +8557,1 +8558,1 +8559,1 +8560,1 +8561,1 +8562,1 +8563,1 +8564,1 +8565,1 +8566,1 +8567,1 +8568,1 +8569,1 +8570,1 +8571,1 +8572,1 +8573,1 +8574,1 +8575,1 +8576,1 +8577,1 +8578,1 +8579,1 +8580,1 +8581,1 +8582,1 +8583,1 +8584,1 +8585,1 +8586,1 +8587,1 +8588,1 +8589,1 +8590,1 +8591,1 +8592,1 +8593,1 +8594,1 +8595,1 +8596,1 +8597,1 +8598,1 +8599,1 +8600,1 +8601,1 +8602,1 +8603,1 +8604,1 +8605,1 +8606,1 +8607,1 +8608,1 +8609,1 +8610,1 +8611,1 +8612,1 +8613,1 +8614,1 +8615,1 +8616,1 +8617,1 +8618,1 +8619,1 +8620,1 +8621,1 +8622,1 +8623,1 +8624,1 +8625,1 +8626,1 +8627,1 +8628,1 +8629,1 +8630,1 +8631,1 +8632,1 +8633,1 +8634,1 +8635,1 +8636,1 +8637,1 +8638,1 +8639,1 +8640,1 +8641,1 +8642,1 +8643,1 +8644,1 +8645,1 +8646,1 +8647,1 +8648,1 +8649,1 +8650,1 +8651,1 +8652,1 +8653,1 +8654,1 +8655,1 +8656,1 +8657,1 +8658,1 +8659,1 +8660,1 +8661,1 +8662,1 +8663,1 +8664,1 +8665,1 +8666,1 +8667,1 +8668,1 +8669,1 +8670,1 +8671,1 +8672,1 +8673,1 +8674,1 +8675,1 +8676,1 +8677,1 +8678,1 +8679,1 +8680,1 +8681,1 +8682,1 +8683,1 +8684,1 +8685,1 +8686,1 +8687,1 +8688,1 +8689,1 +8690,1 +8691,1 +8692,1 +8693,1 +8694,1 +8695,1 +8696,1 +8697,1 +8698,1 +8699,1 +8700,1 +8701,1 +8702,1 +8703,1 +8704,1 +8705,1 +8706,1 +8707,1 +8708,1 +8709,1 +8710,1 +8711,1 +8712,1 +8713,1 +8714,1 +8715,1 +8716,1 +8717,1 +8718,1 +8719,1 +8720,1 +8721,1 +8722,1 +8723,1 +8724,1 +8725,1 +8726,1 +8727,1 +8728,1 +8729,1 +8730,1 +8731,1 +8732,1 +8733,1 +8734,1 +8735,1 +8736,1 +8737,1 +8738,1 +8739,1 +8740,1 +8741,1 +8742,1 +8743,1 +8744,1 +8745,1 +8746,1 +8747,1 +8748,1 +8749,1 +8750,1 +8751,1 +8752,1 +8753,1 +8754,1 +8755,1 +8756,1 +8757,1 +8758,1 +8759,1 +8760,1 +8761,1 +8762,1 +8763,1 +8764,1 +8765,1 +8766,1 +8767,1 +8768,1 +8769,1 +8770,1 +8771,1 +8772,1 +8773,1 +8774,1 +8775,1 +8776,1 +8777,1 +8778,1 +8779,1 +8780,1 +8781,1 +8782,1 +8783,1 +8784,1 +8785,1 +8786,1 +8787,1 +8788,1 +8789,1 +8790,1 +8791,1 +8792,1 +8793,1 +8794,1 +8795,1 +8796,1 +8797,1 +8798,1 +8799,1 +8800,1 +8801,1 +8802,1 +8803,1 +8804,1 +8805,1 +8806,1 +8807,1 +8808,1 +8809,1 +8810,1 +8811,1 +8812,1 +8813,1 +8814,1 +8815,1 +8816,1 +8817,1 +8818,1 +8819,1 +8820,1 +8821,1 +8822,1 +8823,1 +8824,1 +8825,1 +8826,1 +8827,1 +8828,1 +8829,1 +8830,1 +8831,1 +8832,1 +8833,1 +8834,1 +8835,1 +8836,1 +8837,1 +8838,1 +8839,1 +8840,1 +8841,1 +8842,1 +8843,1 +8844,1 +8845,1 +8846,1 +8847,1 +8848,1 +8849,1 +8850,1 +8851,1 +8852,1 +8853,1 +8854,1 +8855,1 +8856,1 +8857,1 +8858,1 +8859,1 +8860,1 +8861,1 +8862,1 +8863,1 +8864,1 +8865,1 +8866,1 +8867,1 +8868,1 +8869,1 +8870,1 +8871,1 +8872,1 +8873,1 +8874,1 +8875,1 +8876,1 +8877,1 +8878,1 +8879,1 +8880,1 +8881,1 +8882,1 +8883,1 +8884,1 +8885,1 +8886,1 +8887,1 +8888,1 +8889,1 +8890,1 +8891,1 +8892,1 +8893,1 +8894,1 +8895,1 +8896,1 +8897,1 +8898,1 +8899,1 +8900,1 +8901,1 +8902,1 +8903,1 +8904,1 +8905,1 +8906,1 +8907,1 +8908,1 +8909,1 +8910,1 +8911,1 +8912,1 +8913,1 +8914,1 +8915,1 +8916,1 +8917,1 +8918,1 +8919,1 +8920,1 +8921,1 +8922,1 +8923,1 +8924,1 +8925,1 +8926,1 +8927,1 +8928,1 +8929,1 +8930,1 +8931,1 +8932,1 +8933,1 +8934,1 +8935,1 +8936,1 +8937,1 +8938,1 +8939,1 +8940,1 +8941,1 +8942,1 +8943,1 +8944,1 +8945,1 +8946,1 +8947,1 +8948,1 +8949,1 +8950,1 +8951,1 +8952,1 +8953,1 +8954,1 +8955,1 +8956,1 +8957,1 +8958,1 +8959,1 +8960,1 +8961,1 +8962,1 +8963,1 +8964,1 +8965,1 +8966,1 +8967,1 +8968,1 +8969,1 +8970,1 +8971,1 +8972,1 +8973,1 +8974,1 +8975,1 +8976,1 +8977,1 +8978,1 +8979,1 +8980,1 +8981,1 +8982,1 +8983,1 +8984,1 +8985,1 +8986,1 +8987,1 +8988,1 +8989,1 +8990,1 +8991,1 +8992,1 +8993,1 +8994,1 +8995,1 +8996,1 +8997,1 +8998,1 +8999,1 +9000,1 +9001,1 +9002,1 +9003,1 +9004,1 +9005,1 +9006,1 +9007,1 +9008,1 +9009,1 +9010,1 +9011,1 +9012,1 +9013,1 +9014,1 +9015,1 +9016,1 +9017,1 +9018,1 +9019,1 +9020,1 +9021,1 +9022,1 +9023,1 +9024,1 +9025,1 +9026,1 +9027,1 +9028,1 +9029,1 +9030,1 +9031,1 +9032,1 +9033,1 +9034,1 +9035,1 +9036,1 +9037,1 +9038,1 +9039,1 +9040,1 +9041,1 +9042,1 +9043,1 +9044,1 +9045,1 +9046,1 +9047,1 +9048,1 +9049,1 +9050,1 +9051,1 +9052,1 +9053,1 +9054,1 +9055,1 +9056,1 +9057,1 +9058,1 +9059,1 +9060,1 +9061,1 +9062,1 +9063,1 +9064,1 +9065,1 +9066,1 +9067,1 +9068,1 +9069,1 +9070,1 +9071,1 +9072,1 +9073,1 +9074,1 +9075,1 +9076,1 +9077,1 +9078,1 +9079,1 +9080,1 +9081,1 +9082,1 +9083,1 +9084,1 +9085,1 +9086,1 +9087,1 +9088,1 +9089,1 +9090,1 +9091,1 +9092,1 +9093,1 +9094,1 +9095,1 +9096,1 +9097,1 +9098,1 +9099,1 +9100,1 +9101,1 +9102,1 +9103,1 +9104,1 +9105,1 +9106,1 +9107,1 +9108,1 +9109,1 +9110,1 +9111,1 +9112,1 +9113,1 +9114,1 +9115,1 +9116,1 +9117,1 +9118,1 +9119,1 +9120,1 +9121,1 +9122,1 +9123,1 +9124,1 +9125,1 +9126,1 +9127,1 +9128,1 +9129,1 +9130,1 +9131,1 +9132,1 +9133,1 +9134,1 +9135,1 +9136,1 +9137,1 +9138,1 +9139,1 +9140,1 +9141,1 +9142,1 +9143,1 +9144,1 +9145,1 +9146,1 +9147,1 +9148,1 +9149,1 +9150,1 +9151,1 +9152,1 +9153,1 +9154,1 +9155,1 +9156,1 +9157,1 +9158,1 +9159,1 +9160,1 +9161,1 +9162,1 +9163,1 +9164,1 +9165,1 +9166,1 +9167,1 +9168,1 +9169,1 +9170,1 +9171,1 +9172,1 +9173,1 +9174,1 +9175,1 +9176,1 +9177,1 +9178,1 +9179,1 +9180,1 +9181,1 +9182,1 +9183,1 +9184,1 +9185,1 +9186,1 +9187,1 +9188,1 +9189,1 +9190,1 +9191,1 +9192,1 +9193,1 +9194,1 +9195,1 +9196,1 +9197,1 +9198,1 +9199,1 +9200,1 +9201,1 +9202,1 +9203,1 +9204,1 +9205,1 +9206,1 +9207,1 +9208,1 +9209,1 +9210,1 +9211,1 +9212,1 +9213,1 +9214,1 +9215,1 +9216,1 +9217,1 +9218,1 +9219,1 +9220,1 +9221,1 +9222,1 +9223,1 +9224,1 +9225,1 +9226,1 +9227,1 +9228,1 +9229,1 +9230,1 +9231,1 +9232,1 +9233,1 +9234,1 +9235,1 +9236,1 +9237,1 +9238,1 +9239,1 +9240,1 +9241,1 +9242,1 +9243,1 +9244,1 +9245,1 +9246,1 +9247,1 +9248,1 +9249,1 +9250,1 +9251,1 +9252,1 +9253,1 +9254,1 +9255,1 +9256,1 +9257,1 +9258,1 +9259,1 +9260,1 +9261,1 +9262,1 +9263,1 +9264,1 +9265,1 +9266,1 +9267,1 +9268,1 +9269,1 +9270,1 +9271,1 +9272,1 +9273,1 +9274,1 +9275,1 +9276,1 +9277,1 +9278,1 +9279,1 +9280,1 +9281,1 +9282,1 +9283,1 +9284,1 +9285,1 +9286,1 +9287,1 +9288,1 +9289,1 +9290,1 +9291,1 +9292,1 +9293,1 +9294,1 +9295,1 +9296,1 +9297,1 +9298,1 +9299,1 +9300,1 +9301,1 +9302,1 +9303,1 +9304,1 +9305,1 +9306,1 +9307,1 +9308,1 +9309,1 +9310,1 +9311,1 +9312,1 +9313,1 +9314,1 +9315,1 +9316,1 +9317,1 +9318,1 +9319,1 +9320,1 +9321,1 +9322,1 +9323,1 +9324,1 +9325,1 +9326,1 +9327,1 +9328,1 +9329,1 +9330,1 +9331,1 +9332,1 +9333,1 +9334,1 +9335,1 +9336,1 +9337,1 +9338,1 +9339,1 +9340,1 +9341,1 +9342,1 +9343,1 +9344,1 +9345,1 +9346,1 +9347,1 +9348,1 +9349,1 +9350,1 +9351,1 +9352,1 +9353,1 +9354,1 +9355,1 +9356,1 +9357,1 +9358,1 +9359,1 +9360,1 +9361,1 +9362,1 +9363,1 +9364,1 +9365,1 +9366,1 +9367,1 +9368,1 +9369,1 +9370,1 +9371,1 +9372,1 +9373,1 +9374,1 +9375,1 +9376,1 +9377,1 +9378,1 +9379,1 +9380,1 +9381,1 +9382,1 +9383,1 +9384,1 +9385,1 +9386,1 +9387,1 +9388,1 +9389,1 +9390,1 +9391,1 +9392,1 +9393,1 +9394,1 +9395,1 +9396,1 +9397,1 +9398,1 +9399,1 +9400,1 +9401,1 +9402,1 +9403,1 +9404,1 +9405,1 +9406,1 +9407,1 +9408,1 +9409,1 +9410,1 +9411,1 +9412,1 +9413,1 +9414,1 +9415,1 +9416,1 +9417,1 +9418,1 +9419,1 +9420,1 +9421,1 +9422,1 +9423,1 +9424,1 +9425,1 +9426,1 +9427,1 +9428,1 +9429,1 +9430,1 +9431,1 +9432,1 +9433,1 +9434,1 +9435,1 +9436,1 +9437,1 +9438,1 +9439,1 +9440,1 +9441,1 +9442,1 +9443,1 +9444,1 +9445,1 +9446,1 +9447,1 +9448,1 +9449,1 +9450,1 +9451,1 +9452,1 +9453,1 +9454,1 +9455,1 +9456,1 +9457,1 +9458,1 +9459,1 +9460,1 +9461,1 +9462,1 +9463,1 +9464,1 +9465,1 +9466,1 +9467,1 +9468,1 +9469,1 +9470,1 +9471,1 +9472,1 +9473,1 +9474,1 +9475,1 +9476,1 +9477,1 +9478,1 +9479,1 +9480,1 +9481,1 +9482,1 +9483,1 +9484,1 +9485,1 +9486,1 +9487,1 +9488,1 +9489,1 +9490,1 +9491,1 +9492,1 +9493,1 +9494,1 +9495,1 +9496,1 +9497,1 +9498,1 +9499,1 +9500,1 +9501,1 +9502,1 +9503,1 +9504,1 +9505,1 +9506,1 +9507,1 +9508,1 +9509,1 +9510,1 +9511,1 +9512,1 +9513,1 +9514,1 +9515,1 +9516,1 +9517,1 +9518,1 +9519,1 +9520,1 +9521,1 +9522,1 +9523,1 +9524,1 +9525,1 +9526,1 +9527,1 +9528,1 +9529,1 +9530,1 +9531,1 +9532,1 +9533,1 +9534,1 +9535,1 +9536,1 +9537,1 +9538,1 +9539,1 +9540,1 +9541,1 +9542,1 +9543,1 +9544,1 +9545,1 +9546,1 +9547,1 +9548,1 +9549,1 +9550,1 +9551,1 +9552,1 +9553,1 +9554,1 +9555,1 +9556,1 +9557,1 +9558,1 +9559,1 +9560,1 +9561,1 +9562,1 +9563,1 +9564,1 +9565,1 +9566,1 +9567,1 +9568,1 +9569,1 +9570,1 +9571,1 +9572,1 +9573,1 +9574,1 +9575,1 +9576,1 +9577,1 +9578,1 +9579,1 +9580,1 +9581,1 +9582,1 +9583,1 +9584,1 +9585,1 +9586,1 +9587,1 +9588,1 +9589,1 +9590,1 +9591,1 +9592,1 +9593,1 +9594,1 +9595,1 +9596,1 +9597,1 +9598,1 +9599,1 +9600,1 +9601,1 +9602,1 +9603,1 +9604,1 +9605,1 +9606,1 +9607,1 +9608,1 +9609,1 +9610,1 +9611,1 +9612,1 +9613,1 +9614,1 +9615,1 +9616,1 +9617,1 +9618,1 +9619,1 +9620,1 +9621,1 +9622,1 +9623,1 +9624,1 +9625,1 +9626,1 +9627,1 +9628,1 +9629,1 +9630,1 +9631,1 +9632,1 +9633,1 +9634,1 +9635,1 +9636,1 +9637,1 +9638,1 +9639,1 +9640,1 +9641,1 +9642,1 +9643,1 +9644,1 +9645,1 +9646,1 +9647,1 +9648,1 +9649,1 +9650,1 +9651,1 +9652,1 +9653,1 +9654,1 +9655,1 +9656,1 +9657,1 +9658,1 +9659,1 +9660,1 +9661,1 +9662,1 +9663,1 +9664,1 +9665,1 +9666,1 +9667,1 +9668,1 +9669,1 +9670,1 +9671,1 +9672,1 +9673,1 +9674,1 +9675,1 +9676,1 +9677,1 +9678,1 +9679,1 +9680,1 +9681,1 +9682,1 +9683,1 +9684,1 +9685,1 +9686,1 +9687,1 +9688,1 +9689,1 +9690,1 +9691,1 +9692,1 +9693,1 +9694,1 +9695,1 +9696,1 +9697,1 +9698,1 +9699,1 +9700,1 +9701,1 +9702,1 +9703,1 +9704,1 +9705,1 +9706,1 +9707,1 +9708,1 +9709,1 +9710,1 +9711,1 +9712,1 +9713,1 +9714,1 +9715,1 +9716,1 +9717,1 +9718,1 +9719,1 +9720,1 +9721,1 +9722,1 +9723,1 +9724,1 +9725,1 +9726,1 +9727,1 +9728,1 +9729,1 +9730,1 +9731,1 +9732,1 +9733,1 +9734,1 +9735,1 +9736,1 +9737,1 +9738,1 +9739,1 +9740,1 +9741,1 +9742,1 +9743,1 +9744,1 +9745,1 +9746,1 +9747,1 +9748,1 +9749,1 +9750,1 +9751,1 +9752,1 +9753,1 +9754,1 +9755,1 +9756,1 +9757,1 +9758,1 +9759,1 +9760,1 +9761,1 +9762,1 +9763,1 +9764,1 +9765,1 +9766,1 +9767,1 +9768,1 +9769,1 +9770,1 +9771,1 +9772,1 +9773,1 +9774,1 +9775,1 +9776,1 +9777,1 +9778,1 +9779,1 +9780,1 +9781,1 +9782,1 +9783,1 +9784,1 +9785,1 +9786,1 +9787,1 +9788,1 +9789,1 +9790,1 +9791,1 +9792,1 +9793,1 +9794,1 +9795,1 +9796,1 +9797,1 +9798,1 +9799,1 +9800,1 +9801,1 +9802,1 +9803,1 +9804,1 +9805,1 +9806,1 +9807,1 +9808,1 +9809,1 +9810,1 +9811,1 +9812,1 +9813,1 +9814,1 +9815,1 +9816,1 +9817,1 +9818,1 +9819,1 +9820,1 +9821,1 +9822,1 +9823,1 +9824,1 +9825,1 +9826,1 +9827,1 +9828,1 +9829,1 +9830,1 +9831,1 +9832,1 +9833,1 +9834,1 +9835,1 +9836,1 +9837,1 +9838,1 +9839,1 +9840,1 +9841,1 +9842,1 +9843,1 +9844,1 +9845,1 +9846,1 +9847,1 +9848,1 +9849,1 +9850,1 +9851,1 +9852,1 +9853,1 +9854,1 +9855,1 +9856,1 +9857,1 +9858,1 +9859,1 +9860,1 +9861,1 +9862,1 +9863,1 +9864,1 +9865,1 +9866,1 +9867,1 +9868,1 +9869,1 +9870,1 +9871,1 +9872,1 +9873,1 +9874,1 +9875,1 +9876,1 +9877,1 +9878,1 +9879,1 +9880,1 +9881,1 +9882,1 +9883,1 +9884,1 +9885,1 +9886,1 +9887,1 +9888,1 +9889,1 +9890,1 +9891,1 +9892,1 +9893,1 +9894,1 +9895,1 +9896,1 +9897,1 +9898,1 +9899,1 +9900,1 +9901,1 +9902,1 +9903,1 +9904,1 +9905,1 +9906,1 +9907,1 +9908,1 +9909,1 +9910,1 +9911,1 +9912,1 +9913,1 +9914,1 +9915,1 +9916,1 +9917,1 +9918,1 +9919,1 +9920,1 +9921,1 +9922,1 +9923,1 +9924,1 +9925,1 +9926,1 +9927,1 +9928,1 +9929,1 +9930,1 +9931,1 +9932,1 +9933,1 +9934,1 +9935,1 +9936,1 +9937,1 +9938,1 +9939,1 +9940,1 +9941,1 +9942,1 +9943,1 +9944,1 +9945,1 +9946,1 +9947,1 +9948,1 +9949,1 +9950,1 +9951,1 +9952,1 +9953,1 +9954,1 +9955,1 +9956,1 +9957,1 +9958,1 +9959,1 +9960,1 +9961,1 +9962,1 +9963,1 +9964,1 +9965,1 +9966,1 +9967,1 +9968,1 +9969,1 +9970,1 +9971,1 +9972,1 +9973,1 +9974,1 +9975,1 +9976,1 +9977,1 +9978,1 +9979,1 +9980,1 +9981,1 +9982,1 +9983,1 +9984,1 +9985,1 +9986,1 +9987,1 +9988,1 +9989,1 +9990,1 +9991,1 +9992,1 +9993,1 +9994,1 +9995,1 +9996,1 +9997,1 +9998,1 +9999,1 +10000,1 +10001,1 +10002,1 +10003,1 +10004,1 +10005,1 +10006,1 +10007,1 +10008,1 +10009,1 +10010,1 +10011,1 +10012,1 +10013,1 +10014,1 +10015,1 +10016,1 +10017,1 +10018,1 +10019,1 +10020,1 +10021,1 +10022,1 +10023,1 +10024,1 +10025,1 +10026,1 +10027,1 +10028,1 +10029,1 +10030,1 +10031,1 +10032,1 +10033,1 +10034,1 +10035,1 +10036,1 +10037,1 +10038,1 +10039,1 +10040,1 +10041,1 +10042,1 +10043,1 +10044,1 +10045,1 +10046,1 +10047,1 +10048,1 +10049,1 +10050,1 +10051,1 +10052,1 +10053,1 +10054,1 +10055,1 +10056,1 +10057,1 +10058,1 +10059,1 +10060,1 +10061,1 +10062,1 +10063,1 +10064,1 +10065,1 +10066,1 +10067,1 +10068,1 +10069,1 +10070,1 +10071,1 +10072,1 +10073,1 +10074,1 +10075,1 +10076,1 +10077,1 +10078,1 +10079,1 +10080,1 +10081,1 +10082,1 +10083,1 +10084,1 +10085,1 +10086,1 +10087,1 +10088,1 +10089,1 +10090,1 +10091,1 +10092,1 +10093,1 +10094,1 +10095,1 +10096,1 +10097,1 +10098,1 +10099,1 +10100,1 +10101,1 +10102,1 +10103,1 +10104,1 +10105,1 +10106,1 +10107,1 +10108,1 +10109,1 +10110,1 +10111,1 +10112,1 +10113,1 +10114,1 +10115,1 +10116,1 +10117,1 +10118,1 +10119,1 +10120,1 +10121,1 +10122,1 +10123,1 +10124,1 +10125,1 +10126,1 +10127,1 +10128,1 +10129,1 +10130,1 +10131,1 +10132,1 +10133,1 +10134,1 +10135,1 +10136,1 +10137,1 +10138,1 +10139,1 +10140,1 +10141,1 +10142,1 +10143,1 +10144,1 +10145,1 +10146,1 +10147,1 +10148,1 +10149,1 +10150,1 +10151,1 +10152,1 +10153,1 +10154,1 +10155,1 +10156,1 +10157,1 +10158,1 +10159,1 +10160,1 +10161,1 +10162,1 +10163,1 +10164,1 +10165,1 +10166,1 +10167,1 +10168,1 +10169,1 +10170,1 +10171,1 +10172,1 +10173,1 +10174,1 +10175,1 +10176,1 +10177,1 +10178,1 +10179,1 +10180,1 +10181,1 +10182,1 +10183,1 +10184,1 +10185,1 +10186,1 +10187,1 +10188,1 +10189,1 +10190,1 +10191,1 +10192,1 +10193,1 +10194,1 +10195,1 +10196,1 +10197,1 +10198,1 +10199,1 +10200,1 +10201,1 +10202,1 +10203,1 +10204,1 +10205,1 +10206,1 +10207,1 +10208,1 +10209,1 +10210,1 +10211,1 +10212,1 +10213,1 +10214,1 +10215,1 +10216,1 +10217,1 +10218,1 +10219,1 +10220,1 +10221,1 +10222,1 +10223,1 +10224,1 +10225,1 +10226,1 +10227,1 +10228,1 +10229,1 +10230,1 +10231,1 +10232,1 +10233,1 +10234,1 +10235,1 +10236,1 +10237,1 +10238,1 +10239,1 +10240,1 +10241,1 +10242,1 +10243,1 +10244,1 +10245,1 +10246,1 +10247,1 +10248,1 +10249,1 +10250,1 +10251,1 +10252,1 +10253,1 +10254,1 +10255,1 +10256,1 +10257,1 +10258,1 +10259,1 +10260,1 +10261,1 +10262,1 +10263,1 +10264,1 +10265,1 +10266,1 +10267,1 +10268,1 +10269,1 +10270,1 +10271,1 +10272,1 +10273,1 +10274,1 +10275,1 +10276,1 +10277,1 +10278,1 +10279,1 +10280,1 +10281,1 +10282,1 +10283,1 +10284,1 +10285,1 +10286,1 +10287,1 +10288,1 +10289,1 +10290,1 +10291,1 +10292,1 +10293,1 +10294,1 +10295,1 +10296,1 +10297,1 +10298,1 +10299,1 +10300,1 +10301,1 +10302,1 +10303,1 +10304,1 +10305,1 +10306,1 +10307,1 +10308,1 +10309,1 +10310,1 +10311,1 +10312,1 +10313,1 +10314,1 +10315,1 +10316,1 +10317,1 +10318,1 +10319,1 +10320,1 +10321,1 +10322,1 +10323,1 +10324,1 +10325,1 +10326,1 +10327,1 +10328,1 +10329,1 +10330,1 +10331,1 +10332,1 +10333,1 +10334,1 +10335,1 +10336,1 +10337,1 +10338,1 +10339,1 +10340,1 +10341,1 +10342,1 +10343,1 +10344,1 +10345,1 +10346,1 +10347,1 +10348,1 +10349,1 +10350,1 +10351,1 +10352,1 +10353,1 +10354,1 +10355,1 +10356,1 +10357,1 +10358,1 +10359,1 +10360,1 +10361,1 +10362,1 +10363,1 +10364,1 +10365,1 +10366,1 +10367,1 +10368,1 +10369,1 +10370,1 +10371,1 +10372,1 +10373,1 +10374,1 +10375,1 +10376,1 +10377,1 +10378,1 +10379,1 +10380,1 +10381,1 +10382,1 +10383,1 +10384,1 +10385,1 +10386,1 +10387,1 +10388,1 +10389,1 +10390,1 +10391,1 +10392,1 +10393,1 +10394,1 +10395,1 +10396,1 +10397,1 +10398,1 +10399,1 +10400,1 +10401,1 +10402,1 +10403,1 +10404,1 +10405,1 +10406,1 +10407,1 +10408,1 +10409,1 +10410,1 +10411,1 +10412,1 +10413,1 +10414,1 +10415,1 +10416,1 +10417,1 +10418,1 +10419,1 +10420,1 +10421,1 +10422,1 +10423,1 +10424,1 +10425,1 +10426,1 +10427,1 +10428,1 +10429,1 +10430,1 +10431,1 +10432,1 +10433,1 +10434,1 +10435,1 +10436,1 +10437,1 +10438,1 +10439,1 +10440,1 +10441,1 +10442,1 +10443,1 +10444,1 +10445,1 +10446,1 +10447,1 +10448,1 +10449,1 +10450,1 +10451,1 +10452,1 +10453,1 +10454,1 +10455,1 +10456,1 +10457,1 +10458,1 +10459,1 +10460,1 +10461,1 +10462,1 +10463,1 +10464,1 +10465,1 +10466,1 +10467,1 +10468,1 +10469,1 +10470,1 +10471,1 +10472,1 +10473,1 +10474,1 +10475,1 +10476,1 +10477,1 +10478,1 +10479,1 +10480,1 +10481,1 +10482,1 +10483,1 +10484,1 +10485,1 +10486,1 +10487,1 +10488,1 +10489,1 +10490,1 +10491,1 +10492,1 +10493,1 +10494,1 +10495,1 +10496,1 +10497,1 +10498,1 +10499,1 +10500,1 +10501,1 +10502,1 +10503,1 +10504,1 +10505,1 +10506,1 +10507,1 +10508,1 +10509,1 +10510,1 +10511,1 +10512,1 +10513,1 +10514,1 +10515,1 +10516,1 +10517,1 +10518,1 +10519,1 +10520,1 +10521,1 +10522,1 +10523,1 +10524,1 +10525,1 +10526,1 +10527,1 +10528,1 +10529,1 +10530,1 +10531,1 +10532,1 +10533,1 +10534,1 +10535,1 +10536,1 +10537,1 +10538,1 +10539,1 +10540,1 +10541,1 +10542,1 +10543,1 +10544,1 +10545,1 +10546,1 +10547,1 +10548,1 +10549,1 +10550,1 +10551,1 +10552,1 +10553,1 +10554,1 +10555,1 +10556,1 +10557,1 +10558,1 +10559,1 +10560,1 +10561,1 +10562,1 +10563,1 +10564,1 +10565,1 +10566,1 +10567,1 +10568,1 +10569,1 +10570,1 +10571,1 +10572,1 +10573,1 +10574,1 +10575,1 +10576,1 +10577,1 +10578,1 +10579,1 +10580,1 +10581,1 +10582,1 +10583,1 +10584,1 +10585,1 +10586,1 +10587,1 +10588,1 +10589,1 +10590,1 +10591,1 +10592,1 +10593,1 +10594,1 +10595,1 +10596,1 +10597,1 +10598,1 +10599,1 +10600,1 +10601,1 +10602,1 +10603,1 +10604,1 +10605,1 +10606,1 +10607,1 +10608,1 +10609,1 +10610,1 +10611,1 +10612,1 +10613,1 +10614,1 +10615,1 +10616,1 +10617,1 +10618,1 +10619,1 +10620,1 +10621,1 +10622,1 +10623,1 +10624,1 +10625,1 +10626,1 +10627,1 +10628,1 +10629,1 +10630,1 +10631,1 +10632,1 +10633,1 +10634,1 +10635,1 +10636,1 +10637,1 +10638,1 +10639,1 +10640,1 +10641,1 +10642,1 +10643,1 +10644,1 +10645,1 +10646,1 +10647,1 +10648,1 +10649,1 +10650,1 +10651,1 +10652,1 +10653,1 +10654,1 +10655,1 +10656,1 +10657,1 +10658,1 +10659,1 +10660,1 +10661,1 +10662,1 +10663,1 +10664,1 +10665,1 +10666,1 +10667,1 +10668,1 +10669,1 +10670,1 +10671,1 +10672,1 +10673,1 +10674,1 +10675,1 +10676,1 +10677,1 +10678,1 +10679,1 +10680,1 +10681,1 +10682,1 +10683,1 +10684,1 +10685,1 +10686,1 +10687,1 +10688,1 +10689,1 +10690,1 +10691,1 +10692,1 +10693,1 +10694,1 +10695,1 +10696,1 +10697,1 +10698,1 +10699,1 +10700,1 +10701,1 +10702,1 +10703,1 +10704,1 +10705,1 +10706,1 +10707,1 +10708,1 +10709,1 +10710,1 +10711,1 +10712,1 +10713,1 +10714,1 +10715,1 +10716,1 +10717,1 +10718,1 +10719,1 +10720,1 +10721,1 +10722,1 +10723,1 +10724,1 +10725,1 +10726,1 +10727,1 +10728,1 +10729,1 +10730,1 +10731,1 +10732,1 +10733,1 +10734,1 +10735,1 +10736,1 +10737,1 +10738,1 +10739,1 +10740,1 +10741,1 +10742,1 +10743,1 +10744,1 +10745,1 +10746,1 +10747,1 +10748,1 +10749,1 +10750,1 +10751,1 +10752,1 +10753,1 +10754,1 +10755,1 +10756,1 +10757,1 +10758,1 +10759,1 +10760,1 +10761,1 +10762,1 +10763,1 +10764,1 +10765,1 +10766,1 +10767,1 +10768,1 +10769,1 +10770,1 +10771,1 +10772,1 +10773,1 +10774,1 +10775,1 +10776,1 +10777,1 +10778,1 +10779,1 +10780,1 +10781,1 +10782,1 +10783,1 +10784,1 +10785,1 +10786,1 +10787,1 +10788,1 +10789,1 +10790,1 +10791,1 +10792,1 +10793,1 +10794,1 +10795,1 +10796,1 +10797,1 +10798,1 +10799,1 +10800,1 +10801,1 +10802,1 +10803,1 +10804,1 +10805,1 +10806,1 +10807,1 +10808,1 +10809,1 +10810,1 +10811,1 +10812,1 +10813,1 +10814,1 +10815,1 +10816,1 +10817,1 +10818,1 +10819,1 +10820,1 +10821,1 +10822,1 +10823,1 +10824,1 +10825,1 +10826,1 +10827,1 +10828,1 +10829,1 +10830,1 +10831,1 +10832,1 +10833,1 +10834,1 +10835,1 +10836,1 +10837,1 +10838,1 +10839,1 +10840,1 +10841,1 +10842,1 +10843,1 +10844,1 +10845,1 +10846,1 +10847,1 +10848,1 +10849,1 +10850,1 +10851,1 +10852,1 +10853,1 +10854,1 +10855,1 +10856,1 +10857,1 +10858,1 +10859,1 +10860,1 +10861,1 +10862,1 +10863,1 +10864,1 +10865,1 +10866,1 +10867,1 +10868,1 +10869,1 +10870,1 +10871,1 +10872,1 +10873,1 +10874,1 +10875,1 +10876,1 +10877,1 +10878,1 +10879,1 +10880,1 +10881,1 +10882,1 +10883,1 +10884,1 +10885,1 +10886,1 +10887,1 +10888,1 +10889,1 +10890,1 +10891,1 +10892,1 +10893,1 +10894,1 +10895,1 +10896,1 +10897,1 +10898,1 +10899,1 +10900,1 +10901,1 +10902,1 +10903,1 +10904,1 +10905,1 +10906,1 +10907,1 +10908,1 +10909,1 +10910,1 +10911,1 +10912,1 +10913,1 +10914,1 +10915,1 +10916,1 +10917,1 +10918,1 +10919,1 +10920,1 +10921,1 +10922,1 +10923,1 +10924,1 +10925,1 +10926,1 +10927,1 +10928,1 +10929,1 +10930,1 +10931,1 +10932,1 +10933,1 +10934,1 +10935,1 +10936,1 +10937,1 +10938,1 +10939,1 +10940,1 +10941,1 +10942,1 +10943,1 +10944,1 +10945,1 +10946,1 +10947,1 +10948,1 +10949,1 +10950,1 +10951,1 +10952,1 +10953,1 +10954,1 +10955,1 +10956,1 +10957,1 +10958,1 +10959,1 +10960,1 +10961,1 +10962,1 +10963,1 +10964,1 +10965,1 +10966,1 +10967,1 +10968,1 +10969,1 +10970,1 +10971,1 +10972,1 +10973,1 +10974,1 +10975,1 +10976,1 +10977,1 +10978,1 +10979,1 +10980,1 +10981,1 +10982,1 +10983,1 +10984,1 +10985,1 +10986,1 +10987,1 +10988,1 +10989,1 +10990,1 +10991,1 +10992,1 +10993,1 +10994,1 +10995,1 +10996,1 +10997,1 +10998,1 +10999,1 +11000,1 +11001,1 +11002,1 +11003,1 +11004,1 +11005,1 +11006,1 +11007,1 +11008,1 +11009,1 +11010,1 +11011,1 +11012,1 +11013,1 +11014,1 +11015,1 +11016,1 +11017,1 +11018,1 +11019,1 +11020,1 +11021,1 +11022,1 +11023,1 +11024,1 +11025,1 +11026,1 +11027,1 +11028,1 +11029,1 +11030,1 +11031,1 +11032,1 +11033,1 +11034,1 +11035,1 +11036,1 +11037,1 +11038,1 +11039,1 +11040,1 +11041,1 +11042,1 +11043,1 +11044,1 +11045,1 +11046,1 +11047,1 +11048,1 +11049,1 +11050,1 +11051,1 +11052,1 +11053,1 +11054,1 +11055,1 +11056,1 +11057,1 +11058,1 +11059,1 +11060,1 +11061,1 +11062,1 +11063,1 +11064,1 +11065,1 +11066,1 +11067,1 +11068,1 +11069,1 +11070,1 +11071,1 +11072,1 +11073,1 +11074,1 +11075,1 +11076,1 +11077,1 +11078,1 +11079,1 +11080,1 +11081,1 +11082,1 +11083,1 +11084,1 +11085,1 +11086,1 +11087,1 +11088,1 +11089,1 +11090,1 +11091,1 +11092,1 +11093,1 +11094,1 +11095,1 +11096,1 +11097,1 +11098,1 +11099,1 +11100,1 +11101,1 +11102,1 +11103,1 +11104,1 +11105,1 +11106,1 +11107,1 +11108,1 +11109,1 +11110,1 +11111,1 +11112,1 +11113,1 +11114,1 +11115,1 +11116,1 +11117,1 +11118,1 +11119,1 +11120,1 +11121,1 +11122,1 +11123,1 +11124,1 +11125,1 +11126,1 +11127,1 +11128,1 +11129,1 +11130,1 +11131,1 +11132,1 +11133,1 +11134,1 +11135,1 +11136,1 +11137,1 +11138,1 +11139,1 +11140,1 +11141,1 +11142,1 +11143,1 +11144,1 +11145,1 +11146,1 +11147,1 +11148,1 +11149,1 +11150,1 +11151,1 +11152,1 +11153,1 +11154,1 +11155,1 +11156,1 +11157,1 +11158,1 +11159,1 +11160,1 +11161,1 +11162,1 +11163,1 +11164,1 +11165,1 +11166,1 +11167,1 +11168,1 +11169,1 +11170,1 +11171,1 +11172,1 +11173,1 +11174,1 +11175,1 +11176,1 +11177,1 +11178,1 +11179,1 +11180,1 +11181,1 +11182,1 +11183,1 +11184,1 +11185,1 +11186,1 +11187,1 +11188,1 +11189,1 +11190,1 +11191,1 +11192,1 +11193,1 +11194,1 +11195,1 +11196,1 +11197,1 +11198,1 +11199,1 +11200,1 +11201,1 +11202,1 +11203,1 +11204,1 +11205,1 +11206,1 +11207,1 +11208,1 +11209,1 +11210,1 +11211,1 +11212,1 +11213,1 +11214,1 +11215,1 +11216,1 +11217,1 +11218,1 +11219,1 +11220,1 +11221,1 +11222,1 +11223,1 +11224,1 +11225,1 +11226,1 +11227,1 +11228,1 +11229,1 +11230,1 +11231,1 +11232,1 +11233,1 +11234,1 +11235,1 +11236,1 +11237,1 +11238,1 +11239,1 +11240,1 +11241,1 +11242,1 +11243,1 +11244,1 +11245,1 +11246,1 +11247,1 +11248,1 +11249,1 +11250,1 +11251,1 +11252,1 +11253,1 +11254,1 +11255,1 +11256,1 +11257,1 +11258,1 +11259,1 +11260,1 +11261,1 +11262,1 +11263,1 +11264,1 +11265,1 +11266,1 +11267,1 +11268,1 +11269,1 +11270,1 +11271,1 +11272,1 +11273,1 +11274,1 +11275,1 +11276,1 +11277,1 +11278,1 +11279,1 +11280,1 +11281,1 +11282,1 +11283,1 +11284,1 +11285,1 +11286,1 +11287,1 +11288,1 +11289,1 +11290,1 +11291,1 +11292,1 +11293,1 +11294,1 +11295,1 +11296,1 +11297,1 +11298,1 +11299,1 +11300,1 +11301,1 +11302,1 +11303,1 +11304,1 +11305,1 +11306,1 +11307,1 +11308,1 +11309,1 +11310,1 +11311,1 +11312,1 +11313,1 +11314,1 +11315,1 +11316,1 +11317,1 +11318,1 +11319,1 +11320,1 +11321,1 +11322,1 +11323,1 +11324,1 +11325,1 +11326,1 +11327,1 +11328,1 +11329,1 +11330,1 +11331,1 +11332,1 +11333,1 +11334,1 +11335,1 +11336,1 +11337,1 +11338,1 +11339,1 +11340,1 +11341,1 +11342,1 +11343,1 +11344,1 +11345,1 +11346,1 +11347,1 +11348,1 +11349,1 +11350,1 +11351,1 +11352,1 +11353,1 +11354,1 +11355,1 +11356,1 +11357,1 +11358,1 +11359,1 +11360,1 +11361,1 +11362,1 +11363,1 +11364,1 +11365,1 +11366,1 +11367,1 +11368,1 +11369,1 +11370,1 +11371,1 +11372,1 +11373,1 +11374,1 +11375,1 +11376,1 +11377,1 +11378,1 +11379,1 +11380,1 +11381,1 +11382,1 +11383,1 +11384,1 +11385,1 +11386,1 +11387,1 +11388,1 +11389,1 +11390,1 +11391,1 +11392,1 +11393,1 +11394,1 +11395,1 +11396,1 +11397,1 +11398,1 +11399,1 +11400,1 +11401,1 +11402,1 +11403,1 +11404,1 +11405,1 +11406,1 +11407,1 +11408,1 +11409,1 +11410,1 +11411,1 +11412,1 +11413,1 +11414,1 +11415,1 +11416,1 +11417,1 +11418,1 +11419,1 +11420,1 +11421,1 +11422,1 +11423,1 +11424,1 +11425,1 +11426,1 +11427,1 +11428,1 +11429,1 +11430,1 +11431,1 +11432,1 +11433,1 +11434,1 +11435,1 +11436,1 +11437,1 +11438,1 +11439,1 +11440,1 +11441,1 +11442,1 +11443,1 +11444,1 +11445,1 +11446,1 +11447,1 +11448,1 +11449,1 +11450,1 +11451,1 +11452,1 +11453,1 +11454,1 +11455,1 +11456,1 +11457,1 +11458,1 +11459,1 +11460,1 +11461,1 +11462,1 +11463,1 +11464,1 +11465,1 +11466,1 +11467,1 +11468,1 +11469,1 +11470,1 +11471,1 +11472,1 +11473,1 +11474,1 +11475,1 +11476,1 +11477,1 +11478,1 +11479,1 +11480,1 +11481,1 +11482,1 +11483,1 +11484,1 +11485,1 +11486,1 +11487,1 +11488,1 +11489,1 +11490,1 +11491,1 +11492,1 +11493,1 +11494,1 +11495,1 +11496,1 +11497,1 +11498,1 +11499,1 +11500,1 +11501,1 +11502,1 +11503,1 +11504,1 +11505,1 +11506,1 +11507,1 +11508,1 +11509,1 +11510,1 +11511,1 +11512,1 +11513,1 +11514,1 +11515,1 +11516,1 +11517,1 +11518,1 +11519,1 +11520,1 +11521,1 +11522,1 +11523,1 +11524,1 +11525,1 +11526,1 +11527,1 +11528,1 +11529,1 +11530,1 +11531,1 +11532,1 +11533,1 +11534,1 +11535,1 +11536,1 +11537,1 +11538,1 +11539,1 +11540,1 +11541,1 +11542,1 +11543,1 +11544,1 +11545,1 +11546,1 +11547,1 +11548,1 +11549,1 +11550,1 +11551,1 +11552,1 +11553,1 +11554,1 +11555,1 +11556,1 +11557,1 +11558,1 +11559,1 +11560,1 +11561,1 +11562,1 +11563,1 +11564,1 +11565,1 +11566,1 +11567,1 +11568,1 +11569,1 +11570,1 +11571,1 +11572,1 +11573,1 +11574,1 +11575,1 +11576,1 +11577,1 +11578,1 +11579,1 +11580,1 +11581,1 +11582,1 +11583,1 +11584,1 +11585,1 +11586,1 +11587,1 +11588,1 +11589,1 +11590,1 +11591,1 +11592,1 +11593,1 +11594,1 +11595,1 +11596,1 +11597,1 +11598,1 +11599,1 +11600,1 +11601,1 +11602,1 +11603,1 +11604,1 +11605,1 +11606,1 +11607,1 +11608,1 +11609,1 +11610,1 +11611,1 +11612,1 +11613,1 +11614,1 +11615,1 +11616,1 +11617,1 +11618,1 +11619,1 +11620,1 +11621,1 +11622,1 +11623,1 +11624,1 +11625,1 +11626,1 +11627,1 +11628,1 +11629,1 +11630,1 +11631,1 +11632,1 +11633,1 +11634,1 +11635,1 +11636,1 +11637,1 +11638,1 +11639,1 +11640,1 +11641,1 +11642,1 +11643,1 +11644,1 +11645,1 +11646,1 +11647,1 +11648,1 +11649,1 +11650,1 +11651,1 +11652,1 +11653,1 +11654,1 +11655,1 +11656,1 +11657,1 +11658,1 +11659,1 +11660,1 +11661,1 +11662,1 +11663,1 +11664,1 +11665,1 +11666,1 +11667,1 +11668,1 +11669,1 +11670,1 +11671,1 +11672,1 +11673,1 +11674,1 +11675,1 +11676,1 +11677,1 +11678,1 +11679,1 +11680,1 +11681,1 +11682,1 +11683,1 +11684,1 +11685,1 +11686,1 +11687,1 +11688,1 +11689,1 +11690,1 +11691,1 +11692,1 +11693,1 +11694,1 +11695,1 +11696,1 +11697,1 +11698,1 +11699,1 +11700,1 +11701,1 +11702,1 +11703,1 +11704,1 +11705,1 +11706,1 +11707,1 +11708,1 +11709,1 +11710,1 +11711,1 +11712,1 +11713,1 +11714,1 +11715,1 +11716,1 +11717,1 +11718,1 +11719,1 +11720,1 +11721,1 +11722,1 +11723,1 +11724,1 +11725,1 +11726,1 +11727,1 +11728,1 +11729,1 +11730,1 +11731,1 +11732,1 +11733,1 +11734,1 +11735,1 +11736,1 +11737,1 +11738,1 +11739,1 +11740,1 +11741,1 +11742,1 +11743,1 +11744,1 +11745,1 +11746,1 +11747,1 +11748,1 +11749,1 +11750,1 +11751,1 +11752,1 +11753,1 +11754,1 +11755,1 +11756,1 +11757,1 +11758,1 +11759,1 +11760,1 +11761,1 +11762,1 +11763,1 +11764,1 +11765,1 +11766,1 +11767,1 +11768,1 +11769,1 +11770,1 +11771,1 +11772,1 +11773,1 +11774,1 +11775,1 +11776,1 +11777,1 +11778,1 +11779,1 +11780,1 +11781,1 +11782,1 +11783,1 +11784,1 +11785,1 +11786,1 +11787,1 +11788,1 +11789,1 +11790,1 +11791,1 +11792,1 +11793,1 +11794,1 +11795,1 +11796,1 +11797,1 +11798,1 +11799,1 +11800,1 +11801,1 +11802,1 +11803,1 +11804,1 +11805,1 +11806,1 +11807,1 +11808,1 +11809,1 +11810,1 +11811,1 +11812,1 +11813,1 +11814,1 +11815,1 +11816,1 +11817,1 +11818,1 +11819,1 +11820,1 +11821,1 +11822,1 +11823,1 +11824,1 +11825,1 +11826,1 +11827,1 +11828,1 +11829,1 +11830,1 +11831,1 +11832,1 +11833,1 +11834,1 +11835,1 +11836,1 +11837,1 +11838,1 +11839,1 +11840,1 +11841,1 +11842,1 +11843,1 +11844,1 +11845,1 +11846,1 +11847,1 +11848,1 +11849,1 +11850,1 +11851,1 +11852,1 +11853,1 +11854,1 +11855,1 +11856,1 +11857,1 +11858,1 +11859,1 +11860,1 +11861,1 +11862,1 +11863,1 +11864,1 +11865,1 +11866,1 +11867,1 +11868,1 +11869,1 +11870,1 +11871,1 +11872,1 +11873,1 +11874,1 +11875,1 +11876,1 +11877,1 +11878,1 +11879,1 +11880,1 +11881,1 +11882,1 +11883,1 +11884,1 +11885,1 +11886,1 +11887,1 +11888,1 +11889,1 +11890,1 +11891,1 +11892,1 +11893,1 +11894,1 +11895,1 +11896,1 +11897,1 +11898,1 +11899,1 +11900,1 +11901,1 +11902,1 +11903,1 +11904,1 +11905,1 +11906,1 +11907,1 +11908,1 +11909,1 +11910,1 +11911,1 +11912,1 +11913,1 +11914,1 +11915,1 +11916,1 +11917,1 +11918,1 +11919,1 +11920,1 +11921,1 +11922,1 +11923,1 +11924,1 +11925,1 +11926,1 +11927,1 +11928,1 +11929,1 +11930,1 +11931,1 +11932,1 +11933,1 +11934,1 +11935,1 +11936,1 +11937,1 +11938,1 +11939,1 +11940,1 +11941,1 +11942,1 +11943,1 +11944,1 +11945,1 +11946,1 +11947,1 +11948,1 +11949,1 +11950,1 +11951,1 +11952,1 +11953,1 +11954,1 +11955,1 +11956,1 +11957,1 +11958,1 +11959,1 +11960,1 +11961,1 +11962,1 +11963,1 +11964,1 +11965,1 +11966,1 +11967,1 +11968,1 +11969,1 +11970,1 +11971,1 +11972,1 +11973,1 +11974,1 +11975,1 +11976,1 +11977,1 +11978,1 +11979,1 +11980,1 +11981,1 +11982,1 +11983,1 +11984,1 +11985,1 +11986,1 +11987,1 +11988,1 +11989,1 +11990,1 +11991,1 +11992,1 +11993,1 +11994,1 +11995,1 +11996,1 +11997,1 +11998,1 +11999,1 +12000,1 +12001,1 +12002,1 +12003,1 +12004,1 +12005,1 +12006,1 +12007,1 +12008,1 +12009,1 +12010,1 +12011,1 +12012,1 +12013,1 +12014,1 +12015,1 +12016,1 +12017,1 +12018,1 +12019,1 +12020,1 +12021,1 +12022,1 +12023,1 +12024,1 +12025,1 +12026,1 +12027,1 +12028,1 +12029,1 +12030,1 +12031,1 +12032,1 +12033,1 +12034,1 +12035,1 +12036,1 +12037,1 +12038,1 +12039,1 +12040,1 +12041,1 +12042,1 +12043,1 +12044,1 +12045,1 +12046,1 +12047,1 +12048,1 +12049,1 +12050,1 +12051,1 +12052,1 +12053,1 +12054,1 +12055,1 +12056,1 +12057,1 +12058,1 +12059,1 +12060,1 +12061,1 +12062,1 +12063,1 +12064,1 +12065,1 +12066,1 +12067,1 +12068,1 +12069,1 +12070,1 +12071,1 +12072,1 +12073,1 +12074,1 +12075,1 +12076,1 +12077,1 +12078,1 +12079,1 +12080,1 +12081,1 +12082,1 +12083,1 +12084,1 +12085,1 +12086,1 +12087,1 +12088,1 +12089,1 +12090,1 +12091,1 +12092,1 +12093,1 +12094,1 +12095,1 +12096,1 +12097,1 +12098,1 +12099,1 +12100,1 +12101,1 +12102,1 +12103,1 +12104,1 +12105,1 +12106,1 +12107,1 +12108,1 +12109,1 +12110,1 +12111,1 +12112,1 +12113,1 +12114,1 +12115,1 +12116,1 +12117,1 +12118,1 +12119,1 +12120,1 +12121,1 +12122,1 +12123,1 +12124,1 +12125,1 +12126,1 +12127,1 +12128,1 +12129,1 +12130,1 +12131,1 +12132,1 +12133,1 +12134,1 +12135,1 +12136,1 +12137,1 +12138,1 +12139,1 +12140,1 +12141,1 +12142,1 +12143,1 +12144,1 +12145,1 +12146,1 +12147,1 +12148,1 +12149,1 +12150,1 +12151,1 +12152,1 +12153,1 +12154,1 +12155,1 +12156,1 +12157,1 +12158,1 +12159,1 +12160,1 +12161,1 +12162,1 +12163,1 +12164,1 +12165,1 +12166,1 +12167,1 +12168,1 +12169,1 +12170,1 +12171,1 +12172,1 +12173,1 +12174,1 +12175,1 +12176,1 +12177,1 +12178,1 +12179,1 +12180,1 +12181,1 +12182,1 +12183,1 +12184,1 +12185,1 +12186,1 +12187,1 +12188,1 +12189,1 +12190,1 +12191,1 +12192,1 +12193,1 +12194,1 +12195,1 +12196,1 +12197,1 +12198,1 +12199,1 +12200,1 +12201,1 +12202,1 +12203,1 +12204,1 +12205,1 +12206,1 +12207,1 +12208,1 +12209,1 +12210,1 +12211,1 +12212,1 +12213,1 +12214,1 +12215,1 +12216,1 +12217,1 +12218,1 +12219,1 +12220,1 +12221,1 +12222,1 +12223,1 +12224,1 +12225,1 +12226,1 +12227,1 +12228,1 +12229,1 +12230,1 +12231,1 +12232,1 +12233,1 +12234,1 +12235,1 +12236,1 +12237,1 +12238,1 +12239,1 +12240,1 +12241,1 +12242,1 +12243,1 +12244,1 +12245,1 +12246,1 +12247,1 +12248,1 +12249,1 +12250,1 +12251,1 +12252,1 +12253,1 +12254,1 +12255,1 +12256,1 +12257,1 +12258,1 +12259,1 +12260,1 +12261,1 +12262,1 +12263,1 +12264,1 +12265,1 +12266,1 +12267,1 +12268,1 +12269,1 +12270,1 +12271,1 +12272,1 +12273,1 +12274,1 +12275,1 +12276,1 +12277,1 +12278,1 +12279,1 +12280,1 +12281,1 +12282,1 +12283,1 +12284,1 +12285,1 +12286,1 +12287,1 +12288,1 +12289,1 +12290,1 +12291,1 +12292,1 +12293,1 +12294,1 +12295,1 +12296,1 +12297,1 +12298,1 +12299,1 +12300,1 +12301,1 +12302,1 +12303,1 +12304,1 +12305,1 +12306,1 +12307,1 +12308,1 +12309,1 +12310,1 +12311,1 +12312,1 +12313,1 +12314,1 +12315,1 +12316,1 +12317,1 +12318,1 +12319,1 +12320,1 +12321,1 +12322,1 +12323,1 +12324,1 +12325,1 +12326,1 +12327,1 +12328,1 +12329,1 +12330,1 +12331,1 +12332,1 +12333,1 +12334,1 +12335,1 +12336,1 +12337,1 +12338,1 +12339,1 +12340,1 +12341,1 +12342,1 +12343,1 +12344,1 +12345,1 +12346,1 +12347,1 +12348,1 +12349,1 +12350,1 +12351,1 +12352,1 +12353,1 +12354,1 +12355,1 +12356,1 +12357,1 +12358,1 +12359,1 +12360,1 +12361,1 +12362,1 +12363,1 +12364,1 +12365,1 +12366,1 +12367,1 +12368,1 +12369,1 +12370,1 +12371,1 +12372,1 +12373,1 +12374,1 +12375,1 +12376,1 +12377,1 +12378,1 +12379,1 +12380,1 +12381,1 +12382,1 +12383,1 +12384,1 +12385,1 +12386,1 +12387,1 +12388,1 +12389,1 +12390,1 +12391,1 +12392,1 +12393,1 +12394,1 +12395,1 +12396,1 +12397,1 +12398,1 +12399,1 +12400,1 +12401,1 +12402,1 +12403,1 +12404,1 +12405,1 +12406,1 +12407,1 +12408,1 +12409,1 +12410,1 +12411,1 +12412,1 +12413,1 +12414,1 +12415,1 +12416,1 +12417,1 +12418,1 +12419,1 +12420,1 +12421,1 +12422,1 +12423,1 +12424,1 +12425,1 +12426,1 +12427,1 +12428,1 +12429,1 +12430,1 +12431,1 +12432,1 +12433,1 +12434,1 +12435,1 +12436,1 +12437,1 +12438,1 +12439,1 +12440,1 +12441,1 +12442,1 +12443,1 +12444,1 +12445,1 +12446,1 +12447,1 +12448,1 +12449,1 +12450,1 +12451,1 +12452,1 +12453,1 +12454,1 +12455,1 +12456,1 +12457,1 +12458,1 +12459,1 +12460,1 +12461,1 +12462,1 +12463,1 +12464,1 +12465,1 +12466,1 +12467,1 +12468,1 +12469,1 +12470,1 +12471,1 +12472,1 +12473,1 +12474,1 +12475,1 +12476,1 +12477,1 +12478,1 +12479,1 +12480,1 +12481,1 +12482,1 +12483,1 +12484,1 +12485,1 +12486,1 +12487,1 +12488,1 +12489,1 +12490,1 +12491,1 +12492,1 +12493,1 +12494,1 +12495,1 +12496,1 +12497,1 +12498,1 +12499,1 +12500,1 +12501,1 +12502,1 +12503,1 +12504,1 +12505,1 +12506,1 +12507,1 +12508,1 +12509,1 +12510,1 +12511,1 +12512,1 +12513,1 +12514,1 +12515,1 +12516,1 +12517,1 +12518,1 +12519,1 +12520,1 +12521,1 +12522,1 +12523,1 +12524,1 +12525,1 +12526,1 +12527,1 +12528,1 +12529,1 +12530,1 +12531,1 +12532,1 +12533,1 +12534,1 +12535,1 +12536,1 +12537,1 +12538,1 +12539,1 +12540,1 +12541,1 +12542,1 +12543,1 +12544,1 +12545,1 +12546,1 +12547,1 +12548,1 +12549,1 +12550,1 +12551,1 +12552,1 +12553,1 +12554,1 +12555,1 +12556,1 +12557,1 +12558,1 +12559,1 +12560,1 +12561,1 +12562,1 +12563,1 +12564,1 +12565,1 +12566,1 +12567,1 +12568,1 +12569,1 +12570,1 +12571,1 +12572,1 +12573,1 +12574,1 +12575,1 +12576,1 +12577,1 +12578,1 +12579,1 +12580,1 +12581,1 +12582,1 +12583,1 +12584,1 +12585,1 +12586,1 +12587,1 +12588,1 +12589,1 +12590,1 +12591,1 +12592,1 +12593,1 +12594,1 +12595,1 +12596,1 +12597,1 +12598,1 +12599,1 +12600,1 +12601,1 +12602,1 +12603,1 +12604,1 +12605,1 +12606,1 +12607,1 +12608,1 +12609,1 +12610,1 +12611,1 +12612,1 +12613,1 +12614,1 +12615,1 +12616,1 +12617,1 +12618,1 +12619,1 +12620,1 +12621,1 +12622,1 +12623,1 +12624,1 +12625,1 +12626,1 +12627,1 +12628,1 +12629,1 +12630,1 +12631,1 +12632,1 +12633,1 +12634,1 +12635,1 +12636,1 +12637,1 +12638,1 +12639,1 +12640,1 +12641,1 +12642,1 +12643,1 +12644,1 +12645,1 +12646,1 +12647,1 +12648,1 +12649,1 +12650,1 +12651,1 +12652,1 +12653,1 +12654,1 +12655,1 +12656,1 +12657,1 +12658,1 +12659,1 +12660,1 +12661,1 +12662,1 +12663,1 +12664,1 +12665,1 +12666,1 +12667,1 +12668,1 +12669,1 +12670,1 +12671,1 +12672,1 +12673,1 +12674,1 +12675,1 +12676,1 +12677,1 +12678,1 +12679,1 +12680,1 +12681,1 +12682,1 +12683,1 +12684,1 +12685,1 +12686,1 +12687,1 +12688,1 +12689,1 +12690,1 +12691,1 +12692,1 +12693,1 +12694,1 +12695,1 +12696,1 +12697,1 +12698,1 +12699,1 +12700,1 +12701,1 +12702,1 +12703,1 +12704,1 +12705,1 +12706,1 +12707,1 +12708,1 +12709,1 +12710,1 +12711,1 +12712,1 +12713,1 +12714,1 +12715,1 +12716,1 +12717,1 +12718,1 +12719,1 +12720,1 +12721,1 +12722,1 +12723,1 +12724,1 +12725,1 +12726,1 +12727,1 +12728,1 +12729,1 +12730,1 +12731,1 +12732,1 +12733,1 +12734,1 +12735,1 +12736,1 +12737,1 +12738,1 +12739,1 +12740,1 +12741,1 +12742,1 +12743,1 +12744,1 +12745,1 +12746,1 +12747,1 +12748,1 +12749,1 +12750,1 +12751,1 +12752,1 +12753,1 +12754,1 +12755,1 +12756,1 +12757,1 +12758,1 +12759,1 +12760,1 +12761,1 +12762,1 +12763,1 +12764,1 +12765,1 +12766,1 +12767,1 +12768,1 +12769,1 +12770,1 +12771,1 +12772,1 +12773,1 +12774,1 +12775,1 +12776,1 +12777,1 +12778,1 +12779,1 +12780,1 +12781,1 +12782,1 +12783,1 +12784,1 +12785,1 +12786,1 +12787,1 +12788,1 +12789,1 +12790,1 +12791,1 +12792,1 +12793,1 +12794,1 +12795,1 +12796,1 +12797,1 +12798,1 +12799,1 +12800,1 +12801,1 +12802,1 +12803,1 +12804,1 +12805,1 +12806,1 +12807,1 +12808,1 +12809,1 +12810,1 +12811,1 +12812,1 +12813,1 +12814,1 +12815,1 +12816,1 +12817,1 +12818,1 +12819,1 +12820,1 +12821,1 +12822,1 +12823,1 +12824,1 +12825,1 +12826,1 +12827,1 +12828,1 +12829,1 +12830,1 +12831,1 +12832,1 +12833,1 +12834,1 +12835,1 +12836,1 +12837,1 +12838,1 +12839,1 +12840,1 +12841,1 +12842,1 +12843,1 +12844,1 +12845,1 +12846,1 +12847,1 +12848,1 +12849,1 +12850,1 +12851,1 +12852,1 +12853,1 +12854,1 +12855,1 +12856,1 +12857,1 +12858,1 +12859,1 +12860,1 +12861,1 +12862,1 +12863,1 +12864,1 +12865,1 +12866,1 +12867,1 +12868,1 +12869,1 +12870,1 +12871,1 +12872,1 +12873,1 +12874,1 +12875,1 +12876,1 +12877,1 +12878,1 +12879,1 +12880,1 +12881,1 +12882,1 +12883,1 +12884,1 +12885,1 +12886,1 +12887,1 +12888,1 +12889,1 +12890,1 +12891,1 +12892,1 +12893,1 +12894,1 +12895,1 +12896,1 +12897,1 +12898,1 +12899,1 +12900,1 +12901,1 +12902,1 +12903,1 +12904,1 +12905,1 +12906,1 +12907,1 +12908,1 +12909,1 +12910,1 +12911,1 +12912,1 +12913,1 +12914,1 +12915,1 +12916,1 +12917,1 +12918,1 +12919,1 +12920,1 +12921,1 +12922,1 +12923,1 +12924,1 +12925,1 +12926,1 +12927,1 +12928,1 +12929,1 +12930,1 +12931,1 +12932,1 +12933,1 +12934,1 +12935,1 +12936,1 +12937,1 +12938,1 +12939,1 +12940,1 +12941,1 +12942,1 +12943,1 +12944,1 +12945,1 +12946,1 +12947,1 +12948,1 +12949,1 +12950,1 +12951,1 +12952,1 +12953,1 +12954,1 +12955,1 +12956,1 +12957,1 +12958,1 +12959,1 +12960,1 +12961,1 +12962,1 +12963,1 +12964,1 +12965,1 +12966,1 +12967,1 +12968,1 +12969,1 +12970,1 +12971,1 +12972,1 +12973,1 +12974,1 +12975,1 +12976,1 +12977,1 +12978,1 +12979,1 +12980,1 +12981,1 +12982,1 +12983,1 +12984,1 +12985,1 +12986,1 +12987,1 +12988,1 +12989,1 +12990,1 +12991,1 +12992,1 +12993,1 +12994,1 +12995,1 +12996,1 +12997,1 +12998,1 +12999,1 +13000,1 +13001,1 +13002,1 +13003,1 +13004,1 +13005,1 +13006,1 +13007,1 +13008,1 +13009,1 +13010,1 +13011,1 +13012,1 +13013,1 +13014,1 +13015,1 +13016,1 +13017,1 +13018,1 +13019,1 +13020,1 +13021,1 +13022,1 +13023,1 +13024,1 +13025,1 +13026,1 +13027,1 +13028,1 +13029,1 +13030,1 +13031,1 +13032,1 +13033,1 +13034,1 +13035,1 +13036,1 +13037,1 +13038,1 +13039,1 +13040,1 +13041,1 +13042,1 +13043,1 +13044,1 +13045,1 +13046,1 +13047,1 +13048,1 +13049,1 +13050,1 +13051,1 +13052,1 +13053,1 +13054,1 +13055,1 +13056,1 +13057,1 +13058,1 +13059,1 +13060,1 +13061,1 +13062,1 +13063,1 +13064,1 +13065,1 +13066,1 +13067,1 +13068,1 +13069,1 +13070,1 +13071,1 +13072,1 +13073,1 +13074,1 +13075,1 +13076,1 +13077,1 +13078,1 +13079,1 +13080,1 +13081,1 +13082,1 +13083,1 +13084,1 +13085,1 +13086,1 +13087,1 +13088,1 +13089,1 +13090,1 +13091,1 +13092,1 +13093,1 +13094,1 +13095,1 +13096,1 +13097,1 +13098,1 +13099,1 +13100,1 +13101,1 +13102,1 +13103,1 +13104,1 +13105,1 +13106,1 +13107,1 +13108,1 +13109,1 +13110,1 +13111,1 +13112,1 +13113,1 +13114,1 +13115,1 +13116,1 +13117,1 +13118,1 +13119,1 +13120,1 +13121,1 +13122,1 +13123,1 +13124,1 +13125,1 +13126,1 +13127,1 +13128,1 +13129,1 +13130,1 +13131,1 +13132,1 +13133,1 +13134,1 +13135,1 +13136,1 +13137,1 +13138,1 +13139,1 +13140,1 +13141,1 +13142,1 +13143,1 +13144,1 +13145,1 +13146,1 +13147,1 +13148,1 +13149,1 +13150,1 +13151,1 +13152,1 +13153,1 +13154,1 +13155,1 +13156,1 +13157,1 +13158,1 +13159,1 +13160,1 +13161,1 +13162,1 +13163,1 +13164,1 +13165,1 +13166,1 +13167,1 +13168,1 +13169,1 +13170,1 +13171,1 +13172,1 +13173,1 +13174,1 +13175,1 +13176,1 +13177,1 +13178,1 +13179,1 +13180,1 +13181,1 +13182,1 +13183,1 +13184,1 +13185,1 +13186,1 +13187,1 +13188,1 +13189,1 +13190,1 +13191,1 +13192,1 +13193,1 +13194,1 +13195,1 +13196,1 +13197,1 +13198,1 +13199,1 +13200,1 +13201,1 +13202,1 +13203,1 +13204,1 +13205,1 +13206,1 +13207,1 +13208,1 +13209,1 +13210,1 +13211,1 +13212,1 +13213,1 +13214,1 +13215,1 +13216,1 +13217,1 +13218,1 +13219,1 +13220,1 +13221,1 +13222,1 +13223,1 +13224,1 +13225,1 +13226,1 +13227,1 +13228,1 +13229,1 +13230,1 +13231,1 +13232,1 +13233,1 +13234,1 +13235,1 +13236,1 +13237,1 +13238,1 +13239,1 +13240,1 +13241,1 +13242,1 +13243,1 +13244,1 +13245,1 +13246,1 +13247,1 +13248,1 +13249,1 +13250,1 +13251,1 +13252,1 +13253,1 +13254,1 +13255,1 +13256,1 +13257,1 +13258,1 +13259,1 +13260,1 +13261,1 +13262,1 +13263,1 +13264,1 +13265,1 +13266,1 +13267,1 +13268,1 +13269,1 +13270,1 +13271,1 +13272,1 +13273,1 +13274,1 +13275,1 +13276,1 +13277,1 +13278,1 +13279,1 +13280,1 +13281,1 +13282,1 +13283,1 +13284,1 +13285,1 +13286,1 +13287,1 +13288,1 +13289,1 +13290,1 +13291,1 +13292,1 +13293,1 +13294,1 +13295,1 +13296,1 +13297,1 +13298,1 +13299,1 +13300,1 +13301,1 +13302,1 +13303,1 +13304,1 +13305,1 +13306,1 +13307,1 +13308,1 +13309,1 +13310,1 +13311,1 +13312,1 +13313,1 +13314,1 +13315,1 +13316,1 +13317,1 +13318,1 +13319,1 +13320,1 +13321,1 +13322,1 +13323,1 +13324,1 +13325,1 +13326,1 +13327,1 +13328,1 +13329,1 +13330,1 +13331,1 +13332,1 +13333,1 +13334,1 +13335,1 +13336,1 +13337,1 +13338,1 +13339,1 +13340,1 +13341,1 +13342,1 +13343,1 +13344,1 +13345,1 +13346,1 +13347,1 +13348,1 +13349,1 +13350,1 +13351,1 +13352,1 +13353,1 +13354,1 +13355,1 +13356,1 +13357,1 +13358,1 +13359,1 +13360,1 +13361,1 +13362,1 +13363,1 +13364,1 +13365,1 +13366,1 +13367,1 +13368,1 +13369,1 +13370,1 +13371,1 +13372,1 +13373,1 +13374,1 +13375,1 +13376,1 +13377,1 +13378,1 +13379,1 +13380,1 +13381,1 +13382,1 +13383,1 +13384,1 +13385,1 +13386,1 +13387,1 +13388,1 +13389,1 +13390,1 +13391,1 +13392,1 +13393,1 +13394,1 +13395,1 +13396,1 +13397,1 +13398,1 +13399,1 +13400,1 +13401,1 +13402,1 +13403,1 +13404,1 +13405,1 +13406,1 +13407,1 +13408,1 +13409,1 +13410,1 +13411,1 +13412,1 +13413,1 +13414,1 +13415,1 +13416,1 +13417,1 +13418,1 +13419,1 +13420,1 +13421,1 +13422,1 +13423,1 +13424,1 +13425,1 +13426,1 +13427,1 +13428,1 +13429,1 +13430,1 +13431,1 +13432,1 +13433,1 +13434,1 +13435,1 +13436,1 +13437,1 +13438,1 +13439,1 +13440,1 +13441,1 +13442,1 +13443,1 +13444,1 +13445,1 +13446,1 +13447,1 +13448,1 +13449,1 +13450,1 +13451,1 +13452,1 +13453,1 +13454,1 +13455,1 +13456,1 +13457,1 +13458,1 +13459,1 +13460,1 +13461,1 +13462,1 +13463,1 +13464,1 +13465,1 +13466,1 +13467,1 +13468,1 +13469,1 +13470,1 +13471,1 +13472,1 +13473,1 +13474,1 +13475,1 +13476,1 +13477,1 +13478,1 +13479,1 +13480,1 +13481,1 +13482,1 +13483,1 +13484,1 +13485,1 +13486,1 +13487,1 +13488,1 +13489,1 +13490,1 +13491,1 +13492,1 +13493,1 +13494,1 +13495,1 +13496,1 +13497,1 +13498,1 +13499,1 +13500,1 +13501,1 +13502,1 +13503,1 +13504,1 +13505,1 +13506,1 +13507,1 +13508,1 +13509,1 +13510,1 +13511,1 +13512,1 +13513,1 +13514,1 +13515,1 +13516,1 +13517,1 +13518,1 +13519,1 +13520,1 +13521,1 +13522,1 +13523,1 +13524,1 +13525,1 +13526,1 +13527,1 +13528,1 +13529,1 +13530,1 +13531,1 +13532,1 +13533,1 +13534,1 +13535,1 +13536,1 +13537,1 +13538,1 +13539,1 +13540,1 +13541,1 +13542,1 +13543,1 +13544,1 +13545,1 +13546,1 +13547,1 +13548,1 +13549,1 +13550,1 +13551,1 +13552,1 +13553,1 +13554,1 +13555,1 +13556,1 +13557,1 +13558,1 +13559,1 +13560,1 +13561,1 +13562,1 +13563,1 +13564,1 +13565,1 +13566,1 +13567,1 +13568,1 +13569,1 +13570,1 +13571,1 +13572,1 +13573,1 +13574,1 +13575,1 +13576,1 +13577,1 +13578,1 +13579,1 +13580,1 +13581,1 +13582,1 +13583,1 +13584,1 +13585,1 +13586,1 +13587,1 +13588,1 +13589,1 +13590,1 +13591,1 +13592,1 +13593,1 +13594,1 +13595,1 +13596,1 +13597,1 +13598,1 +13599,1 +13600,1 +13601,1 +13602,1 +13603,1 +13604,1 +13605,1 +13606,1 +13607,1 +13608,1 +13609,1 +13610,1 +13611,1 +13612,1 +13613,1 +13614,1 +13615,1 +13616,1 +13617,1 +13618,1 +13619,1 +13620,1 +13621,1 +13622,1 +13623,1 +13624,1 +13625,1 +13626,1 +13627,1 +13628,1 +13629,1 +13630,1 +13631,1 +13632,1 +13633,1 +13634,1 +13635,1 +13636,1 +13637,1 +13638,1 +13639,1 +13640,1 +13641,1 +13642,1 +13643,1 +13644,1 +13645,1 +13646,1 +13647,1 +13648,1 +13649,1 +13650,1 +13651,1 +13652,1 +13653,1 +13654,1 +13655,1 +13656,1 +13657,1 +13658,1 +13659,1 +13660,1 +13661,1 +13662,1 +13663,1 +13664,1 +13665,1 +13666,1 +13667,1 +13668,1 +13669,1 +13670,1 +13671,1 +13672,1 +13673,1 +13674,1 +13675,1 +13676,1 +13677,1 +13678,1 +13679,1 +13680,1 +13681,1 +13682,1 +13683,1 +13684,1 +13685,1 +13686,1 +13687,1 +13688,1 +13689,1 +13690,1 +13691,1 +13692,1 +13693,1 +13694,1 +13695,1 +13696,1 +13697,1 +13698,1 +13699,1 +13700,1 +13701,1 +13702,1 +13703,1 +13704,1 +13705,1 +13706,1 +13707,1 +13708,1 +13709,1 +13710,1 +13711,1 +13712,1 +13713,1 +13714,1 +13715,1 +13716,1 +13717,1 +13718,1 +13719,1 +13720,1 +13721,1 +13722,1 +13723,1 +13724,1 +13725,1 +13726,1 +13727,1 +13728,1 +13729,1 +13730,1 +13731,1 +13732,1 +13733,1 +13734,1 +13735,1 +13736,1 +13737,1 +13738,1 +13739,1 +13740,1 +13741,1 +13742,1 +13743,1 +13744,1 +13745,1 +13746,1 +13747,1 +13748,1 +13749,1 +13750,1 +13751,1 +13752,1 +13753,1 +13754,1 +13755,1 +13756,1 +13757,1 +13758,1 +13759,1 +13760,1 +13761,1 +13762,1 +13763,1 +13764,1 +13765,1 +13766,1 +13767,1 +13768,1 +13769,1 +13770,1 +13771,1 +13772,1 +13773,1 +13774,1 +13775,1 +13776,1 +13777,1 +13778,1 +13779,1 +13780,1 +13781,1 +13782,1 +13783,1 +13784,1 +13785,1 +13786,1 +13787,1 +13788,1 +13789,1 +13790,1 +13791,1 +13792,1 +13793,1 +13794,1 +13795,1 +13796,1 +13797,1 +13798,1 +13799,1 +13800,1 +13801,1 +13802,1 +13803,1 +13804,1 +13805,1 +13806,1 +13807,1 +13808,1 +13809,1 +13810,1 +13811,1 +13812,1 +13813,1 +13814,1 +13815,1 +13816,1 +13817,1 +13818,1 +13819,1 +13820,1 +13821,1 +13822,1 +13823,1 +13824,1 +13825,1 +13826,1 +13827,1 +13828,1 +13829,1 +13830,1 +13831,1 +13832,1 +13833,1 +13834,1 +13835,1 +13836,1 +13837,1 +13838,1 +13839,1 +13840,1 +13841,1 +13842,1 +13843,1 +13844,1 +13845,1 +13846,1 +13847,1 +13848,1 +13849,1 +13850,1 +13851,1 +13852,1 +13853,1 +13854,1 +13855,1 +13856,1 +13857,1 +13858,1 +13859,1 +13860,1 +13861,1 +13862,1 +13863,1 +13864,1 +13865,1 +13866,1 +13867,1 +13868,1 +13869,1 +13870,1 +13871,1 +13872,1 +13873,1 +13874,1 +13875,1 +13876,1 +13877,1 +13878,1 +13879,1 +13880,1 +13881,1 +13882,1 +13883,1 +13884,1 +13885,1 +13886,1 +13887,1 +13888,1 +13889,1 +13890,1 +13891,1 +13892,1 +13893,1 +13894,1 +13895,1 +13896,1 +13897,1 +13898,1 +13899,1 +13900,1 +13901,1 +13902,1 +13903,1 +13904,1 +13905,1 +13906,1 +13907,1 +13908,1 +13909,1 +13910,1 +13911,1 +13912,1 +13913,1 +13914,1 +13915,1 +13916,1 +13917,1 +13918,1 +13919,1 +13920,1 +13921,1 +13922,1 +13923,1 +13924,1 +13925,1 +13926,1 +13927,1 +13928,1 +13929,1 +13930,1 +13931,1 +13932,1 +13933,1 +13934,1 +13935,1 +13936,1 +13937,1 +13938,1 +13939,1 +13940,1 +13941,1 +13942,1 +13943,1 +13944,1 +13945,1 +13946,1 +13947,1 +13948,1 +13949,1 +13950,1 +13951,1 +13952,1 +13953,1 +13954,1 +13955,1 +13956,1 +13957,1 +13958,1 +13959,1 +13960,1 +13961,1 +13962,1 +13963,1 +13964,1 +13965,1 +13966,1 +13967,1 +13968,1 +13969,1 +13970,1 +13971,1 +13972,1 +13973,1 +13974,1 +13975,1 +13976,1 +13977,1 +13978,1 +13979,1 +13980,1 +13981,1 +13982,1 +13983,1 +13984,1 +13985,1 +13986,1 +13987,1 +13988,1 +13989,1 +13990,1 +13991,1 +13992,1 +13993,1 +13994,1 +13995,1 +13996,1 +13997,1 +13998,1 +13999,1 +14000,1 +14001,1 +14002,1 +14003,1 +14004,1 +14005,1 +14006,1 +14007,1 +14008,1 +14009,1 +14010,1 +14011,1 +14012,1 +14013,1 +14014,1 +14015,1 +14016,1 +14017,1 +14018,1 +14019,1 +14020,1 +14021,1 +14022,1 +14023,1 +14024,1 +14025,1 +14026,1 +14027,1 +14028,1 +14029,1 +14030,1 +14031,1 +14032,1 +14033,1 +14034,1 +14035,1 +14036,1 +14037,1 +14038,1 +14039,1 +14040,1 +14041,1 +14042,1 +14043,1 +14044,1 +14045,1 +14046,1 +14047,1 +14048,1 +14049,1 +14050,1 +14051,1 +14052,1 +14053,1 +14054,1 +14055,1 +14056,1 +14057,1 +14058,1 +14059,1 +14060,1 +14061,1 +14062,1 +14063,1 +14064,1 +14065,1 +14066,1 +14067,1 +14068,1 +14069,1 +14070,1 +14071,1 +14072,1 +14073,1 +14074,1 +14075,1 +14076,1 +14077,1 +14078,1 +14079,1 +14080,1 +14081,1 +14082,1 +14083,1 +14084,1 +14085,1 +14086,1 +14087,1 +14088,1 +14089,1 +14090,1 +14091,1 +14092,1 +14093,1 +14094,1 +14095,1 +14096,1 +14097,1 +14098,1 +14099,1 +14100,1 +14101,1 +14102,1 +14103,1 +14104,1 +14105,1 +14106,1 +14107,1 +14108,1 +14109,1 +14110,1 +14111,1 +14112,1 +14113,1 +14114,1 +14115,1 +14116,1 +14117,1 +14118,1 +14119,1 +14120,1 +14121,1 +14122,1 +14123,1 +14124,1 +14125,1 +14126,1 +14127,1 +14128,1 +14129,1 +14130,1 +14131,1 +14132,1 +14133,1 +14134,1 +14135,1 +14136,1 +14137,1 +14138,1 +14139,1 +14140,1 +14141,1 +14142,1 +14143,1 +14144,1 +14145,1 +14146,1 +14147,1 +14148,1 +14149,1 +14150,1 +14151,1 +14152,1 +14153,1 +14154,1 +14155,1 +14156,1 +14157,1 +14158,1 +14159,1 +14160,1 +14161,1 +14162,1 +14163,1 +14164,1 +14165,1 +14166,1 +14167,1 +14168,1 +14169,1 +14170,1 +14171,1 +14172,1 +14173,1 +14174,1 +14175,1 +14176,1 +14177,1 +14178,1 +14179,1 +14180,1 +14181,1 +14182,1 +14183,1 +14184,1 +14185,1 +14186,1 +14187,1 +14188,1 +14189,1 +14190,1 +14191,1 +14192,1 +14193,1 +14194,1 +14195,1 +14196,1 +14197,1 +14198,1 +14199,1 +14200,1 +14201,1 +14202,1 +14203,1 +14204,1 +14205,1 +14206,1 +14207,1 +14208,1 +14209,1 +14210,1 +14211,1 +14212,1 +14213,1 +14214,1 +14215,1 +14216,1 +14217,1 +14218,1 +14219,1 +14220,1 +14221,1 +14222,1 +14223,1 +14224,1 +14225,1 +14226,1 +14227,1 +14228,1 +14229,1 +14230,1 +14231,1 +14232,1 +14233,1 +14234,1 +14235,1 +14236,1 +14237,1 +14238,1 +14239,1 +14240,1 +14241,1 +14242,1 +14243,1 +14244,1 +14245,1 +14246,1 +14247,1 +14248,1 +14249,1 +14250,1 +14251,1 +14252,1 +14253,1 +14254,1 +14255,1 +14256,1 +14257,1 +14258,1 +14259,1 +14260,1 +14261,1 +14262,1 +14263,1 +14264,1 +14265,1 +14266,1 +14267,1 +14268,1 +14269,1 +14270,1 +14271,1 +14272,1 +14273,1 +14274,1 +14275,1 +14276,1 +14277,1 +14278,1 +14279,1 +14280,1 +14281,1 +14282,1 +14283,1 +14284,1 +14285,1 +14286,1 +14287,1 +14288,1 +14289,1 +14290,1 +14291,1 +14292,1 +14293,1 +14294,1 +14295,1 +14296,1 +14297,1 +14298,1 +14299,1 +14300,1 +14301,1 +14302,1 +14303,1 +14304,1 +14305,1 +14306,1 +14307,1 +14308,1 +14309,1 +14310,1 +14311,1 +14312,1 +14313,1 +14314,1 +14315,1 +14316,1 +14317,1 +14318,1 +14319,1 +14320,1 +14321,1 +14322,1 +14323,1 +14324,1 +14325,1 +14326,1 +14327,1 +14328,1 +14329,1 +14330,1 +14331,1 +14332,1 +14333,1 +14334,1 +14335,1 +14336,1 +14337,1 +14338,1 +14339,1 +14340,1 +14341,1 +14342,1 +14343,1 +14344,1 +14345,1 +14346,1 +14347,1 +14348,1 +14349,1 +14350,1 +14351,1 +14352,1 +14353,1 +14354,1 +14355,1 +14356,1 +14357,1 +14358,1 +14359,1 +14360,1 +14361,1 +14362,1 +14363,1 +14364,1 +14365,1 +14366,1 +14367,1 +14368,1 +14369,1 +14370,1 +14371,1 +14372,1 +14373,1 +14374,1 +14375,1 +14376,1 +14377,1 +14378,1 +14379,1 +14380,1 +14381,1 +14382,1 +14383,1 +14384,1 +14385,1 +14386,1 +14387,1 +14388,1 +14389,1 +14390,1 +14391,1 +14392,1 +14393,1 +14394,1 +14395,1 +14396,1 +14397,1 +14398,1 +14399,1 +14400,1 +14401,1 +14402,1 +14403,1 +14404,1 +14405,1 +14406,1 +14407,1 +14408,1 +14409,1 +14410,1 +14411,1 +14412,1 +14413,1 +14414,1 +14415,1 +14416,1 +14417,1 +14418,1 +14419,1 +14420,1 +14421,1 +14422,1 +14423,1 +14424,1 +14425,1 +14426,1 +14427,1 +14428,1 +14429,1 +14430,1 +14431,1 +14432,1 +14433,1 +14434,1 +14435,1 +14436,1 +14437,1 +14438,1 +14439,1 +14440,1 +14441,1 +14442,1 +14443,1 +14444,1 +14445,1 +14446,1 +14447,1 +14448,1 +14449,1 +14450,1 +14451,1 +14452,1 +14453,1 +14454,1 +14455,1 +14456,1 +14457,1 +14458,1 +14459,1 +14460,1 +14461,1 +14462,1 +14463,1 +14464,1 +14465,1 +14466,1 +14467,1 +14468,1 +14469,1 +14470,1 +14471,1 +14472,1 +14473,1 +14474,1 +14475,1 +14476,1 +14477,1 +14478,1 +14479,1 +14480,1 +14481,1 +14482,1 +14483,1 +14484,1 +14485,1 +14486,1 +14487,1 +14488,1 +14489,1 +14490,1 +14491,1 +14492,1 +14493,1 +14494,1 +14495,1 +14496,1 +14497,1 +14498,1 +14499,1 +14500,1 +14501,1 +14502,1 +14503,1 +14504,1 +14505,1 +14506,1 +14507,1 +14508,1 +14509,1 +14510,1 +14511,1 +14512,1 +14513,1 +14514,1 +14515,1 +14516,1 +14517,1 +14518,1 +14519,1 +14520,1 +14521,1 +14522,1 +14523,1 +14524,1 +14525,1 +14526,1 +14527,1 +14528,1 +14529,1 +14530,1 +14531,1 +14532,1 +14533,1 +14534,1 +14535,1 +14536,1 +14537,1 +14538,1 +14539,1 +14540,1 +14541,1 +14542,1 +14543,1 +14544,1 +14545,1 +14546,1 +14547,1 +14548,1 +14549,1 +14550,1 +14551,1 +14552,1 +14553,1 +14554,1 +14555,1 +14556,1 +14557,1 +14558,1 +14559,1 +14560,1 +14561,1 +14562,1 +14563,1 +14564,1 +14565,1 +14566,1 +14567,1 +14568,1 +14569,1 +14570,1 +14571,1 +14572,1 +14573,1 +14574,1 +14575,1 +14576,1 +14577,1 +14578,1 +14579,1 +14580,1 +14581,1 +14582,1 +14583,1 +14584,1 +14585,1 +14586,1 +14587,1 +14588,1 +14589,1 +14590,1 +14591,1 +14592,1 +14593,1 +14594,1 +14595,1 +14596,1 +14597,1 +14598,1 +14599,1 +14600,1 +14601,1 +14602,1 +14603,1 +14604,1 +14605,1 +14606,1 +14607,1 +14608,1 +14609,1 +14610,1 +14611,1 +14612,1 +14613,1 +14614,1 +14615,1 +14616,1 +14617,1 +14618,1 +14619,1 +14620,1 +14621,1 +14622,1 +14623,1 +14624,1 +14625,1 +14626,1 +14627,1 +14628,1 +14629,1 +14630,1 +14631,1 +14632,1 +14633,1 +14634,1 +14635,1 +14636,1 +14637,1 +14638,1 +14639,1 +14640,1 +14641,1 +14642,1 +14643,1 +14644,1 +14645,1 +14646,1 +14647,1 +14648,1 +14649,1 +14650,1 +14651,1 +14652,1 +14653,1 +14654,1 +14655,1 +14656,1 +14657,1 +14658,1 +14659,1 +14660,1 +14661,1 +14662,1 +14663,1 +14664,1 +14665,1 +14666,1 +14667,1 +14668,1 +14669,1 +14670,1 +14671,1 +14672,1 +14673,1 +14674,1 +14675,1 +14676,1 +14677,1 +14678,1 +14679,1 +14680,1 +14681,1 +14682,1 +14683,1 +14684,1 +14685,1 +14686,1 +14687,1 +14688,1 +14689,1 +14690,1 +14691,1 +14692,1 +14693,1 +14694,1 +14695,1 +14696,1 +14697,1 +14698,1 +14699,1 +14700,1 +14701,1 +14702,1 +14703,1 +14704,1 +14705,1 +14706,1 +14707,1 +14708,1 +14709,1 +14710,1 +14711,1 +14712,1 +14713,1 +14714,1 +14715,1 +14716,1 +14717,1 +14718,1 +14719,1 +14720,1 +14721,1 +14722,1 +14723,1 +14724,1 +14725,1 +14726,1 +14727,1 +14728,1 +14729,1 +14730,1 +14731,1 +14732,1 +14733,1 +14734,1 +14735,1 +14736,1 +14737,1 +14738,1 +14739,1 +14740,1 +14741,1 +14742,1 +14743,1 +14744,1 +14745,1 +14746,1 +14747,1 +14748,1 +14749,1 +14750,1 +14751,1 +14752,1 +14753,1 +14754,1 +14755,1 +14756,1 +14757,1 +14758,1 +14759,1 +14760,1 +14761,1 +14762,1 +14763,1 +14764,1 +14765,1 +14766,1 +14767,1 +14768,1 +14769,1 +14770,1 +14771,1 +14772,1 +14773,1 +14774,1 +14775,1 +14776,1 +14777,1 +14778,1 +14779,1 +14780,1 +14781,1 +14782,1 +14783,1 +14784,1 +14785,1 +14786,1 +14787,1 +14788,1 +14789,1 +14790,1 +14791,1 +14792,1 +14793,1 +14794,1 +14795,1 +14796,1 +14797,1 +14798,1 +14799,1 +14800,1 +14801,1 +14802,1 +14803,1 +14804,1 +14805,1 +14806,1 +14807,1 +14808,1 +14809,1 +14810,1 +14811,1 +14812,1 +14813,1 +14814,1 +14815,1 +14816,1 +14817,1 +14818,1 +14819,1 +14820,1 +14821,1 +14822,1 +14823,1 +14824,1 +14825,1 +14826,1 +14827,1 +14828,1 +14829,1 +14830,1 +14831,1 +14832,1 +14833,1 +14834,1 +14835,1 +14836,1 +14837,1 +14838,1 +14839,1 +14840,1 +14841,1 +14842,1 +14843,1 +14844,1 +14845,1 +14846,1 +14847,1 +14848,1 +14849,1 +14850,1 +14851,1 +14852,1 +14853,1 +14854,1 +14855,1 +14856,1 +14857,1 +14858,1 +14859,1 +14860,1 +14861,1 +14862,1 +14863,1 +14864,1 +14865,1 +14866,1 +14867,1 +14868,1 +14869,1 +14870,1 +14871,1 +14872,1 +14873,1 +14874,1 +14875,1 +14876,1 +14877,1 +14878,1 +14879,1 +14880,1 +14881,1 +14882,1 +14883,1 +14884,1 +14885,1 +14886,1 +14887,1 +14888,1 +14889,1 +14890,1 +14891,1 +14892,1 +14893,1 +14894,1 +14895,1 +14896,1 +14897,1 +14898,1 +14899,1 +14900,1 +14901,1 +14902,1 +14903,1 +14904,1 +14905,1 +14906,1 +14907,1 +14908,1 +14909,1 +14910,1 +14911,1 +14912,1 +14913,1 +14914,1 +14915,1 +14916,1 +14917,1 +14918,1 +14919,1 +14920,1 +14921,1 +14922,1 +14923,1 +14924,1 +14925,1 +14926,1 +14927,1 +14928,1 +14929,1 +14930,1 +14931,1 +14932,1 +14933,1 +14934,1 +14935,1 +14936,1 +14937,1 +14938,1 +14939,1 +14940,1 +14941,1 +14942,1 +14943,1 +14944,1 +14945,1 +14946,1 +14947,1 +14948,1 +14949,1 +14950,1 +14951,1 +14952,1 +14953,1 +14954,1 +14955,1 +14956,1 +14957,1 +14958,1 +14959,1 +14960,1 +14961,1 +14962,1 +14963,1 +14964,1 +14965,1 +14966,1 +14967,1 +14968,1 +14969,1 +14970,1 +14971,1 +14972,1 +14973,1 +14974,1 +14975,1 +14976,1 +14977,1 +14978,1 +14979,1 +14980,1 +14981,1 +14982,1 +14983,1 +14984,1 +14985,1 +14986,1 +14987,1 +14988,1 +14989,1 +14990,1 +14991,1 +14992,1 +14993,1 +14994,1 +14995,1 +14996,1 +14997,1 +14998,1 +14999,1 +15000,1 +15001,1 +15002,1 +15003,1 +15004,1 +15005,1 +15006,1 +15007,1 +15008,1 +15009,1 +15010,1 +15011,1 +15012,1 +15013,1 +15014,1 +15015,1 +15016,1 +15017,1 +15018,1 +15019,1 +15020,1 +15021,1 +15022,1 +15023,1 +15024,1 +15025,1 +15026,1 +15027,1 +15028,1 +15029,1 +15030,1 +15031,1 +15032,1 +15033,1 +15034,1 +15035,1 +15036,1 +15037,1 +15038,1 +15039,1 +15040,1 +15041,1 +15042,1 +15043,1 +15044,1 +15045,1 +15046,1 +15047,1 +15048,1 +15049,1 +15050,1 +15051,1 +15052,1 +15053,1 +15054,1 +15055,1 +15056,1 +15057,1 +15058,1 +15059,1 +15060,1 +15061,1 +15062,1 +15063,1 +15064,1 +15065,1 +15066,1 +15067,1 +15068,1 +15069,1 +15070,1 +15071,1 +15072,1 +15073,1 +15074,1 +15075,1 +15076,1 +15077,1 +15078,1 +15079,1 +15080,1 +15081,1 +15082,1 +15083,1 +15084,1 +15085,1 +15086,1 +15087,1 +15088,1 +15089,1 +15090,1 +15091,1 +15092,1 +15093,1 +15094,1 +15095,1 +15096,1 +15097,1 +15098,1 +15099,1 +15100,1 +15101,1 +15102,1 +15103,1 +15104,1 +15105,1 +15106,1 +15107,1 +15108,1 +15109,1 +15110,1 +15111,1 +15112,1 +15113,1 +15114,1 +15115,1 +15116,1 +15117,1 +15118,1 +15119,1 +15120,1 +15121,1 +15122,1 +15123,1 +15124,1 +15125,1 +15126,1 +15127,1 +15128,1 +15129,1 +15130,1 +15131,1 +15132,1 +15133,1 +15134,1 +15135,1 +15136,1 +15137,1 +15138,1 +15139,1 +15140,1 +15141,1 +15142,1 +15143,1 +15144,1 +15145,1 +15146,1 +15147,1 +15148,1 +15149,1 +15150,1 +15151,1 +15152,1 +15153,1 +15154,1 +15155,1 +15156,1 +15157,1 +15158,1 +15159,1 +15160,1 +15161,1 +15162,1 +15163,1 +15164,1 +15165,1 +15166,1 +15167,1 +15168,1 +15169,1 +15170,1 +15171,1 +15172,1 +15173,1 +15174,1 +15175,1 +15176,1 +15177,1 +15178,1 +15179,1 +15180,1 +15181,1 +15182,1 +15183,1 +15184,1 +15185,1 +15186,1 +15187,1 +15188,1 +15189,1 +15190,1 +15191,1 +15192,1 +15193,1 +15194,1 +15195,1 +15196,1 +15197,1 +15198,1 +15199,1 +15200,1 +15201,1 +15202,1 +15203,1 +15204,1 +15205,1 +15206,1 +15207,1 +15208,1 +15209,1 +15210,1 +15211,1 +15212,1 +15213,1 +15214,1 +15215,1 +15216,1 +15217,1 +15218,1 +15219,1 +15220,1 +15221,1 +15222,1 +15223,1 +15224,1 +15225,1 +15226,1 +15227,1 +15228,1 +15229,1 +15230,1 +15231,1 +15232,1 +15233,1 +15234,1 +15235,1 +15236,1 +15237,1 +15238,1 +15239,1 +15240,1 +15241,1 +15242,1 +15243,1 +15244,1 +15245,1 +15246,1 +15247,1 +15248,1 +15249,1 +15250,1 +15251,1 +15252,1 +15253,1 +15254,1 +15255,1 +15256,1 +15257,1 +15258,1 +15259,1 +15260,1 +15261,1 +15262,1 +15263,1 +15264,1 +15265,1 +15266,1 +15267,1 +15268,1 +15269,1 +15270,1 +15271,1 +15272,1 +15273,1 +15274,1 +15275,1 +15276,1 +15277,1 +15278,1 +15279,1 +15280,1 +15281,1 +15282,1 +15283,1 +15284,1 +15285,1 +15286,1 +15287,1 +15288,1 +15289,1 +15290,1 +15291,1 +15292,1 +15293,1 +15294,1 +15295,1 +15296,1 +15297,1 +15298,1 +15299,1 +15300,1 +15301,1 +15302,1 +15303,1 +15304,1 +15305,1 +15306,1 +15307,1 +15308,1 +15309,1 +15310,1 +15311,1 +15312,1 +15313,1 +15314,1 +15315,1 +15316,1 +15317,1 +15318,1 +15319,1 +15320,1 +15321,1 +15322,1 +15323,1 +15324,1 +15325,1 +15326,1 +15327,1 +15328,1 +15329,1 +15330,1 +15331,1 +15332,1 +15333,1 +15334,1 +15335,1 +15336,1 +15337,1 +15338,1 +15339,1 +15340,1 +15341,1 +15342,1 +15343,1 +15344,1 +15345,1 +15346,1 +15347,1 +15348,1 +15349,1 +15350,1 +15351,1 +15352,1 +15353,1 +15354,1 +15355,1 +15356,1 +15357,1 +15358,1 +15359,1 +15360,1 +15361,1 +15362,1 +15363,1 +15364,1 +15365,1 +15366,1 +15367,1 +15368,1 +15369,1 +15370,1 +15371,1 +15372,1 +15373,1 +15374,1 +15375,1 +15376,1 +15377,1 +15378,1 +15379,1 +15380,1 +15381,1 +15382,1 +15383,1 +15384,1 +15385,1 +15386,1 +15387,1 +15388,1 +15389,1 +15390,1 +15391,1 +15392,1 +15393,1 +15394,1 +15395,1 +15396,1 +15397,1 +15398,1 +15399,1 +15400,1 +15401,1 +15402,1 +15403,1 +15404,1 +15405,1 +15406,1 +15407,1 +15408,1 +15409,1 +15410,1 +15411,1 +15412,1 +15413,1 +15414,1 +15415,1 +15416,1 +15417,1 +15418,1 +15419,1 +15420,1 +15421,1 +15422,1 +15423,1 +15424,1 +15425,1 +15426,1 +15427,1 +15428,1 +15429,1 +15430,1 +15431,1 +15432,1 +15433,1 +15434,1 +15435,1 +15436,1 +15437,1 +15438,1 +15439,1 +15440,1 +15441,1 +15442,1 +15443,1 +15444,1 +15445,1 +15446,1 +15447,1 +15448,1 +15449,1 +15450,1 +15451,1 +15452,1 +15453,1 +15454,1 +15455,1 +15456,1 +15457,1 +15458,1 +15459,1 +15460,1 +15461,1 +15462,1 +15463,1 +15464,1 +15465,1 +15466,1 +15467,1 +15468,1 +15469,1 +15470,1 +15471,1 +15472,1 +15473,1 +15474,1 +15475,1 +15476,1 +15477,1 +15478,1 +15479,1 +15480,1 +15481,1 +15482,1 +15483,1 +15484,1 +15485,1 +15486,1 +15487,1 +15488,1 +15489,1 +15490,1 +15491,1 +15492,1 +15493,1 +15494,1 +15495,1 +15496,1 +15497,1 +15498,1 +15499,1 +15500,1 +15501,1 +15502,1 +15503,1 +15504,1 +15505,1 +15506,1 +15507,1 +15508,1 +15509,1 +15510,1 +15511,1 +15512,1 +15513,1 +15514,1 +15515,1 +15516,1 +15517,1 +15518,1 +15519,1 +15520,1 +15521,1 +15522,1 +15523,1 +15524,1 +15525,1 +15526,1 +15527,1 +15528,1 +15529,1 +15530,1 +15531,1 +15532,1 +15533,1 +15534,1 +15535,1 +15536,1 +15537,1 +15538,1 +15539,1 +15540,1 +15541,1 +15542,1 +15543,1 +15544,1 +15545,1 +15546,1 +15547,1 +15548,1 +15549,1 +15550,1 +15551,1 +15552,1 +15553,1 +15554,1 +15555,1 +15556,1 +15557,1 +15558,1 +15559,1 +15560,1 +15561,1 +15562,1 +15563,1 +15564,1 +15565,1 +15566,1 +15567,1 +15568,1 +15569,1 +15570,1 +15571,1 +15572,1 +15573,1 +15574,1 +15575,1 +15576,1 +15577,1 +15578,1 +15579,1 +15580,1 +15581,1 +15582,1 +15583,1 +15584,1 +15585,1 +15586,1 +15587,1 +15588,1 +15589,1 +15590,1 +15591,1 +15592,1 +15593,1 +15594,1 +15595,1 +15596,1 +15597,1 +15598,1 +15599,1 +15600,1 +15601,1 +15602,1 +15603,1 +15604,1 +15605,1 +15606,1 +15607,1 +15608,1 +15609,1 +15610,1 +15611,1 +15612,1 +15613,1 +15614,1 +15615,1 +15616,1 +15617,1 +15618,1 +15619,1 +15620,1 +15621,1 +15622,1 +15623,1 +15624,1 +15625,1 +15626,1 +15627,1 +15628,1 +15629,1 +15630,1 +15631,1 +15632,1 +15633,1 +15634,1 +15635,1 +15636,1 +15637,1 +15638,1 +15639,1 +15640,1 +15641,1 +15642,1 +15643,1 +15644,1 +15645,1 +15646,1 +15647,1 +15648,1 +15649,1 +15650,1 +15651,1 +15652,1 +15653,1 +15654,1 +15655,1 +15656,1 +15657,1 +15658,1 +15659,1 +15660,1 +15661,1 +15662,1 +15663,1 +15664,1 +15665,1 +15666,1 +15667,1 +15668,1 +15669,1 +15670,1 +15671,1 +15672,1 +15673,1 +15674,1 +15675,1 +15676,1 +15677,1 +15678,1 +15679,1 +15680,1 +15681,1 +15682,1 +15683,1 +15684,1 +15685,1 +15686,1 +15687,1 +15688,1 +15689,1 +15690,1 +15691,1 +15692,1 +15693,1 +15694,1 +15695,1 +15696,1 +15697,1 +15698,1 +15699,1 +15700,1 +15701,1 +15702,1 +15703,1 +15704,1 +15705,1 +15706,1 +15707,1 +15708,1 +15709,1 +15710,1 +15711,1 +15712,1 +15713,1 +15714,1 +15715,1 +15716,1 +15717,1 +15718,1 +15719,1 +15720,1 +15721,1 +15722,1 +15723,1 +15724,1 +15725,1 +15726,1 +15727,1 +15728,1 +15729,1 +15730,1 +15731,1 +15732,1 +15733,1 +15734,1 +15735,1 +15736,1 +15737,1 +15738,1 +15739,1 +15740,1 +15741,1 +15742,1 +15743,1 +15744,1 +15745,1 +15746,1 +15747,1 +15748,1 +15749,1 +15750,1 +15751,1 +15752,1 +15753,1 +15754,1 +15755,1 +15756,1 +15757,1 +15758,1 +15759,1 +15760,1 +15761,1 +15762,1 +15763,1 +15764,1 +15765,1 +15766,1 +15767,1 +15768,1 +15769,1 +15770,1 +15771,1 +15772,1 +15773,1 +15774,1 +15775,1 +15776,1 +15777,1 +15778,1 +15779,1 +15780,1 +15781,1 +15782,1 +15783,1 +15784,1 +15785,1 +15786,1 +15787,1 +15788,1 +15789,1 +15790,1 +15791,1 +15792,1 +15793,1 +15794,1 +15795,1 +15796,1 +15797,1 +15798,1 +15799,1 +15800,1 +15801,1 +15802,1 +15803,1 +15804,1 +15805,1 +15806,1 +15807,1 +15808,1 +15809,1 +15810,1 +15811,1 +15812,1 +15813,1 +15814,1 +15815,1 +15816,1 +15817,1 +15818,1 +15819,1 +15820,1 +15821,1 +15822,1 +15823,1 +15824,1 +15825,1 +15826,1 +15827,1 +15828,1 +15829,1 +15830,1 +15831,1 +15832,1 +15833,1 +15834,1 +15835,1 +15836,1 +15837,1 +15838,1 +15839,1 +15840,1 +15841,1 +15842,1 +15843,1 +15844,1 +15845,1 +15846,1 +15847,1 +15848,1 +15849,1 +15850,1 +15851,1 +15852,1 +15853,1 +15854,1 +15855,1 +15856,1 +15857,1 +15858,1 +15859,1 +15860,1 +15861,1 +15862,1 +15863,1 +15864,1 +15865,1 +15866,1 +15867,1 +15868,1 +15869,1 +15870,1 +15871,1 +15872,1 +15873,1 +15874,1 +15875,1 +15876,1 +15877,1 +15878,1 +15879,1 +15880,1 +15881,1 +15882,1 +15883,1 +15884,1 +15885,1 +15886,1 +15887,1 +15888,1 +15889,1 +15890,1 +15891,1 +15892,1 +15893,1 +15894,1 +15895,1 +15896,1 +15897,1 +15898,1 +15899,1 +15900,1 +15901,1 +15902,1 +15903,1 +15904,1 +15905,1 +15906,1 +15907,1 +15908,1 +15909,1 +15910,1 +15911,1 +15912,1 +15913,1 +15914,1 +15915,1 +15916,1 +15917,1 +15918,1 +15919,1 +15920,1 +15921,1 +15922,1 +15923,1 +15924,1 +15925,1 +15926,1 +15927,1 +15928,1 +15929,1 +15930,1 +15931,1 +15932,1 +15933,1 +15934,1 +15935,1 +15936,1 +15937,1 +15938,1 +15939,1 +15940,1 +15941,1 +15942,1 +15943,1 +15944,1 +15945,1 +15946,1 +15947,1 +15948,1 +15949,1 +15950,1 +15951,1 +15952,1 +15953,1 +15954,1 +15955,1 +15956,1 +15957,1 +15958,1 +15959,1 +15960,1 +15961,1 +15962,1 +15963,1 +15964,1 +15965,1 +15966,1 +15967,1 +15968,1 +15969,1 +15970,1 +15971,1 +15972,1 +15973,1 +15974,1 +15975,1 +15976,1 +15977,1 +15978,1 +15979,1 +15980,1 +15981,1 +15982,1 +15983,1 +15984,1 +15985,1 +15986,1 +15987,1 +15988,1 +15989,1 +15990,1 +15991,1 +15992,1 +15993,1 +15994,1 +15995,1 +15996,1 +15997,1 +15998,1 +15999,1 +16000,1 +16001,1 +16002,1 +16003,1 +16004,1 +16005,1 +16006,1 +16007,1 +16008,1 +16009,1 +16010,1 +16011,1 +16012,1 +16013,1 +16014,1 +16015,1 +16016,1 +16017,1 +16018,1 +16019,1 +16020,1 +16021,1 +16022,1 +16023,1 +16024,1 +16025,1 +16026,1 +16027,1 +16028,1 +16029,1 +16030,1 +16031,1 +16032,1 +16033,1 +16034,1 +16035,1 +16036,1 +16037,1 +16038,1 +16039,1 +16040,1 +16041,1 +16042,1 +16043,1 +16044,1 +16045,1 +16046,1 +16047,1 +16048,1 +16049,1 +16050,1 +16051,1 +16052,1 +16053,1 +16054,1 +16055,1 +16056,1 +16057,1 +16058,1 +16059,1 +16060,1 +16061,1 +16062,1 +16063,1 +16064,1 +16065,1 +16066,1 +16067,1 +16068,1 +16069,1 +16070,1 +16071,1 +16072,1 +16073,1 +16074,1 +16075,1 +16076,1 +16077,1 +16078,1 +16079,1 +16080,1 +16081,1 +16082,1 +16083,1 +16084,1 +16085,1 +16086,1 +16087,1 +16088,1 +16089,1 +16090,1 +16091,1 +16092,1 +16093,1 +16094,1 +16095,1 +16096,1 +16097,1 +16098,1 +16099,1 +16100,1 +16101,1 +16102,1 +16103,1 +16104,1 +16105,1 +16106,1 +16107,1 +16108,1 +16109,1 +16110,1 +16111,1 +16112,1 +16113,1 +16114,1 +16115,1 +16116,1 +16117,1 +16118,1 +16119,1 +16120,1 +16121,1 +16122,1 +16123,1 +16124,1 +16125,1 +16126,1 +16127,1 +16128,1 +16129,1 +16130,1 +16131,1 +16132,1 +16133,1 +16134,1 +16135,1 +16136,1 +16137,1 +16138,1 +16139,1 +16140,1 +16141,1 +16142,1 +16143,1 +16144,1 +16145,1 +16146,1 +16147,1 +16148,1 +16149,1 +16150,1 +16151,1 +16152,1 +16153,1 +16154,1 +16155,1 +16156,1 +16157,1 +16158,1 +16159,1 +16160,1 +16161,1 +16162,1 +16163,1 +16164,1 +16165,1 +16166,1 +16167,1 +16168,1 +16169,1 +16170,1 +16171,1 +16172,1 +16173,1 +16174,1 +16175,1 +16176,1 +16177,1 +16178,1 +16179,1 +16180,1 +16181,1 +16182,1 +16183,1 +16184,1 +16185,1 +16186,1 +16187,1 +16188,1 +16189,1 +16190,1 +16191,1 +16192,1 +16193,1 +16194,1 +16195,1 +16196,1 +16197,1 +16198,1 +16199,1 +16200,1 +16201,1 +16202,1 +16203,1 +16204,1 +16205,1 +16206,1 +16207,1 +16208,1 +16209,1 +16210,1 +16211,1 +16212,1 +16213,1 +16214,1 +16215,1 +16216,1 +16217,1 +16218,1 +16219,1 +16220,1 +16221,1 +16222,1 +16223,1 +16224,1 +16225,1 +16226,1 +16227,1 +16228,1 +16229,1 +16230,1 +16231,1 +16232,1 +16233,1 +16234,1 +16235,1 +16236,1 +16237,1 +16238,1 +16239,1 +16240,1 +16241,1 +16242,1 +16243,1 +16244,1 +16245,1 +16246,1 +16247,1 +16248,1 +16249,1 +16250,1 +16251,1 +16252,1 +16253,1 +16254,1 +16255,1 +16256,1 +16257,1 +16258,1 +16259,1 +16260,1 +16261,1 +16262,1 +16263,1 +16264,1 +16265,1 +16266,1 +16267,1 +16268,1 +16269,1 +16270,1 +16271,1 +16272,1 +16273,1 +16274,1 +16275,1 +16276,1 +16277,1 +16278,1 +16279,1 +16280,1 +16281,1 +16282,1 +16283,1 +16284,1 +16285,1 +16286,1 +16287,1 +16288,1 +16289,1 +16290,1 +16291,1 +16292,1 +16293,1 +16294,1 +16295,1 +16296,1 +16297,1 +16298,1 +16299,1 +16300,1 +16301,1 +16302,1 +16303,1 +16304,1 +16305,1 +16306,1 +16307,1 +16308,1 +16309,1 +16310,1 +16311,1 +16312,1 +16313,1 +16314,1 +16315,1 +16316,1 +16317,1 +16318,1 +16319,1 +16320,1 +16321,1 +16322,1 +16323,1 +16324,1 +16325,1 +16326,1 +16327,1 +16328,1 +16329,1 +16330,1 +16331,1 +16332,1 +16333,1 +16334,1 +16335,1 +16336,1 +16337,1 +16338,1 +16339,1 +16340,1 +16341,1 +16342,1 +16343,1 +16344,1 +16345,1 +16346,1 +16347,1 +16348,1 +16349,1 +16350,1 +16351,1 +16352,1 +16353,1 +16354,1 +16355,1 +16356,1 +16357,1 +16358,1 +16359,1 +16360,1 +16361,1 +16362,1 +16363,1 +16364,1 +16365,1 +16366,1 +16367,1 +16368,1 +16369,1 +16370,1 +16371,1 +16372,1 +16373,1 +16374,1 +16375,1 +16376,1 +16377,1 +16378,1 +16379,1 +16380,1 +16381,1 +16382,1 +16383,1 +16384,1 +16385,1 +16386,1 +16387,1 +16388,1 +16389,1 +16390,1 +16391,1 +16392,1 +16393,1 +16394,1 +16395,1 +16396,1 +16397,1 +16398,1 +16399,1 +16400,1 +16401,1 +16402,1 +16403,1 +16404,1 +16405,1 +16406,1 +16407,1 +16408,1 +16409,1 +16410,1 +16411,1 +16412,1 +16413,1 +16414,1 +16415,1 +16416,1 +16417,1 +16418,1 +16419,1 +16420,1 +16421,1 +16422,1 +16423,1 +16424,1 +16425,1 +16426,1 +16427,1 +16428,1 +16429,1 +16430,1 +16431,1 +16432,1 +16433,1 +16434,1 +16435,1 +16436,1 +16437,1 +16438,1 +16439,1 +16440,1 +16441,1 +16442,1 +16443,1 +16444,1 +16445,1 +16446,1 +16447,1 +16448,1 +16449,1 +16450,1 +16451,1 +16452,1 +16453,1 +16454,1 +16455,1 +16456,1 +16457,1 +16458,1 +16459,1 +16460,1 +16461,1 +16462,1 +16463,1 +16464,1 +16465,1 +16466,1 +16467,1 +16468,1 +16469,1 +16470,1 +16471,1 +16472,1 +16473,1 +16474,1 +16475,1 +16476,1 +16477,1 +16478,1 +16479,1 +16480,1 +16481,1 +16482,1 +16483,1 +16484,1 +16485,1 +16486,1 +16487,1 +16488,1 +16489,1 +16490,1 +16491,1 +16492,1 +16493,1 +16494,1 +16495,1 +16496,1 +16497,1 +16498,1 +16499,1 +16500,1 +16501,1 +16502,1 +16503,1 +16504,1 +16505,1 +16506,1 +16507,1 +16508,1 +16509,1 +16510,1 +16511,1 +16512,1 +16513,1 +16514,1 +16515,1 +16516,1 +16517,1 +16518,1 +16519,1 +16520,1 +16521,1 +16522,1 +16523,1 +16524,1 +16525,1 +16526,1 +16527,1 +16528,1 +16529,1 +16530,1 +16531,1 +16532,1 +16533,1 +16534,1 +16535,1 +16536,1 +16537,1 +16538,1 +16539,1 +16540,1 +16541,1 +16542,1 +16543,1 +16544,1 +16545,1 +16546,1 +16547,1 +16548,1 +16549,1 +16550,1 +16551,1 +16552,1 +16553,1 +16554,1 +16555,1 +16556,1 +16557,1 +16558,1 +16559,1 +16560,1 +16561,1 +16562,1 +16563,1 +16564,1 +16565,1 +16566,1 +16567,1 +16568,1 +16569,1 +16570,1 +16571,1 +16572,1 +16573,1 +16574,1 +16575,1 +16576,1 +16577,1 +16578,1 +16579,1 +16580,1 +16581,1 +16582,1 +16583,1 +16584,1 +16585,1 +16586,1 +16587,1 +16588,1 +16589,1 +16590,1 +16591,1 +16592,1 +16593,1 +16594,1 +16595,1 +16596,1 +16597,1 +16598,1 +16599,1 +16600,1 +16601,1 +16602,1 +16603,1 +16604,1 +16605,1 +16606,1 +16607,1 +16608,1 +16609,1 +16610,1 +16611,1 +16612,1 +16613,1 +16614,1 +16615,1 +16616,1 +16617,1 +16618,1 +16619,1 +16620,1 +16621,1 +16622,1 +16623,1 +16624,1 +16625,1 +16626,1 +16627,1 +16628,1 +16629,1 +16630,1 +16631,1 +16632,1 +16633,1 +16634,1 +16635,1 +16636,1 +16637,1 +16638,1 +16639,1 +16640,1 +16641,1 +16642,1 +16643,1 +16644,1 +16645,1 +16646,1 +16647,1 +16648,1 +16649,1 +16650,1 +16651,1 +16652,1 +16653,1 +16654,1 +16655,1 +16656,1 +16657,1 +16658,1 +16659,1 +16660,1 +16661,1 +16662,1 +16663,1 +16664,1 +16665,1 +16666,1 +16667,1 +16668,1 +16669,1 +16670,1 +16671,1 +16672,1 +16673,1 +16674,1 +16675,1 +16676,1 +16677,1 +16678,1 +16679,1 +16680,1 +16681,1 +16682,1 +16683,1 +16684,1 +16685,1 +16686,1 +16687,1 +16688,1 +16689,1 +16690,1 +16691,1 +16692,1 +16693,1 +16694,1 +16695,1 +16696,1 +16697,1 +16698,1 +16699,1 +16700,1 +16701,1 +16702,1 +16703,1 +16704,1 +16705,1 +16706,1 +16707,1 +16708,1 +16709,1 +16710,1 +16711,1 +16712,1 +16713,1 +16714,1 +16715,1 +16716,1 +16717,1 +16718,1 +16719,1 +16720,1 +16721,1 +16722,1 +16723,1 +16724,1 +16725,1 +16726,1 +16727,1 +16728,1 +16729,1 +16730,1 +16731,1 +16732,1 +16733,1 +16734,1 +16735,1 +16736,1 +16737,1 +16738,1 +16739,1 +16740,1 +16741,1 +16742,1 +16743,1 +16744,1 +16745,1 +16746,1 +16747,1 +16748,1 +16749,1 +16750,1 +16751,1 +16752,1 +16753,1 +16754,1 +16755,1 +16756,1 +16757,1 +16758,1 +16759,1 +16760,1 +16761,1 +16762,1 +16763,1 +16764,1 +16765,1 +16766,1 +16767,1 +16768,1 +16769,1 +16770,1 +16771,1 +16772,1 +16773,1 +16774,1 +16775,1 +16776,1 +16777,1 +16778,1 +16779,1 +16780,1 +16781,1 +16782,1 +16783,1 +16784,1 +16785,1 +16786,1 +16787,1 +16788,1 +16789,1 +16790,1 +16791,1 +16792,1 +16793,1 +16794,1 +16795,1 +16796,1 +16797,1 +16798,1 +16799,1 +16800,1 +16801,1 +16802,1 +16803,1 +16804,1 +16805,1 +16806,1 +16807,1 +16808,1 +16809,1 +16810,1 +16811,1 +16812,1 +16813,1 +16814,1 +16815,1 +16816,1 +16817,1 +16818,1 +16819,1 +16820,1 +16821,1 +16822,1 +16823,1 +16824,1 +16825,1 +16826,1 +16827,1 +16828,1 +16829,1 +16830,1 +16831,1 +16832,1 +16833,1 +16834,1 +16835,1 +16836,1 +16837,1 +16838,1 +16839,1 +16840,1 +16841,1 +16842,1 +16843,1 +16844,1 +16845,1 +16846,1 +16847,1 +16848,1 +16849,1 +16850,1 +16851,1 +16852,1 +16853,1 +16854,1 +16855,1 +16856,1 +16857,1 +16858,1 +16859,1 +16860,1 +16861,1 +16862,1 +16863,1 +16864,1 +16865,1 +16866,1 +16867,1 +16868,1 +16869,1 +16870,1 +16871,1 +16872,1 +16873,1 +16874,1 +16875,1 +16876,1 +16877,1 +16878,1 +16879,1 +16880,1 +16881,1 +16882,1 +16883,1 +16884,1 +16885,1 +16886,1 +16887,1 +16888,1 +16889,1 +16890,1 +16891,1 +16892,1 +16893,1 +16894,1 +16895,1 +16896,1 +16897,1 +16898,1 +16899,1 +16900,1 +16901,1 +16902,1 +16903,1 +16904,1 +16905,1 +16906,1 +16907,1 +16908,1 +16909,1 +16910,1 +16911,1 +16912,1 +16913,1 +16914,1 +16915,1 +16916,1 +16917,1 +16918,1 +16919,1 +16920,1 +16921,1 +16922,1 +16923,1 +16924,1 +16925,1 +16926,1 +16927,1 +16928,1 +16929,1 +16930,1 +16931,1 +16932,1 +16933,1 +16934,1 +16935,1 +16936,1 +16937,1 +16938,1 +16939,1 +16940,1 +16941,1 +16942,1 +16943,1 +16944,1 +16945,1 +16946,1 +16947,1 +16948,1 +16949,1 +16950,1 +16951,1 +16952,1 +16953,1 +16954,1 +16955,1 +16956,1 +16957,1 +16958,1 +16959,1 +16960,1 +16961,1 +16962,1 +16963,1 +16964,1 +16965,1 +16966,1 +16967,1 +16968,1 +16969,1 +16970,1 +16971,1 +16972,1 +16973,1 +16974,1 +16975,1 +16976,1 +16977,1 +16978,1 +16979,1 +16980,1 +16981,1 +16982,1 +16983,1 +16984,1 +16985,1 +16986,1 +16987,1 +16988,1 +16989,1 +16990,1 +16991,1 +16992,1 +16993,1 +16994,1 +16995,1 +16996,1 +16997,1 +16998,1 +16999,1 +17000,1 +17001,1 +17002,1 +17003,1 +17004,1 +17005,1 +17006,1 +17007,1 +17008,1 +17009,1 +17010,1 +17011,1 +17012,1 +17013,1 +17014,1 +17015,1 +17016,1 +17017,1 +17018,1 +17019,1 +17020,1 +17021,1 +17022,1 +17023,1 +17024,1 +17025,1 +17026,1 +17027,1 +17028,1 +17029,1 +17030,1 +17031,1 +17032,1 +17033,1 +17034,1 +17035,1 +17036,1 +17037,1 +17038,1 +17039,1 +17040,1 +17041,1 +17042,1 +17043,1 +17044,1 +17045,1 +17046,1 +17047,1 +17048,1 +17049,1 +17050,1 +17051,1 +17052,1 +17053,1 +17054,1 +17055,1 +17056,1 +17057,1 +17058,1 +17059,1 +17060,1 +17061,1 +17062,1 +17063,1 +17064,1 +17065,1 +17066,1 +17067,1 +17068,1 +17069,1 +17070,1 +17071,1 +17072,1 +17073,1 +17074,1 +17075,1 +17076,1 +17077,1 +17078,1 +17079,1 +17080,1 +17081,1 +17082,1 +17083,1 +17084,1 +17085,1 +17086,1 +17087,1 +17088,1 +17089,1 +17090,1 +17091,1 +17092,1 +17093,1 +17094,1 +17095,1 +17096,1 +17097,1 +17098,1 +17099,1 +17100,1 +17101,1 +17102,1 +17103,1 +17104,1 +17105,1 +17106,1 +17107,1 +17108,1 +17109,1 +17110,1 +17111,1 +17112,1 +17113,1 +17114,1 +17115,1 +17116,1 +17117,1 +17118,1 +17119,1 +17120,1 +17121,1 +17122,1 +17123,1 +17124,1 +17125,1 +17126,1 +17127,1 +17128,1 +17129,1 +17130,1 +17131,1 +17132,1 +17133,1 +17134,1 +17135,1 +17136,1 +17137,1 +17138,1 +17139,1 +17140,1 +17141,1 +17142,1 +17143,1 +17144,1 +17145,1 +17146,1 +17147,1 +17148,1 +17149,1 +17150,1 +17151,1 +17152,1 +17153,1 +17154,1 +17155,1 +17156,1 +17157,1 +17158,1 +17159,1 +17160,1 +17161,1 +17162,1 +17163,1 +17164,1 +17165,1 +17166,1 +17167,1 +17168,1 +17169,1 +17170,1 +17171,1 +17172,1 +17173,1 +17174,1 +17175,1 +17176,1 +17177,1 +17178,1 +17179,1 +17180,1 +17181,1 +17182,1 +17183,1 +17184,1 +17185,1 +17186,1 +17187,1 +17188,1 +17189,1 +17190,1 +17191,1 +17192,1 +17193,1 +17194,1 +17195,1 +17196,1 +17197,1 +17198,1 +17199,1 +17200,1 +17201,1 +17202,1 +17203,1 +17204,1 +17205,1 +17206,1 +17207,1 +17208,1 +17209,1 +17210,1 +17211,1 +17212,1 +17213,1 +17214,1 +17215,1 +17216,1 +17217,1 +17218,1 +17219,1 +17220,1 +17221,1 +17222,1 +17223,1 +17224,1 +17225,1 +17226,1 +17227,1 +17228,1 +17229,1 +17230,1 +17231,1 +17232,1 +17233,1 +17234,1 +17235,1 +17236,1 +17237,1 +17238,1 +17239,1 +17240,1 +17241,1 +17242,1 +17243,1 +17244,1 +17245,1 +17246,1 +17247,1 +17248,1 +17249,1 +17250,1 +17251,1 +17252,1 +17253,1 +17254,1 +17255,1 +17256,1 +17257,1 +17258,1 +17259,1 +17260,1 +17261,1 +17262,1 +17263,1 +17264,1 +17265,1 +17266,1 +17267,1 +17268,1 +17269,1 +17270,1 +17271,1 +17272,1 +17273,1 +17274,1 +17275,1 +17276,1 +17277,1 +17278,1 +17279,1 +17280,1 +17281,1 +17282,1 +17283,1 +17284,1 +17285,1 +17286,1 +17287,1 +17288,1 +17289,1 +17290,1 +17291,1 +17292,1 +17293,1 +17294,1 +17295,1 +17296,1 +17297,1 +17298,1 +17299,1 +17300,1 +17301,1 +17302,1 +17303,1 +17304,1 +17305,1 +17306,1 +17307,1 +17308,1 +17309,1 +17310,1 +17311,1 +17312,1 +17313,1 +17314,1 +17315,1 +17316,1 +17317,1 +17318,1 +17319,1 +17320,1 +17321,1 +17322,1 +17323,1 +17324,1 +17325,1 +17326,1 +17327,1 +17328,1 +17329,1 +17330,1 +17331,1 +17332,1 +17333,1 +17334,1 +17335,1 +17336,1 +17337,1 +17338,1 +17339,1 +17340,1 +17341,1 +17342,1 +17343,1 +17344,1 +17345,1 +17346,1 +17347,1 +17348,1 +17349,1 +17350,1 +17351,1 +17352,1 +17353,1 +17354,1 +17355,1 +17356,1 +17357,1 +17358,1 +17359,1 +17360,1 +17361,1 +17362,1 +17363,1 +17364,1 +17365,1 +17366,1 +17367,1 +17368,1 +17369,1 +17370,1 +17371,1 +17372,1 +17373,1 +17374,1 +17375,1 +17376,1 +17377,1 +17378,1 +17379,1 +17380,1 +17381,1 +17382,1 +17383,1 +17384,1 +17385,1 +17386,1 +17387,1 +17388,1 +17389,1 +17390,1 +17391,1 +17392,1 +17393,1 +17394,1 +17395,1 +17396,1 +17397,1 +17398,1 +17399,1 +17400,1 +17401,1 +17402,1 +17403,1 +17404,1 +17405,1 +17406,1 +17407,1 +17408,1 +17409,1 +17410,1 +17411,1 +17412,1 +17413,1 +17414,1 +17415,1 +17416,1 +17417,1 +17418,1 +17419,1 +17420,1 +17421,1 +17422,1 +17423,1 +17424,1 +17425,1 +17426,1 +17427,1 +17428,1 +17429,1 +17430,1 +17431,1 +17432,1 +17433,1 +17434,1 +17435,1 +17436,1 +17437,1 +17438,1 +17439,1 +17440,1 +17441,1 +17442,1 +17443,1 +17444,1 +17445,1 +17446,1 +17447,1 +17448,1 +17449,1 +17450,1 +17451,1 +17452,1 +17453,1 +17454,1 +17455,1 +17456,1 +17457,1 +17458,1 +17459,1 +17460,1 +17461,1 +17462,1 +17463,1 +17464,1 +17465,1 +17466,1 +17467,1 +17468,1 +17469,1 +17470,1 +17471,1 +17472,1 +17473,1 +17474,1 +17475,1 +17476,1 +17477,1 +17478,1 +17479,1 +17480,1 +17481,1 +17482,1 +17483,1 +17484,1 +17485,1 +17486,1 +17487,1 +17488,1 +17489,1 +17490,1 +17491,1 +17492,1 +17493,1 +17494,1 +17495,1 +17496,1 +17497,1 +17498,1 +17499,1 +17500,1 +17501,1 +17502,1 +17503,1 +17504,1 +17505,1 +17506,1 +17507,1 +17508,1 +17509,1 +17510,1 +17511,1 +17512,1 +17513,1 +17514,1 +17515,1 +17516,1 +17517,1 +17518,1 +17519,1 +17520,1 +17521,1 +17522,1 +17523,1 +17524,1 +17525,1 +17526,1 +17527,1 +17528,1 +17529,1 +17530,1 +17531,1 +17532,1 +17533,1 +17534,1 +17535,1 +17536,1 +17537,1 +17538,1 +17539,1 +17540,1 +17541,1 +17542,1 +17543,1 +17544,1 +17545,1 +17546,1 +17547,1 +17548,1 +17549,1 +17550,1 +17551,1 +17552,1 +17553,1 +17554,1 +17555,1 +17556,1 +17557,1 +17558,1 +17559,1 +17560,1 +17561,1 +17562,1 +17563,1 +17564,1 +17565,1 +17566,1 +17567,1 +17568,1 +17569,1 +17570,1 +17571,1 +17572,1 +17573,1 +17574,1 +17575,1 +17576,1 +17577,1 +17578,1 +17579,1 +17580,1 +17581,1 +17582,1 +17583,1 +17584,1 +17585,1 +17586,1 +17587,1 +17588,1 +17589,1 +17590,1 +17591,1 +17592,1 +17593,1 +17594,1 +17595,1 +17596,1 +17597,1 +17598,1 +17599,1 +17600,1 +17601,1 +17602,1 +17603,1 +17604,1 +17605,1 +17606,1 +17607,1 +17608,1 +17609,1 +17610,1 +17611,1 +17612,1 +17613,1 +17614,1 +17615,1 +17616,1 +17617,1 +17618,1 +17619,1 +17620,1 +17621,1 +17622,1 +17623,1 +17624,1 +17625,1 +17626,1 +17627,1 +17628,1 +17629,1 +17630,1 +17631,1 +17632,1 +17633,1 +17634,1 +17635,1 +17636,1 +17637,1 +17638,1 +17639,1 +17640,1 +17641,1 +17642,1 +17643,1 +17644,1 +17645,1 +17646,1 +17647,1 +17648,1 +17649,1 +17650,1 +17651,1 +17652,1 +17653,1 +17654,1 +17655,1 +17656,1 +17657,1 +17658,1 +17659,1 +17660,1 +17661,1 +17662,1 +17663,1 +17664,1 +17665,1 +17666,1 +17667,1 +17668,1 +17669,1 +17670,1 +17671,1 +17672,1 +17673,1 +17674,1 +17675,1 +17676,1 +17677,1 +17678,1 +17679,1 +17680,1 +17681,1 +17682,1 +17683,1 +17684,1 +17685,1 +17686,1 +17687,1 +17688,1 +17689,1 +17690,1 +17691,1 +17692,1 +17693,1 +17694,1 +17695,1 +17696,1 +17697,1 +17698,1 +17699,1 +17700,1 +17701,1 +17702,1 +17703,1 +17704,1 +17705,1 +17706,1 +17707,1 +17708,1 +17709,1 +17710,1 +17711,1 +17712,1 +17713,1 +17714,1 +17715,1 +17716,1 +17717,1 +17718,1 +17719,1 +17720,1 +17721,1 +17722,1 +17723,1 +17724,1 +17725,1 +17726,1 +17727,1 +17728,1 +17729,1 +17730,1 +17731,1 +17732,1 +17733,1 +17734,1 +17735,1 +17736,1 +17737,1 +17738,1 +17739,1 +17740,1 +17741,1 +17742,1 +17743,1 +17744,1 +17745,1 +17746,1 +17747,1 +17748,1 +17749,1 +17750,1 +17751,1 +17752,1 +17753,1 +17754,1 +17755,1 +17756,1 +17757,1 +17758,1 +17759,1 +17760,1 +17761,1 +17762,1 +17763,1 +17764,1 +17765,1 +17766,1 +17767,1 +17768,1 +17769,1 +17770,1 +17771,1 +17772,1 +17773,1 +17774,1 +17775,1 +17776,1 +17777,1 +17778,1 +17779,1 +17780,1 +17781,1 +17782,1 +17783,1 +17784,1 +17785,1 +17786,1 +17787,1 +17788,1 +17789,1 +17790,1 +17791,1 +17792,1 +17793,1 +17794,1 +17795,1 +17796,1 +17797,1 +17798,1 +17799,1 +17800,1 +17801,1 +17802,1 +17803,1 +17804,1 +17805,1 +17806,1 +17807,1 +17808,1 +17809,1 +17810,1 +17811,1 +17812,1 +17813,1 +17814,1 +17815,1 +17816,1 +17817,1 +17818,1 +17819,1 +17820,1 +17821,1 +17822,1 +17823,1 +17824,1 +17825,1 +17826,1 +17827,1 +17828,1 +17829,1 +17830,1 +17831,1 +17832,1 +17833,1 +17834,1 +17835,1 +17836,1 +17837,1 +17838,1 +17839,1 +17840,1 +17841,1 +17842,1 +17843,1 +17844,1 +17845,1 +17846,1 +17847,1 +17848,1 +17849,1 +17850,1 +17851,1 +17852,1 +17853,1 +17854,1 +17855,1 +17856,1 +17857,1 +17858,1 +17859,1 +17860,1 +17861,1 +17862,1 +17863,1 +17864,1 +17865,1 +17866,1 +17867,1 +17868,1 +17869,1 +17870,1 +17871,1 +17872,1 +17873,1 +17874,1 +17875,1 +17876,1 +17877,1 +17878,1 +17879,1 +17880,1 +17881,1 +17882,1 +17883,1 +17884,1 +17885,1 +17886,1 +17887,1 +17888,1 +17889,1 +17890,1 +17891,1 +17892,1 +17893,1 +17894,1 +17895,1 +17896,1 +17897,1 +17898,1 +17899,1 +17900,1 +17901,1 +17902,1 +17903,1 +17904,1 +17905,1 +17906,1 +17907,1 +17908,1 +17909,1 +17910,1 +17911,1 +17912,1 +17913,1 +17914,1 +17915,1 +17916,1 +17917,1 +17918,1 +17919,1 +17920,1 +17921,1 +17922,1 +17923,1 +17924,1 +17925,1 +17926,1 +17927,1 +17928,1 +17929,1 +17930,1 +17931,1 +17932,1 +17933,1 +17934,1 +17935,1 +17936,1 +17937,1 +17938,1 +17939,1 +17940,1 +17941,1 +17942,1 +17943,1 +17944,1 +17945,1 +17946,1 +17947,1 +17948,1 +17949,1 +17950,1 +17951,1 +17952,1 +17953,1 +17954,1 +17955,1 +17956,1 +17957,1 +17958,1 +17959,1 +17960,1 +17961,1 +17962,1 +17963,1 +17964,1 +17965,1 +17966,1 +17967,1 +17968,1 +17969,1 +17970,1 +17971,1 +17972,1 +17973,1 +17974,1 +17975,1 +17976,1 +17977,1 +17978,1 +17979,1 +17980,1 +17981,1 +17982,1 +17983,1 +17984,1 +17985,1 +17986,1 +17987,1 +17988,1 +17989,1 +17990,1 +17991,1 +17992,1 +17993,1 +17994,1 +17995,1 +17996,1 +17997,1 +17998,1 +17999,1 +18000,1 +18001,1 +18002,1 +18003,1 +18004,1 +18005,1 +18006,1 +18007,1 +18008,1 +18009,1 +18010,1 +18011,1 +18012,1 +18013,1 +18014,1 +18015,1 +18016,1 +18017,1 +18018,1 +18019,1 +18020,1 +18021,1 +18022,1 +18023,1 +18024,1 +18025,1 +18026,1 +18027,1 +18028,1 +18029,1 +18030,1 +18031,1 +18032,1 +18033,1 +18034,1 +18035,1 +18036,1 +18037,1 +18038,1 +18039,1 +18040,1 +18041,1 +18042,1 +18043,1 +18044,1 +18045,1 +18046,1 +18047,1 +18048,1 +18049,1 +18050,1 +18051,1 +18052,1 +18053,1 +18054,1 +18055,1 +18056,1 +18057,1 +18058,1 +18059,1 +18060,1 +18061,1 +18062,1 +18063,1 +18064,1 +18065,1 +18066,1 +18067,1 +18068,1 +18069,1 +18070,1 +18071,1 +18072,1 +18073,1 +18074,1 +18075,1 +18076,1 +18077,1 +18078,1 +18079,1 +18080,1 +18081,1 +18082,1 +18083,1 +18084,1 +18085,1 +18086,1 +18087,1 +18088,1 +18089,1 +18090,1 +18091,1 +18092,1 +18093,1 +18094,1 +18095,1 +18096,1 +18097,1 +18098,1 +18099,1 +18100,1 +18101,1 +18102,1 +18103,1 +18104,1 +18105,1 +18106,1 +18107,1 +18108,1 +18109,1 +18110,1 +18111,1 +18112,1 +18113,1 +18114,1 +18115,1 +18116,1 +18117,1 +18118,1 +18119,1 +18120,1 +18121,1 +18122,1 +18123,1 +18124,1 +18125,1 +18126,1 +18127,1 +18128,1 +18129,1 +18130,1 +18131,1 +18132,1 +18133,1 +18134,1 +18135,1 +18136,1 +18137,1 +18138,1 +18139,1 +18140,1 +18141,1 +18142,1 +18143,1 +18144,1 +18145,1 +18146,1 +18147,1 +18148,1 +18149,1 +18150,1 +18151,1 +18152,1 +18153,1 +18154,1 +18155,1 +18156,1 +18157,1 +18158,1 +18159,1 +18160,1 +18161,1 +18162,1 +18163,1 +18164,1 +18165,1 +18166,1 +18167,1 +18168,1 +18169,1 +18170,1 +18171,1 +18172,1 +18173,1 +18174,1 +18175,1 +18176,1 +18177,1 +18178,1 +18179,1 +18180,1 +18181,1 +18182,1 +18183,1 +18184,1 +18185,1 +18186,1 +18187,1 +18188,1 +18189,1 +18190,1 +18191,1 +18192,1 +18193,1 +18194,1 +18195,1 +18196,1 +18197,1 +18198,1 +18199,1 +18200,1 +18201,1 +18202,1 +18203,1 +18204,1 +18205,1 +18206,1 +18207,1 +18208,1 +18209,1 +18210,1 +18211,1 +18212,1 +18213,1 +18214,1 +18215,1 +18216,1 +18217,1 +18218,1 +18219,1 +18220,1 +18221,1 +18222,1 +18223,1 +18224,1 +18225,1 +18226,1 +18227,1 +18228,1 +18229,1 +18230,1 +18231,1 +18232,1 +18233,1 +18234,1 +18235,1 +18236,1 +18237,1 +18238,1 +18239,1 +18240,1 +18241,1 +18242,1 +18243,1 +18244,1 +18245,1 +18246,1 +18247,1 +18248,1 +18249,1 +18250,1 +18251,1 +18252,1 +18253,1 +18254,1 +18255,1 +18256,1 +18257,1 +18258,1 +18259,1 +18260,1 +18261,1 +18262,1 +18263,1 +18264,1 +18265,1 +18266,1 +18267,1 +18268,1 +18269,1 +18270,1 +18271,1 +18272,1 +18273,1 +18274,1 +18275,1 +18276,1 +18277,1 +18278,1 +18279,1 +18280,1 +18281,1 +18282,1 +18283,1 +18284,1 +18285,1 +18286,1 +18287,1 +18288,1 +18289,1 +18290,1 +18291,1 +18292,1 +18293,1 +18294,1 +18295,1 +18296,1 +18297,1 +18298,1 +18299,1 +18300,1 +18301,1 +18302,1 +18303,1 +18304,1 +18305,1 +18306,1 +18307,1 +18308,1 +18309,1 +18310,1 +18311,1 +18312,1 +18313,1 +18314,1 +18315,1 +18316,1 +18317,1 +18318,1 +18319,1 +18320,1 +18321,1 +18322,1 +18323,1 +18324,1 +18325,1 +18326,1 +18327,1 +18328,1 +18329,1 +18330,1 +18331,1 +18332,1 +18333,1 +18334,1 +18335,1 +18336,1 +18337,1 +18338,1 +18339,1 +18340,1 +18341,1 +18342,1 +18343,1 +18344,1 +18345,1 +18346,1 +18347,1 +18348,1 +18349,1 +18350,1 +18351,1 +18352,1 +18353,1 +18354,1 +18355,1 +18356,1 +18357,1 +18358,1 +18359,1 +18360,1 +18361,1 +18362,1 +18363,1 +18364,1 +18365,1 +18366,1 +18367,1 +18368,1 +18369,1 +18370,1 +18371,1 +18372,1 +18373,1 +18374,1 +18375,1 +18376,1 +18377,1 +18378,1 +18379,1 +18380,1 +18381,1 +18382,1 +18383,1 +18384,1 +18385,1 +18386,1 +18387,1 +18388,1 +18389,1 +18390,1 +18391,1 +18392,1 +18393,1 +18394,1 +18395,1 +18396,1 +18397,1 +18398,1 +18399,1 +18400,1 +18401,1 +18402,1 +18403,1 +18404,1 +18405,1 +18406,1 +18407,1 +18408,1 +18409,1 +18410,1 +18411,1 +18412,1 +18413,1 +18414,1 +18415,1 +18416,1 +18417,1 +18418,1 +18419,1 +18420,1 +18421,1 +18422,1 +18423,1 +18424,1 +18425,1 +18426,1 +18427,1 +18428,1 +18429,1 +18430,1 +18431,1 +18432,1 +18433,1 +18434,1 +18435,1 +18436,1 +18437,1 +18438,1 +18439,1 +18440,1 +18441,1 +18442,1 +18443,1 +18444,1 +18445,1 +18446,1 +18447,1 +18448,1 +18449,1 +18450,1 +18451,1 +18452,1 +18453,1 +18454,1 +18455,1 +18456,1 +18457,1 +18458,1 +18459,1 +18460,1 +18461,1 +18462,1 +18463,1 +18464,1 +18465,1 +18466,1 +18467,1 +18468,1 +18469,1 +18470,1 +18471,1 +18472,1 +18473,1 +18474,1 +18475,1 +18476,1 +18477,1 +18478,1 +18479,1 +18480,1 +18481,1 +18482,1 +18483,1 +18484,1 +18485,1 +18486,1 +18487,1 +18488,1 +18489,1 +18490,1 +18491,1 +18492,1 +18493,1 +18494,1 +18495,1 +18496,1 +18497,1 +18498,1 +18499,1 +18500,1 +18501,1 +18502,1 +18503,1 +18504,1 +18505,1 +18506,1 +18507,1 +18508,1 +18509,1 +18510,1 +18511,1 +18512,1 +18513,1 +18514,1 +18515,1 +18516,1 +18517,1 +18518,1 +18519,1 +18520,1 +18521,1 +18522,1 +18523,1 +18524,1 +18525,1 +18526,1 +18527,1 +18528,1 +18529,1 +18530,1 +18531,1 +18532,1 +18533,1 +18534,1 +18535,1 +18536,1 +18537,1 +18538,1 +18539,1 +18540,1 +18541,1 +18542,1 +18543,1 +18544,1 +18545,1 +18546,1 +18547,1 +18548,1 +18549,1 +18550,1 +18551,1 +18552,1 +18553,1 +18554,1 +18555,1 +18556,1 +18557,1 +18558,1 +18559,1 +18560,1 +18561,1 +18562,1 +18563,1 +18564,1 +18565,1 +18566,1 +18567,1 +18568,1 +18569,1 +18570,1 +18571,1 +18572,1 +18573,1 +18574,1 +18575,1 +18576,1 +18577,1 +18578,1 +18579,1 +18580,1 +18581,1 +18582,1 +18583,1 +18584,1 +18585,1 +18586,1 +18587,1 +18588,1 +18589,1 +18590,1 +18591,1 +18592,1 +18593,1 +18594,1 +18595,1 +18596,1 +18597,1 +18598,1 +18599,1 +18600,1 +18601,1 +18602,1 +18603,1 +18604,1 +18605,1 +18606,1 +18607,1 +18608,1 +18609,1 +18610,1 +18611,1 +18612,1 +18613,1 +18614,1 +18615,1 +18616,1 +18617,1 +18618,1 +18619,1 +18620,1 +18621,1 +18622,1 +18623,1 +18624,1 +18625,1 +18626,1 +18627,1 +18628,1 +18629,1 +18630,1 +18631,1 +18632,1 +18633,1 +18634,1 +18635,1 +18636,1 +18637,1 +18638,1 +18639,1 +18640,1 +18641,1 +18642,1 +18643,1 +18644,1 +18645,1 +18646,1 +18647,1 +18648,1 +18649,1 +18650,1 +18651,1 +18652,1 +18653,1 +18654,1 +18655,1 +18656,1 +18657,1 +18658,1 +18659,1 +18660,1 +18661,1 +18662,1 +18663,1 +18664,1 +18665,1 +18666,1 +18667,1 +18668,1 +18669,1 +18670,1 +18671,1 +18672,1 +18673,1 +18674,1 +18675,1 +18676,1 +18677,1 +18678,1 +18679,1 +18680,1 +18681,1 +18682,1 +18683,1 +18684,1 +18685,1 +18686,1 +18687,1 +18688,1 +18689,1 +18690,1 +18691,1 +18692,1 +18693,1 +18694,1 +18695,1 +18696,1 +18697,1 +18698,1 +18699,1 +18700,1 +18701,1 +18702,1 +18703,1 +18704,1 +18705,1 +18706,1 +18707,1 +18708,1 +18709,1 +18710,1 +18711,1 +18712,1 +18713,1 +18714,1 +18715,1 +18716,1 +18717,1 +18718,1 +18719,1 +18720,1 +18721,1 +18722,1 +18723,1 +18724,1 +18725,1 +18726,1 +18727,1 +18728,1 +18729,1 +18730,1 +18731,1 +18732,1 +18733,1 +18734,1 +18735,1 +18736,1 +18737,1 +18738,1 +18739,1 +18740,1 +18741,1 +18742,1 +18743,1 +18744,1 +18745,1 +18746,1 +18747,1 +18748,1 +18749,1 +18750,1 +18751,1 +18752,1 +18753,1 +18754,1 +18755,1 +18756,1 +18757,1 +18758,1 +18759,1 +18760,1 +18761,1 +18762,1 +18763,1 +18764,1 +18765,1 +18766,1 +18767,1 +18768,1 +18769,1 +18770,1 +18771,1 +18772,1 +18773,1 +18774,1 +18775,1 +18776,1 +18777,1 +18778,1 +18779,1 +18780,1 +18781,1 +18782,1 +18783,1 +18784,1 +18785,1 +18786,1 +18787,1 +18788,1 +18789,1 +18790,1 +18791,1 +18792,1 +18793,1 +18794,1 +18795,1 +18796,1 +18797,1 +18798,1 +18799,1 +18800,1 +18801,1 +18802,1 +18803,1 +18804,1 +18805,1 +18806,1 +18807,1 +18808,1 +18809,1 +18810,1 +18811,1 +18812,1 +18813,1 +18814,1 +18815,1 +18816,1 +18817,1 +18818,1 +18819,1 +18820,1 +18821,1 +18822,1 +18823,1 +18824,1 +18825,1 +18826,1 +18827,1 +18828,1 +18829,1 +18830,1 +18831,1 +18832,1 +18833,1 +18834,1 +18835,1 +18836,1 +18837,1 +18838,1 +18839,1 +18840,1 +18841,1 +18842,1 +18843,1 +18844,1 +18845,1 +18846,1 +18847,1 +18848,1 +18849,1 +18850,1 +18851,1 +18852,1 +18853,1 +18854,1 +18855,1 +18856,1 +18857,1 +18858,1 +18859,1 +18860,1 +18861,1 +18862,1 +18863,1 +18864,1 +18865,1 +18866,1 +18867,1 +18868,1 +18869,1 +18870,1 +18871,1 +18872,1 +18873,1 +18874,1 +18875,1 +18876,1 +18877,1 +18878,1 +18879,1 +18880,1 +18881,1 +18882,1 +18883,1 +18884,1 +18885,1 +18886,1 +18887,1 +18888,1 +18889,1 +18890,1 +18891,1 +18892,1 +18893,1 +18894,1 +18895,1 +18896,1 +18897,1 +18898,1 +18899,1 +18900,1 +18901,1 +18902,1 +18903,1 +18904,1 +18905,1 +18906,1 +18907,1 +18908,1 +18909,1 +18910,1 +18911,1 +18912,1 +18913,1 +18914,1 +18915,1 +18916,1 +18917,1 +18918,1 +18919,1 +18920,1 +18921,1 +18922,1 +18923,1 +18924,1 +18925,1 +18926,1 +18927,1 +18928,1 +18929,1 +18930,1 +18931,1 +18932,1 +18933,1 +18934,1 +18935,1 +18936,1 +18937,1 +18938,1 +18939,1 +18940,1 +18941,1 +18942,1 +18943,1 +18944,1 +18945,1 +18946,1 +18947,1 +18948,1 +18949,1 +18950,1 +18951,1 +18952,1 +18953,1 +18954,1 +18955,1 +18956,1 +18957,1 +18958,1 +18959,1 +18960,1 +18961,1 +18962,1 +18963,1 +18964,1 +18965,1 +18966,1 +18967,1 +18968,1 +18969,1 +18970,1 +18971,1 +18972,1 +18973,1 +18974,1 +18975,1 +18976,1 +18977,1 +18978,1 +18979,1 +18980,1 +18981,1 +18982,1 +18983,1 +18984,1 +18985,1 +18986,1 +18987,1 +18988,1 +18989,1 +18990,1 +18991,1 +18992,1 +18993,1 +18994,1 +18995,1 +18996,1 +18997,1 +18998,1 +18999,1 +19000,1 +19001,1 +19002,1 +19003,1 +19004,1 +19005,1 +19006,1 +19007,1 +19008,1 +19009,1 +19010,1 +19011,1 +19012,1 +19013,1 +19014,1 +19015,1 +19016,1 +19017,1 +19018,1 +19019,1 +19020,1 +19021,1 +19022,1 +19023,1 +19024,1 +19025,1 +19026,1 +19027,1 +19028,1 +19029,1 +19030,1 +19031,1 +19032,1 +19033,1 +19034,1 +19035,1 +19036,1 +19037,1 +19038,1 +19039,1 +19040,1 +19041,1 +19042,1 +19043,1 +19044,1 +19045,1 +19046,1 +19047,1 +19048,1 +19049,1 +19050,1 +19051,1 +19052,1 +19053,1 +19054,1 +19055,1 +19056,1 +19057,1 +19058,1 +19059,1 +19060,1 +19061,1 +19062,1 +19063,1 +19064,1 +19065,1 +19066,1 +19067,1 +19068,1 +19069,1 +19070,1 +19071,1 +19072,1 +19073,1 +19074,1 +19075,1 +19076,1 +19077,1 +19078,1 +19079,1 +19080,1 +19081,1 +19082,1 +19083,1 +19084,1 +19085,1 +19086,1 +19087,1 +19088,1 +19089,1 +19090,1 +19091,1 +19092,1 +19093,1 +19094,1 +19095,1 +19096,1 +19097,1 +19098,1 +19099,1 +19100,1 +19101,1 +19102,1 +19103,1 +19104,1 +19105,1 +19106,1 +19107,1 +19108,1 +19109,1 +19110,1 +19111,1 +19112,1 +19113,1 +19114,1 +19115,1 +19116,1 +19117,1 +19118,1 +19119,1 +19120,1 +19121,1 +19122,1 +19123,1 +19124,1 +19125,1 +19126,1 +19127,1 +19128,1 +19129,1 +19130,1 +19131,1 +19132,1 +19133,1 +19134,1 +19135,1 +19136,1 +19137,1 +19138,1 +19139,1 +19140,1 +19141,1 +19142,1 +19143,1 +19144,1 +19145,1 +19146,1 +19147,1 +19148,1 +19149,1 +19150,1 +19151,1 +19152,1 +19153,1 +19154,1 +19155,1 +19156,1 +19157,1 +19158,1 +19159,1 +19160,1 +19161,1 +19162,1 +19163,1 +19164,1 +19165,1 +19166,1 +19167,1 +19168,1 +19169,1 +19170,1 +19171,1 +19172,1 +19173,1 +19174,1 +19175,1 +19176,1 +19177,1 +19178,1 +19179,1 +19180,1 +19181,1 +19182,1 +19183,1 +19184,1 +19185,1 +19186,1 +19187,1 +19188,1 +19189,1 +19190,1 +19191,1 +19192,1 +19193,1 +19194,1 +19195,1 +19196,1 +19197,1 +19198,1 +19199,1 +19200,1 +19201,1 +19202,1 +19203,1 +19204,1 +19205,1 +19206,1 +19207,1 +19208,1 +19209,1 +19210,1 +19211,1 +19212,1 +19213,1 +19214,1 +19215,1 +19216,1 +19217,1 +19218,1 +19219,1 +19220,1 +19221,1 +19222,1 +19223,1 +19224,1 +19225,1 +19226,1 +19227,1 +19228,1 +19229,1 +19230,1 +19231,1 +19232,1 +19233,1 +19234,1 +19235,1 +19236,1 +19237,1 +19238,1 +19239,1 +19240,1 +19241,1 +19242,1 +19243,1 +19244,1 +19245,1 +19246,1 +19247,1 +19248,1 +19249,1 +19250,1 +19251,1 +19252,1 +19253,1 +19254,1 +19255,1 +19256,1 +19257,1 +19258,1 +19259,1 +19260,1 +19261,1 +19262,1 +19263,1 +19264,1 +19265,1 +19266,1 +19267,1 +19268,1 +19269,1 +19270,1 +19271,1 +19272,1 +19273,1 +19274,1 +19275,1 +19276,1 +19277,1 +19278,1 +19279,1 +19280,1 +19281,1 +19282,1 +19283,1 +19284,1 +19285,1 +19286,1 +19287,1 +19288,1 +19289,1 +19290,1 +19291,1 +19292,1 +19293,1 +19294,1 +19295,1 +19296,1 +19297,1 +19298,1 +19299,1 +19300,1 +19301,1 +19302,1 +19303,1 +19304,1 +19305,1 +19306,1 +19307,1 +19308,1 +19309,1 +19310,1 +19311,1 +19312,1 +19313,1 +19314,1 +19315,1 +19316,1 +19317,1 +19318,1 +19319,1 +19320,1 +19321,1 +19322,1 +19323,1 +19324,1 +19325,1 +19326,1 +19327,1 +19328,1 +19329,1 +19330,1 +19331,1 +19332,1 +19333,1 +19334,1 +19335,1 +19336,1 +19337,1 +19338,1 +19339,1 +19340,1 +19341,1 +19342,1 +19343,1 +19344,1 +19345,1 +19346,1 +19347,1 +19348,1 +19349,1 +19350,1 +19351,1 +19352,1 +19353,1 +19354,1 +19355,1 +19356,1 +19357,1 +19358,1 +19359,1 +19360,1 +19361,1 +19362,1 +19363,1 +19364,1 +19365,1 +19366,1 +19367,1 +19368,1 +19369,1 +19370,1 +19371,1 +19372,1 +19373,1 +19374,1 +19375,1 +19376,1 +19377,1 +19378,1 +19379,1 +19380,1 +19381,1 +19382,1 +19383,1 +19384,1 +19385,1 +19386,1 +19387,1 +19388,1 +19389,1 +19390,1 +19391,1 +19392,1 +19393,1 +19394,1 +19395,1 +19396,1 +19397,1 +19398,1 +19399,1 +19400,1 +19401,1 +19402,1 +19403,1 +19404,1 +19405,1 +19406,1 +19407,1 +19408,1 +19409,1 +19410,1 +19411,1 +19412,1 +19413,1 +19414,1 +19415,1 +19416,1 +19417,1 +19418,1 +19419,1 +19420,1 +19421,1 +19422,1 +19423,1 +19424,1 +19425,1 +19426,1 +19427,1 +19428,1 +19429,1 +19430,1 +19431,1 +19432,1 +19433,1 +19434,1 +19435,1 +19436,1 +19437,1 +19438,1 +19439,1 +19440,1 +19441,1 +19442,1 +19443,1 +19444,1 +19445,1 +19446,1 +19447,1 +19448,1 +19449,1 +19450,1 +19451,1 +19452,1 +19453,1 +19454,1 +19455,1 +19456,1 +19457,1 +19458,1 +19459,1 +19460,1 +19461,1 +19462,1 +19463,1 +19464,1 +19465,1 +19466,1 +19467,1 +19468,1 +19469,1 +19470,1 +19471,1 +19472,1 +19473,1 +19474,1 +19475,1 +19476,1 +19477,1 +19478,1 +19479,1 +19480,1 +19481,1 +19482,1 +19483,1 +19484,1 +19485,1 +19486,1 +19487,1 +19488,1 +19489,1 +19490,1 +19491,1 +19492,1 +19493,1 +19494,1 +19495,1 +19496,1 +19497,1 +19498,1 +19499,1 +19500,1 +19501,1 +19502,1 +19503,1 +19504,1 +19505,1 +19506,1 +19507,1 +19508,1 +19509,1 +19510,1 +19511,1 +19512,1 +19513,1 +19514,1 +19515,1 +19516,1 +19517,1 +19518,1 +19519,1 +19520,1 +19521,1 +19522,1 +19523,1 +19524,1 +19525,1 +19526,1 +19527,1 +19528,1 +19529,1 +19530,1 +19531,1 +19532,1 +19533,1 +19534,1 +19535,1 +19536,1 +19537,1 +19538,1 +19539,1 +19540,1 +19541,1 +19542,1 +19543,1 +19544,1 +19545,1 +19546,1 +19547,1 +19548,1 +19549,1 +19550,1 +19551,1 +19552,1 +19553,1 +19554,1 +19555,1 +19556,1 +19557,1 +19558,1 +19559,1 +19560,1 +19561,1 +19562,1 +19563,1 +19564,1 +19565,1 +19566,1 +19567,1 +19568,1 +19569,1 +19570,1 +19571,1 +19572,1 +19573,1 +19574,1 +19575,1 +19576,1 +19577,1 +19578,1 +19579,1 +19580,1 +19581,1 +19582,1 +19583,1 +19584,1 +19585,1 +19586,1 +19587,1 +19588,1 +19589,1 +19590,1 +19591,1 +19592,1 +19593,1 +19594,1 +19595,1 +19596,1 +19597,1 +19598,1 +19599,1 +19600,1 +19601,1 +19602,1 +19603,1 +19604,1 +19605,1 +19606,1 +19607,1 +19608,1 +19609,1 +19610,1 +19611,1 +19612,1 +19613,1 +19614,1 +19615,1 +19616,1 +19617,1 +19618,1 +19619,1 +19620,1 +19621,1 +19622,1 +19623,1 +19624,1 +19625,1 +19626,1 +19627,1 +19628,1 +19629,1 +19630,1 +19631,1 +19632,1 +19633,1 +19634,1 +19635,1 +19636,1 +19637,1 +19638,1 +19639,1 +19640,1 +19641,1 +19642,1 +19643,1 +19644,1 +19645,1 +19646,1 +19647,1 +19648,1 +19649,1 +19650,1 +19651,1 +19652,1 +19653,1 +19654,1 +19655,1 +19656,1 +19657,1 +19658,1 +19659,1 +19660,1 +19661,1 +19662,1 +19663,1 +19664,1 +19665,1 +19666,1 +19667,1 +19668,1 +19669,1 +19670,1 +19671,1 +19672,1 +19673,1 +19674,1 +19675,1 +19676,1 +19677,1 +19678,1 +19679,1 +19680,1 +19681,1 +19682,1 +19683,1 +19684,1 +19685,1 +19686,1 +19687,1 +19688,1 +19689,1 +19690,1 +19691,1 +19692,1 +19693,1 +19694,1 +19695,1 +19696,1 +19697,1 +19698,1 +19699,1 +19700,1 +19701,1 +19702,1 +19703,1 +19704,1 +19705,1 +19706,1 +19707,1 +19708,1 +19709,1 +19710,1 +19711,1 +19712,1 +19713,1 +19714,1 +19715,1 +19716,1 +19717,1 +19718,1 +19719,1 +19720,1 +19721,1 +19722,1 +19723,1 +19724,1 +19725,1 +19726,1 +19727,1 +19728,1 +19729,1 +19730,1 +19731,1 +19732,1 +19733,1 +19734,1 +19735,1 +19736,1 +19737,1 +19738,1 +19739,1 +19740,1 +19741,1 +19742,1 +19743,1 +19744,1 +19745,1 +19746,1 +19747,1 +19748,1 +19749,1 +19750,1 +19751,1 +19752,1 +19753,1 +19754,1 +19755,1 +19756,1 +19757,1 +19758,1 +19759,1 +19760,1 +19761,1 +19762,1 +19763,1 +19764,1 +19765,1 +19766,1 +19767,1 +19768,1 +19769,1 +19770,1 +19771,1 +19772,1 +19773,1 +19774,1 +19775,1 +19776,1 +19777,1 +19778,1 +19779,1 +19780,1 +19781,1 +19782,1 +19783,1 +19784,1 +19785,1 +19786,1 +19787,1 +19788,1 +19789,1 +19790,1 +19791,1 +19792,1 +19793,1 +19794,1 +19795,1 +19796,1 +19797,1 +19798,1 +19799,1 +19800,1 +19801,1 +19802,1 +19803,1 +19804,1 +19805,1 +19806,1 +19807,1 +19808,1 +19809,1 +19810,1 +19811,1 +19812,1 +19813,1 +19814,1 +19815,1 +19816,1 +19817,1 +19818,1 +19819,1 +19820,1 +19821,1 +19822,1 +19823,1 +19824,1 +19825,1 +19826,1 +19827,1 +19828,1 +19829,1 +19830,1 +19831,1 +19832,1 +19833,1 +19834,1 +19835,1 +19836,1 +19837,1 +19838,1 +19839,1 +19840,1 +19841,1 +19842,1 +19843,1 +19844,1 +19845,1 +19846,1 +19847,1 +19848,1 +19849,1 +19850,1 +19851,1 +19852,1 +19853,1 +19854,1 +19855,1 +19856,1 +19857,1 +19858,1 +19859,1 +19860,1 +19861,1 +19862,1 +19863,1 +19864,1 +19865,1 +19866,1 +19867,1 +19868,1 +19869,1 +19870,1 +19871,1 +19872,1 +19873,1 +19874,1 +19875,1 +19876,1 +19877,1 +19878,1 +19879,1 +19880,1 +19881,1 +19882,1 +19883,1 +19884,1 +19885,1 +19886,1 +19887,1 +19888,1 +19889,1 +19890,1 +19891,1 +19892,1 +19893,1 +19894,1 +19895,1 +19896,1 +19897,1 +19898,1 +19899,1 +19900,1 +19901,1 +19902,1 +19903,1 +19904,1 +19905,1 +19906,1 +19907,1 +19908,1 +19909,1 +19910,1 +19911,1 +19912,1 +19913,1 +19914,1 +19915,1 +19916,1 +19917,1 +19918,1 +19919,1 +19920,1 +19921,1 +19922,1 +19923,1 +19924,1 +19925,1 +19926,1 +19927,1 +19928,1 +19929,1 +19930,1 +19931,1 +19932,1 +19933,1 +19934,1 +19935,1 +19936,1 +19937,1 +19938,1 +19939,1 +19940,1 +19941,1 +19942,1 +19943,1 +19944,1 +19945,1 +19946,1 +19947,1 +19948,1 +19949,1 +19950,1 +19951,1 +19952,1 +19953,1 +19954,1 +19955,1 +19956,1 +19957,1 +19958,1 +19959,1 +19960,1 +19961,1 +19962,1 +19963,1 +19964,1 +19965,1 +19966,1 +19967,1 +19968,1 +19969,1 +19970,1 +19971,1 +19972,1 +19973,1 +19974,1 +19975,1 +19976,1 +19977,1 +19978,1 +19979,1 +19980,1 +19981,1 +19982,1 +19983,1 +19984,1 +19985,1 +19986,1 +19987,1 +19988,1 +19989,1 +19990,1 +19991,1 +19992,1 +19993,1 +19994,1 +19995,1 +19996,1 +19997,1 +19998,1 +19999,1 +20000,1 +20001,1 +20002,1 +20003,1 +20004,1 +20005,1 +20006,1 +20007,1 +20008,1 +20009,1 +20010,1 +20011,1 +20012,1 +20013,1 +20014,1 +20015,1 +20016,1 +20017,1 +20018,1 +20019,1 +20020,1 +20021,1 +20022,1 +20023,1 +20024,1 +20025,1 +20026,1 +20027,1 +20028,1 +20029,1 +20030,1 +20031,1 +20032,1 +20033,1 +20034,1 +20035,1 +20036,1 +20037,1 +20038,1 +20039,1 +20040,1 +20041,1 +20042,1 +20043,1 +20044,1 +20045,1 +20046,1 +20047,1 +20048,1 +20049,1 +20050,1 +20051,1 +20052,1 +20053,1 +20054,1 +20055,1 +20056,1 +20057,1 +20058,1 +20059,1 +20060,1 +20061,1 +20062,1 +20063,1 +20064,1 +20065,1 +20066,1 +20067,1 +20068,1 +20069,1 +20070,1 +20071,1 +20072,1 +20073,1 +20074,1 +20075,1 +20076,1 +20077,1 +20078,1 +20079,1 +20080,1 +20081,1 +20082,1 +20083,1 +20084,1 +20085,1 +20086,1 +20087,1 +20088,1 +20089,1 +20090,1 +20091,1 +20092,1 +20093,1 +20094,1 +20095,1 +20096,1 +20097,1 +20098,1 +20099,1 +20100,1 +20101,1 +20102,1 +20103,1 +20104,1 +20105,1 +20106,1 +20107,1 +20108,1 +20109,1 +20110,1 +20111,1 +20112,1 +20113,1 +20114,1 +20115,1 +20116,1 +20117,1 +20118,1 +20119,1 +20120,1 +20121,1 +20122,1 +20123,1 +20124,1 +20125,1 +20126,1 +20127,1 +20128,1 +20129,1 +20130,1 +20131,1 +20132,1 +20133,1 +20134,1 +20135,1 +20136,1 +20137,1 +20138,1 +20139,1 +20140,1 +20141,1 +20142,1 +20143,1 +20144,1 +20145,1 +20146,1 +20147,1 +20148,1 +20149,1 +20150,1 +20151,1 +20152,1 +20153,1 +20154,1 +20155,1 +20156,1 +20157,1 +20158,1 +20159,1 +20160,1 +20161,1 +20162,1 +20163,1 +20164,1 +20165,1 +20166,1 +20167,1 +20168,1 +20169,1 +20170,1 +20171,1 +20172,1 +20173,1 +20174,1 +20175,1 +20176,1 +20177,1 +20178,1 +20179,1 +20180,1 +20181,1 +20182,1 +20183,1 +20184,1 +20185,1 +20186,1 +20187,1 +20188,1 +20189,1 +20190,1 +20191,1 +20192,1 +20193,1 +20194,1 +20195,1 +20196,1 +20197,1 +20198,1 +20199,1 +20200,1 +20201,1 +20202,1 +20203,1 +20204,1 +20205,1 +20206,1 +20207,1 +20208,1 +20209,1 +20210,1 +20211,1 +20212,1 +20213,1 +20214,1 +20215,1 +20216,1 +20217,1 +20218,1 +20219,1 +20220,1 +20221,1 +20222,1 +20223,1 +20224,1 +20225,1 +20226,1 +20227,1 +20228,1 +20229,1 +20230,1 +20231,1 +20232,1 +20233,1 +20234,1 +20235,1 +20236,1 +20237,1 +20238,1 +20239,1 +20240,1 +20241,1 +20242,1 +20243,1 +20244,1 +20245,1 +20246,1 +20247,1 +20248,1 +20249,1 +20250,1 +20251,1 +20252,1 +20253,1 +20254,1 +20255,1 +20256,1 +20257,1 +20258,1 +20259,1 +20260,1 +20261,1 +20262,1 +20263,1 +20264,1 +20265,1 +20266,1 +20267,1 +20268,1 +20269,1 +20270,1 +20271,1 +20272,1 +20273,1 +20274,1 +20275,1 +20276,1 +20277,1 +20278,1 +20279,1 +20280,1 +20281,1 +20282,1 +20283,1 +20284,1 +20285,1 +20286,1 +20287,1 +20288,1 +20289,1 +20290,1 +20291,1 +20292,1 +20293,1 +20294,1 +20295,1 +20296,1 +20297,1 +20298,1 +20299,1 +20300,1 +20301,1 +20302,1 +20303,1 +20304,1 +20305,1 +20306,1 +20307,1 +20308,1 +20309,1 +20310,1 +20311,1 +20312,1 +20313,1 +20314,1 +20315,1 +20316,1 +20317,1 +20318,1 +20319,1 +20320,1 +20321,1 +20322,1 +20323,1 +20324,1 +20325,1 +20326,1 +20327,1 +20328,1 +20329,1 +20330,1 +20331,1 +20332,1 +20333,1 +20334,1 +20335,1 +20336,1 +20337,1 +20338,1 +20339,1 +20340,1 +20341,1 +20342,1 +20343,1 +20344,1 +20345,1 +20346,1 +20347,1 +20348,1 +20349,1 +20350,1 +20351,1 +20352,1 +20353,1 +20354,1 +20355,1 +20356,1 +20357,1 +20358,1 +20359,1 +20360,1 +20361,1 +20362,1 +20363,1 +20364,1 +20365,1 +20366,1 +20367,1 +20368,1 +20369,1 +20370,1 +20371,1 +20372,1 +20373,1 +20374,1 +20375,1 +20376,1 +20377,1 +20378,1 +20379,1 +20380,1 +20381,1 +20382,1 +20383,1 +20384,1 +20385,1 +20386,1 +20387,1 +20388,1 +20389,1 +20390,1 +20391,1 +20392,1 +20393,1 +20394,1 +20395,1 +20396,1 +20397,1 +20398,1 +20399,1 +20400,1 +20401,1 +20402,1 +20403,1 +20404,1 +20405,1 +20406,1 +20407,1 +20408,1 +20409,1 +20410,1 +20411,1 +20412,1 +20413,1 +20414,1 +20415,1 +20416,1 +20417,1 +20418,1 +20419,1 +20420,1 +20421,1 +20422,1 +20423,1 +20424,1 +20425,1 +20426,1 +20427,1 +20428,1 +20429,1 +20430,1 +20431,1 +20432,1 +20433,1 +20434,1 +20435,1 +20436,1 +20437,1 +20438,1 +20439,1 +20440,1 +20441,1 +20442,1 +20443,1 +20444,1 +20445,1 +20446,1 +20447,1 +20448,1 +20449,1 +20450,1 +20451,1 +20452,1 +20453,1 +20454,1 +20455,1 +20456,1 +20457,1 +20458,1 +20459,1 +20460,1 +20461,1 +20462,1 +20463,1 +20464,1 +20465,1 +20466,1 +20467,1 +20468,1 +20469,1 +20470,1 +20471,1 +20472,1 +20473,1 +20474,1 +20475,1 +20476,1 +20477,1 +20478,1 +20479,1 +20480,1 +20481,1 +20482,1 +20483,1 +20484,1 +20485,1 +20486,1 +20487,1 +20488,1 +20489,1 +20490,1 +20491,1 +20492,1 +20493,1 +20494,1 +20495,1 +20496,1 +20497,1 +20498,1 +20499,1 +20500,1 +20501,1 +20502,1 +20503,1 +20504,1 +20505,1 +20506,1 +20507,1 +20508,1 +20509,1 +20510,1 +20511,1 +20512,1 +20513,1 +20514,1 +20515,1 +20516,1 +20517,1 +20518,1 +20519,1 +20520,1 +20521,1 +20522,1 +20523,1 +20524,1 +20525,1 +20526,1 +20527,1 +20528,1 +20529,1 +20530,1 +20531,1 +20532,1 +20533,1 +20534,1 +20535,1 +20536,1 +20537,1 +20538,1 +20539,1 +20540,1 +20541,1 +20542,1 +20543,1 +20544,1 +20545,1 +20546,1 +20547,1 +20548,1 +20549,1 +20550,1 +20551,1 +20552,1 +20553,1 +20554,1 +20555,1 +20556,1 +20557,1 +20558,1 +20559,1 +20560,1 +20561,1 +20562,1 +20563,1 +20564,1 +20565,1 +20566,1 +20567,1 +20568,1 +20569,1 +20570,1 +20571,1 +20572,1 +20573,1 +20574,1 +20575,1 +20576,1 +20577,1 +20578,1 +20579,1 +20580,1 +20581,1 +20582,1 +20583,1 +20584,1 +20585,1 +20586,1 +20587,1 +20588,1 +20589,1 +20590,1 +20591,1 +20592,1 +20593,1 +20594,1 +20595,1 +20596,1 +20597,1 +20598,1 +20599,1 +20600,1 +20601,1 +20602,1 +20603,1 +20604,1 +20605,1 +20606,1 +20607,1 +20608,1 +20609,1 +20610,1 +20611,1 +20612,1 +20613,1 +20614,1 +20615,1 +20616,1 +20617,1 +20618,1 +20619,1 +20620,1 +20621,1 +20622,1 +20623,1 +20624,1 +20625,1 +20626,1 +20627,1 +20628,1 +20629,1 +20630,1 +20631,1 +20632,1 +20633,1 +20634,1 +20635,1 +20636,1 +20637,1 +20638,1 +20639,1 +20640,1 +20641,1 +20642,1 +20643,1 +20644,1 +20645,1 +20646,1 +20647,1 +20648,1 +20649,1 +20650,1 +20651,1 +20652,1 +20653,1 +20654,1 +20655,1 +20656,1 +20657,1 +20658,1 +20659,1 +20660,1 +20661,1 +20662,1 +20663,1 +20664,1 +20665,1 +20666,1 +20667,1 +20668,1 +20669,1 +20670,1 +20671,1 +20672,1 +20673,1 +20674,1 +20675,1 +20676,1 +20677,1 +20678,1 +20679,1 +20680,1 +20681,1 +20682,1 +20683,1 +20684,1 +20685,1 +20686,1 +20687,1 +20688,1 +20689,1 +20690,1 +20691,1 +20692,1 +20693,1 +20694,1 +20695,1 +20696,1 +20697,1 +20698,1 +20699,1 +20700,1 +20701,1 +20702,1 +20703,1 +20704,1 +20705,1 +20706,1 +20707,1 +20708,1 +20709,1 +20710,1 +20711,1 +20712,1 +20713,1 +20714,1 +20715,1 +20716,1 +20717,1 +20718,1 +20719,1 +20720,1 +20721,1 +20722,1 +20723,1 +20724,1 +20725,1 +20726,1 +20727,1 +20728,1 +20729,1 +20730,1 +20731,1 +20732,1 +20733,1 +20734,1 +20735,1 +20736,1 +20737,1 +20738,1 +20739,1 +20740,1 +20741,1 +20742,1 +20743,1 +20744,1 +20745,1 +20746,1 +20747,1 +20748,1 +20749,1 +20750,1 +20751,1 +20752,1 +20753,1 +20754,1 +20755,1 +20756,1 +20757,1 +20758,1 +20759,1 +20760,1 +20761,1 +20762,1 +20763,1 +20764,1 +20765,1 +20766,1 +20767,1 +20768,1 +20769,1 +20770,1 +20771,1 +20772,1 +20773,1 +20774,1 +20775,1 +20776,1 +20777,1 +20778,1 +20779,1 +20780,1 +20781,1 +20782,1 +20783,1 +20784,1 +20785,1 +20786,1 +20787,1 +20788,1 +20789,1 +20790,1 +20791,1 +20792,1 +20793,1 +20794,1 +20795,1 +20796,1 +20797,1 +20798,1 +20799,1 +20800,1 +20801,1 +20802,1 +20803,1 +20804,1 +20805,1 +20806,1 +20807,1 +20808,1 +20809,1 +20810,1 +20811,1 +20812,1 +20813,1 +20814,1 +20815,1 +20816,1 +20817,1 +20818,1 +20819,1 +20820,1 +20821,1 +20822,1 +20823,1 +20824,1 +20825,1 +20826,1 +20827,1 +20828,1 +20829,1 +20830,1 +20831,1 +20832,1 +20833,1 +20834,1 +20835,1 +20836,1 +20837,1 +20838,1 +20839,1 +20840,1 +20841,1 +20842,1 +20843,1 +20844,1 +20845,1 +20846,1 +20847,1 +20848,1 +20849,1 +20850,1 +20851,1 +20852,1 +20853,1 +20854,1 +20855,1 +20856,1 +20857,1 +20858,1 +20859,1 +20860,1 +20861,1 +20862,1 +20863,1 +20864,1 +20865,1 +20866,1 +20867,1 +20868,1 +20869,1 +20870,1 +20871,1 +20872,1 +20873,1 +20874,1 +20875,1 +20876,1 +20877,1 +20878,1 +20879,1 +20880,1 +20881,1 +20882,1 +20883,1 +20884,1 +20885,1 +20886,1 +20887,1 +20888,1 +20889,1 +20890,1 +20891,1 +20892,1 +20893,1 +20894,1 +20895,1 +20896,1 +20897,1 +20898,1 +20899,1 +20900,1 +20901,1 +20902,1 +20903,1 +20904,1 +20905,1 +20906,1 +20907,1 +20908,1 +20909,1 +20910,1 +20911,1 +20912,1 +20913,1 +20914,1 +20915,1 +20916,1 +20917,1 +20918,1 +20919,1 +20920,1 +20921,1 +20922,1 +20923,1 +20924,1 +20925,1 +20926,1 +20927,1 +20928,1 +20929,1 +20930,1 +20931,1 +20932,1 +20933,1 +20934,1 +20935,1 +20936,1 +20937,1 +20938,1 +20939,1 +20940,1 +20941,1 +20942,1 +20943,1 +20944,1 +20945,1 +20946,1 +20947,1 +20948,1 +20949,1 +20950,1 +20951,1 +20952,1 +20953,1 +20954,1 +20955,1 +20956,1 +20957,1 +20958,1 +20959,1 +20960,1 +20961,1 +20962,1 +20963,1 +20964,1 +20965,1 +20966,1 +20967,1 +20968,1 +20969,1 +20970,1 +20971,1 +20972,1 +20973,1 +20974,1 +20975,1 +20976,1 +20977,1 +20978,1 +20979,1 +20980,1 +20981,1 +20982,1 +20983,1 +20984,1 +20985,1 +20986,1 +20987,1 +20988,1 +20989,1 +20990,1 +20991,1 +20992,1 +20993,1 +20994,1 +20995,1 +20996,1 +20997,1 +20998,1 +20999,1 +21000,1 +21001,1 +21002,1 +21003,1 +21004,1 +21005,1 +21006,1 +21007,1 +21008,1 +21009,1 +21010,1 +21011,1 +21012,1 +21013,1 +21014,1 +21015,1 +21016,1 +21017,1 +21018,1 +21019,1 +21020,1 +21021,1 +21022,1 +21023,1 +21024,1 +21025,1 +21026,1 +21027,1 +21028,1 +21029,1 +21030,1 +21031,1 +21032,1 +21033,1 +21034,1 +21035,1 +21036,1 +21037,1 +21038,1 +21039,1 +21040,1 +21041,1 +21042,1 +21043,1 +21044,1 +21045,1 +21046,1 +21047,1 +21048,1 +21049,1 +21050,1 +21051,1 +21052,1 +21053,1 +21054,1 +21055,1 +21056,1 +21057,1 +21058,1 +21059,1 +21060,1 +21061,1 +21062,1 +21063,1 +21064,1 +21065,1 +21066,1 +21067,1 +21068,1 +21069,1 +21070,1 +21071,1 +21072,1 +21073,1 +21074,1 +21075,1 +21076,1 +21077,1 +21078,1 +21079,1 +21080,1 +21081,1 +21082,1 +21083,1 +21084,1 +21085,1 +21086,1 +21087,1 +21088,1 +21089,1 +21090,1 +21091,1 +21092,1 +21093,1 +21094,1 +21095,1 +21096,1 +21097,1 +21098,1 +21099,1 +21100,1 +21101,1 +21102,1 +21103,1 +21104,1 +21105,1 +21106,1 +21107,1 +21108,1 +21109,1 +21110,1 +21111,1 +21112,1 +21113,1 +21114,1 +21115,1 +21116,1 +21117,1 +21118,1 +21119,1 +21120,1 +21121,1 +21122,1 +21123,1 +21124,1 +21125,1 +21126,1 +21127,1 +21128,1 +21129,1 +21130,1 +21131,1 +21132,1 +21133,1 +21134,1 +21135,1 +21136,1 +21137,1 +21138,1 +21139,1 +21140,1 +21141,1 +21142,1 +21143,1 +21144,1 +21145,1 +21146,1 +21147,1 +21148,1 +21149,1 +21150,1 +21151,1 +21152,1 +21153,1 +21154,1 +21155,1 +21156,1 +21157,1 +21158,1 +21159,1 +21160,1 +21161,1 +21162,1 +21163,1 +21164,1 +21165,1 +21166,1 +21167,1 +21168,1 +21169,1 +21170,1 +21171,1 +21172,1 +21173,1 +21174,1 +21175,1 +21176,1 +21177,1 +21178,1 +21179,1 +21180,1 +21181,1 +21182,1 +21183,1 +21184,1 +21185,1 +21186,1 +21187,1 +21188,1 +21189,1 +21190,1 +21191,1 +21192,1 +21193,1 +21194,1 +21195,1 +21196,1 +21197,1 +21198,1 +21199,1 +21200,1 +21201,1 +21202,1 +21203,1 +21204,1 +21205,1 +21206,1 +21207,1 +21208,1 +21209,1 +21210,1 +21211,1 +21212,1 +21213,1 +21214,1 +21215,1 +21216,1 +21217,1 +21218,1 +21219,1 +21220,1 +21221,1 +21222,1 +21223,1 +21224,1 +21225,1 +21226,1 +21227,1 +21228,1 +21229,1 +21230,1 +21231,1 +21232,1 +21233,1 +21234,1 +21235,1 +21236,1 +21237,1 +21238,1 +21239,1 +21240,1 +21241,1 +21242,1 +21243,1 +21244,1 +21245,1 +21246,1 +21247,1 +21248,1 +21249,1 +21250,1 +21251,1 +21252,1 +21253,1 +21254,1 +21255,1 +21256,1 +21257,1 +21258,1 +21259,1 +21260,1 +21261,1 +21262,1 +21263,1 +21264,1 +21265,1 +21266,1 +21267,1 +21268,1 +21269,1 +21270,1 +21271,1 +21272,1 +21273,1 +21274,1 +21275,1 +21276,1 +21277,1 +21278,1 +21279,1 +21280,1 +21281,1 +21282,1 +21283,1 +21284,1 +21285,1 +21286,1 +21287,1 +21288,1 +21289,1 +21290,1 +21291,1 +21292,1 +21293,1 +21294,1 +21295,1 +21296,1 +21297,1 +21298,1 +21299,1 +21300,1 +21301,1 +21302,1 +21303,1 +21304,1 +21305,1 +21306,1 +21307,1 +21308,1 +21309,1 +21310,1 +21311,1 +21312,1 +21313,1 +21314,1 +21315,1 +21316,1 +21317,1 +21318,1 +21319,1 +21320,1 +21321,1 +21322,1 +21323,1 +21324,1 +21325,1 +21326,1 +21327,1 +21328,1 +21329,1 +21330,1 +21331,1 +21332,1 +21333,1 +21334,1 +21335,1 +21336,1 +21337,1 +21338,1 +21339,1 +21340,1 +21341,1 +21342,1 +21343,1 +21344,1 +21345,1 +21346,1 +21347,1 +21348,1 +21349,1 +21350,1 +21351,1 +21352,1 +21353,1 +21354,1 +21355,1 +21356,1 +21357,1 +21358,1 +21359,1 +21360,1 +21361,1 +21362,1 +21363,1 +21364,1 +21365,1 +21366,1 +21367,1 +21368,1 +21369,1 +21370,1 +21371,1 +21372,1 +21373,1 +21374,1 +21375,1 +21376,1 +21377,1 +21378,1 +21379,1 +21380,1 +21381,1 +21382,1 +21383,1 +21384,1 +21385,1 +21386,1 +21387,1 +21388,1 +21389,1 +21390,1 +21391,1 +21392,1 +21393,1 +21394,1 +21395,1 +21396,1 +21397,1 +21398,1 +21399,1 +21400,1 +21401,1 +21402,1 +21403,1 +21404,1 +21405,1 +21406,1 +21407,1 +21408,1 +21409,1 +21410,1 +21411,1 +21412,1 +21413,1 +21414,1 +21415,1 +21416,1 +21417,1 +21418,1 +21419,1 +21420,1 +21421,1 +21422,1 +21423,1 +21424,1 +21425,1 +21426,1 +21427,1 +21428,1 +21429,1 +21430,1 +21431,1 +21432,1 +21433,1 +21434,1 +21435,1 +21436,1 +21437,1 +21438,1 +21439,1 +21440,1 +21441,1 +21442,1 +21443,1 +21444,1 +21445,1 +21446,1 +21447,1 +21448,1 +21449,1 +21450,1 +21451,1 +21452,1 +21453,1 +21454,1 +21455,1 +21456,1 +21457,1 +21458,1 +21459,1 +21460,1 +21461,1 +21462,1 +21463,1 +21464,1 +21465,1 +21466,1 +21467,1 +21468,1 +21469,1 +21470,1 +21471,1 +21472,1 +21473,1 +21474,1 +21475,1 +21476,1 +21477,1 +21478,1 +21479,1 +21480,1 +21481,1 +21482,1 +21483,1 +21484,1 +21485,1 +21486,1 +21487,1 +21488,1 +21489,1 +21490,1 +21491,1 +21492,1 +21493,1 +21494,1 +21495,1 +21496,1 +21497,1 +21498,1 +21499,1 +21500,1 +21501,1 +21502,1 +21503,1 +21504,1 +21505,1 +21506,1 +21507,1 +21508,1 +21509,1 +21510,1 +21511,1 +21512,1 +21513,1 +21514,1 +21515,1 +21516,1 +21517,1 +21518,1 +21519,1 +21520,1 +21521,1 +21522,1 +21523,1 +21524,1 +21525,1 +21526,1 +21527,1 +21528,1 +21529,1 +21530,1 +21531,1 +21532,1 +21533,1 +21534,1 +21535,1 +21536,1 +21537,1 +21538,1 +21539,1 +21540,1 +21541,1 +21542,1 +21543,1 +21544,1 +21545,1 +21546,1 +21547,1 +21548,1 +21549,1 +21550,1 +21551,1 +21552,1 +21553,1 +21554,1 +21555,1 +21556,1 +21557,1 +21558,1 +21559,1 +21560,1 +21561,1 +21562,1 +21563,1 +21564,1 +21565,1 +21566,1 +21567,1 +21568,1 +21569,1 +21570,1 +21571,1 +21572,1 +21573,1 +21574,1 +21575,1 +21576,1 +21577,1 +21578,1 +21579,1 +21580,1 +21581,1 +21582,1 +21583,1 +21584,1 +21585,1 +21586,1 +21587,1 +21588,1 +21589,1 +21590,1 +21591,1 +21592,1 +21593,1 +21594,1 +21595,1 +21596,1 +21597,1 +21598,1 +21599,1 +21600,1 +21601,1 +21602,1 +21603,1 +21604,1 +21605,1 +21606,1 +21607,1 +21608,1 +21609,1 +21610,1 +21611,1 +21612,1 +21613,1 +21614,1 +21615,1 +21616,1 +21617,1 +21618,1 +21619,1 +21620,1 +21621,1 +21622,1 +21623,1 +21624,1 +21625,1 +21626,1 +21627,1 +21628,1 +21629,1 +21630,1 +21631,1 +21632,1 +21633,1 +21634,1 +21635,1 +21636,1 +21637,1 +21638,1 +21639,1 +21640,1 +21641,1 +21642,1 +21643,1 +21644,1 +21645,1 +21646,1 +21647,1 +21648,1 +21649,1 +21650,1 +21651,1 +21652,1 +21653,1 +21654,1 +21655,1 +21656,1 +21657,1 +21658,1 +21659,1 +21660,1 +21661,1 +21662,1 +21663,1 +21664,1 +21665,1 +21666,1 +21667,1 +21668,1 +21669,1 +21670,1 +21671,1 +21672,1 +21673,1 +21674,1 +21675,1 +21676,1 +21677,1 +21678,1 +21679,1 +21680,1 +21681,1 +21682,1 +21683,1 +21684,1 +21685,1 +21686,1 +21687,1 +21688,1 +21689,1 +21690,1 +21691,1 +21692,1 +21693,1 +21694,1 +21695,1 +21696,1 +21697,1 +21698,1 +21699,1 +21700,1 +21701,1 +21702,1 +21703,1 +21704,1 +21705,1 +21706,1 +21707,1 +21708,1 +21709,1 +21710,1 +21711,1 +21712,1 +21713,1 +21714,1 +21715,1 +21716,1 +21717,1 +21718,1 +21719,1 +21720,1 +21721,1 +21722,1 +21723,1 +21724,1 +21725,1 +21726,1 +21727,1 +21728,1 +21729,1 +21730,1 +21731,1 +21732,1 +21733,1 +21734,1 +21735,1 +21736,1 +21737,1 +21738,1 +21739,1 +21740,1 +21741,1 +21742,1 +21743,1 +21744,1 +21745,1 +21746,1 +21747,1 +21748,1 +21749,1 +21750,1 +21751,1 +21752,1 +21753,1 +21754,1 +21755,1 +21756,1 +21757,1 +21758,1 +21759,1 +21760,1 +21761,1 +21762,1 +21763,1 +21764,1 +21765,1 +21766,1 +21767,1 +21768,1 +21769,1 +21770,1 +21771,1 +21772,1 +21773,1 +21774,1 +21775,1 +21776,1 +21777,1 +21778,1 +21779,1 +21780,1 +21781,1 +21782,1 +21783,1 +21784,1 +21785,1 +21786,1 +21787,1 +21788,1 +21789,1 +21790,1 +21791,1 +21792,1 +21793,1 +21794,1 +21795,1 +21796,1 +21797,1 +21798,1 +21799,1 +21800,1 +21801,1 +21802,1 +21803,1 +21804,1 +21805,1 +21806,1 +21807,1 +21808,1 +21809,1 +21810,1 +21811,1 +21812,1 +21813,1 +21814,1 +21815,1 +21816,1 +21817,1 +21818,1 +21819,1 +21820,1 +21821,1 +21822,1 +21823,1 +21824,1 +21825,1 +21826,1 +21827,1 +21828,1 +21829,1 +21830,1 +21831,1 +21832,1 +21833,1 +21834,1 +21835,1 +21836,1 +21837,1 +21838,1 +21839,1 +21840,1 +21841,1 +21842,1 +21843,1 +21844,1 +21845,1 +21846,1 +21847,1 +21848,1 +21849,1 +21850,1 +21851,1 +21852,1 +21853,1 +21854,1 +21855,1 +21856,1 +21857,1 +21858,1 +21859,1 +21860,1 +21861,1 +21862,1 +21863,1 +21864,1 +21865,1 +21866,1 +21867,1 +21868,1 +21869,1 +21870,1 +21871,1 +21872,1 +21873,1 +21874,1 +21875,1 +21876,1 +21877,1 +21878,1 +21879,1 +21880,1 +21881,1 +21882,1 +21883,1 +21884,1 +21885,1 +21886,1 +21887,1 +21888,1 +21889,1 +21890,1 +21891,1 +21892,1 +21893,1 +21894,1 +21895,1 +21896,1 +21897,1 +21898,1 +21899,1 +21900,1 +21901,1 +21902,1 +21903,1 +21904,1 +21905,1 +21906,1 +21907,1 +21908,1 +21909,1 +21910,1 +21911,1 +21912,1 +21913,1 +21914,1 +21915,1 +21916,1 +21917,1 +21918,1 +21919,1 +21920,1 +21921,1 +21922,1 +21923,1 +21924,1 +21925,1 +21926,1 +21927,1 +21928,1 +21929,1 +21930,1 +21931,1 +21932,1 +21933,1 +21934,1 +21935,1 +21936,1 +21937,1 +21938,1 +21939,1 +21940,1 +21941,1 +21942,1 +21943,1 +21944,1 +21945,1 +21946,1 +21947,1 +21948,1 +21949,1 +21950,1 +21951,1 +21952,1 +21953,1 +21954,1 +21955,1 +21956,1 +21957,1 +21958,1 +21959,1 +21960,1 +21961,1 +21962,1 +21963,1 +21964,1 +21965,1 +21966,1 +21967,1 +21968,1 +21969,1 +21970,1 +21971,1 +21972,1 +21973,1 +21974,1 +21975,1 +21976,1 +21977,1 +21978,1 +21979,1 +21980,1 +21981,1 +21982,1 +21983,1 +21984,1 +21985,1 +21986,1 +21987,1 +21988,1 +21989,1 +21990,1 +21991,1 +21992,1 +21993,1 +21994,1 +21995,1 +21996,1 +21997,1 +21998,1 +21999,1 +22000,1 +22001,1 +22002,1 +22003,1 +22004,1 +22005,1 +22006,1 +22007,1 +22008,1 +22009,1 +22010,1 +22011,1 +22012,1 +22013,1 +22014,1 +22015,1 +22016,1 +22017,1 +22018,1 +22019,1 +22020,1 +22021,1 +22022,1 +22023,1 +22024,1 +22025,1 +22026,1 +22027,1 +22028,1 +22029,1 +22030,1 +22031,1 +22032,1 +22033,1 +22034,1 +22035,1 +22036,1 +22037,1 +22038,1 +22039,1 +22040,1 +22041,1 +22042,1 +22043,1 +22044,1 +22045,1 +22046,1 +22047,1 +22048,1 +22049,1 +22050,1 +22051,1 +22052,1 +22053,1 +22054,1 +22055,1 +22056,1 +22057,1 +22058,1 +22059,1 +22060,1 +22061,1 +22062,1 +22063,1 +22064,1 +22065,1 +22066,1 +22067,1 +22068,1 +22069,1 +22070,1 +22071,1 +22072,1 +22073,1 +22074,1 +22075,1 +22076,1 +22077,1 +22078,1 +22079,1 +22080,1 +22081,1 +22082,1 +22083,1 +22084,1 +22085,1 +22086,1 +22087,1 +22088,1 +22089,1 +22090,1 +22091,1 +22092,1 +22093,1 +22094,1 +22095,1 +22096,1 +22097,1 +22098,1 +22099,1 +22100,1 +22101,1 +22102,1 +22103,1 +22104,1 +22105,1 +22106,1 +22107,1 +22108,1 +22109,1 +22110,1 +22111,1 +22112,1 +22113,1 +22114,1 +22115,1 +22116,1 +22117,1 +22118,1 +22119,1 +22120,1 +22121,1 +22122,1 +22123,1 +22124,1 +22125,1 +22126,1 +22127,1 +22128,1 +22129,1 +22130,1 +22131,1 +22132,1 +22133,1 +22134,1 +22135,1 +22136,1 +22137,1 +22138,1 +22139,1 +22140,1 +22141,1 +22142,1 +22143,1 +22144,1 +22145,1 +22146,1 +22147,1 +22148,1 +22149,1 +22150,1 +22151,1 +22152,1 +22153,1 +22154,1 +22155,1 +22156,1 +22157,1 +22158,1 +22159,1 +22160,1 +22161,1 +22162,1 +22163,1 +22164,1 +22165,1 +22166,1 +22167,1 +22168,1 +22169,1 +22170,1 +22171,1 +22172,1 +22173,1 +22174,1 +22175,1 +22176,1 +22177,1 +22178,1 +22179,1 +22180,1 +22181,1 +22182,1 +22183,1 +22184,1 +22185,1 +22186,1 +22187,1 +22188,1 +22189,1 +22190,1 +22191,1 +22192,1 +22193,1 +22194,1 +22195,1 +22196,1 +22197,1 +22198,1 +22199,1 +22200,1 +22201,1 +22202,1 +22203,1 +22204,1 +22205,1 +22206,1 +22207,1 +22208,1 +22209,1 +22210,1 +22211,1 +22212,1 +22213,1 +22214,1 +22215,1 +22216,1 +22217,1 +22218,1 +22219,1 +22220,1 +22221,1 +22222,1 +22223,1 +22224,1 +22225,1 +22226,1 +22227,1 +22228,1 +22229,1 +22230,1 +22231,1 +22232,1 +22233,1 +22234,1 +22235,1 +22236,1 +22237,1 +22238,1 +22239,1 +22240,1 +22241,1 +22242,1 +22243,1 +22244,1 +22245,1 +22246,1 +22247,1 +22248,1 +22249,1 +22250,1 +22251,1 +22252,1 +22253,1 +22254,1 +22255,1 +22256,1 +22257,1 +22258,1 +22259,1 +22260,1 +22261,1 +22262,1 +22263,1 +22264,1 +22265,1 +22266,1 +22267,1 +22268,1 +22269,1 +22270,1 +22271,1 +22272,1 +22273,1 +22274,1 +22275,1 +22276,1 +22277,1 +22278,1 +22279,1 +22280,1 +22281,1 +22282,1 +22283,1 +22284,1 +22285,1 +22286,1 +22287,1 +22288,1 +22289,1 +22290,1 +22291,1 +22292,1 +22293,1 +22294,1 +22295,1 +22296,1 +22297,1 +22298,1 +22299,1 +22300,1 +22301,1 +22302,1 +22303,1 +22304,1 +22305,1 +22306,1 +22307,1 +22308,1 +22309,1 +22310,1 +22311,1 +22312,1 +22313,1 +22314,1 +22315,1 +22316,1 +22317,1 +22318,1 +22319,1 +22320,1 +22321,1 +22322,1 +22323,1 +22324,1 +22325,1 +22326,1 +22327,1 +22328,1 +22329,1 +22330,1 +22331,1 +22332,1 +22333,1 +22334,1 +22335,1 +22336,1 +22337,1 +22338,1 +22339,1 +22340,1 +22341,1 +22342,1 +22343,1 +22344,1 +22345,1 +22346,1 +22347,1 +22348,1 +22349,1 +22350,1 +22351,1 +22352,1 +22353,1 +22354,1 +22355,1 +22356,1 +22357,1 +22358,1 +22359,1 +22360,1 +22361,1 +22362,1 +22363,1 +22364,1 +22365,1 +22366,1 +22367,1 +22368,1 +22369,1 +22370,1 +22371,1 +22372,1 +22373,1 +22374,1 +22375,1 +22376,1 +22377,1 +22378,1 +22379,1 +22380,1 +22381,1 +22382,1 +22383,1 +22384,1 +22385,1 +22386,1 +22387,1 +22388,1 +22389,1 +22390,1 +22391,1 +22392,1 +22393,1 +22394,1 +22395,1 +22396,1 +22397,1 +22398,1 +22399,1 +22400,1 +22401,1 +22402,1 +22403,1 +22404,1 +22405,1 +22406,1 +22407,1 +22408,1 +22409,1 +22410,1 +22411,1 +22412,1 +22413,1 +22414,1 +22415,1 +22416,1 +22417,1 +22418,1 +22419,1 +22420,1 +22421,1 +22422,1 +22423,1 +22424,1 +22425,1 +22426,1 +22427,1 +22428,1 +22429,1 +22430,1 +22431,1 +22432,1 +22433,1 +22434,1 +22435,1 +22436,1 +22437,1 +22438,1 +22439,1 +22440,1 +22441,1 +22442,1 +22443,1 +22444,1 +22445,1 +22446,1 +22447,1 +22448,1 +22449,1 +22450,1 +22451,1 +22452,1 +22453,1 +22454,1 +22455,1 +22456,1 +22457,1 +22458,1 +22459,1 +22460,1 +22461,1 +22462,1 +22463,1 +22464,1 +22465,1 +22466,1 +22467,1 +22468,1 +22469,1 +22470,1 +22471,1 +22472,1 +22473,1 +22474,1 +22475,1 +22476,1 +22477,1 +22478,1 +22479,1 +22480,1 +22481,1 +22482,1 +22483,1 +22484,1 +22485,1 +22486,1 +22487,1 +22488,1 +22489,1 +22490,1 +22491,1 +22492,1 +22493,1 +22494,1 +22495,1 +22496,1 +22497,1 +22498,1 +22499,1 +22500,1 +22501,1 +22502,1 +22503,1 +22504,1 +22505,1 +22506,1 +22507,1 +22508,1 +22509,1 +22510,1 +22511,1 +22512,1 +22513,1 +22514,1 +22515,1 +22516,1 +22517,1 +22518,1 +22519,1 +22520,1 +22521,1 +22522,1 +22523,1 +22524,1 +22525,1 +22526,1 +22527,1 +22528,1 +22529,1 +22530,1 +22531,1 +22532,1 +22533,1 +22534,1 +22535,1 +22536,1 +22537,1 +22538,1 +22539,1 +22540,1 +22541,1 +22542,1 +22543,1 +22544,1 +22545,1 +22546,1 +22547,1 +22548,1 +22549,1 +22550,1 +22551,1 +22552,1 +22553,1 +22554,1 +22555,1 +22556,1 +22557,1 +22558,1 +22559,1 +22560,1 +22561,1 +22562,1 +22563,1 +22564,1 +22565,1 +22566,1 +22567,1 +22568,1 +22569,1 +22570,1 +22571,1 +22572,1 +22573,1 +22574,1 +22575,1 +22576,1 +22577,1 +22578,1 +22579,1 +22580,1 +22581,1 +22582,1 +22583,1 +22584,1 +22585,1 +22586,1 +22587,1 +22588,1 +22589,1 +22590,1 +22591,1 +22592,1 +22593,1 +22594,1 +22595,1 +22596,1 +22597,1 +22598,1 +22599,1 +22600,1 +22601,1 +22602,1 +22603,1 +22604,1 +22605,1 +22606,1 +22607,1 +22608,1 +22609,1 +22610,1 +22611,1 +22612,1 +22613,1 +22614,1 +22615,1 +22616,1 +22617,1 +22618,1 +22619,1 +22620,1 +22621,1 +22622,1 +22623,1 +22624,1 +22625,1 +22626,1 +22627,1 +22628,1 +22629,1 +22630,1 +22631,1 +22632,1 +22633,1 +22634,1 +22635,1 +22636,1 +22637,1 +22638,1 +22639,1 +22640,1 +22641,1 +22642,1 +22643,1 +22644,1 +22645,1 +22646,1 +22647,1 +22648,1 +22649,1 +22650,1 +22651,1 +22652,1 +22653,1 +22654,1 +22655,1 +22656,1 +22657,1 +22658,1 +22659,1 +22660,1 +22661,1 +22662,1 +22663,1 +22664,1 +22665,1 +22666,1 +22667,1 +22668,1 +22669,1 +22670,1 +22671,1 +22672,1 +22673,1 +22674,1 +22675,1 +22676,1 +22677,1 +22678,1 +22679,1 +22680,1 +22681,1 +22682,1 +22683,1 +22684,1 +22685,1 +22686,1 +22687,1 +22688,1 +22689,1 +22690,1 +22691,1 +22692,1 +22693,1 +22694,1 +22695,1 +22696,1 +22697,1 +22698,1 +22699,1 +22700,1 +22701,1 +22702,1 +22703,1 +22704,1 +22705,1 +22706,1 +22707,1 +22708,1 +22709,1 +22710,1 +22711,1 +22712,1 +22713,1 +22714,1 +22715,1 +22716,1 +22717,1 +22718,1 +22719,1 +22720,1 +22721,1 +22722,1 +22723,1 +22724,1 +22725,1 +22726,1 +22727,1 +22728,1 +22729,1 +22730,1 +22731,1 +22732,1 +22733,1 +22734,1 +22735,1 +22736,1 +22737,1 +22738,1 +22739,1 +22740,1 +22741,1 +22742,1 +22743,1 +22744,1 +22745,1 +22746,1 +22747,1 +22748,1 +22749,1 +22750,1 +22751,1 +22752,1 +22753,1 +22754,1 +22755,1 +22756,1 +22757,1 +22758,1 +22759,1 +22760,1 +22761,1 +22762,1 +22763,1 +22764,1 +22765,1 +22766,1 +22767,1 +22768,1 +22769,1 +22770,1 +22771,1 +22772,1 +22773,1 +22774,1 +22775,1 +22776,1 +22777,1 +22778,1 +22779,1 +22780,1 +22781,1 +22782,1 +22783,1 +22784,1 +22785,1 +22786,1 +22787,1 +22788,1 +22789,1 +22790,1 +22791,1 +22792,1 +22793,1 +22794,1 +22795,1 +22796,1 +22797,1 +22798,1 +22799,1 +22800,1 +22801,1 +22802,1 +22803,1 +22804,1 +22805,1 +22806,1 +22807,1 +22808,1 +22809,1 +22810,1 +22811,1 +22812,1 +22813,1 +22814,1 +22815,1 +22816,1 +22817,1 +22818,1 +22819,1 +22820,1 +22821,1 +22822,1 +22823,1 +22824,1 +22825,1 +22826,1 +22827,1 +22828,1 +22829,1 +22830,1 +22831,1 +22832,1 +22833,1 +22834,1 +22835,1 +22836,1 +22837,1 +22838,1 +22839,1 +22840,1 +22841,1 +22842,1 +22843,1 +22844,1 +22845,1 +22846,1 +22847,1 +22848,1 +22849,1 +22850,1 +22851,1 +22852,1 +22853,1 +22854,1 +22855,1 +22856,1 +22857,1 +22858,1 +22859,1 +22860,1 +22861,1 +22862,1 +22863,1 +22864,1 +22865,1 +22866,1 +22867,1 +22868,1 +22869,1 +22870,1 +22871,1 +22872,1 +22873,1 +22874,1 +22875,1 +22876,1 +22877,1 +22878,1 +22879,1 +22880,1 +22881,1 +22882,1 +22883,1 +22884,1 +22885,1 +22886,1 +22887,1 +22888,1 +22889,1 +22890,1 +22891,1 +22892,1 +22893,1 +22894,1 +22895,1 +22896,1 +22897,1 +22898,1 +22899,1 +22900,1 +22901,1 +22902,1 +22903,1 +22904,1 +22905,1 +22906,1 +22907,1 +22908,1 +22909,1 +22910,1 +22911,1 +22912,1 +22913,1 +22914,1 +22915,1 +22916,1 +22917,1 +22918,1 +22919,1 +22920,1 +22921,1 +22922,1 +22923,1 +22924,1 +22925,1 +22926,1 +22927,1 +22928,1 +22929,1 +22930,1 +22931,1 +22932,1 +22933,1 +22934,1 +22935,1 +22936,1 +22937,1 +22938,1 +22939,1 +22940,1 +22941,1 +22942,1 +22943,1 +22944,1 +22945,1 +22946,1 +22947,1 +22948,1 +22949,1 +22950,1 +22951,1 +22952,1 +22953,1 +22954,1 +22955,1 +22956,1 +22957,1 +22958,1 +22959,1 +22960,1 +22961,1 +22962,1 +22963,1 +22964,1 +22965,1 +22966,1 +22967,1 +22968,1 +22969,1 +22970,1 +22971,1 +22972,1 +22973,1 +22974,1 +22975,1 +22976,1 +22977,1 +22978,1 +22979,1 +22980,1 +22981,1 +22982,1 +22983,1 +22984,1 +22985,1 +22986,1 +22987,1 +22988,1 +22989,1 +22990,1 +22991,1 +22992,1 +22993,1 +22994,1 +22995,1 +22996,1 +22997,1 +22998,1 +22999,1 +23000,1 +23001,1 +23002,1 +23003,1 +23004,1 +23005,1 +23006,1 +23007,1 +23008,1 +23009,1 +23010,1 +23011,1 +23012,1 +23013,1 +23014,1 +23015,1 +23016,1 +23017,1 +23018,1 +23019,1 +23020,1 +23021,1 +23022,1 +23023,1 +23024,1 +23025,1 +23026,1 +23027,1 +23028,1 +23029,1 +23030,1 +23031,1 +23032,1 +23033,1 +23034,1 +23035,1 +23036,1 +23037,1 +23038,1 +23039,1 +23040,1 +23041,1 +23042,1 +23043,1 +23044,1 +23045,1 +23046,1 +23047,1 +23048,1 +23049,1 +23050,1 +23051,1 +23052,1 +23053,1 +23054,1 +23055,1 +23056,1 +23057,1 +23058,1 +23059,1 +23060,1 +23061,1 +23062,1 +23063,1 +23064,1 +23065,1 +23066,1 +23067,1 +23068,1 +23069,1 +23070,1 +23071,1 +23072,1 +23073,1 +23074,1 +23075,1 +23076,1 +23077,1 +23078,1 +23079,1 +23080,1 +23081,1 +23082,1 +23083,1 +23084,1 +23085,1 +23086,1 +23087,1 +23088,1 +23089,1 +23090,1 +23091,1 +23092,1 +23093,1 +23094,1 +23095,1 +23096,1 +23097,1 +23098,1 +23099,1 +23100,1 +23101,1 +23102,1 +23103,1 +23104,1 +23105,1 +23106,1 +23107,1 +23108,1 +23109,1 +23110,1 +23111,1 +23112,1 +23113,1 +23114,1 +23115,1 +23116,1 +23117,1 +23118,1 +23119,1 +23120,1 +23121,1 +23122,1 +23123,1 +23124,1 +23125,1 +23126,1 +23127,1 +23128,1 +23129,1 +23130,1 +23131,1 +23132,1 +23133,1 +23134,1 +23135,1 +23136,1 +23137,1 +23138,1 +23139,1 +23140,1 +23141,1 +23142,1 +23143,1 +23144,1 +23145,1 +23146,1 +23147,1 +23148,1 +23149,1 +23150,1 +23151,1 +23152,1 +23153,1 +23154,1 +23155,1 +23156,1 +23157,1 +23158,1 +23159,1 +23160,1 +23161,1 +23162,1 +23163,1 +23164,1 +23165,1 +23166,1 +23167,1 +23168,1 +23169,1 +23170,1 +23171,1 +23172,1 +23173,1 +23174,1 +23175,1 +23176,1 +23177,1 +23178,1 +23179,1 +23180,1 +23181,1 +23182,1 +23183,1 +23184,1 +23185,1 +23186,1 +23187,1 +23188,1 +23189,1 +23190,1 +23191,1 +23192,1 +23193,1 +23194,1 +23195,1 +23196,1 +23197,1 +23198,1 +23199,1 +23200,1 +23201,1 +23202,1 +23203,1 +23204,1 +23205,1 +23206,1 +23207,1 +23208,1 +23209,1 +23210,1 +23211,1 +23212,1 +23213,1 +23214,1 +23215,1 +23216,1 +23217,1 +23218,1 +23219,1 +23220,1 +23221,1 +23222,1 +23223,1 +23224,1 +23225,1 +23226,1 +23227,1 +23228,1 +23229,1 +23230,1 +23231,1 +23232,1 +23233,1 +23234,1 +23235,1 +23236,1 +23237,1 +23238,1 +23239,1 +23240,1 +23241,1 +23242,1 +23243,1 +23244,1 +23245,1 +23246,1 +23247,1 +23248,1 +23249,1 +23250,1 +23251,1 +23252,1 +23253,1 +23254,1 +23255,1 +23256,1 +23257,1 +23258,1 +23259,1 +23260,1 +23261,1 +23262,1 +23263,1 +23264,1 +23265,1 +23266,1 +23267,1 +23268,1 +23269,1 +23270,1 +23271,1 +23272,1 +23273,1 +23274,1 +23275,1 +23276,1 +23277,1 +23278,1 +23279,1 +23280,1 +23281,1 +23282,1 +23283,1 +23284,1 +23285,1 +23286,1 +23287,1 +23288,1 +23289,1 +23290,1 +23291,1 +23292,1 +23293,1 +23294,1 +23295,1 +23296,1 +23297,1 +23298,1 +23299,1 +23300,1 +23301,1 +23302,1 +23303,1 +23304,1 +23305,1 +23306,1 +23307,1 +23308,1 +23309,1 +23310,1 +23311,1 +23312,1 +23313,1 +23314,1 +23315,1 +23316,1 +23317,1 +23318,1 +23319,1 +23320,1 +23321,1 +23322,1 +23323,1 +23324,1 +23325,1 +23326,1 +23327,1 +23328,1 +23329,1 +23330,1 +23331,1 +23332,1 +23333,1 +23334,1 +23335,1 +23336,1 +23337,1 +23338,1 +23339,1 +23340,1 +23341,1 +23342,1 +23343,1 +23344,1 +23345,1 +23346,1 +23347,1 +23348,1 +23349,1 +23350,1 +23351,1 +23352,1 +23353,1 +23354,1 +23355,1 +23356,1 +23357,1 +23358,1 +23359,1 +23360,1 +23361,1 +23362,1 +23363,1 +23364,1 +23365,1 +23366,1 +23367,1 +23368,1 +23369,1 +23370,1 +23371,1 +23372,1 +23373,1 +23374,1 +23375,1 +23376,1 +23377,1 +23378,1 +23379,1 +23380,1 +23381,1 +23382,1 +23383,1 +23384,1 +23385,1 +23386,1 +23387,1 +23388,1 +23389,1 +23390,1 +23391,1 +23392,1 +23393,1 +23394,1 +23395,1 +23396,1 +23397,1 +23398,1 +23399,1 +23400,1 +23401,1 +23402,1 +23403,1 +23404,1 +23405,1 +23406,1 +23407,1 +23408,1 +23409,1 +23410,1 +23411,1 +23412,1 +23413,1 +23414,1 +23415,1 +23416,1 +23417,1 +23418,1 +23419,1 +23420,1 +23421,1 +23422,1 +23423,1 +23424,1 +23425,1 +23426,1 +23427,1 +23428,1 +23429,1 +23430,1 +23431,1 +23432,1 +23433,1 +23434,1 +23435,1 +23436,1 +23437,1 +23438,1 +23439,1 +23440,1 +23441,1 +23442,1 +23443,1 +23444,1 +23445,1 +23446,1 +23447,1 +23448,1 +23449,1 +23450,1 +23451,1 +23452,1 +23453,1 +23454,1 +23455,1 +23456,1 +23457,1 +23458,1 +23459,1 +23460,1 +23461,1 +23462,1 +23463,1 +23464,1 +23465,1 +23466,1 +23467,1 +23468,1 +23469,1 +23470,1 +23471,1 +23472,1 +23473,1 +23474,1 +23475,1 +23476,1 +23477,1 +23478,1 +23479,1 +23480,1 +23481,1 +23482,1 +23483,1 +23484,1 +23485,1 +23486,1 +23487,1 +23488,1 +23489,1 +23490,1 +23491,1 +23492,1 +23493,1 +23494,1 +23495,1 +23496,1 +23497,1 +23498,1 +23499,1 +23500,1 +23501,1 +23502,1 +23503,1 +23504,1 +23505,1 +23506,1 +23507,1 +23508,1 +23509,1 +23510,1 +23511,1 +23512,1 +23513,1 +23514,1 +23515,1 +23516,1 +23517,1 +23518,1 +23519,1 +23520,1 +23521,1 +23522,1 +23523,1 +23524,1 +23525,1 +23526,1 +23527,1 +23528,1 +23529,1 +23530,1 +23531,1 +23532,1 +23533,1 +23534,1 +23535,1 +23536,1 +23537,1 +23538,1 +23539,1 +23540,1 +23541,1 +23542,1 +23543,1 +23544,1 +23545,1 +23546,1 +23547,1 +23548,1 +23549,1 +23550,1 +23551,1 +23552,1 +23553,1 +23554,1 +23555,1 +23556,1 +23557,1 +23558,1 +23559,1 +23560,1 +23561,1 +23562,1 +23563,1 +23564,1 +23565,1 +23566,1 +23567,1 +23568,1 +23569,1 +23570,1 +23571,1 +23572,1 +23573,1 +23574,1 +23575,1 +23576,1 +23577,1 +23578,1 +23579,1 +23580,1 +23581,1 +23582,1 +23583,1 +23584,1 +23585,1 +23586,1 +23587,1 +23588,1 +23589,1 +23590,1 +23591,1 +23592,1 +23593,1 +23594,1 +23595,1 +23596,1 +23597,1 +23598,1 +23599,1 +23600,1 +23601,1 +23602,1 +23603,1 +23604,1 +23605,1 +23606,1 +23607,1 +23608,1 +23609,1 +23610,1 +23611,1 +23612,1 +23613,1 +23614,1 +23615,1 +23616,1 +23617,1 +23618,1 +23619,1 +23620,1 +23621,1 +23622,1 +23623,1 +23624,1 +23625,1 +23626,1 +23627,1 +23628,1 +23629,1 +23630,1 +23631,1 +23632,1 +23633,1 +23634,1 +23635,1 +23636,1 +23637,1 +23638,1 +23639,1 +23640,1 +23641,1 +23642,1 +23643,1 +23644,1 +23645,1 +23646,1 +23647,1 +23648,1 +23649,1 +23650,1 +23651,1 +23652,1 +23653,1 +23654,1 +23655,1 +23656,1 +23657,1 +23658,1 +23659,1 +23660,1 +23661,1 +23662,1 +23663,1 +23664,1 +23665,1 +23666,1 +23667,1 +23668,1 +23669,1 +23670,1 +23671,1 +23672,1 +23673,1 +23674,1 +23675,1 +23676,1 +23677,1 +23678,1 +23679,1 +23680,1 +23681,1 +23682,1 +23683,1 +23684,1 +23685,1 +23686,1 +23687,1 +23688,1 +23689,1 +23690,1 +23691,1 +23692,1 +23693,1 +23694,1 +23695,1 +23696,1 +23697,1 +23698,1 +23699,1 +23700,1 +23701,1 +23702,1 +23703,1 +23704,1 +23705,1 +23706,1 +23707,1 +23708,1 +23709,1 +23710,1 +23711,1 +23712,1 +23713,1 +23714,1 +23715,1 +23716,1 +23717,1 +23718,1 +23719,1 +23720,1 +23721,1 +23722,1 +23723,1 +23724,1 +23725,1 +23726,1 +23727,1 +23728,1 +23729,1 +23730,1 +23731,1 +23732,1 +23733,1 +23734,1 +23735,1 +23736,1 +23737,1 +23738,1 +23739,1 +23740,1 +23741,1 +23742,1 +23743,1 +23744,1 +23745,1 +23746,1 +23747,1 +23748,1 +23749,1 +23750,1 +23751,1 +23752,1 +23753,1 +23754,1 +23755,1 +23756,1 +23757,1 +23758,1 +23759,1 +23760,1 +23761,1 +23762,1 +23763,1 +23764,1 +23765,1 +23766,1 +23767,1 +23768,1 +23769,1 +23770,1 +23771,1 +23772,1 +23773,1 +23774,1 +23775,1 +23776,1 +23777,1 +23778,1 +23779,1 +23780,1 +23781,1 +23782,1 +23783,1 +23784,1 +23785,1 +23786,1 +23787,1 +23788,1 +23789,1 +23790,1 +23791,1 +23792,1 +23793,1 +23794,1 +23795,1 +23796,1 +23797,1 +23798,1 +23799,1 +23800,1 +23801,1 +23802,1 +23803,1 +23804,1 +23805,1 +23806,1 +23807,1 +23808,1 +23809,1 +23810,1 +23811,1 +23812,1 +23813,1 +23814,1 +23815,1 +23816,1 +23817,1 +23818,1 +23819,1 +23820,1 +23821,1 +23822,1 +23823,1 +23824,1 +23825,1 +23826,1 +23827,1 +23828,1 +23829,1 +23830,1 +23831,1 +23832,1 +23833,1 +23834,1 +23835,1 +23836,1 +23837,1 +23838,1 +23839,1 +23840,1 +23841,1 +23842,1 +23843,1 +23844,1 +23845,1 +23846,1 +23847,1 +23848,1 +23849,1 +23850,1 +23851,1 +23852,1 +23853,1 +23854,1 +23855,1 +23856,1 +23857,1 +23858,1 +23859,1 +23860,1 +23861,1 +23862,1 +23863,1 +23864,1 +23865,1 +23866,1 +23867,1 +23868,1 +23869,1 +23870,1 +23871,1 +23872,1 +23873,1 +23874,1 +23875,1 +23876,1 +23877,1 +23878,1 +23879,1 +23880,1 +23881,1 +23882,1 +23883,1 +23884,1 +23885,1 +23886,1 +23887,1 +23888,1 +23889,1 +23890,1 +23891,1 +23892,1 +23893,1 +23894,1 +23895,1 +23896,1 +23897,1 +23898,1 +23899,1 +23900,1 +23901,1 +23902,1 +23903,1 +23904,1 +23905,1 +23906,1 +23907,1 +23908,1 +23909,1 +23910,1 +23911,1 +23912,1 +23913,1 +23914,1 +23915,1 +23916,1 +23917,1 +23918,1 +23919,1 +23920,1 +23921,1 +23922,1 +23923,1 +23924,1 +23925,1 +23926,1 +23927,1 +23928,1 +23929,1 +23930,1 +23931,1 +23932,1 +23933,1 +23934,1 +23935,1 +23936,1 +23937,1 +23938,1 +23939,1 +23940,1 +23941,1 +23942,1 +23943,1 +23944,1 +23945,1 +23946,1 +23947,1 +23948,1 +23949,1 +23950,1 +23951,1 +23952,1 +23953,1 +23954,1 +23955,1 +23956,1 +23957,1 +23958,1 +23959,1 +23960,1 +23961,1 +23962,1 +23963,1 +23964,1 +23965,1 +23966,1 +23967,1 +23968,1 +23969,1 +23970,1 +23971,1 +23972,1 +23973,1 +23974,1 +23975,1 +23976,1 +23977,1 +23978,1 +23979,1 +23980,1 +23981,1 +23982,1 +23983,1 +23984,1 +23985,1 +23986,1 +23987,1 +23988,1 +23989,1 +23990,1 +23991,1 +23992,1 +23993,1 +23994,1 +23995,1 +23996,1 +23997,1 +23998,1 +23999,1 +24000,1 +24001,1 +24002,1 +24003,1 +24004,1 +24005,1 +24006,1 +24007,1 +24008,1 +24009,1 +24010,1 +24011,1 +24012,1 +24013,1 +24014,1 +24015,1 +24016,1 +24017,1 +24018,1 +24019,1 +24020,1 +24021,1 +24022,1 +24023,1 +24024,1 +24025,1 +24026,1 +24027,1 +24028,1 +24029,1 +24030,1 +24031,1 +24032,1 +24033,1 +24034,1 +24035,1 +24036,1 +24037,1 +24038,1 +24039,1 +24040,1 +24041,1 +24042,1 +24043,1 +24044,1 +24045,1 +24046,1 +24047,1 +24048,1 +24049,1 +24050,1 +24051,1 +24052,1 +24053,1 +24054,1 +24055,1 +24056,1 +24057,1 +24058,1 +24059,1 +24060,1 +24061,1 +24062,1 +24063,1 +24064,1 +24065,1 +24066,1 +24067,1 +24068,1 +24069,1 +24070,1 +24071,1 +24072,1 +24073,1 +24074,1 +24075,1 +24076,1 +24077,1 +24078,1 +24079,1 +24080,1 +24081,1 +24082,1 +24083,1 +24084,1 +24085,1 +24086,1 +24087,1 +24088,1 +24089,1 +24090,1 +24091,1 +24092,1 +24093,1 +24094,1 +24095,1 +24096,1 +24097,1 +24098,1 +24099,1 +24100,1 +24101,1 +24102,1 +24103,1 +24104,1 +24105,1 +24106,1 +24107,1 +24108,1 +24109,1 +24110,1 +24111,1 +24112,1 +24113,1 +24114,1 +24115,1 +24116,1 +24117,1 +24118,1 +24119,1 +24120,1 +24121,1 +24122,1 +24123,1 +24124,1 +24125,1 +24126,1 +24127,1 +24128,1 +24129,1 +24130,1 +24131,1 +24132,1 +24133,1 +24134,1 +24135,1 +24136,1 +24137,1 +24138,1 +24139,1 +24140,1 +24141,1 +24142,1 +24143,1 +24144,1 +24145,1 +24146,1 +24147,1 +24148,1 +24149,1 +24150,1 +24151,1 +24152,1 +24153,1 +24154,1 +24155,1 +24156,1 +24157,1 +24158,1 +24159,1 +24160,1 +24161,1 +24162,1 +24163,1 +24164,1 +24165,1 +24166,1 +24167,1 +24168,1 +24169,1 +24170,1 +24171,1 +24172,1 +24173,1 +24174,1 +24175,1 +24176,1 +24177,1 +24178,1 +24179,1 +24180,1 +24181,1 +24182,1 +24183,1 +24184,1 +24185,1 +24186,1 +24187,1 +24188,1 +24189,1 +24190,1 +24191,1 +24192,1 +24193,1 +24194,1 +24195,1 +24196,1 +24197,1 +24198,1 +24199,1 +24200,1 +24201,1 +24202,1 +24203,1 +24204,1 +24205,1 +24206,1 +24207,1 +24208,1 +24209,1 +24210,1 +24211,1 +24212,1 +24213,1 +24214,1 +24215,1 +24216,1 +24217,1 +24218,1 +24219,1 +24220,1 +24221,1 +24222,1 +24223,1 +24224,1 +24225,1 +24226,1 +24227,1 +24228,1 +24229,1 +24230,1 +24231,1 +24232,1 +24233,1 +24234,1 +24235,1 +24236,1 +24237,1 +24238,1 +24239,1 +24240,1 +24241,1 +24242,1 +24243,1 +24244,1 +24245,1 +24246,1 +24247,1 +24248,1 +24249,1 +24250,1 +24251,1 +24252,1 +24253,1 +24254,1 +24255,1 +24256,1 +24257,1 +24258,1 +24259,1 +24260,1 +24261,1 +24262,1 +24263,1 +24264,1 +24265,1 +24266,1 +24267,1 +24268,1 +24269,1 +24270,1 +24271,1 +24272,1 +24273,1 +24274,1 +24275,1 +24276,1 +24277,1 +24278,1 +24279,1 +24280,1 +24281,1 +24282,1 +24283,1 +24284,1 +24285,1 +24286,1 +24287,1 +24288,1 +24289,1 +24290,1 +24291,1 +24292,1 +24293,1 +24294,1 +24295,1 +24296,1 +24297,1 +24298,1 +24299,1 +24300,1 +24301,1 +24302,1 +24303,1 +24304,1 +24305,1 +24306,1 +24307,1 +24308,1 +24309,1 +24310,1 +24311,1 +24312,1 +24313,1 +24314,1 +24315,1 +24316,1 +24317,1 +24318,1 +24319,1 +24320,1 +24321,1 +24322,1 +24323,1 +24324,1 +24325,1 +24326,1 +24327,1 +24328,1 +24329,1 +24330,1 +24331,1 +24332,1 +24333,1 +24334,1 +24335,1 +24336,1 +24337,1 +24338,1 +24339,1 +24340,1 +24341,1 +24342,1 +24343,1 +24344,1 +24345,1 +24346,1 +24347,1 +24348,1 +24349,1 +24350,1 +24351,1 +24352,1 +24353,1 +24354,1 +24355,1 +24356,1 +24357,1 +24358,1 +24359,1 +24360,1 +24361,1 +24362,1 +24363,1 +24364,1 +24365,1 +24366,1 +24367,1 +24368,1 +24369,1 +24370,1 +24371,1 +24372,1 +24373,1 +24374,1 +24375,1 +24376,1 +24377,1 +24378,1 +24379,1 +24380,1 +24381,1 +24382,1 +24383,1 +24384,1 +24385,1 +24386,1 +24387,1 +24388,1 +24389,1 +24390,1 +24391,1 +24392,1 +24393,1 +24394,1 +24395,1 +24396,1 +24397,1 +24398,1 +24399,1 +24400,1 +24401,1 +24402,1 +24403,1 +24404,1 +24405,1 +24406,1 +24407,1 +24408,1 +24409,1 +24410,1 +24411,1 +24412,1 +24413,1 +24414,1 +24415,1 +24416,1 +24417,1 +24418,1 +24419,1 +24420,1 +24421,1 +24422,1 +24423,1 +24424,1 +24425,1 +24426,1 +24427,1 +24428,1 +24429,1 +24430,1 +24431,1 +24432,1 +24433,1 +24434,1 +24435,1 +24436,1 +24437,1 +24438,1 +24439,1 +24440,1 +24441,1 +24442,1 +24443,1 +24444,1 +24445,1 +24446,1 +24447,1 +24448,1 +24449,1 +24450,1 +24451,1 +24452,1 +24453,1 +24454,1 +24455,1 +24456,1 +24457,1 +24458,1 +24459,1 +24460,1 +24461,1 +24462,1 +24463,1 +24464,1 +24465,1 +24466,1 +24467,1 +24468,1 +24469,1 +24470,1 +24471,1 +24472,1 +24473,1 +24474,1 +24475,1 +24476,1 +24477,1 +24478,1 +24479,1 +24480,1 +24481,1 +24482,1 +24483,1 +24484,1 +24485,1 +24486,1 +24487,1 +24488,1 +24489,1 +24490,1 +24491,1 +24492,1 +24493,1 +24494,1 +24495,1 +24496,1 +24497,1 +24498,1 +24499,1 +24500,1 +24501,1 +24502,1 +24503,1 +24504,1 +24505,1 +24506,1 +24507,1 +24508,1 +24509,1 +24510,1 +24511,1 +24512,1 +24513,1 +24514,1 +24515,1 +24516,1 +24517,1 +24518,1 +24519,1 +24520,1 +24521,1 +24522,1 +24523,1 +24524,1 +24525,1 +24526,1 +24527,1 +24528,1 +24529,1 +24530,1 +24531,1 +24532,1 +24533,1 +24534,1 +24535,1 +24536,1 +24537,1 +24538,1 +24539,1 +24540,1 +24541,1 +24542,1 +24543,1 +24544,1 +24545,1 +24546,1 +24547,1 +24548,1 +24549,1 +24550,1 +24551,1 +24552,1 +24553,1 +24554,1 +24555,1 +24556,1 +24557,1 +24558,1 +24559,1 +24560,1 +24561,1 +24562,1 +24563,1 +24564,1 +24565,1 +24566,1 +24567,1 +24568,1 +24569,1 +24570,1 +24571,1 +24572,1 +24573,1 +24574,1 +24575,1 +24576,1 +24577,1 +24578,1 +24579,1 +24580,1 +24581,1 +24582,1 +24583,1 +24584,1 +24585,1 +24586,1 +24587,1 +24588,1 +24589,1 +24590,1 +24591,1 +24592,1 +24593,1 +24594,1 +24595,1 +24596,1 +24597,1 +24598,1 +24599,1 +24600,1 +24601,1 +24602,1 +24603,1 +24604,1 +24605,1 +24606,1 +24607,1 +24608,1 +24609,1 +24610,1 +24611,1 +24612,1 +24613,1 +24614,1 +24615,1 +24616,1 +24617,1 +24618,1 +24619,1 +24620,1 +24621,1 +24622,1 +24623,1 +24624,1 +24625,1 +24626,1 +24627,1 +24628,1 +24629,1 +24630,1 +24631,1 +24632,1 +24633,1 +24634,1 +24635,1 +24636,1 +24637,1 +24638,1 +24639,1 +24640,1 +24641,1 +24642,1 +24643,1 +24644,1 +24645,1 +24646,1 +24647,1 +24648,1 +24649,1 +24650,1 +24651,1 +24652,1 +24653,1 +24654,1 +24655,1 +24656,1 +24657,1 +24658,1 +24659,1 +24660,1 +24661,1 +24662,1 +24663,1 +24664,1 +24665,1 +24666,1 +24667,1 +24668,1 +24669,1 +24670,1 +24671,1 +24672,1 +24673,1 +24674,1 +24675,1 +24676,1 +24677,1 +24678,1 +24679,1 +24680,1 +24681,1 +24682,1 +24683,1 +24684,1 +24685,1 +24686,1 +24687,1 +24688,1 +24689,1 +24690,1 +24691,1 +24692,1 +24693,1 +24694,1 +24695,1 +24696,1 +24697,1 +24698,1 +24699,1 +24700,1 +24701,1 +24702,1 +24703,1 +24704,1 +24705,1 +24706,1 +24707,1 +24708,1 +24709,1 +24710,1 +24711,1 +24712,1 +24713,1 +24714,1 +24715,1 +24716,1 +24717,1 +24718,1 +24719,1 +24720,1 +24721,1 +24722,1 +24723,1 +24724,1 +24725,1 +24726,1 +24727,1 +24728,1 +24729,1 +24730,1 +24731,1 +24732,1 +24733,1 +24734,1 +24735,1 +24736,1 +24737,1 +24738,1 +24739,1 +24740,1 +24741,1 +24742,1 +24743,1 +24744,1 +24745,1 +24746,1 +24747,1 +24748,1 +24749,1 +24750,1 +24751,1 +24752,1 +24753,1 +24754,1 +24755,1 +24756,1 +24757,1 +24758,1 +24759,1 +24760,1 +24761,1 +24762,1 +24763,1 +24764,1 +24765,1 +24766,1 +24767,1 +24768,1 +24769,1 +24770,1 +24771,1 +24772,1 +24773,1 +24774,1 +24775,1 +24776,1 +24777,1 +24778,1 +24779,1 +24780,1 +24781,1 +24782,1 +24783,1 +24784,1 +24785,1 +24786,1 +24787,1 +24788,1 +24789,1 +24790,1 +24791,1 +24792,1 +24793,1 +24794,1 +24795,1 +24796,1 +24797,1 +24798,1 +24799,1 +24800,1 +24801,1 +24802,1 +24803,1 +24804,1 +24805,1 +24806,1 +24807,1 +24808,1 +24809,1 +24810,1 +24811,1 +24812,1 +24813,1 +24814,1 +24815,1 +24816,1 +24817,1 +24818,1 +24819,1 +24820,1 +24821,1 +24822,1 +24823,1 +24824,1 +24825,1 +24826,1 +24827,1 +24828,1 +24829,1 +24830,1 +24831,1 +24832,1 +24833,1 +24834,1 +24835,1 +24836,1 +24837,1 +24838,1 +24839,1 +24840,1 +24841,1 +24842,1 +24843,1 +24844,1 +24845,1 +24846,1 +24847,1 +24848,1 +24849,1 +24850,1 +24851,1 +24852,1 +24853,1 +24854,1 +24855,1 +24856,1 +24857,1 +24858,1 +24859,1 +24860,1 +24861,1 +24862,1 +24863,1 +24864,1 +24865,1 +24866,1 +24867,1 +24868,1 +24869,1 +24870,1 +24871,1 +24872,1 +24873,1 +24874,1 +24875,1 +24876,1 +24877,1 +24878,1 +24879,1 +24880,1 +24881,1 +24882,1 +24883,1 +24884,1 +24885,1 +24886,1 +24887,1 +24888,1 +24889,1 +24890,1 +24891,1 +24892,1 +24893,1 +24894,1 +24895,1 +24896,1 +24897,1 +24898,1 +24899,1 +24900,1 +24901,1 +24902,1 +24903,1 +24904,1 +24905,1 +24906,1 +24907,1 +24908,1 +24909,1 +24910,1 +24911,1 +24912,1 +24913,1 +24914,1 +24915,1 +24916,1 +24917,1 +24918,1 +24919,1 +24920,1 +24921,1 +24922,1 +24923,1 +24924,1 +24925,1 +24926,1 +24927,1 +24928,1 +24929,1 +24930,1 +24931,1 +24932,1 +24933,1 +24934,1 +24935,1 +24936,1 +24937,1 +24938,1 +24939,1 +24940,1 +24941,1 +24942,1 +24943,1 +24944,1 +24945,1 +24946,1 +24947,1 +24948,1 +24949,1 +24950,1 +24951,1 +24952,1 +24953,1 +24954,1 +24955,1 +24956,1 +24957,1 +24958,1 +24959,1 +24960,1 +24961,1 +24962,1 +24963,1 +24964,1 +24965,1 +24966,1 +24967,1 +24968,1 +24969,1 +24970,1 +24971,1 +24972,1 +24973,1 +24974,1 +24975,1 +24976,1 +24977,1 +24978,1 +24979,1 +24980,1 +24981,1 +24982,1 +24983,1 +24984,1 +24985,1 +24986,1 +24987,1 +24988,1 +24989,1 +24990,1 +24991,1 +24992,1 +24993,1 +24994,1 +24995,1 +24996,1 +24997,1 +24998,1 +24999,1 +25000,1 +25001,1 +25002,1 +25003,1 +25004,1 +25005,1 +25006,1 +25007,1 +25008,1 +25009,1 +25010,1 +25011,1 +25012,1 +25013,1 +25014,1 +25015,1 +25016,1 +25017,1 +25018,1 +25019,1 +25020,1 +25021,1 +25022,1 +25023,1 +25024,1 +25025,1 +25026,1 +25027,1 +25028,1 +25029,1 +25030,1 +25031,1 +25032,1 +25033,1 +25034,1 +25035,1 +25036,1 +25037,1 +25038,1 +25039,1 +25040,1 +25041,1 +25042,1 +25043,1 +25044,1 +25045,1 +25046,1 +25047,1 +25048,1 +25049,1 +25050,1 +25051,1 +25052,1 +25053,1 +25054,1 +25055,1 +25056,1 +25057,1 +25058,1 +25059,1 +25060,1 +25061,1 +25062,1 +25063,1 +25064,1 +25065,1 +25066,1 +25067,1 +25068,1 +25069,1 +25070,1 +25071,1 +25072,1 +25073,1 +25074,1 +25075,1 +25076,1 +25077,1 +25078,1 +25079,1 +25080,1 +25081,1 +25082,1 +25083,1 +25084,1 +25085,1 +25086,1 +25087,1 +25088,1 +25089,1 +25090,1 +25091,1 +25092,1 +25093,1 +25094,1 +25095,1 +25096,1 +25097,1 +25098,1 +25099,1 +25100,1 +25101,1 +25102,1 +25103,1 +25104,1 +25105,1 +25106,1 +25107,1 +25108,1 +25109,1 +25110,1 +25111,1 +25112,1 +25113,1 +25114,1 +25115,1 +25116,1 +25117,1 +25118,1 +25119,1 +25120,1 +25121,1 +25122,1 +25123,1 +25124,1 +25125,1 +25126,1 +25127,1 +25128,1 +25129,1 +25130,1 +25131,1 +25132,1 +25133,1 +25134,1 +25135,1 +25136,1 +25137,1 +25138,1 +25139,1 +25140,1 +25141,1 +25142,1 +25143,1 +25144,1 +25145,1 +25146,1 +25147,1 +25148,1 +25149,1 +25150,1 +25151,1 +25152,1 +25153,1 +25154,1 +25155,1 +25156,1 +25157,1 +25158,1 +25159,1 +25160,1 +25161,1 +25162,1 +25163,1 +25164,1 +25165,1 +25166,1 +25167,1 +25168,1 +25169,1 +25170,1 +25171,1 +25172,1 +25173,1 +25174,1 +25175,1 +25176,1 +25177,1 +25178,1 +25179,1 +25180,1 +25181,1 +25182,1 +25183,1 +25184,1 +25185,1 +25186,1 +25187,1 +25188,1 +25189,1 +25190,1 +25191,1 +25192,1 +25193,1 +25194,1 +25195,1 +25196,1 +25197,1 +25198,1 +25199,1 +25200,1 +25201,1 +25202,1 +25203,1 +25204,1 +25205,1 +25206,1 +25207,1 +25208,1 +25209,1 +25210,1 +25211,1 +25212,1 +25213,1 +25214,1 +25215,1 +25216,1 +25217,1 +25218,1 +25219,1 +25220,1 +25221,1 +25222,1 +25223,1 +25224,1 +25225,1 +25226,1 +25227,1 +25228,1 +25229,1 +25230,1 +25231,1 +25232,1 +25233,1 +25234,1 +25235,1 +25236,1 +25237,1 +25238,1 +25239,1 +25240,1 +25241,1 +25242,1 +25243,1 +25244,1 +25245,1 +25246,1 +25247,1 +25248,1 +25249,1 +25250,1 +25251,1 +25252,1 +25253,1 +25254,1 +25255,1 +25256,1 +25257,1 +25258,1 +25259,1 +25260,1 +25261,1 +25262,1 +25263,1 +25264,1 +25265,1 +25266,1 +25267,1 +25268,1 +25269,1 +25270,1 +25271,1 +25272,1 +25273,1 +25274,1 +25275,1 +25276,1 +25277,1 +25278,1 +25279,1 +25280,1 +25281,1 +25282,1 +25283,1 +25284,1 +25285,1 +25286,1 +25287,1 +25288,1 +25289,1 +25290,1 +25291,1 +25292,1 +25293,1 +25294,1 +25295,1 +25296,1 +25297,1 +25298,1 +25299,1 +25300,1 +25301,1 +25302,1 +25303,1 +25304,1 +25305,1 +25306,1 +25307,1 +25308,1 +25309,1 +25310,1 +25311,1 +25312,1 +25313,1 +25314,1 +25315,1 +25316,1 +25317,1 +25318,1 +25319,1 +25320,1 +25321,1 +25322,1 +25323,1 +25324,1 +25325,1 +25326,1 +25327,1 +25328,1 +25329,1 +25330,1 +25331,1 +25332,1 +25333,1 +25334,1 +25335,1 +25336,1 +25337,1 +25338,1 +25339,1 +25340,1 +25341,1 +25342,1 +25343,1 +25344,1 +25345,1 +25346,1 +25347,1 +25348,1 +25349,1 +25350,1 +25351,1 +25352,1 +25353,1 +25354,1 +25355,1 +25356,1 +25357,1 +25358,1 +25359,1 +25360,1 +25361,1 +25362,1 +25363,1 +25364,1 +25365,1 +25366,1 +25367,1 +25368,1 +25369,1 +25370,1 +25371,1 +25372,1 +25373,1 +25374,1 +25375,1 +25376,1 +25377,1 +25378,1 +25379,1 +25380,1 +25381,1 +25382,1 +25383,1 +25384,1 +25385,1 +25386,1 +25387,1 +25388,1 +25389,1 +25390,1 +25391,1 +25392,1 +25393,1 +25394,1 +25395,1 +25396,1 +25397,1 +25398,1 +25399,1 +25400,1 +25401,1 +25402,1 +25403,1 +25404,1 +25405,1 +25406,1 +25407,1 +25408,1 +25409,1 +25410,1 +25411,1 +25412,1 +25413,1 +25414,1 +25415,1 +25416,1 +25417,1 +25418,1 +25419,1 +25420,1 +25421,1 +25422,1 +25423,1 +25424,1 +25425,1 +25426,1 +25427,1 +25428,1 +25429,1 +25430,1 +25431,1 +25432,1 +25433,1 +25434,1 +25435,1 +25436,1 +25437,1 +25438,1 +25439,1 +25440,1 +25441,1 +25442,1 +25443,1 +25444,1 +25445,1 +25446,1 +25447,1 +25448,1 +25449,1 +25450,1 +25451,1 +25452,1 +25453,1 +25454,1 +25455,1 +25456,1 +25457,1 +25458,1 +25459,1 +25460,1 +25461,1 +25462,1 +25463,1 +25464,1 +25465,1 +25466,1 +25467,1 +25468,1 +25469,1 +25470,1 +25471,1 +25472,1 +25473,1 +25474,1 +25475,1 +25476,1 +25477,1 +25478,1 +25479,1 +25480,1 +25481,1 +25482,1 +25483,1 +25484,1 +25485,1 +25486,1 +25487,1 +25488,1 +25489,1 +25490,1 +25491,1 +25492,1 +25493,1 +25494,1 +25495,1 +25496,1 +25497,1 +25498,1 +25499,1 +25500,1 +25501,1 +25502,1 +25503,1 +25504,1 +25505,1 +25506,1 +25507,1 +25508,1 +25509,1 +25510,1 +25511,1 +25512,1 +25513,1 +25514,1 +25515,1 +25516,1 +25517,1 +25518,1 +25519,1 +25520,1 +25521,1 +25522,1 +25523,1 +25524,1 +25525,1 +25526,1 +25527,1 +25528,1 +25529,1 +25530,1 +25531,1 +25532,1 +25533,1 +25534,1 +25535,1 +25536,1 +25537,1 +25538,1 +25539,1 +25540,1 +25541,1 +25542,1 +25543,1 +25544,1 +25545,1 +25546,1 +25547,1 +25548,1 +25549,1 +25550,1 +25551,1 +25552,1 +25553,1 +25554,1 +25555,1 +25556,1 +25557,1 +25558,1 +25559,1 +25560,1 +25561,1 +25562,1 +25563,1 +25564,1 +25565,1 +25566,1 +25567,1 +25568,1 +25569,1 +25570,1 +25571,1 +25572,1 +25573,1 +25574,1 +25575,1 +25576,1 +25577,1 +25578,1 +25579,1 +25580,1 +25581,1 +25582,1 +25583,1 +25584,1 +25585,1 +25586,1 +25587,1 +25588,1 +25589,1 +25590,1 +25591,1 +25592,1 +25593,1 +25594,1 +25595,1 +25596,1 +25597,1 +25598,1 +25599,1 +25600,1 +25601,1 +25602,1 +25603,1 +25604,1 +25605,1 +25606,1 +25607,1 +25608,1 +25609,1 +25610,1 +25611,1 +25612,1 +25613,1 +25614,1 +25615,1 +25616,1 +25617,1 +25618,1 +25619,1 +25620,1 +25621,1 +25622,1 +25623,1 +25624,1 +25625,1 +25626,1 +25627,1 +25628,1 +25629,1 +25630,1 +25631,1 +25632,1 +25633,1 +25634,1 +25635,1 +25636,1 +25637,1 +25638,1 +25639,1 +25640,1 +25641,1 +25642,1 +25643,1 +25644,1 +25645,1 +25646,1 +25647,1 +25648,1 +25649,1 +25650,1 +25651,1 +25652,1 +25653,1 +25654,1 +25655,1 +25656,1 +25657,1 +25658,1 +25659,1 +25660,1 +25661,1 +25662,1 +25663,1 +25664,1 +25665,1 +25666,1 +25667,1 +25668,1 +25669,1 +25670,1 +25671,1 +25672,1 +25673,1 +25674,1 +25675,1 +25676,1 +25677,1 +25678,1 +25679,1 +25680,1 +25681,1 +25682,1 +25683,1 +25684,1 +25685,1 +25686,1 +25687,1 +25688,1 +25689,1 +25690,1 +25691,1 +25692,1 +25693,1 +25694,1 +25695,1 +25696,1 +25697,1 +25698,1 +25699,1 +25700,1 +25701,1 +25702,1 +25703,1 +25704,1 +25705,1 +25706,1 +25707,1 +25708,1 +25709,1 +25710,1 +25711,1 +25712,1 +25713,1 +25714,1 +25715,1 +25716,1 +25717,1 +25718,1 +25719,1 +25720,1 +25721,1 +25722,1 +25723,1 +25724,1 +25725,1 +25726,1 +25727,1 +25728,1 +25729,1 +25730,1 +25731,1 +25732,1 +25733,1 +25734,1 +25735,1 +25736,1 +25737,1 +25738,1 +25739,1 +25740,1 +25741,1 +25742,1 +25743,1 +25744,1 +25745,1 +25746,1 +25747,1 +25748,1 +25749,1 +25750,1 +25751,1 +25752,1 +25753,1 +25754,1 +25755,1 +25756,1 +25757,1 +25758,1 +25759,1 +25760,1 +25761,1 +25762,1 +25763,1 +25764,1 +25765,1 +25766,1 +25767,1 +25768,1 +25769,1 +25770,1 +25771,1 +25772,1 +25773,1 +25774,1 +25775,1 +25776,1 +25777,1 +25778,1 +25779,1 +25780,1 +25781,1 +25782,1 +25783,1 +25784,1 +25785,1 +25786,1 +25787,1 +25788,1 +25789,1 +25790,1 +25791,1 +25792,1 +25793,1 +25794,1 +25795,1 +25796,1 +25797,1 +25798,1 +25799,1 +25800,1 +25801,1 +25802,1 +25803,1 +25804,1 +25805,1 +25806,1 +25807,1 +25808,1 +25809,1 +25810,1 +25811,1 +25812,1 +25813,1 +25814,1 +25815,1 +25816,1 +25817,1 +25818,1 +25819,1 +25820,1 +25821,1 +25822,1 +25823,1 +25824,1 +25825,1 +25826,1 +25827,1 +25828,1 +25829,1 +25830,1 +25831,1 +25832,1 +25833,1 +25834,1 +25835,1 +25836,1 +25837,1 +25838,1 +25839,1 +25840,1 +25841,1 +25842,1 +25843,1 +25844,1 +25845,1 +25846,1 +25847,1 +25848,1 +25849,1 +25850,1 +25851,1 +25852,1 +25853,1 +25854,1 +25855,1 +25856,1 +25857,1 +25858,1 +25859,1 +25860,1 +25861,1 +25862,1 +25863,1 +25864,1 +25865,1 +25866,1 +25867,1 +25868,1 +25869,1 +25870,1 +25871,1 +25872,1 +25873,1 +25874,1 +25875,1 +25876,1 +25877,1 +25878,1 +25879,1 +25880,1 +25881,1 +25882,1 +25883,1 +25884,1 +25885,1 +25886,1 +25887,1 +25888,1 +25889,1 +25890,1 +25891,1 +25892,1 +25893,1 +25894,1 +25895,1 +25896,1 +25897,1 +25898,1 +25899,1 +25900,1 +25901,1 +25902,1 +25903,1 +25904,1 +25905,1 +25906,1 +25907,1 +25908,1 +25909,1 +25910,1 +25911,1 +25912,1 +25913,1 +25914,1 +25915,1 +25916,1 +25917,1 +25918,1 +25919,1 +25920,1 +25921,1 +25922,1 +25923,1 +25924,1 +25925,1 +25926,1 +25927,1 +25928,1 +25929,1 +25930,1 +25931,1 +25932,1 +25933,1 +25934,1 +25935,1 +25936,1 +25937,1 +25938,1 +25939,1 +25940,1 +25941,1 +25942,1 +25943,1 +25944,1 +25945,1 +25946,1 +25947,1 +25948,1 +25949,1 +25950,1 +25951,1 +25952,1 +25953,1 +25954,1 +25955,1 +25956,1 +25957,1 +25958,1 +25959,1 +25960,1 +25961,1 +25962,1 +25963,1 +25964,1 +25965,1 +25966,1 +25967,1 +25968,1 +25969,1 +25970,1 +25971,1 +25972,1 +25973,1 +25974,1 +25975,1 +25976,1 +25977,1 +25978,1 +25979,1 +25980,1 +25981,1 +25982,1 +25983,1 +25984,1 +25985,1 +25986,1 +25987,1 +25988,1 +25989,1 +25990,1 +25991,1 +25992,1 +25993,1 +25994,1 +25995,1 +25996,1 +25997,1 +25998,1 +25999,1 +26000,1 +26001,1 +26002,1 +26003,1 +26004,1 +26005,1 +26006,1 +26007,1 +26008,1 +26009,1 +26010,1 +26011,1 +26012,1 +26013,1 +26014,1 +26015,1 +26016,1 +26017,1 +26018,1 +26019,1 +26020,1 +26021,1 +26022,1 +26023,1 +26024,1 +26025,1 +26026,1 +26027,1 +26028,1 +26029,1 +26030,1 +26031,1 +26032,1 +26033,1 +26034,1 +26035,1 +26036,1 +26037,1 +26038,1 +26039,1 +26040,1 +26041,1 +26042,1 +26043,1 +26044,1 +26045,1 +26046,1 +26047,1 +26048,1 +26049,1 +26050,1 +26051,1 +26052,1 +26053,1 +26054,1 +26055,1 +26056,1 +26057,1 +26058,1 +26059,1 +26060,1 +26061,1 +26062,1 +26063,1 +26064,1 +26065,1 +26066,1 +26067,1 +26068,1 +26069,1 +26070,1 +26071,1 +26072,1 +26073,1 +26074,1 +26075,1 +26076,1 +26077,1 +26078,1 +26079,1 +26080,1 +26081,1 +26082,1 +26083,1 +26084,1 +26085,1 +26086,1 +26087,1 +26088,1 +26089,1 +26090,1 +26091,1 +26092,1 +26093,1 +26094,1 +26095,1 +26096,1 +26097,1 +26098,1 +26099,1 +26100,1 +26101,1 +26102,1 +26103,1 +26104,1 +26105,1 +26106,1 +26107,1 +26108,1 +26109,1 +26110,1 +26111,1 +26112,1 +26113,1 +26114,1 +26115,1 +26116,1 +26117,1 +26118,1 +26119,1 +26120,1 +26121,1 +26122,1 +26123,1 +26124,1 +26125,1 +26126,1 +26127,1 +26128,1 +26129,1 +26130,1 +26131,1 +26132,1 +26133,1 +26134,1 +26135,1 +26136,1 +26137,1 +26138,1 +26139,1 +26140,1 +26141,1 +26142,1 +26143,1 +26144,1 +26145,1 +26146,1 +26147,1 +26148,1 +26149,1 +26150,1 +26151,1 +26152,1 +26153,1 +26154,1 +26155,1 +26156,1 +26157,1 +26158,1 +26159,1 +26160,1 +26161,1 +26162,1 +26163,1 +26164,1 +26165,1 +26166,1 +26167,1 +26168,1 +26169,1 +26170,1 +26171,1 +26172,1 +26173,1 +26174,1 +26175,1 +26176,1 +26177,1 +26178,1 +26179,1 +26180,1 +26181,1 +26182,1 +26183,1 +26184,1 +26185,1 +26186,1 +26187,1 +26188,1 +26189,1 +26190,1 +26191,1 +26192,1 +26193,1 +26194,1 +26195,1 +26196,1 +26197,1 +26198,1 +26199,1 +26200,1 +26201,1 +26202,1 +26203,1 +26204,1 +26205,1 +26206,1 +26207,1 +26208,1 +26209,1 +26210,1 +26211,1 +26212,1 +26213,1 +26214,1 +26215,1 +26216,1 +26217,1 +26218,1 +26219,1 +26220,1 +26221,1 +26222,1 +26223,1 +26224,1 +26225,1 +26226,1 +26227,1 +26228,1 +26229,1 +26230,1 +26231,1 +26232,1 +26233,1 +26234,1 +26235,1 +26236,1 +26237,1 +26238,1 +26239,1 +26240,1 +26241,1 +26242,1 +26243,1 +26244,1 +26245,1 +26246,1 +26247,1 +26248,1 +26249,1 +26250,1 +26251,1 +26252,1 +26253,1 +26254,1 +26255,1 +26256,1 +26257,1 +26258,1 +26259,1 +26260,1 +26261,1 +26262,1 +26263,1 +26264,1 +26265,1 +26266,1 +26267,1 +26268,1 +26269,1 +26270,1 +26271,1 +26272,1 +26273,1 +26274,1 +26275,1 +26276,1 +26277,1 +26278,1 +26279,1 +26280,1 +26281,1 +26282,1 +26283,1 +26284,1 +26285,1 +26286,1 +26287,1 +26288,1 +26289,1 +26290,1 +26291,1 +26292,1 +26293,1 +26294,1 +26295,1 +26296,1 +26297,1 +26298,1 +26299,1 +26300,1 +26301,1 +26302,1 +26303,1 +26304,1 +26305,1 +26306,1 +26307,1 +26308,1 +26309,1 +26310,1 +26311,1 +26312,1 +26313,1 +26314,1 +26315,1 +26316,1 +26317,1 +26318,1 +26319,1 +26320,1 +26321,1 +26322,1 +26323,1 +26324,1 +26325,1 +26326,1 +26327,1 +26328,1 +26329,1 +26330,1 +26331,1 +26332,1 +26333,1 +26334,1 +26335,1 +26336,1 +26337,1 +26338,1 +26339,1 +26340,1 +26341,1 +26342,1 +26343,1 +26344,1 +26345,1 +26346,1 +26347,1 +26348,1 +26349,1 +26350,1 +26351,1 +26352,1 +26353,1 +26354,1 +26355,1 +26356,1 +26357,1 +26358,1 +26359,1 +26360,1 +26361,1 +26362,1 +26363,1 +26364,1 +26365,1 +26366,1 +26367,1 +26368,1 +26369,1 +26370,1 +26371,1 +26372,1 +26373,1 +26374,1 +26375,1 +26376,1 +26377,1 +26378,1 +26379,1 +26380,1 +26381,1 +26382,1 +26383,1 +26384,1 +26385,1 +26386,1 +26387,1 +26388,1 +26389,1 +26390,1 +26391,1 +26392,1 +26393,1 +26394,1 +26395,1 +26396,1 +26397,1 +26398,1 +26399,1 +26400,1 +26401,1 +26402,1 +26403,1 +26404,1 +26405,1 +26406,1 +26407,1 +26408,1 +26409,1 +26410,1 +26411,1 +26412,1 +26413,1 +26414,1 +26415,1 +26416,1 +26417,1 +26418,1 +26419,1 +26420,1 +26421,1 +26422,1 +26423,1 +26424,1 +26425,1 +26426,1 +26427,1 +26428,1 +26429,1 +26430,1 +26431,1 +26432,1 +26433,1 +26434,1 +26435,1 +26436,1 +26437,1 +26438,1 +26439,1 +26440,1 +26441,1 +26442,1 +26443,1 +26444,1 +26445,1 +26446,1 +26447,1 +26448,1 +26449,1 +26450,1 +26451,1 +26452,1 +26453,1 +26454,1 +26455,1 +26456,1 +26457,1 +26458,1 +26459,1 +26460,1 +26461,1 +26462,1 +26463,1 +26464,1 +26465,1 +26466,1 +26467,1 +26468,1 +26469,1 +26470,1 +26471,1 +26472,1 +26473,1 +26474,1 +26475,1 +26476,1 +26477,1 +26478,1 +26479,1 +26480,1 +26481,1 +26482,1 +26483,1 +26484,1 +26485,1 +26486,1 +26487,1 +26488,1 +26489,1 +26490,1 +26491,1 +26492,1 +26493,1 +26494,1 +26495,1 +26496,1 +26497,1 +26498,1 +26499,1 +26500,1 +26501,1 +26502,1 +26503,1 +26504,1 +26505,1 +26506,1 +26507,1 +26508,1 +26509,1 +26510,1 +26511,1 +26512,1 +26513,1 +26514,1 +26515,1 +26516,1 +26517,1 +26518,1 +26519,1 +26520,1 +26521,1 +26522,1 +26523,1 +26524,1 +26525,1 +26526,1 +26527,1 +26528,1 +26529,1 +26530,1 +26531,1 +26532,1 +26533,1 +26534,1 +26535,1 +26536,1 +26537,1 +26538,1 +26539,1 +26540,1 +26541,1 +26542,1 +26543,1 +26544,1 +26545,1 +26546,1 +26547,1 +26548,1 +26549,1 +26550,1 +26551,1 +26552,1 +26553,1 +26554,1 +26555,1 +26556,1 +26557,1 +26558,1 +26559,1 +26560,1 +26561,1 +26562,1 +26563,1 +26564,1 +26565,1 +26566,1 +26567,1 +26568,1 +26569,1 +26570,1 +26571,1 +26572,1 +26573,1 +26574,1 +26575,1 +26576,1 +26577,1 +26578,1 +26579,1 +26580,1 +26581,1 +26582,1 +26583,1 +26584,1 +26585,1 +26586,1 +26587,1 +26588,1 +26589,1 +26590,1 +26591,1 +26592,1 +26593,1 +26594,1 +26595,1 +26596,1 +26597,1 +26598,1 +26599,1 +26600,1 +26601,1 +26602,1 +26603,1 +26604,1 +26605,1 +26606,1 +26607,1 +26608,1 +26609,1 +26610,1 +26611,1 +26612,1 +26613,1 +26614,1 +26615,1 +26616,1 +26617,1 +26618,1 +26619,1 +26620,1 +26621,1 +26622,1 +26623,1 +26624,1 +26625,1 +26626,1 +26627,1 +26628,1 +26629,1 +26630,1 +26631,1 +26632,1 +26633,1 +26634,1 +26635,1 +26636,1 +26637,1 +26638,1 +26639,1 +26640,1 +26641,1 +26642,1 +26643,1 +26644,1 +26645,1 +26646,1 +26647,1 +26648,1 +26649,1 +26650,1 +26651,1 +26652,1 +26653,1 +26654,1 +26655,1 +26656,1 +26657,1 +26658,1 +26659,1 +26660,1 +26661,1 +26662,1 +26663,1 +26664,1 +26665,1 +26666,1 +26667,1 +26668,1 +26669,1 +26670,1 +26671,1 +26672,1 +26673,1 +26674,1 +26675,1 +26676,1 +26677,1 +26678,1 +26679,1 +26680,1 +26681,1 +26682,1 +26683,1 +26684,1 +26685,1 +26686,1 +26687,1 +26688,1 +26689,1 +26690,1 +26691,1 +26692,1 +26693,1 +26694,1 +26695,1 +26696,1 +26697,1 +26698,1 +26699,1 +26700,1 +26701,1 +26702,1 +26703,1 +26704,1 +26705,1 +26706,1 +26707,1 +26708,1 +26709,1 +26710,1 +26711,1 +26712,1 +26713,1 +26714,1 +26715,1 +26716,1 +26717,1 +26718,1 +26719,1 +26720,1 +26721,1 +26722,1 +26723,1 +26724,1 +26725,1 +26726,1 +26727,1 +26728,1 +26729,1 +26730,1 +26731,1 +26732,1 +26733,1 +26734,1 +26735,1 +26736,1 +26737,1 +26738,1 +26739,1 +26740,1 +26741,1 +26742,1 +26743,1 +26744,1 +26745,1 +26746,1 +26747,1 +26748,1 +26749,1 +26750,1 +26751,1 +26752,1 +26753,1 +26754,1 +26755,1 +26756,1 +26757,1 +26758,1 +26759,1 +26760,1 +26761,1 +26762,1 +26763,1 +26764,1 +26765,1 +26766,1 +26767,1 +26768,1 +26769,1 +26770,1 +26771,1 +26772,1 +26773,1 +26774,1 +26775,1 +26776,1 +26777,1 +26778,1 +26779,1 +26780,1 +26781,1 +26782,1 +26783,1 +26784,1 +26785,1 +26786,1 +26787,1 +26788,1 +26789,1 +26790,1 +26791,1 +26792,1 +26793,1 +26794,1 +26795,1 +26796,1 +26797,1 +26798,1 +26799,1 +26800,1 +26801,1 +26802,1 +26803,1 +26804,1 +26805,1 +26806,1 +26807,1 +26808,1 +26809,1 +26810,1 +26811,1 +26812,1 +26813,1 +26814,1 +26815,1 +26816,1 +26817,1 +26818,1 +26819,1 +26820,1 +26821,1 +26822,1 +26823,1 +26824,1 +26825,1 +26826,1 +26827,1 +26828,1 +26829,1 +26830,1 +26831,1 +26832,1 +26833,1 +26834,1 +26835,1 +26836,1 +26837,1 +26838,1 +26839,1 +26840,1 +26841,1 +26842,1 +26843,1 +26844,1 +26845,1 +26846,1 +26847,1 +26848,1 +26849,1 +26850,1 +26851,1 +26852,1 +26853,1 +26854,1 +26855,1 +26856,1 +26857,1 +26858,1 +26859,1 +26860,1 +26861,1 +26862,1 +26863,1 +26864,1 +26865,1 +26866,1 +26867,1 +26868,1 +26869,1 +26870,1 +26871,1 +26872,1 +26873,1 +26874,1 +26875,1 +26876,1 +26877,1 +26878,1 +26879,1 +26880,1 +26881,1 +26882,1 +26883,1 +26884,1 +26885,1 +26886,1 +26887,1 +26888,1 +26889,1 +26890,1 +26891,1 +26892,1 +26893,1 +26894,1 +26895,1 +26896,1 +26897,1 +26898,1 +26899,1 +26900,1 +26901,1 +26902,1 +26903,1 +26904,1 +26905,1 +26906,1 +26907,1 +26908,1 +26909,1 +26910,1 +26911,1 +26912,1 +26913,1 +26914,1 +26915,1 +26916,1 +26917,1 +26918,1 +26919,1 +26920,1 +26921,1 +26922,1 +26923,1 +26924,1 +26925,1 +26926,1 +26927,1 +26928,1 +26929,1 +26930,1 +26931,1 +26932,1 +26933,1 +26934,1 +26935,1 +26936,1 +26937,1 +26938,1 +26939,1 +26940,1 +26941,1 +26942,1 +26943,1 +26944,1 +26945,1 +26946,1 +26947,1 +26948,1 +26949,1 +26950,1 +26951,1 +26952,1 +26953,1 +26954,1 +26955,1 +26956,1 +26957,1 +26958,1 +26959,1 +26960,1 +26961,1 +26962,1 +26963,1 +26964,1 +26965,1 +26966,1 +26967,1 +26968,1 +26969,1 +26970,1 +26971,1 +26972,1 +26973,1 +26974,1 +26975,1 +26976,1 +26977,1 +26978,1 +26979,1 +26980,1 +26981,1 +26982,1 +26983,1 +26984,1 +26985,1 +26986,1 +26987,1 +26988,1 +26989,1 +26990,1 +26991,1 +26992,1 +26993,1 +26994,1 +26995,1 +26996,1 +26997,1 +26998,1 +26999,1 +27000,1 +27001,1 +27002,1 +27003,1 +27004,1 +27005,1 +27006,1 +27007,1 +27008,1 +27009,1 +27010,1 +27011,1 +27012,1 +27013,1 +27014,1 +27015,1 +27016,1 +27017,1 +27018,1 +27019,1 +27020,1 +27021,1 +27022,1 +27023,1 +27024,1 +27025,1 +27026,1 +27027,1 +27028,1 +27029,1 +27030,1 +27031,1 +27032,1 +27033,1 +27034,1 +27035,1 +27036,1 +27037,1 +27038,1 +27039,1 +27040,1 +27041,1 +27042,1 +27043,1 +27044,1 +27045,1 +27046,1 +27047,1 +27048,1 +27049,1 +27050,1 +27051,1 +27052,1 +27053,1 +27054,1 +27055,1 +27056,1 +27057,1 +27058,1 +27059,1 +27060,1 +27061,1 +27062,1 +27063,1 +27064,1 +27065,1 +27066,1 +27067,1 +27068,1 +27069,1 +27070,1 +27071,1 +27072,1 +27073,1 +27074,1 +27075,1 +27076,1 +27077,1 +27078,1 +27079,1 +27080,1 +27081,1 +27082,1 +27083,1 +27084,1 +27085,1 +27086,1 +27087,1 +27088,1 +27089,1 +27090,1 +27091,1 +27092,1 +27093,1 +27094,1 +27095,1 +27096,1 +27097,1 +27098,1 +27099,1 +27100,1 +27101,1 +27102,1 +27103,1 +27104,1 +27105,1 +27106,1 +27107,1 +27108,1 +27109,1 +27110,1 +27111,1 +27112,1 +27113,1 +27114,1 +27115,1 +27116,1 +27117,1 +27118,1 +27119,1 +27120,1 +27121,1 +27122,1 +27123,1 +27124,1 +27125,1 +27126,1 +27127,1 +27128,1 +27129,1 +27130,1 +27131,1 +27132,1 +27133,1 +27134,1 +27135,1 +27136,1 +27137,1 +27138,1 +27139,1 +27140,1 +27141,1 +27142,1 +27143,1 +27144,1 +27145,1 +27146,1 +27147,1 +27148,1 +27149,1 +27150,1 +27151,1 +27152,1 +27153,1 +27154,1 +27155,1 +27156,1 +27157,1 +27158,1 +27159,1 +27160,1 +27161,1 +27162,1 +27163,1 +27164,1 +27165,1 +27166,1 +27167,1 +27168,1 +27169,1 +27170,1 +27171,1 +27172,1 +27173,1 +27174,1 +27175,1 +27176,1 +27177,1 +27178,1 +27179,1 +27180,1 +27181,1 +27182,1 +27183,1 +27184,1 +27185,1 +27186,1 +27187,1 +27188,1 +27189,1 +27190,1 +27191,1 +27192,1 +27193,1 +27194,1 +27195,1 +27196,1 +27197,1 +27198,1 +27199,1 +27200,1 +27201,1 +27202,1 +27203,1 +27204,1 +27205,1 +27206,1 +27207,1 +27208,1 +27209,1 +27210,1 +27211,1 +27212,1 +27213,1 +27214,1 +27215,1 +27216,1 +27217,1 +27218,1 +27219,1 +27220,1 +27221,1 +27222,1 +27223,1 +27224,1 +27225,1 +27226,1 +27227,1 +27228,1 +27229,1 +27230,1 +27231,1 +27232,1 +27233,1 +27234,1 +27235,1 +27236,1 +27237,1 +27238,1 +27239,1 +27240,1 +27241,1 +27242,1 +27243,1 +27244,1 +27245,1 +27246,1 +27247,1 +27248,1 +27249,1 +27250,1 +27251,1 +27252,1 +27253,1 +27254,1 +27255,1 +27256,1 +27257,1 +27258,1 +27259,1 +27260,1 +27261,1 +27262,1 +27263,1 +27264,1 +27265,1 +27266,1 +27267,1 +27268,1 +27269,1 +27270,1 +27271,1 +27272,1 +27273,1 +27274,1 +27275,1 +27276,1 +27277,1 +27278,1 +27279,1 +27280,1 +27281,1 +27282,1 +27283,1 +27284,1 +27285,1 +27286,1 +27287,1 +27288,1 +27289,1 +27290,1 +27291,1 +27292,1 +27293,1 +27294,1 +27295,1 +27296,1 +27297,1 +27298,1 +27299,1 +27300,1 +27301,1 +27302,1 +27303,1 +27304,1 +27305,1 +27306,1 +27307,1 +27308,1 +27309,1 +27310,1 +27311,1 +27312,1 +27313,1 +27314,1 +27315,1 +27316,1 +27317,1 +27318,1 +27319,1 +27320,1 +27321,1 +27322,1 +27323,1 +27324,1 +27325,1 +27326,1 +27327,1 +27328,1 +27329,1 +27330,1 +27331,1 +27332,1 +27333,1 +27334,1 +27335,1 +27336,1 +27337,1 +27338,1 +27339,1 +27340,1 +27341,1 +27342,1 +27343,1 +27344,1 +27345,1 +27346,1 +27347,1 +27348,1 +27349,1 +27350,1 +27351,1 +27352,1 +27353,1 +27354,1 +27355,1 +27356,1 +27357,1 +27358,1 +27359,1 +27360,1 +27361,1 +27362,1 +27363,1 +27364,1 +27365,1 +27366,1 +27367,1 +27368,1 +27369,1 +27370,1 +27371,1 +27372,1 +27373,1 +27374,1 +27375,1 +27376,1 +27377,1 +27378,1 +27379,1 +27380,1 +27381,1 +27382,1 +27383,1 +27384,1 +27385,1 +27386,1 +27387,1 +27388,1 +27389,1 +27390,1 +27391,1 +27392,1 +27393,1 +27394,1 +27395,1 +27396,1 +27397,1 +27398,1 +27399,1 +27400,1 +27401,1 +27402,1 +27403,1 +27404,1 +27405,1 +27406,1 +27407,1 +27408,1 +27409,1 +27410,1 +27411,1 +27412,1 +27413,1 +27414,1 +27415,1 +27416,1 +27417,1 +27418,1 +27419,1 +27420,1 +27421,1 +27422,1 +27423,1 +27424,1 +27425,1 +27426,1 +27427,1 +27428,1 +27429,1 +27430,1 +27431,1 +27432,1 +27433,1 +27434,1 +27435,1 +27436,1 +27437,1 +27438,1 +27439,1 +27440,1 +27441,1 +27442,1 +27443,1 +27444,1 +27445,1 +27446,1 +27447,1 +27448,1 +27449,1 +27450,1 +27451,1 +27452,1 +27453,1 +27454,1 +27455,1 +27456,1 +27457,1 +27458,1 +27459,1 +27460,1 +27461,1 +27462,1 +27463,1 +27464,1 +27465,1 +27466,1 +27467,1 +27468,1 +27469,1 +27470,1 +27471,1 +27472,1 +27473,1 +27474,1 +27475,1 +27476,1 +27477,1 +27478,1 +27479,1 +27480,1 +27481,1 +27482,1 +27483,1 +27484,1 +27485,1 +27486,1 +27487,1 +27488,1 +27489,1 +27490,1 +27491,1 +27492,1 +27493,1 +27494,1 +27495,1 +27496,1 +27497,1 +27498,1 +27499,1 +27500,1 +27501,1 +27502,1 +27503,1 +27504,1 +27505,1 +27506,1 +27507,1 +27508,1 +27509,1 +27510,1 +27511,1 +27512,1 +27513,1 +27514,1 +27515,1 +27516,1 +27517,1 +27518,1 +27519,1 +27520,1 +27521,1 +27522,1 +27523,1 +27524,1 +27525,1 +27526,1 +27527,1 +27528,1 +27529,1 +27530,1 +27531,1 +27532,1 +27533,1 +27534,1 +27535,1 +27536,1 +27537,1 +27538,1 +27539,1 +27540,1 +27541,1 +27542,1 +27543,1 +27544,1 +27545,1 +27546,1 +27547,1 +27548,1 +27549,1 +27550,1 +27551,1 +27552,1 +27553,1 +27554,1 +27555,1 +27556,1 +27557,1 +27558,1 +27559,1 +27560,1 +27561,1 +27562,1 +27563,1 +27564,1 +27565,1 +27566,1 +27567,1 +27568,1 +27569,1 +27570,1 +27571,1 +27572,1 +27573,1 +27574,1 +27575,1 +27576,1 +27577,1 +27578,1 +27579,1 +27580,1 +27581,1 +27582,1 +27583,1 +27584,1 +27585,1 +27586,1 +27587,1 +27588,1 +27589,1 +27590,1 +27591,1 +27592,1 +27593,1 +27594,1 +27595,1 +27596,1 +27597,1 +27598,1 +27599,1 +27600,1 +27601,1 +27602,1 +27603,1 +27604,1 +27605,1 +27606,1 +27607,1 +27608,1 +27609,1 +27610,1 +27611,1 +27612,1 +27613,1 +27614,1 +27615,1 +27616,1 +27617,1 +27618,1 +27619,1 +27620,1 +27621,1 +27622,1 +27623,1 +27624,1 +27625,1 +27626,1 +27627,1 +27628,1 +27629,1 +27630,1 +27631,1 +27632,1 +27633,1 +27634,1 +27635,1 +27636,1 +27637,1 +27638,1 +27639,1 +27640,1 +27641,1 +27642,1 +27643,1 +27644,1 +27645,1 +27646,1 +27647,1 +27648,1 +27649,1 +27650,1 +27651,1 +27652,1 +27653,1 +27654,1 +27655,1 +27656,1 +27657,1 +27658,1 +27659,1 +27660,1 +27661,1 +27662,1 +27663,1 +27664,1 +27665,1 +27666,1 +27667,1 +27668,1 +27669,1 +27670,1 +27671,1 +27672,1 +27673,1 +27674,1 +27675,1 +27676,1 +27677,1 +27678,1 +27679,1 +27680,1 +27681,1 +27682,1 +27683,1 +27684,1 +27685,1 +27686,1 +27687,1 +27688,1 +27689,1 +27690,1 +27691,1 +27692,1 +27693,1 +27694,1 +27695,1 +27696,1 +27697,1 +27698,1 +27699,1 +27700,1 +27701,1 +27702,1 +27703,1 +27704,1 +27705,1 +27706,1 +27707,1 +27708,1 +27709,1 +27710,1 +27711,1 +27712,1 +27713,1 +27714,1 +27715,1 +27716,1 +27717,1 +27718,1 +27719,1 +27720,1 +27721,1 +27722,1 +27723,1 +27724,1 +27725,1 +27726,1 +27727,1 +27728,1 +27729,1 +27730,1 +27731,1 +27732,1 +27733,1 +27734,1 +27735,1 +27736,1 +27737,1 +27738,1 +27739,1 +27740,1 +27741,1 +27742,1 +27743,1 +27744,1 +27745,1 +27746,1 +27747,1 +27748,1 +27749,1 +27750,1 +27751,1 +27752,1 +27753,1 +27754,1 +27755,1 +27756,1 +27757,1 +27758,1 +27759,1 +27760,1 +27761,1 +27762,1 +27763,1 +27764,1 +27765,1 +27766,1 +27767,1 +27768,1 +27769,1 +27770,1 +27771,1 +27772,1 +27773,1 +27774,1 +27775,1 +27776,1 +27777,1 +27778,1 +27779,1 +27780,1 +27781,1 +27782,1 +27783,1 +27784,1 +27785,1 +27786,1 +27787,1 +27788,1 +27789,1 +27790,1 +27791,1 +27792,1 +27793,1 +27794,1 +27795,1 +27796,1 +27797,1 +27798,1 +27799,1 +27800,1 +27801,1 +27802,1 +27803,1 +27804,1 +27805,1 +27806,1 +27807,1 +27808,1 +27809,1 +27810,1 +27811,1 +27812,1 +27813,1 +27814,1 +27815,1 +27816,1 +27817,1 +27818,1 +27819,1 +27820,1 +27821,1 +27822,1 +27823,1 +27824,1 +27825,1 +27826,1 +27827,1 +27828,1 +27829,1 +27830,1 +27831,1 +27832,1 +27833,1 +27834,1 +27835,1 +27836,1 +27837,1 +27838,1 +27839,1 +27840,1 +27841,1 +27842,1 +27843,1 +27844,1 +27845,1 +27846,1 +27847,1 +27848,1 +27849,1 +27850,1 +27851,1 +27852,1 +27853,1 +27854,1 +27855,1 +27856,1 +27857,1 +27858,1 +27859,1 +27860,1 +27861,1 +27862,1 +27863,1 +27864,1 +27865,1 +27866,1 +27867,1 +27868,1 +27869,1 +27870,1 +27871,1 +27872,1 +27873,1 +27874,1 +27875,1 +27876,1 +27877,1 +27878,1 +27879,1 +27880,1 +27881,1 +27882,1 +27883,1 +27884,1 +27885,1 +27886,1 +27887,1 +27888,1 +27889,1 +27890,1 +27891,1 +27892,1 +27893,1 +27894,1 +27895,1 +27896,1 +27897,1 +27898,1 +27899,1 +27900,1 +27901,1 +27902,1 +27903,1 +27904,1 +27905,1 +27906,1 +27907,1 +27908,1 +27909,1 +27910,1 +27911,1 +27912,1 +27913,1 +27914,1 +27915,1 +27916,1 +27917,1 +27918,1 +27919,1 +27920,1 +27921,1 +27922,1 +27923,1 +27924,1 +27925,1 +27926,1 +27927,1 +27928,1 +27929,1 +27930,1 +27931,1 +27932,1 +27933,1 +27934,1 +27935,1 +27936,1 +27937,1 +27938,1 +27939,1 +27940,1 +27941,1 +27942,1 +27943,1 +27944,1 +27945,1 +27946,1 +27947,1 +27948,1 +27949,1 +27950,1 +27951,1 +27952,1 +27953,1 +27954,1 +27955,1 +27956,1 +27957,1 +27958,1 +27959,1 +27960,1 +27961,1 +27962,1 +27963,1 +27964,1 +27965,1 +27966,1 +27967,1 +27968,1 +27969,1 +27970,1 +27971,1 +27972,1 +27973,1 +27974,1 +27975,1 +27976,1 +27977,1 +27978,1 +27979,1 +27980,1 +27981,1 +27982,1 +27983,1 +27984,1 +27985,1 +27986,1 +27987,1 +27988,1 +27989,1 +27990,1 +27991,1 +27992,1 +27993,1 +27994,1 +27995,1 +27996,1 +27997,1 +27998,1 +27999,1 +28000,1 +28001,1 +28002,1 +28003,1 +28004,1 +28005,1 +28006,1 +28007,1 +28008,1 +28009,1 +28010,1 +28011,1 +28012,1 +28013,1 +28014,1 +28015,1 +28016,1 +28017,1 +28018,1 +28019,1 +28020,1 +28021,1 +28022,1 +28023,1 +28024,1 +28025,1 +28026,1 +28027,1 +28028,1 +28029,1 +28030,1 +28031,1 +28032,1 +28033,1 +28034,1 +28035,1 +28036,1 +28037,1 +28038,1 +28039,1 +28040,1 +28041,1 +28042,1 +28043,1 +28044,1 +28045,1 +28046,1 +28047,1 +28048,1 +28049,1 +28050,1 +28051,1 +28052,1 +28053,1 +28054,1 +28055,1 +28056,1 +28057,1 +28058,1 +28059,1 +28060,1 +28061,1 +28062,1 +28063,1 +28064,1 +28065,1 +28066,1 +28067,1 +28068,1 +28069,1 +28070,1 +28071,1 +28072,1 +28073,1 +28074,1 +28075,1 +28076,1 +28077,1 +28078,1 +28079,1 +28080,1 +28081,1 +28082,1 +28083,1 +28084,1 +28085,1 +28086,1 +28087,1 +28088,1 +28089,1 +28090,1 +28091,1 +28092,1 +28093,1 +28094,1 +28095,1 +28096,1 +28097,1 +28098,1 +28099,1 +28100,1 +28101,1 +28102,1 +28103,1 +28104,1 +28105,1 +28106,1 +28107,1 +28108,1 +28109,1 +28110,1 +28111,1 +28112,1 +28113,1 +28114,1 +28115,1 +28116,1 +28117,1 +28118,1 +28119,1 +28120,1 +28121,1 +28122,1 +28123,1 +28124,1 +28125,1 +28126,1 +28127,1 +28128,1 +28129,1 +28130,1 +28131,1 +28132,1 +28133,1 +28134,1 +28135,1 +28136,1 +28137,1 +28138,1 +28139,1 +28140,1 +28141,1 +28142,1 +28143,1 +28144,1 +28145,1 +28146,1 +28147,1 +28148,1 +28149,1 +28150,1 +28151,1 +28152,1 +28153,1 +28154,1 +28155,1 +28156,1 +28157,1 +28158,1 +28159,1 +28160,1 +28161,1 +28162,1 +28163,1 +28164,1 +28165,1 +28166,1 +28167,1 +28168,1 +28169,1 +28170,1 +28171,1 +28172,1 +28173,1 +28174,1 +28175,1 +28176,1 +28177,1 +28178,1 +28179,1 +28180,1 +28181,1 +28182,1 +28183,1 +28184,1 +28185,1 +28186,1 +28187,1 +28188,1 +28189,1 +28190,1 +28191,1 +28192,1 +28193,1 +28194,1 +28195,1 +28196,1 +28197,1 +28198,1 +28199,1 +28200,1 +28201,1 +28202,1 +28203,1 +28204,1 +28205,1 +28206,1 +28207,1 +28208,1 +28209,1 +28210,1 +28211,1 +28212,1 +28213,1 +28214,1 +28215,1 +28216,1 +28217,1 +28218,1 +28219,1 +28220,1 +28221,1 +28222,1 +28223,1 +28224,1 +28225,1 +28226,1 +28227,1 +28228,1 +28229,1 +28230,1 +28231,1 +28232,1 +28233,1 +28234,1 +28235,1 +28236,1 +28237,1 +28238,1 +28239,1 +28240,1 +28241,1 +28242,1 +28243,1 +28244,1 +28245,1 +28246,1 +28247,1 +28248,1 +28249,1 +28250,1 +28251,1 +28252,1 +28253,1 +28254,1 +28255,1 +28256,1 +28257,1 +28258,1 +28259,1 +28260,1 +28261,1 +28262,1 +28263,1 +28264,1 +28265,1 +28266,1 +28267,1 +28268,1 +28269,1 +28270,1 +28271,1 +28272,1 +28273,1 +28274,1 +28275,1 +28276,1 +28277,1 +28278,1 +28279,1 +28280,1 +28281,1 +28282,1 +28283,1 +28284,1 +28285,1 +28286,1 +28287,1 +28288,1 +28289,1 +28290,1 +28291,1 +28292,1 +28293,1 +28294,1 +28295,1 +28296,1 +28297,1 +28298,1 +28299,1 +28300,1 +28301,1 +28302,1 +28303,1 +28304,1 +28305,1 +28306,1 +28307,1 +28308,1 +28309,1 +28310,1 +28311,1 +28312,1 +28313,1 +28314,1 +28315,1 +28316,1 +28317,1 +28318,1 +28319,1 +28320,1 +28321,1 +28322,1 +28323,1 +28324,1 +28325,1 +28326,1 +28327,1 +28328,1 +28329,1 +28330,1 +28331,1 +28332,1 +28333,1 +28334,1 +28335,1 +28336,1 +28337,1 +28338,1 +28339,1 +28340,1 +28341,1 +28342,1 +28343,1 +28344,1 +28345,1 +28346,1 +28347,1 +28348,1 +28349,1 +28350,1 +28351,1 +28352,1 +28353,1 +28354,1 +28355,1 +28356,1 +28357,1 +28358,1 +28359,1 +28360,1 +28361,1 +28362,1 +28363,1 +28364,1 +28365,1 +28366,1 +28367,1 +28368,1 +28369,1 +28370,1 +28371,1 +28372,1 +28373,1 +28374,1 +28375,1 +28376,1 +28377,1 +28378,1 +28379,1 +28380,1 +28381,1 +28382,1 +28383,1 +28384,1 +28385,1 +28386,1 +28387,1 +28388,1 +28389,1 +28390,1 +28391,1 +28392,1 +28393,1 +28394,1 +28395,1 +28396,1 +28397,1 +28398,1 +28399,1 +28400,1 +28401,1 +28402,1 +28403,1 +28404,1 +28405,1 +28406,1 +28407,1 +28408,1 +28409,1 +28410,1 +28411,1 +28412,1 +28413,1 +28414,1 +28415,1 +28416,1 +28417,1 +28418,1 +28419,1 +28420,1 +28421,1 +28422,1 +28423,1 +28424,1 +28425,1 +28426,1 +28427,1 +28428,1 +28429,1 +28430,1 +28431,1 +28432,1 +28433,1 +28434,1 +28435,1 +28436,1 +28437,1 +28438,1 +28439,1 +28440,1 +28441,1 +28442,1 +28443,1 +28444,1 +28445,1 +28446,1 +28447,1 +28448,1 +28449,1 +28450,1 +28451,1 +28452,1 +28453,1 +28454,1 +28455,1 +28456,1 +28457,1 +28458,1 +28459,1 +28460,1 +28461,1 +28462,1 +28463,1 +28464,1 +28465,1 +28466,1 +28467,1 +28468,1 +28469,1 +28470,1 +28471,1 +28472,1 +28473,1 +28474,1 +28475,1 +28476,1 +28477,1 +28478,1 +28479,1 +28480,1 +28481,1 +28482,1 +28483,1 +28484,1 +28485,1 +28486,1 +28487,1 +28488,1 +28489,1 +28490,1 +28491,1 +28492,1 +28493,1 +28494,1 +28495,1 +28496,1 +28497,1 +28498,1 +28499,1 +28500,1 +28501,1 +28502,1 +28503,1 +28504,1 +28505,1 +28506,1 +28507,1 +28508,1 +28509,1 +28510,1 +28511,1 +28512,1 +28513,1 +28514,1 +28515,1 +28516,1 +28517,1 +28518,1 +28519,1 +28520,1 +28521,1 +28522,1 +28523,1 +28524,1 +28525,1 +28526,1 +28527,1 +28528,1 +28529,1 +28530,1 +28531,1 +28532,1 +28533,1 +28534,1 +28535,1 +28536,1 +28537,1 +28538,1 +28539,1 +28540,1 +28541,1 +28542,1 +28543,1 +28544,1 +28545,1 +28546,1 +28547,1 +28548,1 +28549,1 +28550,1 +28551,1 +28552,1 +28553,1 +28554,1 +28555,1 +28556,1 +28557,1 +28558,1 +28559,1 +28560,1 +28561,1 +28562,1 +28563,1 +28564,1 +28565,1 +28566,1 +28567,1 +28568,1 +28569,1 +28570,1 +28571,1 +28572,1 +28573,1 +28574,1 +28575,1 +28576,1 +28577,1 +28578,1 +28579,1 +28580,1 +28581,1 +28582,1 +28583,1 +28584,1 +28585,1 +28586,1 +28587,1 +28588,1 +28589,1 +28590,1 +28591,1 +28592,1 +28593,1 +28594,1 +28595,1 +28596,1 +28597,1 +28598,1 +28599,1 +28600,1 +28601,1 +28602,1 +28603,1 +28604,1 +28605,1 +28606,1 +28607,1 +28608,1 +28609,1 +28610,1 +28611,1 +28612,1 +28613,1 +28614,1 +28615,1 +28616,1 +28617,1 +28618,1 +28619,1 +28620,1 +28621,1 +28622,1 +28623,1 +28624,1 +28625,1 +28626,1 +28627,1 +28628,1 +28629,1 +28630,1 +28631,1 +28632,1 +28633,1 +28634,1 +28635,1 +28636,1 +28637,1 +28638,1 +28639,1 +28640,1 +28641,1 +28642,1 +28643,1 +28644,1 +28645,1 +28646,1 +28647,1 +28648,1 +28649,1 +28650,1 +28651,1 +28652,1 +28653,1 +28654,1 +28655,1 +28656,1 +28657,1 +28658,1 +28659,1 +28660,1 +28661,1 +28662,1 +28663,1 +28664,1 +28665,1 +28666,1 +28667,1 +28668,1 +28669,1 +28670,1 +28671,1 +28672,1 +28673,1 +28674,1 +28675,1 +28676,1 +28677,1 +28678,1 +28679,1 +28680,1 +28681,1 +28682,1 +28683,1 +28684,1 +28685,1 +28686,1 +28687,1 +28688,1 +28689,1 +28690,1 +28691,1 +28692,1 +28693,1 +28694,1 +28695,1 +28696,1 +28697,1 +28698,1 +28699,1 +28700,1 +28701,1 +28702,1 +28703,1 +28704,1 +28705,1 +28706,1 +28707,1 +28708,1 +28709,1 +28710,1 +28711,1 +28712,1 +28713,1 +28714,1 +28715,1 +28716,1 +28717,1 +28718,1 +28719,1 +28720,1 +28721,1 +28722,1 +28723,1 +28724,1 +28725,1 +28726,1 +28727,1 +28728,1 +28729,1 +28730,1 +28731,1 +28732,1 +28733,1 +28734,1 +28735,1 +28736,1 +28737,1 +28738,1 +28739,1 +28740,1 +28741,1 +28742,1 +28743,1 +28744,1 +28745,1 +28746,1 +28747,1 +28748,1 +28749,1 +28750,1 +28751,1 +28752,1 +28753,1 +28754,1 +28755,1 +28756,1 +28757,1 +28758,1 +28759,1 +28760,1 +28761,1 +28762,1 +28763,1 +28764,1 +28765,1 +28766,1 +28767,1 +28768,1 +28769,1 +28770,1 +28771,1 +28772,1 +28773,1 +28774,1 +28775,1 +28776,1 +28777,1 +28778,1 +28779,1 +28780,1 +28781,1 +28782,1 +28783,1 +28784,1 +28785,1 +28786,1 +28787,1 +28788,1 +28789,1 +28790,1 +28791,1 +28792,1 +28793,1 +28794,1 +28795,1 +28796,1 +28797,1 +28798,1 +28799,1 +28800,1 +28801,1 +28802,1 +28803,1 +28804,1 +28805,1 +28806,1 +28807,1 +28808,1 +28809,1 +28810,1 +28811,1 +28812,1 +28813,1 +28814,1 +28815,1 +28816,1 +28817,1 +28818,1 +28819,1 +28820,1 +28821,1 +28822,1 +28823,1 +28824,1 +28825,1 +28826,1 +28827,1 +28828,1 +28829,1 +28830,1 +28831,1 +28832,1 +28833,1 +28834,1 +28835,1 +28836,1 +28837,1 +28838,1 +28839,1 +28840,1 +28841,1 +28842,1 +28843,1 +28844,1 +28845,1 +28846,1 +28847,1 +28848,1 +28849,1 +28850,1 +28851,1 +28852,1 +28853,1 +28854,1 +28855,1 +28856,1 +28857,1 +28858,1 +28859,1 +28860,1 +28861,1 +28862,1 +28863,1 +28864,1 +28865,1 +28866,1 +28867,1 +28868,1 +28869,1 +28870,1 +28871,1 +28872,1 +28873,1 +28874,1 +28875,1 +28876,1 +28877,1 +28878,1 +28879,1 +28880,1 +28881,1 +28882,1 +28883,1 +28884,1 +28885,1 +28886,1 +28887,1 +28888,1 +28889,1 +28890,1 +28891,1 +28892,1 +28893,1 +28894,1 +28895,1 +28896,1 +28897,1 +28898,1 +28899,1 +28900,1 +28901,1 +28902,1 +28903,1 +28904,1 +28905,1 +28906,1 +28907,1 +28908,1 +28909,1 +28910,1 +28911,1 +28912,1 +28913,1 +28914,1 +28915,1 +28916,1 +28917,1 +28918,1 +28919,1 +28920,1 +28921,1 +28922,1 +28923,1 +28924,1 +28925,1 +28926,1 +28927,1 +28928,1 +28929,1 +28930,1 +28931,1 +28932,1 +28933,1 +28934,1 +28935,1 +28936,1 +28937,1 +28938,1 +28939,1 +28940,1 +28941,1 +28942,1 +28943,1 +28944,1 +28945,1 +28946,1 +28947,1 +28948,1 +28949,1 +28950,1 +28951,1 +28952,1 +28953,1 +28954,1 +28955,1 +28956,1 +28957,1 +28958,1 +28959,1 +28960,1 +28961,1 +28962,1 +28963,1 +28964,1 +28965,1 +28966,1 +28967,1 +28968,1 +28969,1 +28970,1 +28971,1 +28972,1 +28973,1 +28974,1 +28975,1 +28976,1 +28977,1 +28978,1 +28979,1 +28980,1 +28981,1 +28982,1 +28983,1 +28984,1 +28985,1 +28986,1 +28987,1 +28988,1 +28989,1 +28990,1 +28991,1 +28992,1 +28993,1 +28994,1 +28995,1 +28996,1 +28997,1 +28998,1 +28999,1 +29000,1 +29001,1 +29002,1 +29003,1 +29004,1 +29005,1 +29006,1 +29007,1 +29008,1 +29009,1 +29010,1 +29011,1 +29012,1 +29013,1 +29014,1 +29015,1 +29016,1 +29017,1 +29018,1 +29019,1 +29020,1 +29021,1 +29022,1 +29023,1 +29024,1 +29025,1 +29026,1 +29027,1 +29028,1 +29029,1 +29030,1 +29031,1 +29032,1 +29033,1 +29034,1 +29035,1 +29036,1 +29037,1 +29038,1 +29039,1 +29040,1 +29041,1 +29042,1 +29043,1 +29044,1 +29045,1 +29046,1 +29047,1 +29048,1 +29049,1 +29050,1 +29051,1 +29052,1 +29053,1 +29054,1 +29055,1 +29056,1 +29057,1 +29058,1 +29059,1 +29060,1 +29061,1 +29062,1 +29063,1 +29064,1 +29065,1 +29066,1 +29067,1 +29068,1 +29069,1 +29070,1 +29071,1 +29072,1 +29073,1 +29074,1 +29075,1 +29076,1 +29077,1 +29078,1 +29079,1 +29080,1 +29081,1 +29082,1 +29083,1 +29084,1 +29085,1 +29086,1 +29087,1 +29088,1 +29089,1 +29090,1 +29091,1 +29092,1 +29093,1 +29094,1 +29095,1 +29096,1 +29097,1 +29098,1 +29099,1 +29100,1 +29101,1 +29102,1 +29103,1 +29104,1 +29105,1 +29106,1 +29107,1 +29108,1 +29109,1 +29110,1 +29111,1 +29112,1 +29113,1 +29114,1 +29115,1 +29116,1 +29117,1 +29118,1 +29119,1 +29120,1 +29121,1 +29122,1 +29123,1 +29124,1 +29125,1 +29126,1 +29127,1 +29128,1 +29129,1 +29130,1 +29131,1 +29132,1 +29133,1 +29134,1 +29135,1 +29136,1 +29137,1 +29138,1 +29139,1 +29140,1 +29141,1 +29142,1 +29143,1 +29144,1 +29145,1 +29146,1 +29147,1 +29148,1 +29149,1 +29150,1 +29151,1 +29152,1 +29153,1 +29154,1 +29155,1 +29156,1 +29157,1 +29158,1 +29159,1 +29160,1 +29161,1 +29162,1 +29163,1 +29164,1 +29165,1 +29166,1 +29167,1 +29168,1 +29169,1 +29170,1 +29171,1 +29172,1 +29173,1 +29174,1 +29175,1 +29176,1 +29177,1 +29178,1 +29179,1 +29180,1 +29181,1 +29182,1 +29183,1 +29184,1 +29185,1 +29186,1 +29187,1 +29188,1 +29189,1 +29190,1 +29191,1 +29192,1 +29193,1 +29194,1 +29195,1 +29196,1 +29197,1 +29198,1 +29199,1 +29200,1 +29201,1 +29202,1 +29203,1 +29204,1 +29205,1 +29206,1 +29207,1 +29208,1 +29209,1 +29210,1 +29211,1 +29212,1 +29213,1 +29214,1 +29215,1 +29216,1 +29217,1 +29218,1 +29219,1 +29220,1 +29221,1 +29222,1 +29223,1 +29224,1 +29225,1 +29226,1 +29227,1 +29228,1 +29229,1 +29230,1 +29231,1 +29232,1 +29233,1 +29234,1 +29235,1 +29236,1 +29237,1 +29238,1 +29239,1 +29240,1 +29241,1 +29242,1 +29243,1 +29244,1 +29245,1 +29246,1 +29247,1 +29248,1 +29249,1 +29250,1 +29251,1 +29252,1 +29253,1 +29254,1 +29255,1 +29256,1 +29257,1 +29258,1 +29259,1 +29260,1 +29261,1 +29262,1 +29263,1 +29264,1 +29265,1 +29266,1 +29267,1 +29268,1 +29269,1 +29270,1 +29271,1 +29272,1 +29273,1 +29274,1 +29275,1 +29276,1 +29277,1 +29278,1 +29279,1 +29280,1 +29281,1 +29282,1 +29283,1 +29284,1 +29285,1 +29286,1 +29287,1 +29288,1 +29289,1 +29290,1 +29291,1 +29292,1 +29293,1 +29294,1 +29295,1 +29296,1 +29297,1 +29298,1 +29299,1 +29300,1 +29301,1 +29302,1 +29303,1 +29304,1 +29305,1 +29306,1 +29307,1 +29308,1 +29309,1 +29310,1 +29311,1 +29312,1 +29313,1 +29314,1 +29315,1 +29316,1 +29317,1 +29318,1 +29319,1 +29320,1 +29321,1 +29322,1 +29323,1 +29324,1 +29325,1 +29326,1 +29327,1 +29328,1 +29329,1 +29330,1 +29331,1 +29332,1 +29333,1 +29334,1 +29335,1 +29336,1 +29337,1 +29338,1 +29339,1 +29340,1 +29341,1 +29342,1 +29343,1 +29344,1 +29345,1 +29346,1 +29347,1 +29348,1 +29349,1 +29350,1 +29351,1 +29352,1 +29353,1 +29354,1 +29355,1 +29356,1 +29357,1 +29358,1 +29359,1 +29360,1 +29361,1 +29362,1 +29363,1 +29364,1 +29365,1 +29366,1 +29367,1 +29368,1 +29369,1 +29370,1 +29371,1 +29372,1 +29373,1 +29374,1 +29375,1 +29376,1 +29377,1 +29378,1 +29379,1 +29380,1 +29381,1 +29382,1 +29383,1 +29384,1 +29385,1 +29386,1 +29387,1 +29388,1 +29389,1 +29390,1 +29391,1 +29392,1 +29393,1 +29394,1 +29395,1 +29396,1 +29397,1 +29398,1 +29399,1 +29400,1 +29401,1 +29402,1 +29403,1 +29404,1 +29405,1 +29406,1 +29407,1 +29408,1 +29409,1 +29410,1 +29411,1 +29412,1 +29413,1 +29414,1 +29415,1 +29416,1 +29417,1 +29418,1 +29419,1 +29420,1 +29421,1 +29422,1 +29423,1 +29424,1 +29425,1 +29426,1 +29427,1 +29428,1 +29429,1 +29430,1 +29431,1 +29432,1 +29433,1 +29434,1 +29435,1 +29436,1 +29437,1 +29438,1 +29439,1 +29440,1 +29441,1 +29442,1 +29443,1 +29444,1 +29445,1 +29446,1 +29447,1 +29448,1 +29449,1 +29450,1 +29451,1 +29452,1 +29453,1 +29454,1 +29455,1 +29456,1 +29457,1 +29458,1 +29459,1 +29460,1 +29461,1 +29462,1 +29463,1 +29464,1 +29465,1 +29466,1 +29467,1 +29468,1 +29469,1 +29470,1 +29471,1 +29472,1 +29473,1 +29474,1 +29475,1 +29476,1 +29477,1 +29478,1 +29479,1 +29480,1 +29481,1 +29482,1 +29483,1 +29484,1 +29485,1 +29486,1 +29487,1 +29488,1 +29489,1 +29490,1 +29491,1 +29492,1 +29493,1 +29494,1 +29495,1 +29496,1 +29497,1 +29498,1 +29499,1 +29500,1 +29501,1 +29502,1 +29503,1 +29504,1 +29505,1 +29506,1 +29507,1 +29508,1 +29509,1 +29510,1 +29511,1 +29512,1 +29513,1 +29514,1 +29515,1 +29516,1 +29517,1 +29518,1 +29519,1 +29520,1 +29521,1 +29522,1 +29523,1 +29524,1 +29525,1 +29526,1 +29527,1 +29528,1 +29529,1 +29530,1 +29531,1 +29532,1 +29533,1 +29534,1 +29535,1 +29536,1 +29537,1 +29538,1 +29539,1 +29540,1 +29541,1 +29542,1 +29543,1 +29544,1 +29545,1 +29546,1 +29547,1 +29548,1 +29549,1 +29550,1 +29551,1 +29552,1 +29553,1 +29554,1 +29555,1 +29556,1 +29557,1 +29558,1 +29559,1 +29560,1 +29561,1 +29562,1 +29563,1 +29564,1 +29565,1 +29566,1 +29567,1 +29568,1 +29569,1 +29570,1 +29571,1 +29572,1 +29573,1 +29574,1 +29575,1 +29576,1 +29577,1 +29578,1 +29579,1 +29580,1 +29581,1 +29582,1 +29583,1 +29584,1 +29585,1 +29586,1 +29587,1 +29588,1 +29589,1 +29590,1 +29591,1 +29592,1 +29593,1 +29594,1 +29595,1 +29596,1 +29597,1 +29598,1 +29599,1 +29600,1 +29601,1 +29602,1 +29603,1 +29604,1 +29605,1 +29606,1 +29607,1 +29608,1 +29609,1 +29610,1 +29611,1 +29612,1 +29613,1 +29614,1 +29615,1 +29616,1 +29617,1 +29618,1 +29619,1 +29620,1 +29621,1 +29622,1 +29623,1 +29624,1 +29625,1 +29626,1 +29627,1 +29628,1 +29629,1 +29630,1 +29631,1 +29632,1 +29633,1 +29634,1 +29635,1 +29636,1 +29637,1 +29638,1 +29639,1 +29640,1 +29641,1 +29642,1 +29643,1 +29644,1 +29645,1 +29646,1 +29647,1 +29648,1 +29649,1 +29650,1 +29651,1 +29652,1 +29653,1 +29654,1 +29655,1 +29656,1 +29657,1 +29658,1 +29659,1 +29660,1 +29661,1 +29662,1 +29663,1 +29664,1 +29665,1 +29666,1 +29667,1 +29668,1 +29669,1 +29670,1 +29671,1 +29672,1 +29673,1 +29674,1 +29675,1 +29676,1 +29677,1 +29678,1 +29679,1 +29680,1 +29681,1 +29682,1 +29683,1 +29684,1 +29685,1 +29686,1 +29687,1 +29688,1 +29689,1 +29690,1 +29691,1 +29692,1 +29693,1 +29694,1 +29695,1 +29696,1 +29697,1 +29698,1 +29699,1 +29700,1 +29701,1 +29702,1 +29703,1 +29704,1 +29705,1 +29706,1 +29707,1 +29708,1 +29709,1 +29710,1 +29711,1 +29712,1 +29713,1 +29714,1 +29715,1 +29716,1 +29717,1 +29718,1 +29719,1 +29720,1 +29721,1 +29722,1 +29723,1 +29724,1 +29725,1 +29726,1 +29727,1 +29728,1 +29729,1 +29730,1 +29731,1 +29732,1 +29733,1 +29734,1 +29735,1 +29736,1 +29737,1 +29738,1 +29739,1 +29740,1 +29741,1 +29742,1 +29743,1 +29744,1 +29745,1 +29746,1 +29747,1 +29748,1 +29749,1 +29750,1 +29751,1 +29752,1 +29753,1 +29754,1 +29755,1 +29756,1 +29757,1 +29758,1 +29759,1 +29760,1 +29761,1 +29762,1 +29763,1 +29764,1 +29765,1 +29766,1 +29767,1 +29768,1 +29769,1 +29770,1 +29771,1 +29772,1 +29773,1 +29774,1 +29775,1 +29776,1 +29777,1 +29778,1 +29779,1 +29780,1 +29781,1 +29782,1 +29783,1 +29784,1 +29785,1 +29786,1 +29787,1 +29788,1 +29789,1 +29790,1 +29791,1 +29792,1 +29793,1 +29794,1 +29795,1 +29796,1 +29797,1 +29798,1 +29799,1 +29800,1 +29801,1 +29802,1 +29803,1 +29804,1 +29805,1 +29806,1 +29807,1 +29808,1 +29809,1 +29810,1 +29811,1 +29812,1 +29813,1 +29814,1 +29815,1 +29816,1 +29817,1 +29818,1 +29819,1 +29820,1 +29821,1 +29822,1 +29823,1 +29824,1 +29825,1 +29826,1 +29827,1 +29828,1 +29829,1 +29830,1 +29831,1 +29832,1 +29833,1 +29834,1 +29835,1 +29836,1 +29837,1 +29838,1 +29839,1 +29840,1 +29841,1 +29842,1 +29843,1 +29844,1 +29845,1 +29846,1 +29847,1 +29848,1 +29849,1 +29850,1 +29851,1 +29852,1 +29853,1 +29854,1 +29855,1 +29856,1 +29857,1 +29858,1 +29859,1 +29860,1 +29861,1 +29862,1 +29863,1 +29864,1 +29865,1 +29866,1 +29867,1 +29868,1 +29869,1 +29870,1 +29871,1 +29872,1 +29873,1 +29874,1 +29875,1 +29876,1 +29877,1 +29878,1 +29879,1 +29880,1 +29881,1 +29882,1 +29883,1 +29884,1 +29885,1 +29886,1 +29887,1 +29888,1 +29889,1 +29890,1 +29891,1 +29892,1 +29893,1 +29894,1 +29895,1 +29896,1 +29897,1 +29898,1 +29899,1 +29900,1 +29901,1 +29902,1 +29903,1 +29904,1 +29905,1 +29906,1 +29907,1 +29908,1 +29909,1 +29910,1 +29911,1 +29912,1 +29913,1 +29914,1 +29915,1 +29916,1 +29917,1 +29918,1 +29919,1 +29920,1 +29921,1 +29922,1 +29923,1 +29924,1 +29925,1 +29926,1 +29927,1 +29928,1 +29929,1 +29930,1 +29931,1 +29932,1 +29933,1 +29934,1 +29935,1 +29936,1 +29937,1 +29938,1 +29939,1 +29940,1 +29941,1 +29942,1 +29943,1 +29944,1 +29945,1 +29946,1 +29947,1 +29948,1 +29949,1 +29950,1 +29951,1 +29952,1 +29953,1 +29954,1 +29955,1 +29956,1 +29957,1 +29958,1 +29959,1 +29960,1 +29961,1 +29962,1 +29963,1 +29964,1 +29965,1 +29966,1 +29967,1 +29968,1 +29969,1 +29970,1 +29971,1 +29972,1 +29973,1 +29974,1 +29975,1 +29976,1 +29977,1 +29978,1 +29979,1 +29980,1 +29981,1 +29982,1 +29983,1 +29984,1 +29985,1 +29986,1 +29987,1 +29988,1 +29989,1 +29990,1 +29991,1 +29992,1 +29993,1 +29994,1 +29995,1 +29996,1 +29997,1 +29998,1 +29999,1 +30000,1 +30001,1 +30002,1 +30003,1 +30004,1 +30005,1 +30006,1 +30007,1 +30008,1 +30009,1 +30010,1 +30011,1 +30012,1 +30013,1 +30014,1 +30015,1 +30016,1 +30017,1 +30018,1 +30019,1 +30020,1 +30021,1 +30022,1 +30023,1 +30024,1 +30025,1 +30026,1 +30027,1 +30028,1 +30029,1 +30030,1 +30031,1 +30032,1 +30033,1 +30034,1 +30035,1 +30036,1 +30037,1 +30038,1 +30039,1 +30040,1 +30041,1 +30042,1 +30043,1 +30044,1 +30045,1 +30046,1 +30047,1 +30048,1 +30049,1 +30050,1 +30051,1 +30052,1 +30053,1 +30054,1 +30055,1 +30056,1 +30057,1 +30058,1 +30059,1 +30060,1 +30061,1 +30062,1 +30063,1 +30064,1 +30065,1 +30066,1 +30067,1 +30068,1 +30069,1 +30070,1 +30071,1 +30072,1 +30073,1 +30074,1 +30075,1 +30076,1 +30077,1 +30078,1 +30079,1 +30080,1 +30081,1 +30082,1 +30083,1 +30084,1 +30085,1 +30086,1 +30087,1 +30088,1 +30089,1 +30090,1 +30091,1 +30092,1 +30093,1 +30094,1 +30095,1 +30096,1 +30097,1 +30098,1 +30099,1 +30100,1 +30101,1 +30102,1 +30103,1 +30104,1 +30105,1 +30106,1 +30107,1 +30108,1 +30109,1 +30110,1 +30111,1 +30112,1 +30113,1 +30114,1 +30115,1 +30116,1 +30117,1 +30118,1 +30119,1 +30120,1 +30121,1 +30122,1 +30123,1 +30124,1 +30125,1 +30126,1 +30127,1 +30128,1 +30129,1 +30130,1 +30131,1 +30132,1 +30133,1 +30134,1 +30135,1 +30136,1 +30137,1 +30138,1 +30139,1 +30140,1 +30141,1 +30142,1 +30143,1 +30144,1 +30145,1 +30146,1 +30147,1 +30148,1 +30149,1 +30150,1 +30151,1 +30152,1 +30153,1 +30154,1 +30155,1 +30156,1 +30157,1 +30158,1 +30159,1 +30160,1 +30161,1 +30162,1 +30163,1 +30164,1 +30165,1 +30166,1 +30167,1 +30168,1 +30169,1 +30170,1 +30171,1 +30172,1 +30173,1 +30174,1 +30175,1 +30176,1 +30177,1 +30178,1 +30179,1 +30180,1 +30181,1 +30182,1 +30183,1 +30184,1 +30185,1 +30186,1 +30187,1 +30188,1 +30189,1 +30190,1 +30191,1 +30192,1 +30193,1 +30194,1 +30195,1 +30196,1 +30197,1 +30198,1 +30199,1 +30200,1 +30201,1 +30202,1 +30203,1 +30204,1 +30205,1 +30206,1 +30207,1 +30208,1 +30209,1 +30210,1 +30211,1 +30212,1 +30213,1 +30214,1 +30215,1 +30216,1 +30217,1 +30218,1 +30219,1 +30220,1 +30221,1 +30222,1 +30223,1 +30224,1 +30225,1 +30226,1 +30227,1 +30228,1 +30229,1 +30230,1 +30231,1 +30232,1 +30233,1 +30234,1 +30235,1 +30236,1 +30237,1 +30238,1 +30239,1 +30240,1 +30241,1 +30242,1 +30243,1 +30244,1 +30245,1 +30246,1 +30247,1 +30248,1 +30249,1 +30250,1 +30251,1 +30252,1 +30253,1 +30254,1 +30255,1 +30256,1 +30257,1 +30258,1 +30259,1 +30260,1 +30261,1 +30262,1 +30263,1 +30264,1 +30265,1 +30266,1 +30267,1 +30268,1 +30269,1 +30270,1 +30271,1 +30272,1 +30273,1 +30274,1 +30275,1 +30276,1 +30277,1 +30278,1 +30279,1 +30280,1 +30281,1 +30282,1 +30283,1 +30284,1 +30285,1 +30286,1 +30287,1 +30288,1 +30289,1 +30290,1 +30291,1 +30292,1 +30293,1 +30294,1 +30295,1 +30296,1 +30297,1 +30298,1 +30299,1 +30300,1 +30301,1 +30302,1 +30303,1 +30304,1 +30305,1 +30306,1 +30307,1 +30308,1 +30309,1 +30310,1 +30311,1 +30312,1 +30313,1 +30314,1 +30315,1 +30316,1 +30317,1 +30318,1 +30319,1 +30320,1 +30321,1 +30322,1 +30323,1 +30324,1 +30325,1 +30326,1 +30327,1 +30328,1 +30329,1 +30330,1 +30331,1 +30332,1 +30333,1 +30334,1 +30335,1 +30336,1 +30337,1 +30338,1 +30339,1 +30340,1 +30341,1 +30342,1 +30343,1 +30344,1 +30345,1 +30346,1 +30347,1 +30348,1 +30349,1 +30350,1 +30351,1 +30352,1 +30353,1 +30354,1 +30355,1 +30356,1 +30357,1 +30358,1 +30359,1 +30360,1 +30361,1 +30362,1 +30363,1 +30364,1 +30365,1 +30366,1 +30367,1 +30368,1 +30369,1 +30370,1 +30371,1 +30372,1 +30373,1 +30374,1 +30375,1 +30376,1 +30377,1 +30378,1 +30379,1 +30380,1 +30381,1 +30382,1 +30383,1 +30384,1 +30385,1 +30386,1 +30387,1 +30388,1 +30389,1 +30390,1 +30391,1 +30392,1 +30393,1 +30394,1 +30395,1 +30396,1 +30397,1 +30398,1 +30399,1 +30400,1 +30401,1 +30402,1 +30403,1 +30404,1 +30405,1 +30406,1 +30407,1 +30408,1 +30409,1 +30410,1 +30411,1 +30412,1 +30413,1 +30414,1 +30415,1 +30416,1 +30417,1 +30418,1 +30419,1 +30420,1 +30421,1 +30422,1 +30423,1 +30424,1 +30425,1 +30426,1 +30427,1 +30428,1 +30429,1 +30430,1 +30431,1 +30432,1 +30433,1 +30434,1 +30435,1 +30436,1 +30437,1 +30438,1 +30439,1 +30440,1 +30441,1 +30442,1 +30443,1 +30444,1 +30445,1 +30446,1 +30447,1 +30448,1 +30449,1 +30450,1 +30451,1 +30452,1 +30453,1 +30454,1 +30455,1 +30456,1 +30457,1 +30458,1 +30459,1 +30460,1 +30461,1 +30462,1 +30463,1 +30464,1 +30465,1 +30466,1 +30467,1 +30468,1 +30469,1 +30470,1 +30471,1 +30472,1 +30473,1 +30474,1 +30475,1 +30476,1 +30477,1 +30478,1 +30479,1 +30480,1 +30481,1 +30482,1 +30483,1 +30484,1 +30485,1 +30486,1 +30487,1 +30488,1 +30489,1 +30490,1 +30491,1 +30492,1 +30493,1 +30494,1 +30495,1 +30496,1 +30497,1 +30498,1 +30499,1 +30500,1 +30501,1 +30502,1 +30503,1 +30504,1 +30505,1 +30506,1 +30507,1 +30508,1 +30509,1 +30510,1 +30511,1 +30512,1 +30513,1 +30514,1 +30515,1 +30516,1 +30517,1 +30518,1 +30519,1 +30520,1 +30521,1 +30522,1 +30523,1 +30524,1 +30525,1 +30526,1 +30527,1 +30528,1 +30529,1 +30530,1 +30531,1 +30532,1 +30533,1 +30534,1 +30535,1 +30536,1 +30537,1 +30538,1 +30539,1 +30540,1 +30541,1 +30542,1 +30543,1 +30544,1 +30545,1 +30546,1 +30547,1 +30548,1 +30549,1 +30550,1 +30551,1 +30552,1 +30553,1 +30554,1 +30555,1 +30556,1 +30557,1 +30558,1 +30559,1 +30560,1 +30561,1 +30562,1 +30563,1 +30564,1 +30565,1 +30566,1 +30567,1 +30568,1 +30569,1 +30570,1 +30571,1 +30572,1 +30573,1 +30574,1 +30575,1 +30576,1 +30577,1 +30578,1 +30579,1 +30580,1 +30581,1 +30582,1 +30583,1 +30584,1 +30585,1 +30586,1 +30587,1 +30588,1 +30589,1 +30590,1 +30591,1 +30592,1 +30593,1 +30594,1 +30595,1 +30596,1 +30597,1 +30598,1 +30599,1 +30600,1 +30601,1 +30602,1 +30603,1 +30604,1 +30605,1 +30606,1 +30607,1 +30608,1 +30609,1 +30610,1 +30611,1 +30612,1 +30613,1 +30614,1 +30615,1 +30616,1 +30617,1 +30618,1 +30619,1 +30620,1 +30621,1 +30622,1 +30623,1 +30624,1 +30625,1 +30626,1 +30627,1 +30628,1 +30629,1 +30630,1 +30631,1 +30632,1 +30633,1 +30634,1 +30635,1 +30636,1 +30637,1 +30638,1 +30639,1 +30640,1 +30641,1 +30642,1 +30643,1 +30644,1 +30645,1 +30646,1 +30647,1 +30648,1 +30649,1 +30650,1 +30651,1 +30652,1 +30653,1 +30654,1 +30655,1 +30656,1 +30657,1 +30658,1 +30659,1 +30660,1 +30661,1 +30662,1 +30663,1 +30664,1 +30665,1 +30666,1 +30667,1 +30668,1 +30669,1 +30670,1 +30671,1 +30672,1 +30673,1 +30674,1 +30675,1 +30676,1 +30677,1 +30678,1 +30679,1 +30680,1 +30681,1 +30682,1 +30683,1 +30684,1 +30685,1 +30686,1 +30687,1 +30688,1 +30689,1 +30690,1 +30691,1 +30692,1 +30693,1 +30694,1 +30695,1 +30696,1 +30697,1 +30698,1 +30699,1 +30700,1 +30701,1 +30702,1 +30703,1 +30704,1 +30705,1 +30706,1 +30707,1 +30708,1 +30709,1 +30710,1 +30711,1 +30712,1 +30713,1 +30714,1 +30715,1 +30716,1 +30717,1 +30718,1 +30719,1 +30720,1 +30721,1 +30722,1 +30723,1 +30724,1 +30725,1 +30726,1 +30727,1 +30728,1 +30729,1 +30730,1 +30731,1 +30732,1 +30733,1 +30734,1 +30735,1 +30736,1 +30737,1 +30738,1 +30739,1 +30740,1 +30741,1 +30742,1 +30743,1 +30744,1 +30745,1 +30746,1 +30747,1 +30748,1 +30749,1 +30750,1 +30751,1 +30752,1 +30753,1 +30754,1 +30755,1 +30756,1 +30757,1 +30758,1 +30759,1 +30760,1 +30761,1 +30762,1 +30763,1 +30764,1 +30765,1 +30766,1 +30767,1 +30768,1 +30769,1 +30770,1 +30771,1 +30772,1 +30773,1 +30774,1 +30775,1 +30776,1 +30777,1 +30778,1 +30779,1 +30780,1 +30781,1 +30782,1 +30783,1 +30784,1 +30785,1 +30786,1 +30787,1 +30788,1 +30789,1 +30790,1 +30791,1 +30792,1 +30793,1 +30794,1 +30795,1 +30796,1 +30797,1 +30798,1 +30799,1 +30800,1 +30801,1 +30802,1 +30803,1 +30804,1 +30805,1 +30806,1 +30807,1 +30808,1 +30809,1 +30810,1 +30811,1 +30812,1 +30813,1 +30814,1 +30815,1 +30816,1 +30817,1 +30818,1 +30819,1 +30820,1 +30821,1 +30822,1 +30823,1 +30824,1 +30825,1 +30826,1 +30827,1 +30828,1 +30829,1 +30830,1 +30831,1 +30832,1 +30833,1 +30834,1 +30835,1 +30836,1 +30837,1 +30838,1 +30839,1 +30840,1 +30841,1 +30842,1 +30843,1 +30844,1 +30845,1 +30846,1 +30847,1 +30848,1 +30849,1 +30850,1 +30851,1 +30852,1 +30853,1 +30854,1 +30855,1 +30856,1 +30857,1 +30858,1 +30859,1 +30860,1 +30861,1 +30862,1 +30863,1 +30864,1 +30865,1 +30866,1 +30867,1 +30868,1 +30869,1 +30870,1 +30871,1 +30872,1 +30873,1 +30874,1 +30875,1 +30876,1 +30877,1 +30878,1 +30879,1 +30880,1 +30881,1 +30882,1 +30883,1 +30884,1 +30885,1 +30886,1 +30887,1 +30888,1 +30889,1 +30890,1 +30891,1 +30892,1 +30893,1 +30894,1 +30895,1 +30896,1 +30897,1 +30898,1 +30899,1 +30900,1 +30901,1 +30902,1 +30903,1 +30904,1 +30905,1 +30906,1 +30907,1 +30908,1 +30909,1 +30910,1 +30911,1 +30912,1 +30913,1 +30914,1 +30915,1 +30916,1 +30917,1 +30918,1 +30919,1 +30920,1 +30921,1 +30922,1 +30923,1 +30924,1 +30925,1 +30926,1 +30927,1 +30928,1 +30929,1 +30930,1 +30931,1 +30932,1 +30933,1 +30934,1 +30935,1 +30936,1 +30937,1 +30938,1 +30939,1 +30940,1 +30941,1 +30942,1 +30943,1 +30944,1 +30945,1 +30946,1 +30947,1 +30948,1 +30949,1 +30950,1 +30951,1 +30952,1 +30953,1 +30954,1 +30955,1 +30956,1 +30957,1 +30958,1 +30959,1 +30960,1 +30961,1 +30962,1 +30963,1 +30964,1 +30965,1 +30966,1 +30967,1 +30968,1 +30969,1 +30970,1 +30971,1 +30972,1 +30973,1 +30974,1 +30975,1 +30976,1 +30977,1 +30978,1 +30979,1 +30980,1 +30981,1 +30982,1 +30983,1 +30984,1 +30985,1 +30986,1 +30987,1 +30988,1 +30989,1 +30990,1 +30991,1 +30992,1 +30993,1 +30994,1 +30995,1 +30996,1 +30997,1 +30998,1 +30999,1 +31000,1 +31001,1 +31002,1 +31003,1 +31004,1 +31005,1 +31006,1 +31007,1 +31008,1 +31009,1 +31010,1 +31011,1 +31012,1 +31013,1 +31014,1 +31015,1 +31016,1 +31017,1 +31018,1 +31019,1 +31020,1 +31021,1 +31022,1 +31023,1 +31024,1 +31025,1 +31026,1 +31027,1 +31028,1 +31029,1 +31030,1 +31031,1 +31032,1 +31033,1 +31034,1 +31035,1 +31036,1 +31037,1 +31038,1 +31039,1 +31040,1 +31041,1 +31042,1 +31043,1 +31044,1 +31045,1 +31046,1 +31047,1 +31048,1 +31049,1 +31050,1 +31051,1 +31052,1 +31053,1 +31054,1 +31055,1 +31056,1 +31057,1 +31058,1 +31059,1 +31060,1 +31061,1 +31062,1 +31063,1 +31064,1 +31065,1 +31066,1 +31067,1 +31068,1 +31069,1 +31070,1 +31071,1 +31072,1 +31073,1 +31074,1 +31075,1 +31076,1 +31077,1 +31078,1 +31079,1 +31080,1 +31081,1 +31082,1 +31083,1 +31084,1 +31085,1 +31086,1 +31087,1 +31088,1 +31089,1 +31090,1 +31091,1 +31092,1 +31093,1 +31094,1 +31095,1 +31096,1 +31097,1 +31098,1 +31099,1 +31100,1 +31101,1 +31102,1 +31103,1 +31104,1 +31105,1 +31106,1 +31107,1 +31108,1 +31109,1 +31110,1 +31111,1 +31112,1 +31113,1 +31114,1 +31115,1 +31116,1 +31117,1 +31118,1 +31119,1 +31120,1 +31121,1 +31122,1 +31123,1 +31124,1 +31125,1 +31126,1 +31127,1 +31128,1 +31129,1 +31130,1 +31131,1 +31132,1 +31133,1 +31134,1 +31135,1 +31136,1 +31137,1 +31138,1 +31139,1 +31140,1 +31141,1 +31142,1 +31143,1 +31144,1 +31145,1 +31146,1 +31147,1 +31148,1 +31149,1 +31150,1 +31151,1 +31152,1 +31153,1 +31154,1 +31155,1 +31156,1 +31157,1 +31158,1 +31159,1 +31160,1 +31161,1 +31162,1 +31163,1 +31164,1 +31165,1 +31166,1 +31167,1 +31168,1 +31169,1 +31170,1 +31171,1 +31172,1 +31173,1 +31174,1 +31175,1 +31176,1 +31177,1 +31178,1 +31179,1 +31180,1 +31181,1 +31182,1 +31183,1 +31184,1 +31185,1 +31186,1 +31187,1 +31188,1 +31189,1 +31190,1 +31191,1 +31192,1 +31193,1 +31194,1 +31195,1 +31196,1 +31197,1 +31198,1 +31199,1 +31200,1 +31201,1 +31202,1 +31203,1 +31204,1 +31205,1 +31206,1 +31207,1 +31208,1 +31209,1 +31210,1 +31211,1 +31212,1 +31213,1 +31214,1 +31215,1 +31216,1 +31217,1 +31218,1 +31219,1 +31220,1 +31221,1 +31222,1 +31223,1 +31224,1 +31225,1 +31226,1 +31227,1 +31228,1 +31229,1 +31230,1 +31231,1 +31232,1 +31233,1 +31234,1 +31235,1 +31236,1 +31237,1 +31238,1 +31239,1 +31240,1 +31241,1 +31242,1 +31243,1 +31244,1 +31245,1 +31246,1 +31247,1 +31248,1 +31249,1 +31250,1 +31251,1 +31252,1 +31253,1 +31254,1 +31255,1 +31256,1 +31257,1 +31258,1 +31259,1 +31260,1 +31261,1 +31262,1 +31263,1 +31264,1 +31265,1 +31266,1 +31267,1 +31268,1 +31269,1 +31270,1 +31271,1 +31272,1 +31273,1 +31274,1 +31275,1 +31276,1 +31277,1 +31278,1 +31279,1 +31280,1 +31281,1 +31282,1 +31283,1 +31284,1 +31285,1 +31286,1 +31287,1 +31288,1 +31289,1 +31290,1 +31291,1 +31292,1 +31293,1 +31294,1 +31295,1 +31296,1 +31297,1 +31298,1 +31299,1 +31300,1 +31301,1 +31302,1 +31303,1 +31304,1 +31305,1 +31306,1 +31307,1 +31308,1 +31309,1 +31310,1 +31311,1 +31312,1 +31313,1 +31314,1 +31315,1 +31316,1 +31317,1 +31318,1 +31319,1 +31320,1 +31321,1 +31322,1 +31323,1 +31324,1 +31325,1 +31326,1 +31327,1 +31328,1 +31329,1 +31330,1 +31331,1 +31332,1 +31333,1 +31334,1 +31335,1 +31336,1 +31337,1 +31338,1 +31339,1 +31340,1 +31341,1 +31342,1 +31343,1 +31344,1 +31345,1 +31346,1 +31347,1 +31348,1 +31349,1 +31350,1 +31351,1 +31352,1 +31353,1 +31354,1 +31355,1 +31356,1 +31357,1 +31358,1 +31359,1 +31360,1 +31361,1 +31362,1 +31363,1 +31364,1 +31365,1 +31366,1 +31367,1 +31368,1 +31369,1 +31370,1 +31371,1 +31372,1 +31373,1 +31374,1 +31375,1 +31376,1 +31377,1 +31378,1 +31379,1 +31380,1 +31381,1 +31382,1 +31383,1 +31384,1 +31385,1 +31386,1 +31387,1 +31388,1 +31389,1 +31390,1 +31391,1 +31392,1 +31393,1 +31394,1 +31395,1 +31396,1 +31397,1 +31398,1 +31399,1 +31400,1 +31401,1 +31402,1 +31403,1 +31404,1 +31405,1 +31406,1 +31407,1 +31408,1 +31409,1 +31410,1 +31411,1 +31412,1 +31413,1 +31414,1 +31415,1 +31416,1 +31417,1 +31418,1 +31419,1 +31420,1 +31421,1 +31422,1 +31423,1 +31424,1 +31425,1 +31426,1 +31427,1 +31428,1 +31429,1 +31430,1 +31431,1 +31432,1 +31433,1 +31434,1 +31435,1 +31436,1 +31437,1 +31438,1 +31439,1 +31440,1 +31441,1 +31442,1 +31443,1 +31444,1 +31445,1 +31446,1 +31447,1 +31448,1 +31449,1 +31450,1 +31451,1 +31452,1 +31453,1 +31454,1 +31455,1 +31456,1 +31457,1 +31458,1 +31459,1 +31460,1 +31461,1 +31462,1 +31463,1 +31464,1 +31465,1 +31466,1 +31467,1 +31468,1 +31469,1 +31470,1 +31471,1 +31472,1 +31473,1 +31474,1 +31475,1 +31476,1 +31477,1 +31478,1 +31479,1 +31480,1 +31481,1 +31482,1 +31483,1 +31484,1 +31485,1 +31486,1 +31487,1 +31488,1 +31489,1 +31490,1 +31491,1 +31492,1 +31493,1 +31494,1 +31495,1 +31496,1 +31497,1 +31498,1 +31499,1 +31500,1 +31501,1 +31502,1 +31503,1 +31504,1 +31505,1 +31506,1 +31507,1 +31508,1 +31509,1 +31510,1 +31511,1 +31512,1 +31513,1 +31514,1 +31515,1 +31516,1 +31517,1 +31518,1 +31519,1 +31520,1 +31521,1 +31522,1 +31523,1 +31524,1 +31525,1 +31526,1 +31527,1 +31528,1 +31529,1 +31530,1 +31531,1 +31532,1 +31533,1 +31534,1 +31535,1 +31536,1 +31537,1 +31538,1 +31539,1 +31540,1 +31541,1 +31542,1 +31543,1 +31544,1 +31545,1 +31546,1 +31547,1 +31548,1 +31549,1 +31550,1 +31551,1 +31552,1 +31553,1 +31554,1 +31555,1 +31556,1 +31557,1 +31558,1 +31559,1 +31560,1 +31561,1 +31562,1 +31563,1 +31564,1 +31565,1 +31566,1 +31567,1 +31568,1 +31569,1 +31570,1 +31571,1 +31572,1 +31573,1 +31574,1 +31575,1 +31576,1 +31577,1 +31578,1 +31579,1 +31580,1 +31581,1 +31582,1 +31583,1 +31584,1 +31585,1 +31586,1 +31587,1 +31588,1 +31589,1 +31590,1 +31591,1 +31592,1 +31593,1 +31594,1 +31595,1 +31596,1 +31597,1 +31598,1 +31599,1 +31600,1 +31601,1 +31602,1 +31603,1 +31604,1 +31605,1 +31606,1 +31607,1 +31608,1 +31609,1 +31610,1 +31611,1 +31612,1 +31613,1 +31614,1 +31615,1 +31616,1 +31617,1 +31618,1 +31619,1 +31620,1 +31621,1 +31622,1 +31623,1 +31624,1 +31625,1 +31626,1 +31627,1 +31628,1 +31629,1 +31630,1 +31631,1 +31632,1 +31633,1 +31634,1 +31635,1 +31636,1 +31637,1 +31638,1 +31639,1 +31640,1 +31641,1 +31642,1 +31643,1 +31644,1 +31645,1 +31646,1 +31647,1 +31648,1 +31649,1 +31650,1 +31651,1 +31652,1 +31653,1 +31654,1 +31655,1 +31656,1 +31657,1 +31658,1 +31659,1 +31660,1 +31661,1 +31662,1 +31663,1 +31664,1 +31665,1 +31666,1 +31667,1 +31668,1 +31669,1 +31670,1 +31671,1 +31672,1 +31673,1 +31674,1 +31675,1 +31676,1 +31677,1 +31678,1 +31679,1 +31680,1 +31681,1 +31682,1 +31683,1 +31684,1 +31685,1 +31686,1 +31687,1 +31688,1 +31689,1 +31690,1 +31691,1 +31692,1 +31693,1 +31694,1 +31695,1 +31696,1 +31697,1 +31698,1 +31699,1 +31700,1 +31701,1 +31702,1 +31703,1 +31704,1 +31705,1 +31706,1 +31707,1 +31708,1 +31709,1 +31710,1 +31711,1 +31712,1 +31713,1 +31714,1 +31715,1 +31716,1 +31717,1 +31718,1 +31719,1 +31720,1 +31721,1 +31722,1 +31723,1 +31724,1 +31725,1 +31726,1 +31727,1 +31728,1 +31729,1 +31730,1 +31731,1 +31732,1 +31733,1 +31734,1 +31735,1 +31736,1 +31737,1 +31738,1 +31739,1 +31740,1 +31741,1 +31742,1 +31743,1 +31744,1 +31745,1 +31746,1 +31747,1 +31748,1 +31749,1 +31750,1 +31751,1 +31752,1 +31753,1 +31754,1 +31755,1 +31756,1 +31757,1 +31758,1 +31759,1 +31760,1 +31761,1 +31762,1 +31763,1 +31764,1 +31765,1 +31766,1 +31767,1 +31768,1 +31769,1 +31770,1 +31771,1 +31772,1 +31773,1 +31774,1 +31775,1 +31776,1 +31777,1 +31778,1 +31779,1 +31780,1 +31781,1 +31782,1 +31783,1 +31784,1 +31785,1 +31786,1 +31787,1 +31788,1 +31789,1 +31790,1 +31791,1 +31792,1 +31793,1 +31794,1 +31795,1 +31796,1 +31797,1 +31798,1 +31799,1 +31800,1 +31801,1 +31802,1 +31803,1 +31804,1 +31805,1 +31806,1 +31807,1 +31808,1 +31809,1 +31810,1 +31811,1 +31812,1 +31813,1 +31814,1 +31815,1 +31816,1 +31817,1 +31818,1 +31819,1 +31820,1 +31821,1 +31822,1 +31823,1 +31824,1 +31825,1 +31826,1 +31827,1 +31828,1 +31829,1 +31830,1 +31831,1 +31832,1 +31833,1 +31834,1 +31835,1 +31836,1 +31837,1 +31838,1 +31839,1 +31840,1 +31841,1 +31842,1 +31843,1 +31844,1 +31845,1 +31846,1 +31847,1 +31848,1 +31849,1 +31850,1 +31851,1 +31852,1 +31853,1 +31854,1 +31855,1 +31856,1 +31857,1 +31858,1 +31859,1 +31860,1 +31861,1 +31862,1 +31863,1 +31864,1 +31865,1 +31866,1 +31867,1 +31868,1 +31869,1 +31870,1 +31871,1 +31872,1 +31873,1 +31874,1 +31875,1 +31876,1 +31877,1 +31878,1 +31879,1 +31880,1 +31881,1 +31882,1 +31883,1 +31884,1 +31885,1 +31886,1 +31887,1 +31888,1 +31889,1 +31890,1 +31891,1 +31892,1 +31893,1 +31894,1 +31895,1 +31896,1 +31897,1 +31898,1 +31899,1 +31900,1 +31901,1 +31902,1 +31903,1 +31904,1 +31905,1 +31906,1 +31907,1 +31908,1 +31909,1 +31910,1 +31911,1 +31912,1 +31913,1 +31914,1 +31915,1 +31916,1 +31917,1 +31918,1 +31919,1 +31920,1 +31921,1 +31922,1 +31923,1 +31924,1 +31925,1 +31926,1 +31927,1 +31928,1 +31929,1 +31930,1 +31931,1 +31932,1 +31933,1 +31934,1 +31935,1 +31936,1 +31937,1 +31938,1 +31939,1 +31940,1 +31941,1 +31942,1 +31943,1 +31944,1 +31945,1 +31946,1 +31947,1 +31948,1 +31949,1 +31950,1 +31951,1 +31952,1 +31953,1 +31954,1 +31955,1 +31956,1 +31957,1 +31958,1 +31959,1 +31960,1 +31961,1 +31962,1 +31963,1 +31964,1 +31965,1 +31966,1 +31967,1 +31968,1 +31969,1 +31970,1 +31971,1 +31972,1 +31973,1 +31974,1 +31975,1 +31976,1 +31977,1 +31978,1 +31979,1 +31980,1 +31981,1 +31982,1 +31983,1 +31984,1 +31985,1 +31986,1 +31987,1 +31988,1 +31989,1 +31990,1 +31991,1 +31992,1 +31993,1 +31994,1 +31995,1 +31996,1 +31997,1 +31998,1 +31999,1 +32000,1 +32001,1 +32002,1 +32003,1 +32004,1 +32005,1 +32006,1 +32007,1 +32008,1 +32009,1 +32010,1 +32011,1 +32012,1 +32013,1 +32014,1 +32015,1 +32016,1 +32017,1 +32018,1 +32019,1 +32020,1 +32021,1 +32022,1 +32023,1 +32024,1 +32025,1 +32026,1 +32027,1 +32028,1 +32029,1 +32030,1 +32031,1 +32032,1 +32033,1 +32034,1 +32035,1 +32036,1 +32037,1 +32038,1 +32039,1 +32040,1 +32041,1 +32042,1 +32043,1 +32044,1 +32045,1 +32046,1 +32047,1 +32048,1 +32049,1 +32050,1 +32051,1 +32052,1 +32053,1 +32054,1 +32055,1 +32056,1 +32057,1 +32058,1 +32059,1 +32060,1 +32061,1 +32062,1 +32063,1 +32064,1 +32065,1 +32066,1 +32067,1 +32068,1 +32069,1 +32070,1 +32071,1 +32072,1 +32073,1 +32074,1 +32075,1 +32076,1 +32077,1 +32078,1 +32079,1 +32080,1 +32081,1 +32082,1 +32083,1 +32084,1 +32085,1 +32086,1 +32087,1 +32088,1 +32089,1 +32090,1 +32091,1 +32092,1 +32093,1 +32094,1 +32095,1 +32096,1 +32097,1 +32098,1 +32099,1 +32100,1 +32101,1 +32102,1 +32103,1 +32104,1 +32105,1 +32106,1 +32107,1 +32108,1 +32109,1 +32110,1 +32111,1 +32112,1 +32113,1 +32114,1 +32115,1 +32116,1 +32117,1 +32118,1 +32119,1 +32120,1 +32121,1 +32122,1 +32123,1 +32124,1 +32125,1 +32126,1 +32127,1 +32128,1 +32129,1 +32130,1 +32131,1 +32132,1 +32133,1 +32134,1 +32135,1 +32136,1 +32137,1 +32138,1 +32139,1 +32140,1 +32141,1 +32142,1 +32143,1 +32144,1 +32145,1 +32146,1 +32147,1 +32148,1 +32149,1 +32150,1 +32151,1 +32152,1 +32153,1 +32154,1 +32155,1 +32156,1 +32157,1 +32158,1 +32159,1 +32160,1 +32161,1 +32162,1 +32163,1 +32164,1 +32165,1 +32166,1 +32167,1 +32168,1 +32169,1 +32170,1 +32171,1 +32172,1 +32173,1 +32174,1 +32175,1 +32176,1 +32177,1 +32178,1 +32179,1 +32180,1 +32181,1 +32182,1 +32183,1 +32184,1 +32185,1 +32186,1 +32187,1 +32188,1 +32189,1 +32190,1 +32191,1 +32192,1 +32193,1 +32194,1 +32195,1 +32196,1 +32197,1 +32198,1 +32199,1 +32200,1 +32201,1 +32202,1 +32203,1 +32204,1 +32205,1 +32206,1 +32207,1 +32208,1 +32209,1 +32210,1 +32211,1 +32212,1 +32213,1 +32214,1 +32215,1 +32216,1 +32217,1 +32218,1 +32219,1 +32220,1 +32221,1 +32222,1 +32223,1 +32224,1 +32225,1 +32226,1 +32227,1 +32228,1 +32229,1 +32230,1 +32231,1 +32232,1 +32233,1 +32234,1 +32235,1 +32236,1 +32237,1 +32238,1 +32239,1 +32240,1 +32241,1 +32242,1 +32243,1 +32244,1 +32245,1 +32246,1 +32247,1 +32248,1 +32249,1 +32250,1 +32251,1 +32252,1 +32253,1 +32254,1 +32255,1 +32256,1 +32257,1 +32258,1 +32259,1 +32260,1 +32261,1 +32262,1 +32263,1 +32264,1 +32265,1 +32266,1 +32267,1 +32268,1 +32269,1 +32270,1 +32271,1 +32272,1 +32273,1 +32274,1 +32275,1 +32276,1 +32277,1 +32278,1 +32279,1 +32280,1 +32281,1 +32282,1 +32283,1 +32284,1 +32285,1 +32286,1 +32287,1 +32288,1 +32289,1 +32290,1 +32291,1 +32292,1 +32293,1 +32294,1 +32295,1 +32296,1 +32297,1 +32298,1 +32299,1 +32300,1 +32301,1 +32302,1 +32303,1 +32304,1 +32305,1 +32306,1 +32307,1 +32308,1 +32309,1 +32310,1 +32311,1 +32312,1 +32313,1 +32314,1 +32315,1 +32316,1 +32317,1 +32318,1 +32319,1 +32320,1 +32321,1 +32322,1 +32323,1 +32324,1 +32325,1 +32326,1 +32327,1 +32328,1 +32329,1 +32330,1 +32331,1 +32332,1 +32333,1 +32334,1 +32335,1 +32336,1 +32337,1 +32338,1 +32339,1 +32340,1 +32341,1 +32342,1 +32343,1 +32344,1 +32345,1 +32346,1 +32347,1 +32348,1 +32349,1 +32350,1 +32351,1 +32352,1 +32353,1 +32354,1 +32355,1 +32356,1 +32357,1 +32358,1 +32359,1 +32360,1 +32361,1 +32362,1 +32363,1 +32364,1 +32365,1 +32366,1 +32367,1 +32368,1 +32369,1 +32370,1 +32371,1 +32372,1 +32373,1 +32374,1 +32375,1 +32376,1 +32377,1 +32378,1 +32379,1 +32380,1 +32381,1 +32382,1 +32383,1 +32384,1 +32385,1 +32386,1 +32387,1 +32388,1 +32389,1 +32390,1 +32391,1 +32392,1 +32393,1 +32394,1 +32395,1 +32396,1 +32397,1 +32398,1 +32399,1 +32400,1 +32401,1 +32402,1 +32403,1 +32404,1 +32405,1 +32406,1 +32407,1 +32408,1 +32409,1 +32410,1 +32411,1 +32412,1 +32413,1 +32414,1 +32415,1 +32416,1 +32417,1 +32418,1 +32419,1 +32420,1 +32421,1 +32422,1 +32423,1 +32424,1 +32425,1 +32426,1 +32427,1 +32428,1 +32429,1 +32430,1 +32431,1 +32432,1 +32433,1 +32434,1 +32435,1 +32436,1 +32437,1 +32438,1 +32439,1 +32440,1 +32441,1 +32442,1 +32443,1 +32444,1 +32445,1 +32446,1 +32447,1 +32448,1 +32449,1 +32450,1 +32451,1 +32452,1 +32453,1 +32454,1 +32455,1 +32456,1 +32457,1 +32458,1 +32459,1 +32460,1 +32461,1 +32462,1 +32463,1 +32464,1 +32465,1 +32466,1 +32467,1 +32468,1 +32469,1 +32470,1 +32471,1 +32472,1 +32473,1 +32474,1 +32475,1 +32476,1 +32477,1 +32478,1 +32479,1 +32480,1 +32481,1 +32482,1 +32483,1 +32484,1 +32485,1 +32486,1 +32487,1 +32488,1 +32489,1 +32490,1 +32491,1 +32492,1 +32493,1 +32494,1 +32495,1 +32496,1 +32497,1 +32498,1 +32499,1 +32500,1 +32501,1 +32502,1 +32503,1 +32504,1 +32505,1 +32506,1 +32507,1 +32508,1 +32509,1 +32510,1 +32511,1 +32512,1 +32513,1 +32514,1 +32515,1 +32516,1 +32517,1 +32518,1 +32519,1 +32520,1 +32521,1 +32522,1 +32523,1 +32524,1 +32525,1 +32526,1 +32527,1 +32528,1 +32529,1 +32530,1 +32531,1 +32532,1 +32533,1 +32534,1 +32535,1 +32536,1 +32537,1 +32538,1 +32539,1 +32540,1 +32541,1 +32542,1 +32543,1 +32544,1 +32545,1 +32546,1 +32547,1 +32548,1 +32549,1 +32550,1 +32551,1 +32552,1 +32553,1 +32554,1 +32555,1 +32556,1 +32557,1 +32558,1 +32559,1 +32560,1 +32561,1 +32562,1 +32563,1 +32564,1 +32565,1 +32566,1 +32567,1 +32568,1 +32569,1 +32570,1 +32571,1 +32572,1 +32573,1 +32574,1 +32575,1 +32576,1 +32577,1 +32578,1 +32579,1 +32580,1 +32581,1 +32582,1 +32583,1 +32584,1 +32585,1 +32586,1 +32587,1 +32588,1 +32589,1 +32590,1 +32591,1 +32592,1 +32593,1 +32594,1 +32595,1 +32596,1 +32597,1 +32598,1 +32599,1 +32600,1 +32601,1 +32602,1 +32603,1 +32604,1 +32605,1 +32606,1 +32607,1 +32608,1 +32609,1 +32610,1 +32611,1 +32612,1 +32613,1 +32614,1 +32615,1 +32616,1 +32617,1 +32618,1 +32619,1 +32620,1 +32621,1 +32622,1 +32623,1 +32624,1 +32625,1 +32626,1 +32627,1 +32628,1 +32629,1 +32630,1 +32631,1 +32632,1 +32633,1 +32634,1 +32635,1 +32636,1 +32637,1 +32638,1 +32639,1 +32640,1 +32641,1 +32642,1 +32643,1 +32644,1 +32645,1 +32646,1 +32647,1 +32648,1 +32649,1 +32650,1 +32651,1 +32652,1 +32653,1 +32654,1 +32655,1 +32656,1 +32657,1 +32658,1 +32659,1 +32660,1 +32661,1 +32662,1 +32663,1 +32664,1 +32665,1 +32666,1 +32667,1 +32668,1 +32669,1 +32670,1 +32671,1 +32672,1 +32673,1 +32674,1 +32675,1 +32676,1 +32677,1 +32678,1 +32679,1 +32680,1 +32681,1 +32682,1 +32683,1 +32684,1 +32685,1 +32686,1 +32687,1 +32688,1 +32689,1 +32690,1 +32691,1 +32692,1 +32693,1 +32694,1 +32695,1 +32696,1 +32697,1 +32698,1 +32699,1 +32700,1 +32701,1 +32702,1 +32703,1 +32704,1 +32705,1 +32706,1 +32707,1 +32708,1 +32709,1 +32710,1 +32711,1 +32712,1 +32713,1 +32714,1 +32715,1 +32716,1 +32717,1 +32718,1 +32719,1 +32720,1 +32721,1 +32722,1 +32723,1 +32724,1 +32725,1 +32726,1 +32727,1 +32728,1 +32729,1 +32730,1 +32731,1 +32732,1 +32733,1 +32734,1 +32735,1 +32736,1 +32737,1 +32738,1 +32739,1 +32740,1 +32741,1 +32742,1 +32743,1 +32744,1 +32745,1 +32746,1 +32747,1 +32748,1 +32749,1 +32750,1 +32751,1 +32752,1 +32753,1 +32754,1 +32755,1 +32756,1 +32757,1 +32758,1 +32759,1 +32760,1 +32761,1 +32762,1 +32763,1 +32764,1 +32765,1 +32766,1 +32767,1 +32768,1 +32769,1 +32770,1 +32771,1 +32772,1 +32773,1 +32774,1 +32775,1 +32776,1 +32777,1 +32778,1 +32779,1 +32780,1 +32781,1 +32782,1 +32783,1 +32784,1 +32785,1 +32786,1 +32787,1 +32788,1 +32789,1 +32790,1 +32791,1 +32792,1 +32793,1 +32794,1 +32795,1 +32796,1 +32797,1 +32798,1 +32799,1 +32800,1 +32801,1 +32802,1 +32803,1 +32804,1 +32805,1 +32806,1 +32807,1 +32808,1 +32809,1 +32810,1 +32811,1 +32812,1 +32813,1 +32814,1 +32815,1 +32816,1 +32817,1 +32818,1 +32819,1 +32820,1 +32821,1 +32822,1 +32823,1 +32824,1 +32825,1 +32826,1 +32827,1 +32828,1 +32829,1 +32830,1 +32831,1 +32832,1 +32833,1 +32834,1 +32835,1 +32836,1 +32837,1 +32838,1 +32839,1 +32840,1 +32841,1 +32842,1 +32843,1 +32844,1 +32845,1 +32846,1 +32847,1 +32848,1 +32849,1 +32850,1 +32851,1 +32852,1 +32853,1 +32854,1 +32855,1 +32856,1 +32857,1 +32858,1 +32859,1 +32860,1 +32861,1 +32862,1 +32863,1 +32864,1 +32865,1 +32866,1 +32867,1 +32868,1 +32869,1 +32870,1 +32871,1 +32872,1 +32873,1 +32874,1 +32875,1 +32876,1 +32877,1 +32878,1 +32879,1 +32880,1 +32881,1 +32882,1 +32883,1 +32884,1 +32885,1 +32886,1 +32887,1 +32888,1 +32889,1 +32890,1 +32891,1 +32892,1 +32893,1 +32894,1 +32895,1 +32896,1 +32897,1 +32898,1 +32899,1 +32900,1 +32901,1 +32902,1 +32903,1 +32904,1 +32905,1 +32906,1 +32907,1 +32908,1 +32909,1 +32910,1 +32911,1 +32912,1 +32913,1 +32914,1 +32915,1 +32916,1 +32917,1 +32918,1 +32919,1 +32920,1 +32921,1 +32922,1 +32923,1 +32924,1 +32925,1 +32926,1 +32927,1 +32928,1 +32929,1 +32930,1 +32931,1 +32932,1 +32933,1 +32934,1 +32935,1 +32936,1 +32937,1 +32938,1 +32939,1 +32940,1 +32941,1 +32942,1 +32943,1 +32944,1 +32945,1 +32946,1 +32947,1 +32948,1 +32949,1 +32950,1 +32951,1 +32952,1 +32953,1 +32954,1 +32955,1 +32956,1 +32957,1 +32958,1 +32959,1 +32960,1 +32961,1 +32962,1 +32963,1 +32964,1 +32965,1 +32966,1 +32967,1 +32968,1 +32969,1 +32970,1 +32971,1 +32972,1 +32973,1 +32974,1 +32975,1 +32976,1 +32977,1 +32978,1 +32979,1 +32980,1 +32981,1 +32982,1 +32983,1 +32984,1 +32985,1 +32986,1 +32987,1 +32988,1 +32989,1 +32990,1 +32991,1 +32992,1 +32993,1 +32994,1 +32995,1 +32996,1 +32997,1 +32998,1 +32999,1 +33000,1 +33001,1 +33002,1 +33003,1 +33004,1 +33005,1 +33006,1 +33007,1 +33008,1 +33009,1 +33010,1 +33011,1 +33012,1 +33013,1 +33014,1 +33015,1 +33016,1 +33017,1 +33018,1 +33019,1 +33020,1 +33021,1 +33022,1 +33023,1 +33024,1 +33025,1 +33026,1 +33027,1 +33028,1 +33029,1 +33030,1 +33031,1 +33032,1 +33033,1 +33034,1 +33035,1 +33036,1 +33037,1 +33038,1 +33039,1 +33040,1 +33041,1 +33042,1 +33043,1 +33044,1 +33045,1 +33046,1 +33047,1 +33048,1 +33049,1 +33050,1 +33051,1 +33052,1 +33053,1 +33054,1 +33055,1 +33056,1 +33057,1 +33058,1 +33059,1 +33060,1 +33061,1 +33062,1 +33063,1 +33064,1 +33065,1 +33066,1 +33067,1 +33068,1 +33069,1 +33070,1 +33071,1 +33072,1 +33073,1 +33074,1 +33075,1 +33076,1 +33077,1 +33078,1 +33079,1 +33080,1 +33081,1 +33082,1 +33083,1 +33084,1 +33085,1 +33086,1 +33087,1 +33088,1 +33089,1 +33090,1 +33091,1 +33092,1 +33093,1 +33094,1 +33095,1 +33096,1 +33097,1 +33098,1 +33099,1 +33100,1 +33101,1 +33102,1 +33103,1 +33104,1 +33105,1 +33106,1 +33107,1 +33108,1 +33109,1 +33110,1 +33111,1 +33112,1 +33113,1 +33114,1 +33115,1 +33116,1 +33117,1 +33118,1 +33119,1 +33120,1 +33121,1 +33122,1 +33123,1 +33124,1 +33125,1 +33126,1 +33127,1 +33128,1 +33129,1 +33130,1 +33131,1 +33132,1 +33133,1 +33134,1 +33135,1 +33136,1 +33137,1 +33138,1 +33139,1 +33140,1 +33141,1 +33142,1 +33143,1 +33144,1 +33145,1 +33146,1 +33147,1 +33148,1 +33149,1 +33150,1 +33151,1 +33152,1 +33153,1 +33154,1 +33155,1 +33156,1 +33157,1 +33158,1 +33159,1 +33160,1 +33161,1 +33162,1 +33163,1 +33164,1 +33165,1 +33166,1 +33167,1 +33168,1 +33169,1 +33170,1 +33171,1 +33172,1 +33173,1 +33174,1 +33175,1 +33176,1 +33177,1 +33178,1 +33179,1 +33180,1 +33181,1 +33182,1 +33183,1 +33184,1 +33185,1 +33186,1 +33187,1 +33188,1 +33189,1 +33190,1 +33191,1 +33192,1 +33193,1 +33194,1 +33195,1 +33196,1 +33197,1 +33198,1 +33199,1 +33200,1 +33201,1 +33202,1 +33203,1 +33204,1 +33205,1 +33206,1 +33207,1 +33208,1 +33209,1 +33210,1 +33211,1 +33212,1 +33213,1 +33214,1 +33215,1 +33216,1 +33217,1 +33218,1 +33219,1 +33220,1 +33221,1 +33222,1 +33223,1 +33224,1 +33225,1 +33226,1 +33227,1 +33228,1 +33229,1 +33230,1 +33231,1 +33232,1 +33233,1 +33234,1 +33235,1 +33236,1 +33237,1 +33238,1 +33239,1 +33240,1 +33241,1 +33242,1 +33243,1 +33244,1 +33245,1 +33246,1 +33247,1 +33248,1 +33249,1 +33250,1 +33251,1 +33252,1 +33253,1 +33254,1 +33255,1 +33256,1 +33257,1 +33258,1 +33259,1 +33260,1 +33261,1 +33262,1 +33263,1 +33264,1 +33265,1 +33266,1 +33267,1 +33268,1 +33269,1 +33270,1 +33271,1 +33272,1 +33273,1 +33274,1 +33275,1 +33276,1 +33277,1 +33278,1 +33279,1 +33280,1 +33281,1 +33282,1 +33283,1 +33284,1 +33285,1 +33286,1 +33287,1 +33288,1 +33289,1 +33290,1 +33291,1 +33292,1 +33293,1 +33294,1 +33295,1 +33296,1 +33297,1 +33298,1 +33299,1 +33300,1 +33301,1 +33302,1 +33303,1 +33304,1 +33305,1 +33306,1 +33307,1 +33308,1 +33309,1 +33310,1 +33311,1 +33312,1 +33313,1 +33314,1 +33315,1 +33316,1 +33317,1 +33318,1 +33319,1 +33320,1 +33321,1 +33322,1 +33323,1 +33324,1 +33325,1 +33326,1 +33327,1 +33328,1 +33329,1 +33330,1 +33331,1 +33332,1 +33333,1 +33334,1 +33335,1 +33336,1 +33337,1 +33338,1 +33339,1 +33340,1 +33341,1 +33342,1 +33343,1 +33344,1 +33345,1 +33346,1 +33347,1 +33348,1 +33349,1 +33350,1 +33351,1 +33352,1 +33353,1 +33354,1 +33355,1 +33356,1 +33357,1 +33358,1 +33359,1 +33360,1 +33361,1 +33362,1 +33363,1 +33364,1 +33365,1 +33366,1 +33367,1 +33368,1 +33369,1 +33370,1 +33371,1 +33372,1 +33373,1 +33374,1 +33375,1 +33376,1 +33377,1 +33378,1 +33379,1 +33380,1 +33381,1 +33382,1 +33383,1 +33384,1 +33385,1 +33386,1 +33387,1 +33388,1 +33389,1 +33390,1 +33391,1 +33392,1 +33393,1 +33394,1 +33395,1 +33396,1 +33397,1 +33398,1 +33399,1 +33400,1 +33401,1 +33402,1 +33403,1 +33404,1 +33405,1 +33406,1 +33407,1 +33408,1 +33409,1 +33410,1 +33411,1 +33412,1 +33413,1 +33414,1 +33415,1 +33416,1 +33417,1 +33418,1 +33419,1 +33420,1 +33421,1 +33422,1 +33423,1 +33424,1 +33425,1 +33426,1 +33427,1 +33428,1 +33429,1 +33430,1 +33431,1 +33432,1 +33433,1 +33434,1 +33435,1 +33436,1 +33437,1 +33438,1 +33439,1 +33440,1 +33441,1 +33442,1 +33443,1 +33444,1 +33445,1 +33446,1 +33447,1 +33448,1 +33449,1 +33450,1 +33451,1 +33452,1 +33453,1 +33454,1 +33455,1 +33456,1 +33457,1 +33458,1 +33459,1 +33460,1 +33461,1 +33462,1 +33463,1 +33464,1 +33465,1 +33466,1 +33467,1 +33468,1 +33469,1 +33470,1 +33471,1 +33472,1 +33473,1 +33474,1 +33475,1 +33476,1 +33477,1 +33478,1 +33479,1 +33480,1 +33481,1 +33482,1 +33483,1 +33484,1 +33485,1 +33486,1 +33487,1 +33488,1 +33489,1 +33490,1 +33491,1 +33492,1 +33493,1 +33494,1 +33495,1 +33496,1 +33497,1 +33498,1 +33499,1 +33500,1 +33501,1 +33502,1 +33503,1 +33504,1 +33505,1 +33506,1 +33507,1 +33508,1 +33509,1 +33510,1 +33511,1 +33512,1 +33513,1 +33514,1 +33515,1 +33516,1 +33517,1 +33518,1 +33519,1 +33520,1 +33521,1 +33522,1 +33523,1 +33524,1 +33525,1 +33526,1 +33527,1 +33528,1 +33529,1 +33530,1 +33531,1 +33532,1 +33533,1 +33534,1 +33535,1 +33536,1 +33537,1 +33538,1 +33539,1 +33540,1 +33541,1 +33542,1 +33543,1 +33544,1 +33545,1 +33546,1 +33547,1 +33548,1 +33549,1 +33550,1 +33551,1 +33552,1 +33553,1 +33554,1 +33555,1 +33556,1 +33557,1 +33558,1 +33559,1 +33560,1 +33561,1 +33562,1 +33563,1 +33564,1 +33565,1 +33566,1 +33567,1 +33568,1 +33569,1 +33570,1 +33571,1 +33572,1 +33573,1 +33574,1 +33575,1 +33576,1 +33577,1 +33578,1 +33579,1 +33580,1 +33581,1 +33582,1 +33583,1 +33584,1 +33585,1 +33586,1 +33587,1 +33588,1 +33589,1 +33590,1 +33591,1 +33592,1 +33593,1 +33594,1 +33595,1 +33596,1 +33597,1 +33598,1 +33599,1 +33600,1 +33601,1 +33602,1 +33603,1 +33604,1 +33605,1 +33606,1 +33607,1 +33608,1 +33609,1 +33610,1 +33611,1 +33612,1 +33613,1 +33614,1 +33615,1 +33616,1 +33617,1 +33618,1 +33619,1 +33620,1 +33621,1 +33622,1 +33623,1 +33624,1 +33625,1 +33626,1 +33627,1 +33628,1 +33629,1 +33630,1 +33631,1 +33632,1 +33633,1 +33634,1 +33635,1 +33636,1 +33637,1 +33638,1 +33639,1 +33640,1 +33641,1 +33642,1 +33643,1 +33644,1 +33645,1 +33646,1 +33647,1 +33648,1 +33649,1 +33650,1 +33651,1 +33652,1 +33653,1 +33654,1 +33655,1 +33656,1 +33657,1 +33658,1 +33659,1 +33660,1 +33661,1 +33662,1 +33663,1 +33664,1 +33665,1 +33666,1 +33667,1 +33668,1 +33669,1 +33670,1 +33671,1 +33672,1 +33673,1 +33674,1 +33675,1 +33676,1 +33677,1 +33678,1 +33679,1 +33680,1 +33681,1 +33682,1 +33683,1 +33684,1 +33685,1 +33686,1 +33687,1 +33688,1 +33689,1 +33690,1 +33691,1 +33692,1 +33693,1 +33694,1 +33695,1 +33696,1 +33697,1 +33698,1 +33699,1 +33700,1 +33701,1 +33702,1 +33703,1 +33704,1 +33705,1 +33706,1 +33707,1 +33708,1 +33709,1 +33710,1 +33711,1 +33712,1 +33713,1 +33714,1 +33715,1 +33716,1 +33717,1 +33718,1 +33719,1 +33720,1 +33721,1 +33722,1 +33723,1 +33724,1 +33725,1 +33726,1 +33727,1 +33728,1 +33729,1 +33730,1 +33731,1 +33732,1 +33733,1 +33734,1 +33735,1 +33736,1 +33737,1 +33738,1 +33739,1 +33740,1 +33741,1 +33742,1 +33743,1 +33744,1 +33745,1 +33746,1 +33747,1 +33748,1 +33749,1 +33750,1 +33751,1 +33752,1 +33753,1 +33754,1 +33755,1 +33756,1 +33757,1 +33758,1 +33759,1 +33760,1 +33761,1 +33762,1 +33763,1 +33764,1 +33765,1 +33766,1 +33767,1 +33768,1 +33769,1 +33770,1 +33771,1 +33772,1 +33773,1 +33774,1 +33775,1 +33776,1 +33777,1 +33778,1 +33779,1 +33780,1 +33781,1 +33782,1 +33783,1 +33784,1 +33785,1 +33786,1 +33787,1 +33788,1 +33789,1 +33790,1 +33791,1 +33792,1 +33793,1 +33794,1 +33795,1 +33796,1 +33797,1 +33798,1 +33799,1 +33800,1 +33801,1 +33802,1 +33803,1 +33804,1 +33805,1 +33806,1 +33807,1 +33808,1 +33809,1 +33810,1 +33811,1 +33812,1 +33813,1 +33814,1 +33815,1 +33816,1 +33817,1 +33818,1 +33819,1 +33820,1 +33821,1 +33822,1 +33823,1 +33824,1 +33825,1 +33826,1 +33827,1 +33828,1 +33829,1 +33830,1 +33831,1 +33832,1 +33833,1 +33834,1 +33835,1 +33836,1 +33837,1 +33838,1 +33839,1 +33840,1 +33841,1 +33842,1 +33843,1 +33844,1 +33845,1 +33846,1 +33847,1 +33848,1 +33849,1 +33850,1 +33851,1 +33852,1 +33853,1 +33854,1 +33855,1 +33856,1 +33857,1 +33858,1 +33859,1 +33860,1 +33861,1 +33862,1 +33863,1 +33864,1 +33865,1 +33866,1 +33867,1 +33868,1 +33869,1 +33870,1 +33871,1 +33872,1 +33873,1 +33874,1 +33875,1 +33876,1 +33877,1 +33878,1 +33879,1 +33880,1 +33881,1 +33882,1 +33883,1 +33884,1 +33885,1 +33886,1 +33887,1 +33888,1 +33889,1 +33890,1 +33891,1 +33892,1 +33893,1 +33894,1 +33895,1 +33896,1 +33897,1 +33898,1 +33899,1 +33900,1 +33901,1 +33902,1 +33903,1 +33904,1 +33905,1 +33906,1 +33907,1 +33908,1 +33909,1 +33910,1 +33911,1 +33912,1 +33913,1 +33914,1 +33915,1 +33916,1 +33917,1 +33918,1 +33919,1 +33920,1 +33921,1 +33922,1 +33923,1 +33924,1 +33925,1 +33926,1 +33927,1 +33928,1 +33929,1 +33930,1 +33931,1 +33932,1 +33933,1 +33934,1 +33935,1 +33936,1 +33937,1 +33938,1 +33939,1 +33940,1 +33941,1 +33942,1 +33943,1 +33944,1 +33945,1 +33946,1 +33947,1 +33948,1 +33949,1 +33950,1 +33951,1 +33952,1 +33953,1 +33954,1 +33955,1 +33956,1 +33957,1 +33958,1 +33959,1 +33960,1 +33961,1 +33962,1 +33963,1 +33964,1 +33965,1 +33966,1 +33967,1 +33968,1 +33969,1 +33970,1 +33971,1 +33972,1 +33973,1 +33974,1 +33975,1 +33976,1 +33977,1 +33978,1 +33979,1 +33980,1 +33981,1 +33982,1 +33983,1 +33984,1 +33985,1 +33986,1 +33987,1 +33988,1 +33989,1 +33990,1 +33991,1 +33992,1 +33993,1 +33994,1 +33995,1 +33996,1 +33997,1 +33998,1 +33999,1 +34000,1 +34001,1 +34002,1 +34003,1 +34004,1 +34005,1 +34006,1 +34007,1 +34008,1 +34009,1 +34010,1 +34011,1 +34012,1 +34013,1 +34014,1 +34015,1 +34016,1 +34017,1 +34018,1 +34019,1 +34020,1 +34021,1 +34022,1 +34023,1 +34024,1 +34025,1 +34026,1 +34027,1 +34028,1 +34029,1 +34030,1 +34031,1 +34032,1 +34033,1 +34034,1 +34035,1 +34036,1 +34037,1 +34038,1 +34039,1 +34040,1 +34041,1 +34042,1 +34043,1 +34044,1 +34045,1 +34046,1 +34047,1 +34048,1 +34049,1 +34050,1 +34051,1 +34052,1 +34053,1 +34054,1 +34055,1 +34056,1 +34057,1 +34058,1 +34059,1 +34060,1 +34061,1 +34062,1 +34063,1 +34064,1 +34065,1 +34066,1 +34067,1 +34068,1 +34069,1 +34070,1 +34071,1 +34072,1 +34073,1 +34074,1 +34075,1 +34076,1 +34077,1 +34078,1 +34079,1 +34080,1 +34081,1 +34082,1 +34083,1 +34084,1 +34085,1 +34086,1 +34087,1 +34088,1 +34089,1 +34090,1 +34091,1 +34092,1 +34093,1 +34094,1 +34095,1 +34096,1 +34097,1 +34098,1 +34099,1 +34100,1 +34101,1 +34102,1 +34103,1 +34104,1 +34105,1 +34106,1 +34107,1 +34108,1 +34109,1 +34110,1 +34111,1 +34112,1 +34113,1 +34114,1 +34115,1 +34116,1 +34117,1 +34118,1 +34119,1 +34120,1 +34121,1 +34122,1 +34123,1 +34124,1 +34125,1 +34126,1 +34127,1 +34128,1 +34129,1 +34130,1 +34131,1 +34132,1 +34133,1 +34134,1 +34135,1 +34136,1 +34137,1 +34138,1 +34139,1 +34140,1 +34141,1 +34142,1 +34143,1 +34144,1 +34145,1 +34146,1 +34147,1 +34148,1 +34149,1 +34150,1 +34151,1 +34152,1 +34153,1 +34154,1 +34155,1 +34156,1 +34157,1 +34158,1 +34159,1 +34160,1 +34161,1 +34162,1 +34163,1 +34164,1 +34165,1 +34166,1 +34167,1 +34168,1 +34169,1 +34170,1 +34171,1 +34172,1 +34173,1 +34174,1 +34175,1 +34176,1 +34177,1 +34178,1 +34179,1 +34180,1 +34181,1 +34182,1 +34183,1 +34184,1 +34185,1 +34186,1 +34187,1 +34188,1 +34189,1 +34190,1 +34191,1 +34192,1 +34193,1 +34194,1 +34195,1 +34196,1 +34197,1 +34198,1 +34199,1 +34200,1 +34201,1 +34202,1 +34203,1 +34204,1 +34205,1 +34206,1 +34207,1 +34208,1 +34209,1 +34210,1 +34211,1 +34212,1 +34213,1 +34214,1 +34215,1 +34216,1 +34217,1 +34218,1 +34219,1 +34220,1 +34221,1 +34222,1 +34223,1 +34224,1 +34225,1 +34226,1 +34227,1 +34228,1 +34229,1 +34230,1 +34231,1 +34232,1 +34233,1 +34234,1 +34235,1 +34236,1 +34237,1 +34238,1 +34239,1 +34240,1 +34241,1 +34242,1 +34243,1 +34244,1 +34245,1 +34246,1 +34247,1 +34248,1 +34249,1 +34250,1 +34251,1 +34252,1 +34253,1 +34254,1 +34255,1 +34256,1 +34257,1 +34258,1 +34259,1 +34260,1 +34261,1 +34262,1 +34263,1 +34264,1 +34265,1 +34266,1 +34267,1 +34268,1 +34269,1 +34270,1 +34271,1 +34272,1 +34273,1 +34274,1 +34275,1 +34276,1 +34277,1 +34278,1 +34279,1 +34280,1 +34281,1 +34282,1 +34283,1 +34284,1 +34285,1 +34286,1 +34287,1 +34288,1 +34289,1 +34290,1 +34291,1 +34292,1 +34293,1 +34294,1 +34295,1 +34296,1 +34297,1 +34298,1 +34299,1 +34300,1 +34301,1 +34302,1 +34303,1 +34304,1 +34305,1 +34306,1 +34307,1 +34308,1 +34309,1 +34310,1 +34311,1 +34312,1 +34313,1 +34314,1 +34315,1 +34316,1 +34317,1 +34318,1 +34319,1 +34320,1 +34321,1 +34322,1 +34323,1 +34324,1 +34325,1 +34326,1 +34327,1 +34328,1 +34329,1 +34330,1 +34331,1 +34332,1 +34333,1 +34334,1 +34335,1 +34336,1 +34337,1 +34338,1 +34339,1 +34340,1 +34341,1 +34342,1 +34343,1 +34344,1 +34345,1 +34346,1 +34347,1 +34348,1 +34349,1 +34350,1 +34351,1 +34352,1 +34353,1 +34354,1 +34355,1 +34356,1 +34357,1 +34358,1 +34359,1 +34360,1 +34361,1 +34362,1 +34363,1 +34364,1 +34365,1 +34366,1 +34367,1 +34368,1 +34369,1 +34370,1 +34371,1 +34372,1 +34373,1 +34374,1 +34375,1 +34376,1 +34377,1 +34378,1 +34379,1 +34380,1 +34381,1 +34382,1 +34383,1 +34384,1 +34385,1 +34386,1 +34387,1 +34388,1 +34389,1 +34390,1 +34391,1 +34392,1 +34393,1 +34394,1 +34395,1 +34396,1 +34397,1 +34398,1 +34399,1 +34400,1 +34401,1 +34402,1 +34403,1 +34404,1 +34405,1 +34406,1 +34407,1 +34408,1 +34409,1 +34410,1 +34411,1 +34412,1 +34413,1 +34414,1 +34415,1 +34416,1 +34417,1 +34418,1 +34419,1 +34420,1 +34421,1 +34422,1 +34423,1 +34424,1 +34425,1 +34426,1 +34427,1 +34428,1 +34429,1 +34430,1 +34431,1 +34432,1 +34433,1 +34434,1 +34435,1 +34436,1 +34437,1 +34438,1 +34439,1 +34440,1 +34441,1 +34442,1 +34443,1 +34444,1 +34445,1 +34446,1 +34447,1 +34448,1 +34449,1 +34450,1 +34451,1 +34452,1 +34453,1 +34454,1 +34455,1 +34456,1 +34457,1 +34458,1 +34459,1 +34460,1 +34461,1 +34462,1 +34463,1 +34464,1 +34465,1 +34466,1 +34467,1 +34468,1 +34469,1 +34470,1 +34471,1 +34472,1 +34473,1 +34474,1 +34475,1 +34476,1 +34477,1 +34478,1 +34479,1 +34480,1 +34481,1 +34482,1 +34483,1 +34484,1 +34485,1 +34486,1 +34487,1 +34488,1 +34489,1 +34490,1 +34491,1 +34492,1 +34493,1 +34494,1 +34495,1 +34496,1 +34497,1 +34498,1 +34499,1 +34500,1 +34501,1 +34502,1 +34503,1 +34504,1 +34505,1 +34506,1 +34507,1 +34508,1 +34509,1 +34510,1 +34511,1 +34512,1 +34513,1 +34514,1 +34515,1 +34516,1 +34517,1 +34518,1 +34519,1 +34520,1 +34521,1 +34522,1 +34523,1 +34524,1 +34525,1 +34526,1 +34527,1 +34528,1 +34529,1 +34530,1 +34531,1 +34532,1 +34533,1 +34534,1 +34535,1 +34536,1 +34537,1 +34538,1 +34539,1 +34540,1 +34541,1 +34542,1 +34543,1 +34544,1 +34545,1 +34546,1 +34547,1 +34548,1 +34549,1 +34550,1 +34551,1 +34552,1 +34553,1 +34554,1 +34555,1 +34556,1 +34557,1 +34558,1 +34559,1 +34560,1 +34561,1 +34562,1 +34563,1 +34564,1 +34565,1 +34566,1 +34567,1 +34568,1 +34569,1 +34570,1 +34571,1 +34572,1 +34573,1 +34574,1 +34575,1 +34576,1 +34577,1 +34578,1 +34579,1 +34580,1 +34581,1 +34582,1 +34583,1 +34584,1 +34585,1 +34586,1 +34587,1 +34588,1 +34589,1 +34590,1 +34591,1 +34592,1 +34593,1 +34594,1 +34595,1 +34596,1 +34597,1 +34598,1 +34599,1 +34600,1 +34601,1 +34602,1 +34603,1 +34604,1 +34605,1 +34606,1 +34607,1 +34608,1 +34609,1 +34610,1 +34611,1 +34612,1 +34613,1 +34614,1 +34615,1 +34616,1 +34617,1 +34618,1 +34619,1 +34620,1 +34621,1 +34622,1 +34623,1 +34624,1 +34625,1 +34626,1 +34627,1 +34628,1 +34629,1 +34630,1 +34631,1 +34632,1 +34633,1 +34634,1 +34635,1 +34636,1 +34637,1 +34638,1 +34639,1 +34640,1 +34641,1 +34642,1 +34643,1 +34644,1 +34645,1 +34646,1 +34647,1 +34648,1 +34649,1 +34650,1 +34651,1 +34652,1 +34653,1 +34654,1 +34655,1 +34656,1 +34657,1 +34658,1 +34659,1 +34660,1 +34661,1 +34662,1 +34663,1 +34664,1 +34665,1 +34666,1 +34667,1 +34668,1 +34669,1 +34670,1 +34671,1 +34672,1 +34673,1 +34674,1 +34675,1 +34676,1 +34677,1 +34678,1 +34679,1 +34680,1 +34681,1 +34682,1 +34683,1 +34684,1 +34685,1 +34686,1 +34687,1 +34688,1 +34689,1 +34690,1 +34691,1 +34692,1 +34693,1 +34694,1 +34695,1 +34696,1 +34697,1 +34698,1 +34699,1 +34700,1 +34701,1 +34702,1 +34703,1 +34704,1 +34705,1 +34706,1 +34707,1 +34708,1 +34709,1 +34710,1 +34711,1 +34712,1 +34713,1 +34714,1 +34715,1 +34716,1 +34717,1 +34718,1 +34719,1 +34720,1 +34721,1 +34722,1 +34723,1 +34724,1 +34725,1 +34726,1 +34727,1 +34728,1 +34729,1 +34730,1 +34731,1 +34732,1 +34733,1 +34734,1 +34735,1 +34736,1 +34737,1 +34738,1 +34739,1 +34740,1 +34741,1 +34742,1 +34743,1 +34744,1 +34745,1 +34746,1 +34747,1 +34748,1 +34749,1 +34750,1 +34751,1 +34752,1 +34753,1 +34754,1 +34755,1 +34756,1 +34757,1 +34758,1 +34759,1 +34760,1 +34761,1 +34762,1 +34763,1 +34764,1 +34765,1 +34766,1 +34767,1 +34768,1 +34769,1 +34770,1 +34771,1 +34772,1 +34773,1 +34774,1 +34775,1 +34776,1 +34777,1 +34778,1 +34779,1 +34780,1 +34781,1 +34782,1 +34783,1 +34784,1 +34785,1 +34786,1 +34787,1 +34788,1 +34789,1 +34790,1 +34791,1 +34792,1 +34793,1 +34794,1 +34795,1 +34796,1 +34797,1 +34798,1 +34799,1 +34800,1 +34801,1 +34802,1 +34803,1 +34804,1 +34805,1 +34806,1 +34807,1 +34808,1 +34809,1 +34810,1 +34811,1 +34812,1 +34813,1 +34814,1 +34815,1 +34816,1 +34817,1 +34818,1 +34819,1 +34820,1 +34821,1 +34822,1 +34823,1 +34824,1 +34825,1 +34826,1 +34827,1 +34828,1 +34829,1 +34830,1 +34831,1 +34832,1 +34833,1 +34834,1 +34835,1 +34836,1 +34837,1 +34838,1 +34839,1 +34840,1 +34841,1 +34842,1 +34843,1 +34844,1 +34845,1 +34846,1 +34847,1 +34848,1 +34849,1 +34850,1 +34851,1 +34852,1 +34853,1 +34854,1 +34855,1 +34856,1 +34857,1 +34858,1 +34859,1 +34860,1 +34861,1 +34862,1 +34863,1 +34864,1 +34865,1 +34866,1 +34867,1 +34868,1 +34869,1 +34870,1 +34871,1 +34872,1 +34873,1 +34874,1 +34875,1 +34876,1 +34877,1 +34878,1 +34879,1 +34880,1 +34881,1 +34882,1 +34883,1 +34884,1 +34885,1 +34886,1 +34887,1 +34888,1 +34889,1 +34890,1 +34891,1 +34892,1 +34893,1 +34894,1 +34895,1 +34896,1 +34897,1 +34898,1 +34899,1 +34900,1 +34901,1 +34902,1 +34903,1 +34904,1 +34905,1 +34906,1 +34907,1 +34908,1 +34909,1 +34910,1 +34911,1 +34912,1 +34913,1 +34914,1 +34915,1 +34916,1 +34917,1 +34918,1 +34919,1 +34920,1 +34921,1 +34922,1 +34923,1 +34924,1 +34925,1 +34926,1 +34927,1 +34928,1 +34929,1 +34930,1 +34931,1 +34932,1 +34933,1 +34934,1 +34935,1 +34936,1 +34937,1 +34938,1 +34939,1 +34940,1 +34941,1 +34942,1 +34943,1 +34944,1 +34945,1 +34946,1 +34947,1 +34948,1 +34949,1 +34950,1 +34951,1 +34952,1 +34953,1 +34954,1 +34955,1 +34956,1 +34957,1 +34958,1 +34959,1 +34960,1 +34961,1 +34962,1 +34963,1 +34964,1 +34965,1 +34966,1 +34967,1 +34968,1 +34969,1 +34970,1 +34971,1 +34972,1 +34973,1 +34974,1 +34975,1 +34976,1 +34977,1 +34978,1 +34979,1 +34980,1 +34981,1 +34982,1 +34983,1 +34984,1 +34985,1 +34986,1 +34987,1 +34988,1 +34989,1 +34990,1 +34991,1 +34992,1 +34993,1 +34994,1 +34995,1 +34996,1 +34997,1 +34998,1 +34999,1 +35000,1 +35001,1 +35002,1 +35003,1 +35004,1 +35005,1 +35006,1 +35007,1 +35008,1 +35009,1 +35010,1 +35011,1 +35012,1 +35013,1 +35014,1 +35015,1 +35016,1 +35017,1 +35018,1 +35019,1 +35020,1 +35021,1 +35022,1 +35023,1 +35024,1 +35025,1 +35026,1 +35027,1 +35028,1 +35029,1 +35030,1 +35031,1 +35032,1 +35033,1 +35034,1 +35035,1 +35036,1 +35037,1 +35038,1 +35039,1 +35040,1 +35041,1 +35042,1 +35043,1 +35044,1 +35045,1 +35046,1 +35047,1 +35048,1 +35049,1 +35050,1 +35051,1 +35052,1 +35053,1 +35054,1 +35055,1 +35056,1 +35057,1 +35058,1 +35059,1 +35060,1 +35061,1 +35062,1 +35063,1 +35064,1 +35065,1 +35066,1 +35067,1 +35068,1 +35069,1 +35070,1 +35071,1 +35072,1 +35073,1 +35074,1 +35075,1 +35076,1 +35077,1 +35078,1 +35079,1 +35080,1 +35081,1 +35082,1 +35083,1 +35084,1 +35085,1 +35086,1 +35087,1 +35088,1 +35089,1 +35090,1 +35091,1 +35092,1 +35093,1 +35094,1 +35095,1 +35096,1 +35097,1 +35098,1 +35099,1 +35100,1 +35101,1 +35102,1 +35103,1 +35104,1 +35105,1 +35106,1 +35107,1 +35108,1 +35109,1 +35110,1 +35111,1 +35112,1 +35113,1 +35114,1 +35115,1 +35116,1 +35117,1 +35118,1 +35119,1 +35120,1 +35121,1 +35122,1 +35123,1 +35124,1 +35125,1 +35126,1 +35127,1 +35128,1 +35129,1 +35130,1 +35131,1 +35132,1 +35133,1 +35134,1 +35135,1 +35136,1 +35137,1 +35138,1 +35139,1 +35140,1 +35141,1 +35142,1 +35143,1 +35144,1 +35145,1 +35146,1 +35147,1 +35148,1 +35149,1 +35150,1 +35151,1 +35152,1 +35153,1 +35154,1 +35155,1 +35156,1 +35157,1 +35158,1 +35159,1 +35160,1 +35161,1 +35162,1 +35163,1 +35164,1 +35165,1 +35166,1 +35167,1 +35168,1 +35169,1 +35170,1 +35171,1 +35172,1 +35173,1 +35174,1 +35175,1 +35176,1 +35177,1 +35178,1 +35179,1 +35180,1 +35181,1 +35182,1 +35183,1 +35184,1 +35185,1 +35186,1 +35187,1 +35188,1 +35189,1 +35190,1 +35191,1 +35192,1 +35193,1 +35194,1 +35195,1 +35196,1 +35197,1 +35198,1 +35199,1 +35200,1 +35201,1 +35202,1 +35203,1 +35204,1 +35205,1 +35206,1 +35207,1 +35208,1 +35209,1 +35210,1 +35211,1 +35212,1 +35213,1 +35214,1 +35215,1 +35216,1 +35217,1 +35218,1 +35219,1 +35220,1 +35221,1 +35222,1 +35223,1 +35224,1 +35225,1 +35226,1 +35227,1 +35228,1 +35229,1 +35230,1 +35231,1 +35232,1 +35233,1 +35234,1 +35235,1 +35236,1 +35237,1 +35238,1 +35239,1 +35240,1 +35241,1 +35242,1 +35243,1 +35244,1 +35245,1 +35246,1 +35247,1 +35248,1 +35249,1 +35250,1 +35251,1 +35252,1 +35253,1 +35254,1 +35255,1 +35256,1 +35257,1 +35258,1 +35259,1 +35260,1 +35261,1 +35262,1 +35263,1 +35264,1 +35265,1 +35266,1 +35267,1 +35268,1 +35269,1 +35270,1 +35271,1 +35272,1 +35273,1 +35274,1 +35275,1 +35276,1 +35277,1 +35278,1 +35279,1 +35280,1 +35281,1 +35282,1 +35283,1 +35284,1 +35285,1 +35286,1 +35287,1 +35288,1 +35289,1 +35290,1 +35291,1 +35292,1 +35293,1 +35294,1 +35295,1 +35296,1 +35297,1 +35298,1 +35299,1 +35300,1 +35301,1 +35302,1 +35303,1 +35304,1 +35305,1 +35306,1 +35307,1 +35308,1 +35309,1 +35310,1 +35311,1 +35312,1 +35313,1 +35314,1 +35315,1 +35316,1 +35317,1 +35318,1 +35319,1 +35320,1 +35321,1 +35322,1 +35323,1 +35324,1 +35325,1 +35326,1 +35327,1 +35328,1 +35329,1 +35330,1 +35331,1 +35332,1 +35333,1 +35334,1 +35335,1 +35336,1 +35337,1 +35338,1 +35339,1 +35340,1 +35341,1 +35342,1 +35343,1 +35344,1 +35345,1 +35346,1 +35347,1 +35348,1 +35349,1 +35350,1 +35351,1 +35352,1 +35353,1 +35354,1 +35355,1 +35356,1 +35357,1 +35358,1 +35359,1 +35360,1 +35361,1 +35362,1 +35363,1 +35364,1 +35365,1 +35366,1 +35367,1 +35368,1 +35369,1 +35370,1 +35371,1 +35372,1 +35373,1 +35374,1 +35375,1 +35376,1 +35377,1 +35378,1 +35379,1 +35380,1 +35381,1 +35382,1 +35383,1 +35384,1 +35385,1 +35386,1 +35387,1 +35388,1 +35389,1 +35390,1 +35391,1 +35392,1 +35393,1 +35394,1 +35395,1 +35396,1 +35397,1 +35398,1 +35399,1 +35400,1 +35401,1 +35402,1 +35403,1 +35404,1 +35405,1 +35406,1 +35407,1 +35408,1 +35409,1 +35410,1 +35411,1 +35412,1 +35413,1 +35414,1 +35415,1 +35416,1 +35417,1 +35418,1 +35419,1 +35420,1 +35421,1 +35422,1 +35423,1 +35424,1 +35425,1 +35426,1 +35427,1 +35428,1 +35429,1 +35430,1 +35431,1 +35432,1 +35433,1 +35434,1 +35435,1 +35436,1 +35437,1 +35438,1 +35439,1 +35440,1 +35441,1 +35442,1 +35443,1 +35444,1 +35445,1 +35446,1 +35447,1 +35448,1 +35449,1 +35450,1 +35451,1 +35452,1 +35453,1 +35454,1 +35455,1 +35456,1 +35457,1 +35458,1 +35459,1 +35460,1 +35461,1 +35462,1 +35463,1 +35464,1 +35465,1 +35466,1 +35467,1 +35468,1 +35469,1 +35470,1 +35471,1 +35472,1 +35473,1 +35474,1 +35475,1 +35476,1 +35477,1 +35478,1 +35479,1 +35480,1 +35481,1 +35482,1 +35483,1 +35484,1 +35485,1 +35486,1 +35487,1 +35488,1 +35489,1 +35490,1 +35491,1 +35492,1 +35493,1 +35494,1 +35495,1 +35496,1 +35497,1 +35498,1 +35499,1 +35500,1 +35501,1 +35502,1 +35503,1 +35504,1 +35505,1 +35506,1 +35507,1 +35508,1 +35509,1 +35510,1 +35511,1 +35512,1 +35513,1 +35514,1 +35515,1 +35516,1 +35517,1 +35518,1 +35519,1 +35520,1 +35521,1 +35522,1 +35523,1 +35524,1 +35525,1 +35526,1 +35527,1 +35528,1 +35529,1 +35530,1 +35531,1 +35532,1 +35533,1 +35534,1 +35535,1 +35536,1 +35537,1 +35538,1 +35539,1 +35540,1 +35541,1 +35542,1 +35543,1 +35544,1 +35545,1 +35546,1 +35547,1 +35548,1 +35549,1 +35550,1 +35551,1 +35552,1 +35553,1 +35554,1 +35555,1 +35556,1 +35557,1 +35558,1 +35559,1 +35560,1 +35561,1 +35562,1 +35563,1 +35564,1 +35565,1 +35566,1 +35567,1 +35568,1 +35569,1 +35570,1 +35571,1 +35572,1 +35573,1 +35574,1 +35575,1 +35576,1 +35577,1 +35578,1 +35579,1 +35580,1 +35581,1 +35582,1 +35583,1 +35584,1 +35585,1 +35586,1 +35587,1 +35588,1 +35589,1 +35590,1 +35591,1 +35592,1 +35593,1 +35594,1 +35595,1 +35596,1 +35597,1 +35598,1 +35599,1 +35600,1 +35601,1 +35602,1 +35603,1 +35604,1 +35605,1 +35606,1 +35607,1 +35608,1 +35609,1 +35610,1 +35611,1 +35612,1 +35613,1 +35614,1 +35615,1 +35616,1 +35617,1 +35618,1 +35619,1 +35620,1 +35621,1 +35622,1 +35623,1 +35624,1 +35625,1 +35626,1 +35627,1 +35628,1 +35629,1 +35630,1 +35631,1 +35632,1 +35633,1 +35634,1 +35635,1 +35636,1 +35637,1 +35638,1 +35639,1 +35640,1 +35641,1 +35642,1 +35643,1 +35644,1 +35645,1 +35646,1 +35647,1 +35648,1 +35649,1 +35650,1 +35651,1 +35652,1 +35653,1 +35654,1 +35655,1 +35656,1 +35657,1 +35658,1 +35659,1 +35660,1 +35661,1 +35662,1 +35663,1 +35664,1 +35665,1 +35666,1 +35667,1 +35668,1 +35669,1 +35670,1 +35671,1 +35672,1 +35673,1 +35674,1 +35675,1 +35676,1 +35677,1 +35678,1 +35679,1 +35680,1 +35681,1 +35682,1 +35683,1 +35684,1 +35685,1 +35686,1 +35687,1 +35688,1 +35689,1 +35690,1 +35691,1 +35692,1 +35693,1 +35694,1 +35695,1 +35696,1 +35697,1 +35698,1 +35699,1 +35700,1 +35701,1 +35702,1 +35703,1 +35704,1 +35705,1 +35706,1 +35707,1 +35708,1 +35709,1 +35710,1 +35711,1 +35712,1 +35713,1 +35714,1 +35715,1 +35716,1 +35717,1 +35718,1 +35719,1 +35720,1 +35721,1 +35722,1 +35723,1 +35724,1 +35725,1 +35726,1 +35727,1 +35728,1 +35729,1 +35730,1 +35731,1 +35732,1 +35733,1 +35734,1 +35735,1 +35736,1 +35737,1 +35738,1 +35739,1 +35740,1 +35741,1 +35742,1 +35743,1 +35744,1 +35745,1 +35746,1 +35747,1 +35748,1 +35749,1 +35750,1 +35751,1 +35752,1 +35753,1 +35754,1 +35755,1 +35756,1 +35757,1 +35758,1 +35759,1 +35760,1 +35761,1 +35762,1 +35763,1 +35764,1 +35765,1 +35766,1 +35767,1 +35768,1 +35769,1 +35770,1 +35771,1 +35772,1 +35773,1 +35774,1 +35775,1 +35776,1 +35777,1 +35778,1 +35779,1 +35780,1 +35781,1 +35782,1 +35783,1 +35784,1 +35785,1 +35786,1 +35787,1 +35788,1 +35789,1 +35790,1 +35791,1 +35792,1 +35793,1 +35794,1 +35795,1 +35796,1 +35797,1 +35798,1 +35799,1 +35800,1 +35801,1 +35802,1 +35803,1 +35804,1 +35805,1 +35806,1 +35807,1 +35808,1 +35809,1 +35810,1 +35811,1 +35812,1 +35813,1 +35814,1 +35815,1 +35816,1 +35817,1 +35818,1 +35819,1 +35820,1 +35821,1 +35822,1 +35823,1 +35824,1 +35825,1 +35826,1 +35827,1 +35828,1 +35829,1 +35830,1 +35831,1 +35832,1 +35833,1 +35834,1 +35835,1 +35836,1 +35837,1 +35838,1 +35839,1 +35840,1 +35841,1 +35842,1 +35843,1 +35844,1 +35845,1 +35846,1 +35847,1 +35848,1 +35849,1 +35850,1 +35851,1 +35852,1 +35853,1 +35854,1 +35855,1 +35856,1 +35857,1 +35858,1 +35859,1 +35860,1 +35861,1 +35862,1 +35863,1 +35864,1 +35865,1 +35866,1 +35867,1 +35868,1 +35869,1 +35870,1 +35871,1 +35872,1 +35873,1 +35874,1 +35875,1 +35876,1 +35877,1 +35878,1 +35879,1 +35880,1 +35881,1 +35882,1 +35883,1 +35884,1 +35885,1 +35886,1 +35887,1 +35888,1 +35889,1 +35890,1 +35891,1 +35892,1 +35893,1 +35894,1 +35895,1 +35896,1 +35897,1 +35898,1 +35899,1 +35900,1 +35901,1 +35902,1 +35903,1 +35904,1 +35905,1 +35906,1 +35907,1 +35908,1 +35909,1 +35910,1 +35911,1 +35912,1 +35913,1 +35914,1 +35915,1 +35916,1 +35917,1 +35918,1 +35919,1 +35920,1 +35921,1 +35922,1 +35923,1 +35924,1 +35925,1 +35926,1 +35927,1 +35928,1 +35929,1 +35930,1 +35931,1 +35932,1 +35933,1 +35934,1 +35935,1 +35936,1 +35937,1 +35938,1 +35939,1 +35940,1 +35941,1 +35942,1 +35943,1 +35944,1 +35945,1 +35946,1 +35947,1 +35948,1 +35949,1 +35950,1 +35951,1 +35952,1 +35953,1 +35954,1 +35955,1 +35956,1 +35957,1 +35958,1 +35959,1 +35960,1 +35961,1 +35962,1 +35963,1 +35964,1 +35965,1 +35966,1 +35967,1 +35968,1 +35969,1 +35970,1 +35971,1 +35972,1 +35973,1 +35974,1 +35975,1 +35976,1 +35977,1 +35978,1 +35979,1 +35980,1 +35981,1 +35982,1 +35983,1 +35984,1 +35985,1 +35986,1 +35987,1 +35988,1 +35989,1 +35990,1 +35991,1 +35992,1 +35993,1 +35994,1 +35995,1 +35996,1 +35997,1 +35998,1 +35999,1 +36000,1 +36001,1 +36002,1 +36003,1 +36004,1 +36005,1 +36006,1 +36007,1 +36008,1 +36009,1 +36010,1 +36011,1 +36012,1 +36013,1 +36014,1 +36015,1 +36016,1 +36017,1 +36018,1 +36019,1 +36020,1 +36021,1 +36022,1 +36023,1 +36024,1 +36025,1 +36026,1 +36027,1 +36028,1 +36029,1 +36030,1 +36031,1 +36032,1 +36033,1 +36034,1 +36035,1 +36036,1 +36037,1 +36038,1 +36039,1 +36040,1 +36041,1 +36042,1 +36043,1 +36044,1 +36045,1 +36046,1 +36047,1 +36048,1 +36049,1 +36050,1 +36051,1 +36052,1 +36053,1 +36054,1 +36055,1 +36056,1 +36057,1 +36058,1 +36059,1 +36060,1 +36061,1 +36062,1 +36063,1 +36064,1 +36065,1 +36066,1 +36067,1 +36068,1 +36069,1 +36070,1 +36071,1 +36072,1 +36073,1 +36074,1 +36075,1 +36076,1 +36077,1 +36078,1 +36079,1 +36080,1 +36081,1 +36082,1 +36083,1 +36084,1 +36085,1 +36086,1 +36087,1 +36088,1 +36089,1 +36090,1 +36091,1 +36092,1 +36093,1 +36094,1 +36095,1 +36096,1 +36097,1 +36098,1 +36099,1 +36100,1 +36101,1 +36102,1 +36103,1 +36104,1 +36105,1 +36106,1 +36107,1 +36108,1 +36109,1 +36110,1 +36111,1 +36112,1 +36113,1 +36114,1 +36115,1 +36116,1 +36117,1 +36118,1 +36119,1 +36120,1 +36121,1 +36122,1 +36123,1 +36124,1 +36125,1 +36126,1 +36127,1 +36128,1 +36129,1 +36130,1 +36131,1 +36132,1 +36133,1 +36134,1 +36135,1 +36136,1 +36137,1 +36138,1 +36139,1 +36140,1 +36141,1 +36142,1 +36143,1 +36144,1 +36145,1 +36146,1 +36147,1 +36148,1 +36149,1 +36150,1 +36151,1 +36152,1 +36153,1 +36154,1 +36155,1 +36156,1 +36157,1 +36158,1 +36159,1 +36160,1 +36161,1 +36162,1 +36163,1 +36164,1 +36165,1 +36166,1 +36167,1 +36168,1 +36169,1 +36170,1 +36171,1 +36172,1 +36173,1 +36174,1 +36175,1 +36176,1 +36177,1 +36178,1 +36179,1 +36180,1 +36181,1 +36182,1 +36183,1 +36184,1 +36185,1 +36186,1 +36187,1 +36188,1 +36189,1 +36190,1 +36191,1 +36192,1 +36193,1 +36194,1 +36195,1 +36196,1 +36197,1 +36198,1 +36199,1 +36200,1 +36201,1 +36202,1 +36203,1 +36204,1 +36205,1 +36206,1 +36207,1 +36208,1 +36209,1 +36210,1 +36211,1 +36212,1 +36213,1 +36214,1 +36215,1 +36216,1 +36217,1 +36218,1 +36219,1 +36220,1 +36221,1 +36222,1 +36223,1 +36224,1 +36225,1 +36226,1 +36227,1 +36228,1 +36229,1 +36230,1 +36231,1 +36232,1 +36233,1 +36234,1 +36235,1 +36236,1 +36237,1 +36238,1 +36239,1 +36240,1 +36241,1 +36242,1 +36243,1 +36244,1 +36245,1 +36246,1 +36247,1 +36248,1 +36249,1 +36250,1 +36251,1 +36252,1 +36253,1 +36254,1 +36255,1 +36256,1 +36257,1 +36258,1 +36259,1 +36260,1 +36261,1 +36262,1 +36263,1 +36264,1 +36265,1 +36266,1 +36267,1 +36268,1 +36269,1 +36270,1 +36271,1 +36272,1 +36273,1 +36274,1 +36275,1 +36276,1 +36277,1 +36278,1 +36279,1 +36280,1 +36281,1 +36282,1 +36283,1 +36284,1 +36285,1 +36286,1 +36287,1 +36288,1 +36289,1 +36290,1 +36291,1 +36292,1 +36293,1 +36294,1 +36295,1 +36296,1 +36297,1 +36298,1 +36299,1 +36300,1 +36301,1 +36302,1 +36303,1 +36304,1 +36305,1 +36306,1 +36307,1 +36308,1 +36309,1 +36310,1 +36311,1 +36312,1 +36313,1 +36314,1 +36315,1 +36316,1 +36317,1 +36318,1 +36319,1 +36320,1 +36321,1 +36322,1 +36323,1 +36324,1 +36325,1 +36326,1 +36327,1 +36328,1 +36329,1 +36330,1 +36331,1 +36332,1 +36333,1 +36334,1 +36335,1 +36336,1 +36337,1 +36338,1 +36339,1 +36340,1 +36341,1 +36342,1 +36343,1 +36344,1 +36345,1 +36346,1 +36347,1 +36348,1 +36349,1 +36350,1 +36351,1 +36352,1 +36353,1 +36354,1 +36355,1 +36356,1 +36357,1 +36358,1 +36359,1 +36360,1 +36361,1 +36362,1 +36363,1 +36364,1 +36365,1 +36366,1 +36367,1 +36368,1 +36369,1 +36370,1 +36371,1 +36372,1 +36373,1 +36374,1 +36375,1 +36376,1 +36377,1 +36378,1 +36379,1 +36380,1 +36381,1 +36382,1 +36383,1 +36384,1 +36385,1 +36386,1 +36387,1 +36388,1 +36389,1 +36390,1 +36391,1 +36392,1 +36393,1 +36394,1 +36395,1 +36396,1 +36397,1 +36398,1 +36399,1 +36400,1 +36401,1 +36402,1 +36403,1 +36404,1 +36405,1 +36406,1 +36407,1 +36408,1 +36409,1 +36410,1 +36411,1 +36412,1 +36413,1 +36414,1 +36415,1 +36416,1 +36417,1 +36418,1 +36419,1 +36420,1 +36421,1 +36422,1 +36423,1 +36424,1 +36425,1 +36426,1 +36427,1 +36428,1 +36429,1 +36430,1 +36431,1 +36432,1 +36433,1 +36434,1 +36435,1 +36436,1 +36437,1 +36438,1 +36439,1 +36440,1 +36441,1 +36442,1 +36443,1 +36444,1 +36445,1 +36446,1 +36447,1 +36448,1 +36449,1 +36450,1 +36451,1 +36452,1 +36453,1 +36454,1 +36455,1 +36456,1 +36457,1 +36458,1 +36459,1 +36460,1 +36461,1 +36462,1 +36463,1 +36464,1 +36465,1 +36466,1 +36467,1 +36468,1 +36469,1 +36470,1 +36471,1 +36472,1 +36473,1 +36474,1 +36475,1 +36476,1 +36477,1 +36478,1 +36479,1 +36480,1 +36481,1 +36482,1 +36483,1 +36484,1 +36485,1 +36486,1 +36487,1 +36488,1 +36489,1 +36490,1 +36491,1 +36492,1 +36493,1 +36494,1 +36495,1 +36496,1 +36497,1 +36498,1 +36499,1 +36500,1 +36501,1 +36502,1 +36503,1 +36504,1 +36505,1 +36506,1 +36507,1 +36508,1 +36509,1 +36510,1 +36511,1 +36512,1 +36513,1 +36514,1 +36515,1 +36516,1 +36517,1 +36518,1 +36519,1 +36520,1 +36521,1 +36522,1 +36523,1 +36524,1 +36525,1 +36526,1 +36527,1 +36528,1 +36529,1 +36530,1 +36531,1 +36532,1 +36533,1 +36534,1 +36535,1 +36536,1 +36537,1 +36538,1 +36539,1 +36540,1 +36541,1 +36542,1 +36543,1 +36544,1 +36545,1 +36546,1 +36547,1 +36548,1 +36549,1 +36550,1 +36551,1 +36552,1 +36553,1 +36554,1 +36555,1 +36556,1 +36557,1 +36558,1 +36559,1 +36560,1 +36561,1 +36562,1 +36563,1 +36564,1 +36565,1 +36566,1 +36567,1 +36568,1 +36569,1 +36570,1 +36571,1 +36572,1 +36573,1 +36574,1 +36575,1 +36576,1 +36577,1 +36578,1 +36579,1 +36580,1 +36581,1 +36582,1 +36583,1 +36584,1 +36585,1 +36586,1 +36587,1 +36588,1 +36589,1 +36590,1 +36591,1 +36592,1 +36593,1 +36594,1 +36595,1 +36596,1 +36597,1 +36598,1 +36599,1 +36600,1 +36601,1 +36602,1 +36603,1 +36604,1 +36605,1 +36606,1 +36607,1 +36608,1 +36609,1 +36610,1 +36611,1 +36612,1 +36613,1 +36614,1 +36615,1 +36616,1 +36617,1 +36618,1 +36619,1 +36620,1 +36621,1 +36622,1 +36623,1 +36624,1 +36625,1 +36626,1 +36627,1 +36628,1 +36629,1 +36630,1 +36631,1 +36632,1 +36633,1 +36634,1 +36635,1 +36636,1 +36637,1 +36638,1 +36639,1 +36640,1 +36641,1 +36642,1 +36643,1 +36644,1 +36645,1 +36646,1 +36647,1 +36648,1 +36649,1 +36650,1 +36651,1 +36652,1 +36653,1 +36654,1 +36655,1 +36656,1 +36657,1 +36658,1 +36659,1 +36660,1 +36661,1 +36662,1 +36663,1 +36664,1 +36665,1 +36666,1 +36667,1 +36668,1 +36669,1 +36670,1 +36671,1 +36672,1 +36673,1 +36674,1 +36675,1 +36676,1 +36677,1 +36678,1 +36679,1 +36680,1 +36681,1 +36682,1 +36683,1 +36684,1 +36685,1 +36686,1 +36687,1 +36688,1 +36689,1 +36690,1 +36691,1 +36692,1 +36693,1 +36694,1 +36695,1 +36696,1 +36697,1 +36698,1 +36699,1 +36700,1 +36701,1 +36702,1 +36703,1 +36704,1 +36705,1 +36706,1 +36707,1 +36708,1 +36709,1 +36710,1 +36711,1 +36712,1 +36713,1 +36714,1 +36715,1 +36716,1 +36717,1 +36718,1 +36719,1 +36720,1 +36721,1 +36722,1 +36723,1 +36724,1 +36725,1 +36726,1 +36727,1 +36728,1 +36729,1 +36730,1 +36731,1 +36732,1 +36733,1 +36734,1 +36735,1 +36736,1 +36737,1 +36738,1 +36739,1 +36740,1 +36741,1 +36742,1 +36743,1 +36744,1 +36745,1 +36746,1 +36747,1 +36748,1 +36749,1 +36750,1 +36751,1 +36752,1 +36753,1 +36754,1 +36755,1 +36756,1 +36757,1 +36758,1 +36759,1 +36760,1 +36761,1 +36762,1 +36763,1 +36764,1 +36765,1 +36766,1 +36767,1 +36768,1 +36769,1 +36770,1 +36771,1 +36772,1 +36773,1 +36774,1 +36775,1 +36776,1 +36777,1 +36778,1 +36779,1 +36780,1 +36781,1 +36782,1 +36783,1 +36784,1 +36785,1 +36786,1 +36787,1 +36788,1 +36789,1 +36790,1 +36791,1 +36792,1 +36793,1 +36794,1 +36795,1 +36796,1 +36797,1 +36798,1 +36799,1 +36800,1 +36801,1 +36802,1 +36803,1 +36804,1 +36805,1 +36806,1 +36807,1 +36808,1 +36809,1 +36810,1 +36811,1 +36812,1 +36813,1 +36814,1 +36815,1 +36816,1 +36817,1 +36818,1 +36819,1 +36820,1 +36821,1 +36822,1 +36823,1 +36824,1 +36825,1 +36826,1 +36827,1 +36828,1 +36829,1 +36830,1 +36831,1 +36832,1 +36833,1 +36834,1 +36835,1 +36836,1 +36837,1 +36838,1 +36839,1 +36840,1 +36841,1 +36842,1 +36843,1 +36844,1 +36845,1 +36846,1 +36847,1 +36848,1 +36849,1 +36850,1 +36851,1 +36852,1 +36853,1 +36854,1 +36855,1 +36856,1 +36857,1 +36858,1 +36859,1 +36860,1 +36861,1 +36862,1 +36863,1 +36864,1 +36865,1 +36866,1 +36867,1 +36868,1 +36869,1 +36870,1 +36871,1 +36872,1 +36873,1 +36874,1 +36875,1 +36876,1 +36877,1 +36878,1 +36879,1 +36880,1 +36881,1 +36882,1 +36883,1 +36884,1 +36885,1 +36886,1 +36887,1 +36888,1 +36889,1 +36890,1 +36891,1 +36892,1 +36893,1 +36894,1 +36895,1 +36896,1 +36897,1 +36898,1 +36899,1 +36900,1 +36901,1 +36902,1 +36903,1 +36904,1 +36905,1 +36906,1 +36907,1 +36908,1 +36909,1 +36910,1 +36911,1 +36912,1 +36913,1 +36914,1 +36915,1 +36916,1 +36917,1 +36918,1 +36919,1 +36920,1 +36921,1 +36922,1 +36923,1 +36924,1 +36925,1 +36926,1 +36927,1 +36928,1 +36929,1 +36930,1 +36931,1 +36932,1 +36933,1 +36934,1 +36935,1 +36936,1 +36937,1 +36938,1 +36939,1 +36940,1 +36941,1 +36942,1 +36943,1 +36944,1 +36945,1 +36946,1 +36947,1 +36948,1 +36949,1 +36950,1 +36951,1 +36952,1 +36953,1 +36954,1 +36955,1 +36956,1 +36957,1 +36958,1 +36959,1 +36960,1 +36961,1 +36962,1 +36963,1 +36964,1 +36965,1 +36966,1 +36967,1 +36968,1 +36969,1 +36970,1 +36971,1 +36972,1 +36973,1 +36974,1 +36975,1 +36976,1 +36977,1 +36978,1 +36979,1 +36980,1 +36981,1 +36982,1 +36983,1 +36984,1 +36985,1 +36986,1 +36987,1 +36988,1 +36989,1 +36990,1 +36991,1 +36992,1 +36993,1 +36994,1 +36995,1 +36996,1 +36997,1 +36998,1 +36999,1 +37000,1 +37001,1 +37002,1 +37003,1 +37004,1 +37005,1 +37006,1 +37007,1 +37008,1 +37009,1 +37010,1 +37011,1 +37012,1 +37013,1 +37014,1 +37015,1 +37016,1 +37017,1 +37018,1 +37019,1 +37020,1 +37021,1 +37022,1 +37023,1 +37024,1 +37025,1 +37026,1 +37027,1 +37028,1 +37029,1 +37030,1 +37031,1 +37032,1 +37033,1 +37034,1 +37035,1 +37036,1 +37037,1 +37038,1 +37039,1 +37040,1 +37041,1 +37042,1 +37043,1 +37044,1 +37045,1 +37046,1 +37047,1 +37048,1 +37049,1 +37050,1 +37051,1 +37052,1 +37053,1 +37054,1 +37055,1 +37056,1 +37057,1 +37058,1 +37059,1 +37060,1 +37061,1 +37062,1 +37063,1 +37064,1 +37065,1 +37066,1 +37067,1 +37068,1 +37069,1 +37070,1 +37071,1 +37072,1 +37073,1 +37074,1 +37075,1 +37076,1 +37077,1 +37078,1 +37079,1 +37080,1 +37081,1 +37082,1 +37083,1 +37084,1 +37085,1 +37086,1 +37087,1 +37088,1 +37089,1 +37090,1 +37091,1 +37092,1 +37093,1 +37094,1 +37095,1 +37096,1 +37097,1 +37098,1 +37099,1 +37100,1 +37101,1 +37102,1 +37103,1 +37104,1 +37105,1 +37106,1 +37107,1 +37108,1 +37109,1 +37110,1 +37111,1 +37112,1 +37113,1 +37114,1 +37115,1 +37116,1 +37117,1 +37118,1 +37119,1 +37120,1 +37121,1 +37122,1 +37123,1 +37124,1 +37125,1 +37126,1 +37127,1 +37128,1 +37129,1 +37130,1 +37131,1 +37132,1 +37133,1 +37134,1 +37135,1 +37136,1 +37137,1 +37138,1 +37139,1 +37140,1 +37141,1 +37142,1 +37143,1 +37144,1 +37145,1 +37146,1 +37147,1 +37148,1 +37149,1 +37150,1 +37151,1 +37152,1 +37153,1 +37154,1 +37155,1 +37156,1 +37157,1 +37158,1 +37159,1 +37160,1 +37161,1 +37162,1 +37163,1 +37164,1 +37165,1 +37166,1 +37167,1 +37168,1 +37169,1 +37170,1 +37171,1 +37172,1 +37173,1 +37174,1 +37175,1 +37176,1 +37177,1 +37178,1 +37179,1 +37180,1 +37181,1 +37182,1 +37183,1 +37184,1 +37185,1 +37186,1 +37187,1 +37188,1 +37189,1 +37190,1 +37191,1 +37192,1 +37193,1 +37194,1 +37195,1 +37196,1 +37197,1 +37198,1 +37199,1 +37200,1 +37201,1 +37202,1 +37203,1 +37204,1 +37205,1 +37206,1 +37207,1 +37208,1 +37209,1 +37210,1 +37211,1 +37212,1 +37213,1 +37214,1 +37215,1 +37216,1 +37217,1 +37218,1 +37219,1 +37220,1 +37221,1 +37222,1 +37223,1 +37224,1 +37225,1 +37226,1 +37227,1 +37228,1 +37229,1 +37230,1 +37231,1 +37232,1 +37233,1 +37234,1 +37235,1 +37236,1 +37237,1 +37238,1 +37239,1 +37240,1 +37241,1 +37242,1 +37243,1 +37244,1 +37245,1 +37246,1 +37247,1 +37248,1 +37249,1 +37250,1 +37251,1 +37252,1 +37253,1 +37254,1 +37255,1 +37256,1 +37257,1 +37258,1 +37259,1 +37260,1 +37261,1 +37262,1 +37263,1 +37264,1 +37265,1 +37266,1 +37267,1 +37268,1 +37269,1 +37270,1 +37271,1 +37272,1 +37273,1 +37274,1 +37275,1 +37276,1 +37277,1 +37278,1 +37279,1 +37280,1 +37281,1 +37282,1 +37283,1 +37284,1 +37285,1 +37286,1 +37287,1 +37288,1 +37289,1 +37290,1 +37291,1 +37292,1 +37293,1 +37294,1 +37295,1 +37296,1 +37297,1 +37298,1 +37299,1 +37300,1 +37301,1 +37302,1 +37303,1 +37304,1 +37305,1 +37306,1 +37307,1 +37308,1 +37309,1 +37310,1 +37311,1 +37312,1 +37313,1 +37314,1 +37315,1 +37316,1 +37317,1 +37318,1 +37319,1 +37320,1 +37321,1 +37322,1 +37323,1 +37324,1 +37325,1 +37326,1 +37327,1 +37328,1 +37329,1 +37330,1 +37331,1 +37332,1 +37333,1 +37334,1 +37335,1 +37336,1 +37337,1 +37338,1 +37339,1 +37340,1 +37341,1 +37342,1 +37343,1 +37344,1 +37345,1 +37346,1 +37347,1 +37348,1 +37349,1 +37350,1 +37351,1 +37352,1 +37353,1 +37354,1 +37355,1 +37356,1 +37357,1 +37358,1 +37359,1 +37360,1 +37361,1 +37362,1 +37363,1 +37364,1 +37365,1 +37366,1 +37367,1 +37368,1 +37369,1 +37370,1 +37371,1 +37372,1 +37373,1 +37374,1 +37375,1 +37376,1 +37377,1 +37378,1 +37379,1 +37380,1 +37381,1 +37382,1 +37383,1 +37384,1 +37385,1 +37386,1 +37387,1 +37388,1 +37389,1 +37390,1 +37391,1 +37392,1 +37393,1 +37394,1 +37395,1 +37396,1 +37397,1 +37398,1 +37399,1 +37400,1 +37401,1 +37402,1 +37403,1 +37404,1 +37405,1 +37406,1 +37407,1 +37408,1 +37409,1 +37410,1 +37411,1 +37412,1 +37413,1 +37414,1 +37415,1 +37416,1 +37417,1 +37418,1 +37419,1 +37420,1 +37421,1 +37422,1 +37423,1 +37424,1 +37425,1 +37426,1 +37427,1 +37428,1 +37429,1 +37430,1 +37431,1 +37432,1 +37433,1 +37434,1 +37435,1 +37436,1 +37437,1 +37438,1 +37439,1 +37440,1 +37441,1 +37442,1 +37443,1 +37444,1 +37445,1 +37446,1 +37447,1 +37448,1 +37449,1 +37450,1 +37451,1 +37452,1 +37453,1 +37454,1 +37455,1 +37456,1 +37457,1 +37458,1 +37459,1 +37460,1 +37461,1 +37462,1 +37463,1 +37464,1 +37465,1 +37466,1 +37467,1 +37468,1 +37469,1 +37470,1 +37471,1 +37472,1 +37473,1 +37474,1 +37475,1 +37476,1 +37477,1 +37478,1 +37479,1 +37480,1 +37481,1 +37482,1 +37483,1 +37484,1 +37485,1 +37486,1 +37487,1 +37488,1 +37489,1 +37490,1 +37491,1 +37492,1 +37493,1 +37494,1 +37495,1 +37496,1 +37497,1 +37498,1 +37499,1 +37500,1 +37501,1 +37502,1 +37503,1 +37504,1 +37505,1 +37506,1 +37507,1 +37508,1 +37509,1 +37510,1 +37511,1 +37512,1 +37513,1 +37514,1 +37515,1 +37516,1 +37517,1 +37518,1 +37519,1 +37520,1 +37521,1 +37522,1 +37523,1 +37524,1 +37525,1 +37526,1 +37527,1 +37528,1 +37529,1 +37530,1 +37531,1 +37532,1 +37533,1 +37534,1 +37535,1 +37536,1 +37537,1 +37538,1 +37539,1 +37540,1 +37541,1 +37542,1 +37543,1 +37544,1 +37545,1 +37546,1 +37547,1 +37548,1 +37549,1 +37550,1 +37551,1 +37552,1 +37553,1 +37554,1 +37555,1 +37556,1 +37557,1 +37558,1 +37559,1 +37560,1 +37561,1 +37562,1 +37563,1 +37564,1 +37565,1 +37566,1 +37567,1 +37568,1 +37569,1 +37570,1 +37571,1 +37572,1 +37573,1 +37574,1 +37575,1 +37576,1 +37577,1 +37578,1 +37579,1 +37580,1 +37581,1 +37582,1 +37583,1 +37584,1 +37585,1 +37586,1 +37587,1 +37588,1 +37589,1 +37590,1 +37591,1 +37592,1 +37593,1 +37594,1 +37595,1 +37596,1 +37597,1 +37598,1 +37599,1 +37600,1 +37601,1 +37602,1 +37603,1 +37604,1 +37605,1 +37606,1 +37607,1 +37608,1 +37609,1 +37610,1 +37611,1 +37612,1 +37613,1 +37614,1 +37615,1 +37616,1 +37617,1 +37618,1 +37619,1 +37620,1 +37621,1 +37622,1 +37623,1 +37624,1 +37625,1 +37626,1 +37627,1 +37628,1 +37629,1 +37630,1 +37631,1 +37632,1 +37633,1 +37634,1 +37635,1 +37636,1 +37637,1 +37638,1 +37639,1 +37640,1 +37641,1 +37642,1 +37643,1 +37644,1 +37645,1 +37646,1 +37647,1 +37648,1 +37649,1 +37650,1 +37651,1 +37652,1 +37653,1 +37654,1 +37655,1 +37656,1 +37657,1 +37658,1 +37659,1 +37660,1 +37661,1 +37662,1 +37663,1 +37664,1 +37665,1 +37666,1 +37667,1 +37668,1 +37669,1 +37670,1 +37671,1 +37672,1 +37673,1 +37674,1 +37675,1 +37676,1 +37677,1 +37678,1 +37679,1 +37680,1 +37681,1 +37682,1 +37683,1 +37684,1 +37685,1 +37686,1 +37687,1 +37688,1 +37689,1 +37690,1 +37691,1 +37692,1 +37693,1 +37694,1 +37695,1 +37696,1 +37697,1 +37698,1 +37699,1 +37700,1 +37701,1 +37702,1 +37703,1 +37704,1 +37705,1 +37706,1 +37707,1 +37708,1 +37709,1 +37710,1 +37711,1 +37712,1 +37713,1 +37714,1 +37715,1 +37716,1 +37717,1 +37718,1 +37719,1 +37720,1 +37721,1 +37722,1 +37723,1 +37724,1 +37725,1 +37726,1 +37727,1 +37728,1 +37729,1 +37730,1 +37731,1 +37732,1 +37733,1 +37734,1 +37735,1 +37736,1 +37737,1 +37738,1 +37739,1 +37740,1 +37741,1 +37742,1 +37743,1 +37744,1 +37745,1 +37746,1 +37747,1 +37748,1 +37749,1 +37750,1 +37751,1 +37752,1 +37753,1 +37754,1 +37755,1 +37756,1 +37757,1 +37758,1 +37759,1 +37760,1 +37761,1 +37762,1 +37763,1 +37764,1 +37765,1 +37766,1 +37767,1 +37768,1 +37769,1 +37770,1 +37771,1 +37772,1 +37773,1 +37774,1 +37775,1 +37776,1 +37777,1 +37778,1 +37779,1 +37780,1 +37781,1 +37782,1 +37783,1 +37784,1 +37785,1 +37786,1 +37787,1 +37788,1 +37789,1 +37790,1 +37791,1 +37792,1 +37793,1 +37794,1 +37795,1 +37796,1 +37797,1 +37798,1 +37799,1 +37800,1 +37801,1 +37802,1 +37803,1 +37804,1 +37805,1 +37806,1 +37807,1 +37808,1 +37809,1 +37810,1 +37811,1 +37812,1 +37813,1 +37814,1 +37815,1 +37816,1 +37817,1 +37818,1 +37819,1 +37820,1 +37821,1 +37822,1 +37823,1 +37824,1 +37825,1 +37826,1 +37827,1 +37828,1 +37829,1 +37830,1 +37831,1 +37832,1 +37833,1 +37834,1 +37835,1 +37836,1 +37837,1 +37838,1 +37839,1 +37840,1 +37841,1 +37842,1 +37843,1 +37844,1 +37845,1 +37846,1 +37847,1 +37848,1 +37849,1 +37850,1 +37851,1 +37852,1 +37853,1 +37854,1 +37855,1 +37856,1 +37857,1 +37858,1 +37859,1 +37860,1 +37861,1 +37862,1 +37863,1 +37864,1 +37865,1 +37866,1 +37867,1 +37868,1 +37869,1 +37870,1 +37871,1 +37872,1 +37873,1 +37874,1 +37875,1 +37876,1 +37877,1 +37878,1 +37879,1 +37880,1 +37881,1 +37882,1 +37883,1 +37884,1 +37885,1 +37886,1 +37887,1 +37888,1 +37889,1 +37890,1 +37891,1 +37892,1 +37893,1 +37894,1 +37895,1 +37896,1 +37897,1 +37898,1 +37899,1 +37900,1 +37901,1 +37902,1 +37903,1 +37904,1 +37905,1 +37906,1 +37907,1 +37908,1 +37909,1 +37910,1 +37911,1 +37912,1 +37913,1 +37914,1 +37915,1 +37916,1 +37917,1 +37918,1 +37919,1 +37920,1 +37921,1 +37922,1 +37923,1 +37924,1 +37925,1 +37926,1 +37927,1 +37928,1 +37929,1 +37930,1 +37931,1 +37932,1 +37933,1 +37934,1 +37935,1 +37936,1 +37937,1 +37938,1 +37939,1 +37940,1 +37941,1 +37942,1 +37943,1 +37944,1 +37945,1 +37946,1 +37947,1 +37948,1 +37949,1 +37950,1 +37951,1 +37952,1 +37953,1 +37954,1 +37955,1 +37956,1 +37957,1 +37958,1 +37959,1 +37960,1 +37961,1 +37962,1 +37963,1 +37964,1 +37965,1 +37966,1 +37967,1 +37968,1 +37969,1 +37970,1 +37971,1 +37972,1 +37973,1 +37974,1 +37975,1 +37976,1 +37977,1 +37978,1 +37979,1 +37980,1 +37981,1 +37982,1 +37983,1 +37984,1 +37985,1 +37986,1 +37987,1 +37988,1 +37989,1 +37990,1 +37991,1 +37992,1 +37993,1 +37994,1 +37995,1 +37996,1 +37997,1 +37998,1 +37999,1 +38000,1 +38001,1 +38002,1 +38003,1 +38004,1 +38005,1 +38006,1 +38007,1 +38008,1 +38009,1 +38010,1 +38011,1 +38012,1 +38013,1 +38014,1 +38015,1 +38016,1 +38017,1 +38018,1 +38019,1 +38020,1 +38021,1 +38022,1 +38023,1 +38024,1 +38025,1 +38026,1 +38027,1 +38028,1 +38029,1 +38030,1 +38031,1 +38032,1 +38033,1 +38034,1 +38035,1 +38036,1 +38037,1 +38038,1 +38039,1 +38040,1 +38041,1 +38042,1 +38043,1 +38044,1 +38045,1 +38046,1 +38047,1 +38048,1 +38049,1 +38050,1 +38051,1 +38052,1 +38053,1 +38054,1 +38055,1 +38056,1 +38057,1 +38058,1 +38059,1 +38060,1 +38061,1 +38062,1 +38063,1 +38064,1 +38065,1 +38066,1 +38067,1 +38068,1 +38069,1 +38070,1 +38071,1 +38072,1 +38073,1 +38074,1 +38075,1 +38076,1 +38077,1 +38078,1 +38079,1 +38080,1 +38081,1 +38082,1 +38083,1 +38084,1 +38085,1 +38086,1 +38087,1 +38088,1 +38089,1 +38090,1 +38091,1 +38092,1 +38093,1 +38094,1 +38095,1 +38096,1 +38097,1 +38098,1 +38099,1 +38100,1 +38101,1 +38102,1 +38103,1 +38104,1 +38105,1 +38106,1 +38107,1 +38108,1 +38109,1 +38110,1 +38111,1 +38112,1 +38113,1 +38114,1 +38115,1 +38116,1 +38117,1 +38118,1 +38119,1 +38120,1 +38121,1 +38122,1 +38123,1 +38124,1 +38125,1 +38126,1 +38127,1 +38128,1 +38129,1 +38130,1 +38131,1 +38132,1 +38133,1 +38134,1 +38135,1 +38136,1 +38137,1 +38138,1 +38139,1 +38140,1 +38141,1 +38142,1 +38143,1 +38144,1 +38145,1 +38146,1 +38147,1 +38148,1 +38149,1 +38150,1 +38151,1 +38152,1 +38153,1 +38154,1 +38155,1 +38156,1 +38157,1 +38158,1 +38159,1 +38160,1 +38161,1 +38162,1 +38163,1 +38164,1 +38165,1 +38166,1 +38167,1 +38168,1 +38169,1 +38170,1 +38171,1 +38172,1 +38173,1 +38174,1 +38175,1 +38176,1 +38177,1 +38178,1 +38179,1 +38180,1 +38181,1 +38182,1 +38183,1 +38184,1 +38185,1 +38186,1 +38187,1 +38188,1 +38189,1 +38190,1 +38191,1 +38192,1 +38193,1 +38194,1 +38195,1 +38196,1 +38197,1 +38198,1 +38199,1 +38200,1 +38201,1 +38202,1 +38203,1 +38204,1 +38205,1 +38206,1 +38207,1 +38208,1 +38209,1 +38210,1 +38211,1 +38212,1 +38213,1 +38214,1 +38215,1 +38216,1 +38217,1 +38218,1 +38219,1 +38220,1 +38221,1 +38222,1 +38223,1 +38224,1 +38225,1 +38226,1 +38227,1 +38228,1 +38229,1 +38230,1 +38231,1 +38232,1 +38233,1 +38234,1 +38235,1 +38236,1 +38237,1 +38238,1 +38239,1 +38240,1 +38241,1 +38242,1 +38243,1 +38244,1 +38245,1 +38246,1 +38247,1 +38248,1 +38249,1 +38250,1 +38251,1 +38252,1 +38253,1 +38254,1 +38255,1 +38256,1 +38257,1 +38258,1 +38259,1 +38260,1 +38261,1 +38262,1 +38263,1 +38264,1 +38265,1 +38266,1 +38267,1 +38268,1 +38269,1 +38270,1 +38271,1 +38272,1 +38273,1 +38274,1 +38275,1 +38276,1 +38277,1 +38278,1 +38279,1 +38280,1 +38281,1 +38282,1 +38283,1 +38284,1 +38285,1 +38286,1 +38287,1 +38288,1 +38289,1 +38290,1 +38291,1 +38292,1 +38293,1 +38294,1 +38295,1 +38296,1 +38297,1 +38298,1 +38299,1 +38300,1 +38301,1 +38302,1 +38303,1 +38304,1 +38305,1 +38306,1 +38307,1 +38308,1 +38309,1 +38310,1 +38311,1 +38312,1 +38313,1 +38314,1 +38315,1 +38316,1 +38317,1 +38318,1 +38319,1 +38320,1 +38321,1 +38322,1 +38323,1 +38324,1 +38325,1 +38326,1 +38327,1 +38328,1 +38329,1 +38330,1 +38331,1 +38332,1 +38333,1 +38334,1 +38335,1 +38336,1 +38337,1 +38338,1 +38339,1 +38340,1 +38341,1 +38342,1 +38343,1 +38344,1 +38345,1 +38346,1 +38347,1 +38348,1 +38349,1 +38350,1 +38351,1 +38352,1 +38353,1 +38354,1 +38355,1 +38356,1 +38357,1 +38358,1 +38359,1 +38360,1 +38361,1 +38362,1 +38363,1 +38364,1 +38365,1 +38366,1 +38367,1 +38368,1 +38369,1 +38370,1 +38371,1 +38372,1 +38373,1 +38374,1 +38375,1 +38376,1 +38377,1 +38378,1 +38379,1 +38380,1 +38381,1 +38382,1 +38383,1 +38384,1 +38385,1 +38386,1 +38387,1 +38388,1 +38389,1 +38390,1 +38391,1 +38392,1 +38393,1 +38394,1 +38395,1 +38396,1 +38397,1 +38398,1 +38399,1 +38400,1 +38401,1 +38402,1 +38403,1 +38404,1 +38405,1 +38406,1 +38407,1 +38408,1 +38409,1 +38410,1 +38411,1 +38412,1 +38413,1 +38414,1 +38415,1 +38416,1 +38417,1 +38418,1 +38419,1 +38420,1 +38421,1 +38422,1 +38423,1 +38424,1 +38425,1 +38426,1 +38427,1 +38428,1 +38429,1 +38430,1 +38431,1 +38432,1 +38433,1 +38434,1 +38435,1 +38436,1 +38437,1 +38438,1 +38439,1 +38440,1 +38441,1 +38442,1 +38443,1 +38444,1 +38445,1 +38446,1 +38447,1 +38448,1 +38449,1 +38450,1 +38451,1 +38452,1 +38453,1 +38454,1 +38455,1 +38456,1 +38457,1 +38458,1 +38459,1 +38460,1 +38461,1 +38462,1 +38463,1 +38464,1 +38465,1 +38466,1 +38467,1 +38468,1 +38469,1 +38470,1 +38471,1 +38472,1 +38473,1 +38474,1 +38475,1 +38476,1 +38477,1 +38478,1 +38479,1 +38480,1 +38481,1 +38482,1 +38483,1 +38484,1 +38485,1 +38486,1 +38487,1 +38488,1 +38489,1 +38490,1 +38491,1 +38492,1 +38493,1 +38494,1 +38495,1 +38496,1 +38497,1 +38498,1 +38499,1 +38500,1 +38501,1 +38502,1 +38503,1 +38504,1 +38505,1 +38506,1 +38507,1 +38508,1 +38509,1 +38510,1 +38511,1 +38512,1 +38513,1 +38514,1 +38515,1 +38516,1 +38517,1 +38518,1 +38519,1 +38520,1 +38521,1 +38522,1 +38523,1 +38524,1 +38525,1 +38526,1 +38527,1 +38528,1 +38529,1 +38530,1 +38531,1 +38532,1 +38533,1 +38534,1 +38535,1 +38536,1 +38537,1 +38538,1 +38539,1 +38540,1 +38541,1 +38542,1 +38543,1 +38544,1 +38545,1 +38546,1 +38547,1 +38548,1 +38549,1 +38550,1 +38551,1 +38552,1 +38553,1 +38554,1 +38555,1 +38556,1 +38557,1 +38558,1 +38559,1 +38560,1 +38561,1 +38562,1 +38563,1 +38564,1 +38565,1 +38566,1 +38567,1 +38568,1 +38569,1 +38570,1 +38571,1 +38572,1 +38573,1 +38574,1 +38575,1 +38576,1 +38577,1 +38578,1 +38579,1 +38580,1 +38581,1 +38582,1 +38583,1 +38584,1 +38585,1 +38586,1 +38587,1 +38588,1 +38589,1 +38590,1 +38591,1 +38592,1 +38593,1 +38594,1 +38595,1 +38596,1 +38597,1 +38598,1 +38599,1 +38600,1 +38601,1 +38602,1 +38603,1 +38604,1 +38605,1 +38606,1 +38607,1 +38608,1 +38609,1 +38610,1 +38611,1 +38612,1 +38613,1 +38614,1 +38615,1 +38616,1 +38617,1 +38618,1 +38619,1 +38620,1 +38621,1 +38622,1 +38623,1 +38624,1 +38625,1 +38626,1 +38627,1 +38628,1 +38629,1 +38630,1 +38631,1 +38632,1 +38633,1 +38634,1 +38635,1 +38636,1 +38637,1 +38638,1 +38639,1 +38640,1 +38641,1 +38642,1 +38643,1 +38644,1 +38645,1 +38646,1 +38647,1 +38648,1 +38649,1 +38650,1 +38651,1 +38652,1 +38653,1 +38654,1 +38655,1 +38656,1 +38657,1 +38658,1 +38659,1 +38660,1 +38661,1 +38662,1 +38663,1 +38664,1 +38665,1 +38666,1 +38667,1 +38668,1 +38669,1 +38670,1 +38671,1 +38672,1 +38673,1 +38674,1 +38675,1 +38676,1 +38677,1 +38678,1 +38679,1 +38680,1 +38681,1 +38682,1 +38683,1 +38684,1 +38685,1 +38686,1 +38687,1 +38688,1 +38689,1 +38690,1 +38691,1 +38692,1 +38693,1 +38694,1 +38695,1 +38696,1 +38697,1 +38698,1 +38699,1 +38700,1 +38701,1 +38702,1 +38703,1 +38704,1 +38705,1 +38706,1 +38707,1 +38708,1 +38709,1 +38710,1 +38711,1 +38712,1 +38713,1 +38714,1 +38715,1 +38716,1 +38717,1 +38718,1 +38719,1 +38720,1 +38721,1 +38722,1 +38723,1 +38724,1 +38725,1 +38726,1 +38727,1 +38728,1 +38729,1 +38730,1 +38731,1 +38732,1 +38733,1 +38734,1 +38735,1 +38736,1 +38737,1 +38738,1 +38739,1 +38740,1 +38741,1 +38742,1 +38743,1 +38744,1 +38745,1 +38746,1 +38747,1 +38748,1 +38749,1 +38750,1 +38751,1 +38752,1 +38753,1 +38754,1 +38755,1 +38756,1 +38757,1 +38758,1 +38759,1 +38760,1 +38761,1 +38762,1 +38763,1 +38764,1 +38765,1 +38766,1 +38767,1 +38768,1 +38769,1 +38770,1 +38771,1 +38772,1 +38773,1 +38774,1 +38775,1 +38776,1 +38777,1 +38778,1 +38779,1 +38780,1 +38781,1 +38782,1 +38783,1 +38784,1 +38785,1 +38786,1 +38787,1 +38788,1 +38789,1 +38790,1 +38791,1 +38792,1 +38793,1 +38794,1 +38795,1 +38796,1 +38797,1 +38798,1 +38799,1 +38800,1 +38801,1 +38802,1 +38803,1 +38804,1 +38805,1 +38806,1 +38807,1 +38808,1 +38809,1 +38810,1 +38811,1 +38812,1 +38813,1 +38814,1 +38815,1 +38816,1 +38817,1 +38818,1 +38819,1 +38820,1 +38821,1 +38822,1 +38823,1 +38824,1 +38825,1 +38826,1 +38827,1 +38828,1 +38829,1 +38830,1 +38831,1 +38832,1 +38833,1 +38834,1 +38835,1 +38836,1 +38837,1 +38838,1 +38839,1 +38840,1 +38841,1 +38842,1 +38843,1 +38844,1 +38845,1 +38846,1 +38847,1 +38848,1 +38849,1 +38850,1 +38851,1 +38852,1 +38853,1 +38854,1 +38855,1 +38856,1 +38857,1 +38858,1 +38859,1 +38860,1 +38861,1 +38862,1 +38863,1 +38864,1 +38865,1 +38866,1 +38867,1 +38868,1 +38869,1 +38870,1 +38871,1 +38872,1 +38873,1 +38874,1 +38875,1 +38876,1 +38877,1 +38878,1 +38879,1 +38880,1 +38881,1 +38882,1 +38883,1 +38884,1 +38885,1 +38886,1 +38887,1 +38888,1 +38889,1 +38890,1 +38891,1 +38892,1 +38893,1 +38894,1 +38895,1 +38896,1 +38897,1 +38898,1 +38899,1 +38900,1 +38901,1 +38902,1 +38903,1 +38904,1 +38905,1 +38906,1 +38907,1 +38908,1 +38909,1 +38910,1 +38911,1 +38912,1 +38913,1 +38914,1 +38915,1 +38916,1 +38917,1 +38918,1 +38919,1 +38920,1 +38921,1 +38922,1 +38923,1 +38924,1 +38925,1 +38926,1 +38927,1 +38928,1 +38929,1 +38930,1 +38931,1 +38932,1 +38933,1 +38934,1 +38935,1 +38936,1 +38937,1 +38938,1 +38939,1 +38940,1 +38941,1 +38942,1 +38943,1 +38944,1 +38945,1 +38946,1 +38947,1 +38948,1 +38949,1 +38950,1 +38951,1 +38952,1 +38953,1 +38954,1 +38955,1 +38956,1 +38957,1 +38958,1 +38959,1 +38960,1 +38961,1 +38962,1 +38963,1 +38964,1 +38965,1 +38966,1 +38967,1 +38968,1 +38969,1 +38970,1 +38971,1 +38972,1 +38973,1 +38974,1 +38975,1 +38976,1 +38977,1 +38978,1 +38979,1 +38980,1 +38981,1 +38982,1 +38983,1 +38984,1 +38985,1 +38986,1 +38987,1 +38988,1 +38989,1 +38990,1 +38991,1 +38992,1 +38993,1 +38994,1 +38995,1 +38996,1 +38997,1 +38998,1 +38999,1 +39000,1 +39001,1 +39002,1 +39003,1 +39004,1 +39005,1 +39006,1 +39007,1 +39008,1 +39009,1 +39010,1 +39011,1 +39012,1 +39013,1 +39014,1 +39015,1 +39016,1 +39017,1 +39018,1 +39019,1 +39020,1 +39021,1 +39022,1 +39023,1 +39024,1 +39025,1 +39026,1 +39027,1 +39028,1 +39029,1 +39030,1 +39031,1 +39032,1 +39033,1 +39034,1 +39035,1 +39036,1 +39037,1 +39038,1 +39039,1 +39040,1 +39041,1 +39042,1 +39043,1 +39044,1 +39045,1 +39046,1 +39047,1 +39048,1 +39049,1 +39050,1 +39051,1 +39052,1 +39053,1 +39054,1 +39055,1 +39056,1 +39057,1 +39058,1 +39059,1 +39060,1 +39061,1 +39062,1 +39063,1 +39064,1 +39065,1 +39066,1 +39067,1 +39068,1 +39069,1 +39070,1 +39071,1 +39072,1 +39073,1 +39074,1 +39075,1 +39076,1 +39077,1 +39078,1 +39079,1 +39080,1 +39081,1 +39082,1 +39083,1 +39084,1 +39085,1 +39086,1 +39087,1 +39088,1 +39089,1 +39090,1 +39091,1 +39092,1 +39093,1 +39094,1 +39095,1 +39096,1 +39097,1 +39098,1 +39099,1 +39100,1 +39101,1 +39102,1 +39103,1 +39104,1 +39105,1 +39106,1 +39107,1 +39108,1 +39109,1 +39110,1 +39111,1 +39112,1 +39113,1 +39114,1 +39115,1 +39116,1 +39117,1 +39118,1 +39119,1 +39120,1 +39121,1 +39122,1 +39123,1 +39124,1 +39125,1 +39126,1 +39127,1 +39128,1 +39129,1 +39130,1 +39131,1 +39132,1 +39133,1 +39134,1 +39135,1 +39136,1 +39137,1 +39138,1 +39139,1 +39140,1 +39141,1 +39142,1 +39143,1 +39144,1 +39145,1 +39146,1 +39147,1 +39148,1 +39149,1 +39150,1 +39151,1 +39152,1 +39153,1 +39154,1 +39155,1 +39156,1 +39157,1 +39158,1 +39159,1 +39160,1 +39161,1 +39162,1 +39163,1 +39164,1 +39165,1 +39166,1 +39167,1 +39168,1 +39169,1 +39170,1 +39171,1 +39172,1 +39173,1 +39174,1 +39175,1 +39176,1 +39177,1 +39178,1 +39179,1 +39180,1 +39181,1 +39182,1 +39183,1 +39184,1 +39185,1 +39186,1 +39187,1 +39188,1 +39189,1 +39190,1 +39191,1 +39192,1 +39193,1 +39194,1 +39195,1 +39196,1 +39197,1 +39198,1 +39199,1 +39200,1 +39201,1 +39202,1 +39203,1 +39204,1 +39205,1 +39206,1 +39207,1 +39208,1 +39209,1 +39210,1 +39211,1 +39212,1 +39213,1 +39214,1 +39215,1 +39216,1 +39217,1 +39218,1 +39219,1 +39220,1 +39221,1 +39222,1 +39223,1 +39224,1 +39225,1 +39226,1 +39227,1 +39228,1 +39229,1 +39230,1 +39231,1 +39232,1 +39233,1 +39234,1 +39235,1 +39236,1 +39237,1 +39238,1 +39239,1 +39240,1 +39241,1 +39242,1 +39243,1 +39244,1 +39245,1 +39246,1 +39247,1 +39248,1 +39249,1 +39250,1 +39251,1 +39252,1 +39253,1 +39254,1 +39255,1 +39256,1 +39257,1 +39258,1 +39259,1 +39260,1 +39261,1 +39262,1 +39263,1 +39264,1 +39265,1 +39266,1 +39267,1 +39268,1 +39269,1 +39270,1 +39271,1 +39272,1 +39273,1 +39274,1 +39275,1 +39276,1 +39277,1 +39278,1 +39279,1 +39280,1 +39281,1 +39282,1 +39283,1 +39284,1 +39285,1 +39286,1 +39287,1 +39288,1 +39289,1 +39290,1 +39291,1 +39292,1 +39293,1 +39294,1 +39295,1 +39296,1 +39297,1 +39298,1 +39299,1 +39300,1 +39301,1 +39302,1 +39303,1 +39304,1 +39305,1 +39306,1 +39307,1 +39308,1 +39309,1 +39310,1 +39311,1 +39312,1 +39313,1 +39314,1 +39315,1 +39316,1 +39317,1 +39318,1 +39319,1 +39320,1 +39321,1 +39322,1 +39323,1 +39324,1 +39325,1 +39326,1 +39327,1 +39328,1 +39329,1 +39330,1 +39331,1 +39332,1 +39333,1 +39334,1 +39335,1 +39336,1 +39337,1 +39338,1 +39339,1 +39340,1 +39341,1 +39342,1 +39343,1 +39344,1 +39345,1 +39346,1 +39347,1 +39348,1 +39349,1 +39350,1 +39351,1 +39352,1 +39353,1 +39354,1 +39355,1 +39356,1 +39357,1 +39358,1 +39359,1 +39360,1 +39361,1 +39362,1 +39363,1 +39364,1 +39365,1 +39366,1 +39367,1 +39368,1 +39369,1 +39370,1 +39371,1 +39372,1 +39373,1 +39374,1 +39375,1 +39376,1 +39377,1 +39378,1 +39379,1 +39380,1 +39381,1 +39382,1 +39383,1 +39384,1 +39385,1 +39386,1 +39387,1 +39388,1 +39389,1 +39390,1 +39391,1 +39392,1 +39393,1 +39394,1 +39395,1 +39396,1 +39397,1 +39398,1 +39399,1 +39400,1 +39401,1 +39402,1 +39403,1 +39404,1 +39405,1 +39406,1 +39407,1 +39408,1 +39409,1 +39410,1 +39411,1 +39412,1 +39413,1 +39414,1 +39415,1 +39416,1 +39417,1 +39418,1 +39419,1 +39420,1 +39421,1 +39422,1 +39423,1 +39424,1 +39425,1 +39426,1 +39427,1 +39428,1 +39429,1 +39430,1 +39431,1 +39432,1 +39433,1 +39434,1 +39435,1 +39436,1 +39437,1 +39438,1 +39439,1 +39440,1 +39441,1 +39442,1 +39443,1 +39444,1 +39445,1 +39446,1 +39447,1 +39448,1 +39449,1 +39450,1 +39451,1 +39452,1 +39453,1 +39454,1 +39455,1 +39456,1 +39457,1 +39458,1 +39459,1 +39460,1 +39461,1 +39462,1 +39463,1 +39464,1 +39465,1 +39466,1 +39467,1 +39468,1 +39469,1 +39470,1 +39471,1 +39472,1 +39473,1 +39474,1 +39475,1 +39476,1 +39477,1 +39478,1 +39479,1 +39480,1 +39481,1 +39482,1 +39483,1 +39484,1 +39485,1 +39486,1 +39487,1 +39488,1 +39489,1 +39490,1 +39491,1 +39492,1 +39493,1 +39494,1 +39495,1 +39496,1 +39497,1 +39498,1 +39499,1 +39500,1 +39501,1 +39502,1 +39503,1 +39504,1 +39505,1 +39506,1 +39507,1 +39508,1 +39509,1 +39510,1 +39511,1 +39512,1 +39513,1 +39514,1 +39515,1 +39516,1 +39517,1 +39518,1 +39519,1 +39520,1 +39521,1 +39522,1 +39523,1 +39524,1 +39525,1 +39526,1 +39527,1 +39528,1 +39529,1 +39530,1 +39531,1 +39532,1 +39533,1 +39534,1 +39535,1 +39536,1 +39537,1 +39538,1 +39539,1 +39540,1 +39541,1 +39542,1 +39543,1 +39544,1 +39545,1 +39546,1 +39547,1 +39548,1 +39549,1 +39550,1 +39551,1 +39552,1 +39553,1 +39554,1 +39555,1 +39556,1 +39557,1 +39558,1 +39559,1 +39560,1 +39561,1 +39562,1 +39563,1 +39564,1 +39565,1 +39566,1 +39567,1 +39568,1 +39569,1 +39570,1 +39571,1 +39572,1 +39573,1 +39574,1 +39575,1 +39576,1 +39577,1 +39578,1 +39579,1 +39580,1 +39581,1 +39582,1 +39583,1 +39584,1 +39585,1 +39586,1 +39587,1 +39588,1 +39589,1 +39590,1 +39591,1 +39592,1 +39593,1 +39594,1 +39595,1 +39596,1 +39597,1 +39598,1 +39599,1 +39600,1 +39601,1 +39602,1 +39603,1 +39604,1 +39605,1 +39606,1 +39607,1 +39608,1 +39609,1 +39610,1 +39611,1 +39612,1 +39613,1 +39614,1 +39615,1 +39616,1 +39617,1 +39618,1 +39619,1 +39620,1 +39621,1 +39622,1 +39623,1 +39624,1 +39625,1 +39626,1 +39627,1 +39628,1 +39629,1 +39630,1 +39631,1 +39632,1 +39633,1 +39634,1 +39635,1 +39636,1 +39637,1 +39638,1 +39639,1 +39640,1 +39641,1 +39642,1 +39643,1 +39644,1 +39645,1 +39646,1 +39647,1 +39648,1 +39649,1 +39650,1 +39651,1 +39652,1 +39653,1 +39654,1 +39655,1 +39656,1 +39657,1 +39658,1 +39659,1 +39660,1 +39661,1 +39662,1 +39663,1 +39664,1 +39665,1 +39666,1 +39667,1 +39668,1 +39669,1 +39670,1 +39671,1 +39672,1 +39673,1 +39674,1 +39675,1 +39676,1 +39677,1 +39678,1 +39679,1 +39680,1 +39681,1 +39682,1 +39683,1 +39684,1 +39685,1 +39686,1 +39687,1 +39688,1 +39689,1 +39690,1 +39691,1 +39692,1 +39693,1 +39694,1 +39695,1 +39696,1 +39697,1 +39698,1 +39699,1 +39700,1 +39701,1 +39702,1 +39703,1 +39704,1 +39705,1 +39706,1 +39707,1 +39708,1 +39709,1 +39710,1 +39711,1 +39712,1 +39713,1 +39714,1 +39715,1 +39716,1 +39717,1 +39718,1 +39719,1 +39720,1 +39721,1 +39722,1 +39723,1 +39724,1 +39725,1 +39726,1 +39727,1 +39728,1 +39729,1 +39730,1 +39731,1 +39732,1 +39733,1 +39734,1 +39735,1 +39736,1 +39737,1 +39738,1 +39739,1 +39740,1 +39741,1 +39742,1 +39743,1 +39744,1 +39745,1 +39746,1 +39747,1 +39748,1 +39749,1 +39750,1 +39751,1 +39752,1 +39753,1 +39754,1 +39755,1 +39756,1 +39757,1 +39758,1 +39759,1 +39760,1 +39761,1 +39762,1 +39763,1 +39764,1 +39765,1 +39766,1 +39767,1 +39768,1 +39769,1 +39770,1 +39771,1 +39772,1 +39773,1 +39774,1 +39775,1 +39776,1 +39777,1 +39778,1 +39779,1 +39780,1 +39781,1 +39782,1 +39783,1 +39784,1 +39785,1 +39786,1 +39787,1 +39788,1 +39789,1 +39790,1 +39791,1 +39792,1 +39793,1 +39794,1 +39795,1 +39796,1 +39797,1 +39798,1 +39799,1 +39800,1 +39801,1 +39802,1 +39803,1 +39804,1 +39805,1 +39806,1 +39807,1 +39808,1 +39809,1 +39810,1 +39811,1 +39812,1 +39813,1 +39814,1 +39815,1 +39816,1 +39817,1 +39818,1 +39819,1 +39820,1 +39821,1 +39822,1 +39823,1 +39824,1 +39825,1 +39826,1 +39827,1 +39828,1 +39829,1 +39830,1 +39831,1 +39832,1 +39833,1 +39834,1 +39835,1 +39836,1 +39837,1 +39838,1 +39839,1 +39840,1 +39841,1 +39842,1 +39843,1 +39844,1 +39845,1 +39846,1 +39847,1 +39848,1 +39849,1 +39850,1 +39851,1 +39852,1 +39853,1 +39854,1 +39855,1 +39856,1 +39857,1 +39858,1 +39859,1 +39860,1 +39861,1 +39862,1 +39863,1 +39864,1 +39865,1 +39866,1 +39867,1 +39868,1 +39869,1 +39870,1 +39871,1 +39872,1 +39873,1 +39874,1 +39875,1 +39876,1 +39877,1 +39878,1 +39879,1 +39880,1 +39881,1 +39882,1 +39883,1 +39884,1 +39885,1 +39886,1 +39887,1 +39888,1 +39889,1 +39890,1 +39891,1 +39892,1 +39893,1 +39894,1 +39895,1 +39896,1 +39897,1 +39898,1 +39899,1 +39900,1 +39901,1 +39902,1 +39903,1 +39904,1 +39905,1 +39906,1 +39907,1 +39908,1 +39909,1 +39910,1 +39911,1 +39912,1 +39913,1 +39914,1 +39915,1 +39916,1 +39917,1 +39918,1 +39919,1 +39920,1 +39921,1 +39922,1 +39923,1 +39924,1 +39925,1 +39926,1 +39927,1 +39928,1 +39929,1 +39930,1 +39931,1 +39932,1 +39933,1 +39934,1 +39935,1 +39936,1 +39937,1 +39938,1 +39939,1 +39940,1 +39941,1 +39942,1 +39943,1 +39944,1 +39945,1 +39946,1 +39947,1 +39948,1 +39949,1 +39950,1 +39951,1 +39952,1 +39953,1 +39954,1 +39955,1 +39956,1 +39957,1 +39958,1 +39959,1 +39960,1 +39961,1 +39962,1 +39963,1 +39964,1 +39965,1 +39966,1 +39967,1 +39968,1 +39969,1 +39970,1 +39971,1 +39972,1 +39973,1 +39974,1 +39975,1 +39976,1 +39977,1 +39978,1 +39979,1 +39980,1 +39981,1 +39982,1 +39983,1 +39984,1 +39985,1 +39986,1 +39987,1 +39988,1 +39989,1 +39990,1 +39991,1 +39992,1 +39993,1 +39994,1 +39995,1 +39996,1 +39997,1 +39998,1 +39999,1 +40000,1 +40001,1 +40002,1 +40003,1 +40004,1 +40005,1 +40006,1 +40007,1 +40008,1 +40009,1 +40010,1 +40011,1 +40012,1 +40013,1 +40014,1 +40015,1 +40016,1 +40017,1 +40018,1 +40019,1 +40020,1 +40021,1 +40022,1 +40023,1 +40024,1 +40025,1 +40026,1 +40027,1 +40028,1 +40029,1 +40030,1 +40031,1 +40032,1 +40033,1 +40034,1 +40035,1 +40036,1 +40037,1 +40038,1 +40039,1 +40040,1 +40041,1 +40042,1 +40043,1 +40044,1 +40045,1 +40046,1 +40047,1 +40048,1 +40049,1 +40050,1 +40051,1 +40052,1 +40053,1 +40054,1 +40055,1 +40056,1 +40057,1 +40058,1 +40059,1 +40060,1 +40061,1 +40062,1 +40063,1 +40064,1 +40065,1 +40066,1 +40067,1 +40068,1 +40069,1 +40070,1 +40071,1 +40072,1 +40073,1 +40074,1 +40075,1 +40076,1 +40077,1 +40078,1 +40079,1 +40080,1 +40081,1 +40082,1 +40083,1 +40084,1 +40085,1 +40086,1 +40087,1 +40088,1 +40089,1 +40090,1 +40091,1 +40092,1 +40093,1 +40094,1 +40095,1 +40096,1 +40097,1 +40098,1 +40099,1 +40100,1 +40101,1 +40102,1 +40103,1 +40104,1 +40105,1 +40106,1 +40107,1 +40108,1 +40109,1 +40110,1 +40111,1 +40112,1 +40113,1 +40114,1 +40115,1 +40116,1 +40117,1 +40118,1 +40119,1 +40120,1 +40121,1 +40122,1 +40123,1 +40124,1 +40125,1 +40126,1 +40127,1 +40128,1 +40129,1 +40130,1 +40131,1 +40132,1 +40133,1 +40134,1 +40135,1 +40136,1 +40137,1 +40138,1 +40139,1 +40140,1 +40141,1 +40142,1 +40143,1 +40144,1 +40145,1 +40146,1 +40147,1 +40148,1 +40149,1 +40150,1 +40151,1 +40152,1 +40153,1 +40154,1 +40155,1 +40156,1 +40157,1 +40158,1 +40159,1 +40160,1 +40161,1 +40162,1 +40163,1 +40164,1 +40165,1 +40166,1 +40167,1 +40168,1 +40169,1 +40170,1 +40171,1 +40172,1 +40173,1 +40174,1 +40175,1 +40176,1 +40177,1 +40178,1 +40179,1 +40180,1 +40181,1 +40182,1 +40183,1 +40184,1 +40185,1 +40186,1 +40187,1 +40188,1 +40189,1 +40190,1 +40191,1 +40192,1 +40193,1 +40194,1 +40195,1 +40196,1 +40197,1 +40198,1 +40199,1 +40200,1 +40201,1 +40202,1 +40203,1 +40204,1 +40205,1 +40206,1 +40207,1 +40208,1 +40209,1 +40210,1 +40211,1 +40212,1 +40213,1 +40214,1 +40215,1 +40216,1 +40217,1 +40218,1 +40219,1 +40220,1 +40221,1 +40222,1 +40223,1 +40224,1 +40225,1 +40226,1 +40227,1 +40228,1 +40229,1 +40230,1 +40231,1 +40232,1 +40233,1 +40234,1 +40235,1 +40236,1 +40237,1 +40238,1 +40239,1 +40240,1 +40241,1 +40242,1 +40243,1 +40244,1 +40245,1 +40246,1 +40247,1 +40248,1 +40249,1 +40250,1 +40251,1 +40252,1 +40253,1 +40254,1 +40255,1 +40256,1 +40257,1 +40258,1 +40259,1 +40260,1 +40261,1 +40262,1 +40263,1 +40264,1 +40265,1 +40266,1 +40267,1 +40268,1 +40269,1 +40270,1 +40271,1 +40272,1 +40273,1 +40274,1 +40275,1 +40276,1 +40277,1 +40278,1 +40279,1 +40280,1 +40281,1 +40282,1 +40283,1 +40284,1 +40285,1 +40286,1 +40287,1 +40288,1 +40289,1 +40290,1 +40291,1 +40292,1 +40293,1 +40294,1 +40295,1 +40296,1 +40297,1 +40298,1 +40299,1 +40300,1 +40301,1 +40302,1 +40303,1 +40304,1 +40305,1 +40306,1 +40307,1 +40308,1 +40309,1 +40310,1 +40311,1 +40312,1 +40313,1 +40314,1 +40315,1 +40316,1 +40317,1 +40318,1 +40319,1 +40320,1 +40321,1 +40322,1 +40323,1 +40324,1 +40325,1 +40326,1 +40327,1 +40328,1 +40329,1 +40330,1 +40331,1 +40332,1 +40333,1 +40334,1 +40335,1 +40336,1 +40337,1 +40338,1 +40339,1 +40340,1 +40341,1 +40342,1 +40343,1 +40344,1 +40345,1 +40346,1 +40347,1 +40348,1 +40349,1 +40350,1 +40351,1 +40352,1 +40353,1 +40354,1 +40355,1 +40356,1 +40357,1 +40358,1 +40359,1 +40360,1 +40361,1 +40362,1 +40363,1 +40364,1 +40365,1 +40366,1 +40367,1 +40368,1 +40369,1 +40370,1 +40371,1 +40372,1 +40373,1 +40374,1 +40375,1 +40376,1 +40377,1 +40378,1 +40379,1 +40380,1 +40381,1 +40382,1 +40383,1 +40384,1 +40385,1 +40386,1 +40387,1 +40388,1 +40389,1 +40390,1 +40391,1 +40392,1 +40393,1 +40394,1 +40395,1 +40396,1 +40397,1 +40398,1 +40399,1 +40400,1 +40401,1 +40402,1 +40403,1 +40404,1 +40405,1 +40406,1 +40407,1 +40408,1 +40409,1 +40410,1 +40411,1 +40412,1 +40413,1 +40414,1 +40415,1 +40416,1 +40417,1 +40418,1 +40419,1 +40420,1 +40421,1 +40422,1 +40423,1 +40424,1 +40425,1 +40426,1 +40427,1 +40428,1 +40429,1 +40430,1 +40431,1 +40432,1 +40433,1 +40434,1 +40435,1 +40436,1 +40437,1 +40438,1 +40439,1 +40440,1 +40441,1 +40442,1 +40443,1 +40444,1 +40445,1 +40446,1 +40447,1 +40448,1 +40449,1 +40450,1 +40451,1 +40452,1 +40453,1 +40454,1 +40455,1 +40456,1 +40457,1 +40458,1 +40459,1 +40460,1 +40461,1 +40462,1 +40463,1 +40464,1 +40465,1 +40466,1 +40467,1 +40468,1 +40469,1 +40470,1 +40471,1 +40472,1 +40473,1 +40474,1 +40475,1 +40476,1 +40477,1 +40478,1 +40479,1 +40480,1 +40481,1 +40482,1 +40483,1 +40484,1 +40485,1 +40486,1 +40487,1 +40488,1 +40489,1 +40490,1 +40491,1 +40492,1 +40493,1 +40494,1 +40495,1 +40496,1 +40497,1 +40498,1 +40499,1 +40500,1 +40501,1 +40502,1 +40503,1 +40504,1 +40505,1 +40506,1 +40507,1 +40508,1 +40509,1 +40510,1 +40511,1 +40512,1 +40513,1 +40514,1 +40515,1 +40516,1 +40517,1 +40518,1 +40519,1 +40520,1 +40521,1 +40522,1 +40523,1 +40524,1 +40525,1 +40526,1 +40527,1 +40528,1 +40529,1 +40530,1 +40531,1 +40532,1 +40533,1 +40534,1 +40535,1 +40536,1 +40537,1 +40538,1 +40539,1 +40540,1 +40541,1 +40542,1 +40543,1 +40544,1 +40545,1 +40546,1 +40547,1 +40548,1 +40549,1 +40550,1 +40551,1 +40552,1 +40553,1 +40554,1 +40555,1 +40556,1 +40557,1 +40558,1 +40559,1 +40560,1 +40561,1 +40562,1 +40563,1 +40564,1 +40565,1 +40566,1 +40567,1 +40568,1 +40569,1 +40570,1 +40571,1 +40572,1 +40573,1 +40574,1 +40575,1 +40576,1 +40577,1 +40578,1 +40579,1 +40580,1 +40581,1 +40582,1 +40583,1 +40584,1 +40585,1 +40586,1 +40587,1 +40588,1 +40589,1 +40590,1 +40591,1 +40592,1 +40593,1 +40594,1 +40595,1 +40596,1 +40597,1 +40598,1 +40599,1 +40600,1 +40601,1 +40602,1 +40603,1 +40604,1 +40605,1 +40606,1 +40607,1 +40608,1 +40609,1 +40610,1 +40611,1 +40612,1 +40613,1 +40614,1 +40615,1 +40616,1 +40617,1 +40618,1 +40619,1 +40620,1 +40621,1 +40622,1 +40623,1 +40624,1 +40625,1 +40626,1 +40627,1 +40628,1 +40629,1 +40630,1 +40631,1 +40632,1 +40633,1 +40634,1 +40635,1 +40636,1 +40637,1 +40638,1 +40639,1 +40640,1 +40641,1 +40642,1 +40643,1 +40644,1 +40645,1 +40646,1 +40647,1 +40648,1 +40649,1 +40650,1 +40651,1 +40652,1 +40653,1 +40654,1 +40655,1 +40656,1 +40657,1 +40658,1 +40659,1 +40660,1 +40661,1 +40662,1 +40663,1 +40664,1 +40665,1 +40666,1 +40667,1 +40668,1 +40669,1 +40670,1 +40671,1 +40672,1 +40673,1 +40674,1 +40675,1 +40676,1 +40677,1 +40678,1 +40679,1 +40680,1 +40681,1 +40682,1 +40683,1 +40684,1 +40685,1 +40686,1 +40687,1 +40688,1 +40689,1 +40690,1 +40691,1 +40692,1 +40693,1 +40694,1 +40695,1 +40696,1 +40697,1 +40698,1 +40699,1 +40700,1 +40701,1 +40702,1 +40703,1 +40704,1 +40705,1 +40706,1 +40707,1 +40708,1 +40709,1 +40710,1 +40711,1 +40712,1 +40713,1 +40714,1 +40715,1 +40716,1 +40717,1 +40718,1 +40719,1 +40720,1 +40721,1 +40722,1 +40723,1 +40724,1 +40725,1 +40726,1 +40727,1 +40728,1 +40729,1 +40730,1 +40731,1 +40732,1 +40733,1 +40734,1 +40735,1 +40736,1 +40737,1 +40738,1 +40739,1 +40740,1 +40741,1 +40742,1 +40743,1 +40744,1 +40745,1 +40746,1 +40747,1 +40748,1 +40749,1 +40750,1 +40751,1 +40752,1 +40753,1 +40754,1 +40755,1 +40756,1 +40757,1 +40758,1 +40759,1 +40760,1 +40761,1 +40762,1 +40763,1 +40764,1 +40765,1 +40766,1 +40767,1 +40768,1 +40769,1 +40770,1 +40771,1 +40772,1 +40773,1 +40774,1 +40775,1 +40776,1 +40777,1 +40778,1 +40779,1 +40780,1 +40781,1 +40782,1 +40783,1 +40784,1 +40785,1 +40786,1 +40787,1 +40788,1 +40789,1 +40790,1 +40791,1 +40792,1 +40793,1 +40794,1 +40795,1 +40796,1 +40797,1 +40798,1 +40799,1 +40800,1 +40801,1 +40802,1 +40803,1 +40804,1 +40805,1 +40806,1 +40807,1 +40808,1 +40809,1 +40810,1 +40811,1 +40812,1 +40813,1 +40814,1 +40815,1 +40816,1 +40817,1 +40818,1 +40819,1 +40820,1 +40821,1 +40822,1 +40823,1 +40824,1 +40825,1 +40826,1 +40827,1 +40828,1 +40829,1 +40830,1 +40831,1 +40832,1 +40833,1 +40834,1 +40835,1 +40836,1 +40837,1 +40838,1 +40839,1 +40840,1 +40841,1 +40842,1 +40843,1 +40844,1 +40845,1 +40846,1 +40847,1 +40848,1 +40849,1 +40850,1 +40851,1 +40852,1 +40853,1 +40854,1 +40855,1 +40856,1 +40857,1 +40858,1 +40859,1 +40860,1 +40861,1 +40862,1 +40863,1 +40864,1 +40865,1 +40866,1 +40867,1 +40868,1 +40869,1 +40870,1 +40871,1 +40872,1 +40873,1 +40874,1 +40875,1 +40876,1 +40877,1 +40878,1 +40879,1 +40880,1 +40881,1 +40882,1 +40883,1 +40884,1 +40885,1 +40886,1 +40887,1 +40888,1 +40889,1 +40890,1 +40891,1 +40892,1 +40893,1 +40894,1 +40895,1 +40896,1 +40897,1 +40898,1 +40899,1 +40900,1 +40901,1 +40902,1 +40903,1 +40904,1 +40905,1 +40906,1 +40907,1 +40908,1 +40909,1 +40910,1 +40911,1 +40912,1 +40913,1 +40914,1 +40915,1 +40916,1 +40917,1 +40918,1 +40919,1 +40920,1 +40921,1 +40922,1 +40923,1 +40924,1 +40925,1 +40926,1 +40927,1 +40928,1 +40929,1 +40930,1 +40931,1 +40932,1 +40933,1 +40934,1 +40935,1 +40936,1 +40937,1 +40938,1 +40939,1 +40940,1 +40941,1 +40942,1 +40943,1 +40944,1 +40945,1 +40946,1 +40947,1 +40948,1 +40949,1 +40950,1 +40951,1 +40952,1 +40953,1 +40954,1 +40955,1 +40956,1 +40957,1 +40958,1 +40959,1 +40960,1 +40961,1 +40962,1 +40963,1 +40964,1 +40965,1 +40966,1 +40967,1 +40968,1 +40969,1 +40970,1 +40971,1 +40972,1 +40973,1 +40974,1 +40975,1 +40976,1 +40977,1 +40978,1 +40979,1 +40980,1 +40981,1 +40982,1 +40983,1 +40984,1 +40985,1 +40986,1 +40987,1 +40988,1 +40989,1 +40990,1 +40991,1 +40992,1 +40993,1 +40994,1 +40995,1 +40996,1 +40997,1 +40998,1 +40999,1 +41000,1 +41001,1 +41002,1 +41003,1 +41004,1 +41005,1 +41006,1 +41007,1 +41008,1 +41009,1 +41010,1 +41011,1 +41012,1 +41013,1 +41014,1 +41015,1 +41016,1 +41017,1 +41018,1 +41019,1 +41020,1 +41021,1 +41022,1 +41023,1 +41024,1 +41025,1 +41026,1 +41027,1 +41028,1 +41029,1 +41030,1 +41031,1 +41032,1 +41033,1 +41034,1 +41035,1 +41036,1 +41037,1 +41038,1 +41039,1 +41040,1 +41041,1 +41042,1 +41043,1 +41044,1 +41045,1 +41046,1 +41047,1 +41048,1 +41049,1 +41050,1 +41051,1 +41052,1 +41053,1 +41054,1 +41055,1 +41056,1 +41057,1 +41058,1 +41059,1 +41060,1 +41061,1 +41062,1 +41063,1 +41064,1 +41065,1 +41066,1 +41067,1 +41068,1 +41069,1 +41070,1 +41071,1 +41072,1 +41073,1 +41074,1 +41075,1 +41076,1 +41077,1 +41078,1 +41079,1 +41080,1 +41081,1 +41082,1 +41083,1 +41084,1 +41085,1 +41086,1 +41087,1 +41088,1 +41089,1 +41090,1 +41091,1 +41092,1 +41093,1 +41094,1 +41095,1 +41096,1 +41097,1 +41098,1 +41099,1 +41100,1 +41101,1 +41102,1 +41103,1 +41104,1 +41105,1 +41106,1 +41107,1 +41108,1 +41109,1 +41110,1 +41111,1 +41112,1 +41113,1 +41114,1 +41115,1 +41116,1 +41117,1 +41118,1 +41119,1 +41120,1 +41121,1 +41122,1 +41123,1 +41124,1 +41125,1 +41126,1 +41127,1 +41128,1 +41129,1 +41130,1 +41131,1 +41132,1 +41133,1 +41134,1 +41135,1 +41136,1 +41137,1 +41138,1 +41139,1 +41140,1 +41141,1 +41142,1 +41143,1 +41144,1 +41145,1 +41146,1 +41147,1 +41148,1 +41149,1 +41150,1 +41151,1 +41152,1 +41153,1 +41154,1 +41155,1 +41156,1 +41157,1 +41158,1 +41159,1 +41160,1 +41161,1 +41162,1 +41163,1 +41164,1 +41165,1 +41166,1 +41167,1 +41168,1 +41169,1 +41170,1 +41171,1 +41172,1 +41173,1 +41174,1 +41175,1 +41176,1 +41177,1 +41178,1 +41179,1 +41180,1 +41181,1 +41182,1 +41183,1 +41184,1 +41185,1 +41186,1 +41187,1 +41188,1 +41189,1 +41190,1 +41191,1 +41192,1 +41193,1 +41194,1 +41195,1 +41196,1 +41197,1 +41198,1 +41199,1 +41200,1 +41201,1 +41202,1 +41203,1 +41204,1 +41205,1 +41206,1 +41207,1 +41208,1 +41209,1 +41210,1 +41211,1 +41212,1 +41213,1 +41214,1 +41215,1 +41216,1 +41217,1 +41218,1 +41219,1 +41220,1 +41221,1 +41222,1 +41223,1 +41224,1 +41225,1 +41226,1 +41227,1 +41228,1 +41229,1 +41230,1 +41231,1 +41232,1 +41233,1 +41234,1 +41235,1 +41236,1 +41237,1 +41238,1 +41239,1 +41240,1 +41241,1 +41242,1 +41243,1 +41244,1 +41245,1 +41246,1 +41247,1 +41248,1 +41249,1 +41250,1 +41251,1 +41252,1 +41253,1 +41254,1 +41255,1 +41256,1 +41257,1 +41258,1 +41259,1 +41260,1 +41261,1 +41262,1 +41263,1 +41264,1 +41265,1 +41266,1 +41267,1 +41268,1 +41269,1 +41270,1 +41271,1 +41272,1 +41273,1 +41274,1 +41275,1 +41276,1 +41277,1 +41278,1 +41279,1 +41280,1 +41281,1 +41282,1 +41283,1 +41284,1 +41285,1 +41286,1 +41287,1 +41288,1 +41289,1 +41290,1 +41291,1 +41292,1 +41293,1 +41294,1 +41295,1 +41296,1 +41297,1 +41298,1 +41299,1 +41300,1 +41301,1 +41302,1 +41303,1 +41304,1 +41305,1 +41306,1 +41307,1 +41308,1 +41309,1 +41310,1 +41311,1 +41312,1 +41313,1 +41314,1 +41315,1 +41316,1 +41317,1 +41318,1 +41319,1 +41320,1 +41321,1 +41322,1 +41323,1 +41324,1 +41325,1 +41326,1 +41327,1 +41328,1 +41329,1 +41330,1 +41331,1 +41332,1 +41333,1 +41334,1 +41335,1 +41336,1 +41337,1 +41338,1 +41339,1 +41340,1 +41341,1 +41342,1 +41343,1 +41344,1 +41345,1 +41346,1 +41347,1 +41348,1 +41349,1 +41350,1 +41351,1 +41352,1 +41353,1 +41354,1 +41355,1 +41356,1 +41357,1 +41358,1 +41359,1 +41360,1 +41361,1 +41362,1 +41363,1 +41364,1 +41365,1 +41366,1 +41367,1 +41368,1 +41369,1 +41370,1 +41371,1 +41372,1 +41373,1 +41374,1 +41375,1 +41376,1 +41377,1 +41378,1 +41379,1 +41380,1 +41381,1 +41382,1 +41383,1 +41384,1 +41385,1 +41386,1 +41387,1 +41388,1 +41389,1 +41390,1 +41391,1 +41392,1 +41393,1 +41394,1 +41395,1 +41396,1 +41397,1 +41398,1 +41399,1 +41400,1 +41401,1 +41402,1 +41403,1 +41404,1 +41405,1 +41406,1 +41407,1 +41408,1 +41409,1 +41410,1 +41411,1 +41412,1 +41413,1 +41414,1 +41415,1 +41416,1 +41417,1 +41418,1 +41419,1 +41420,1 +41421,1 +41422,1 +41423,1 +41424,1 +41425,1 +41426,1 +41427,1 +41428,1 +41429,1 +41430,1 +41431,1 +41432,1 +41433,1 +41434,1 +41435,1 +41436,1 +41437,1 +41438,1 +41439,1 +41440,1 +41441,1 +41442,1 +41443,1 +41444,1 +41445,1 +41446,1 +41447,1 +41448,1 +41449,1 +41450,1 +41451,1 +41452,1 +41453,1 +41454,1 +41455,1 +41456,1 +41457,1 +41458,1 +41459,1 +41460,1 +41461,1 +41462,1 +41463,1 +41464,1 +41465,1 +41466,1 +41467,1 +41468,1 +41469,1 +41470,1 +41471,1 +41472,1 +41473,1 +41474,1 +41475,1 +41476,1 +41477,1 +41478,1 +41479,1 +41480,1 +41481,1 +41482,1 +41483,1 +41484,1 +41485,1 +41486,1 +41487,1 +41488,1 +41489,1 +41490,1 +41491,1 +41492,1 +41493,1 +41494,1 +41495,1 +41496,1 +41497,1 +41498,1 +41499,1 +41500,1 +41501,1 +41502,1 +41503,1 +41504,1 +41505,1 +41506,1 +41507,1 +41508,1 +41509,1 +41510,1 +41511,1 +41512,1 +41513,1 +41514,1 +41515,1 +41516,1 +41517,1 +41518,1 +41519,1 +41520,1 +41521,1 +41522,1 +41523,1 +41524,1 +41525,1 +41526,1 +41527,1 +41528,1 +41529,1 +41530,1 +41531,1 +41532,1 +41533,1 +41534,1 +41535,1 +41536,1 +41537,1 +41538,1 +41539,1 +41540,1 +41541,1 +41542,1 +41543,1 +41544,1 +41545,1 +41546,1 +41547,1 +41548,1 +41549,1 +41550,1 +41551,1 +41552,1 +41553,1 +41554,1 +41555,1 +41556,1 +41557,1 +41558,1 +41559,1 +41560,1 +41561,1 +41562,1 +41563,1 +41564,1 +41565,1 +41566,1 +41567,1 +41568,1 +41569,1 +41570,1 +41571,1 +41572,1 +41573,1 +41574,1 +41575,1 +41576,1 +41577,1 +41578,1 +41579,1 +41580,1 +41581,1 +41582,1 +41583,1 +41584,1 +41585,1 +41586,1 +41587,1 +41588,1 +41589,1 +41590,1 +41591,1 +41592,1 +41593,1 +41594,1 +41595,1 +41596,1 +41597,1 +41598,1 +41599,1 +41600,1 +41601,1 +41602,1 +41603,1 +41604,1 +41605,1 +41606,1 +41607,1 +41608,1 +41609,1 +41610,1 +41611,1 +41612,1 +41613,1 +41614,1 +41615,1 +41616,1 +41617,1 +41618,1 +41619,1 +41620,1 +41621,1 +41622,1 +41623,1 +41624,1 +41625,1 +41626,1 +41627,1 +41628,1 +41629,1 +41630,1 +41631,1 +41632,1 +41633,1 +41634,1 +41635,1 +41636,1 +41637,1 +41638,1 +41639,1 +41640,1 +41641,1 +41642,1 +41643,1 +41644,1 +41645,1 +41646,1 +41647,1 +41648,1 +41649,1 +41650,1 +41651,1 +41652,1 +41653,1 +41654,1 +41655,1 +41656,1 +41657,1 +41658,1 +41659,1 +41660,1 +41661,1 +41662,1 +41663,1 +41664,1 +41665,1 +41666,1 +41667,1 +41668,1 +41669,1 +41670,1 +41671,1 +41672,1 +41673,1 +41674,1 +41675,1 +41676,1 +41677,1 +41678,1 +41679,1 +41680,1 +41681,1 +41682,1 +41683,1 +41684,1 +41685,1 +41686,1 +41687,1 +41688,1 +41689,1 +41690,1 +41691,1 +41692,1 +41693,1 +41694,1 +41695,1 +41696,1 +41697,1 +41698,1 +41699,1 +41700,1 +41701,1 +41702,1 +41703,1 +41704,1 +41705,1 +41706,1 +41707,1 +41708,1 +41709,1 +41710,1 +41711,1 +41712,1 +41713,1 +41714,1 +41715,1 +41716,1 +41717,1 +41718,1 +41719,1 +41720,1 +41721,1 +41722,1 +41723,1 +41724,1 +41725,1 +41726,1 +41727,1 +41728,1 +41729,1 +41730,1 +41731,1 +41732,1 +41733,1 +41734,1 +41735,1 +41736,1 +41737,1 +41738,1 +41739,1 +41740,1 +41741,1 +41742,1 +41743,1 +41744,1 +41745,1 +41746,1 +41747,1 +41748,1 +41749,1 +41750,1 +41751,1 +41752,1 +41753,1 +41754,1 +41755,1 +41756,1 +41757,1 +41758,1 +41759,1 +41760,1 +41761,1 +41762,1 +41763,1 +41764,1 +41765,1 +41766,1 +41767,1 +41768,1 +41769,1 +41770,1 +41771,1 +41772,1 +41773,1 +41774,1 +41775,1 +41776,1 +41777,1 +41778,1 +41779,1 +41780,1 +41781,1 +41782,1 +41783,1 +41784,1 +41785,1 +41786,1 +41787,1 +41788,1 +41789,1 +41790,1 +41791,1 +41792,1 +41793,1 +41794,1 +41795,1 +41796,1 +41797,1 +41798,1 +41799,1 +41800,1 +41801,1 +41802,1 +41803,1 +41804,1 +41805,1 +41806,1 +41807,1 +41808,1 +41809,1 +41810,1 +41811,1 +41812,1 +41813,1 +41814,1 +41815,1 +41816,1 +41817,1 +41818,1 +41819,1 +41820,1 +41821,1 +41822,1 +41823,1 +41824,1 +41825,1 +41826,1 +41827,1 +41828,1 +41829,1 +41830,1 +41831,1 +41832,1 +41833,1 +41834,1 +41835,1 +41836,1 +41837,1 +41838,1 +41839,1 +41840,1 +41841,1 +41842,1 +41843,1 +41844,1 +41845,1 +41846,1 +41847,1 +41848,1 +41849,1 +41850,1 +41851,1 +41852,1 +41853,1 +41854,1 +41855,1 +41856,1 +41857,1 +41858,1 +41859,1 +41860,1 +41861,1 +41862,1 +41863,1 +41864,1 +41865,1 +41866,1 +41867,1 +41868,1 +41869,1 +41870,1 +41871,1 +41872,1 +41873,1 +41874,1 +41875,1 +41876,1 +41877,1 +41878,1 +41879,1 +41880,1 +41881,1 +41882,1 +41883,1 +41884,1 +41885,1 +41886,1 +41887,1 +41888,1 +41889,1 +41890,1 +41891,1 +41892,1 +41893,1 +41894,1 +41895,1 +41896,1 +41897,1 +41898,1 +41899,1 +41900,1 +41901,1 +41902,1 +41903,1 +41904,1 +41905,1 +41906,1 +41907,1 +41908,1 +41909,1 +41910,1 +41911,1 +41912,1 +41913,1 +41914,1 +41915,1 +41916,1 +41917,1 +41918,1 +41919,1 +41920,1 +41921,1 +41922,1 +41923,1 +41924,1 +41925,1 +41926,1 +41927,1 +41928,1 +41929,1 +41930,1 +41931,1 +41932,1 +41933,1 +41934,1 +41935,1 +41936,1 +41937,1 +41938,1 +41939,1 +41940,1 +41941,1 +41942,1 +41943,1 +41944,1 +41945,1 +41946,1 +41947,1 +41948,1 +41949,1 +41950,1 +41951,1 +41952,1 +41953,1 +41954,1 +41955,1 +41956,1 +41957,1 +41958,1 +41959,1 +41960,1 +41961,1 +41962,1 +41963,1 +41964,1 +41965,1 +41966,1 +41967,1 +41968,1 +41969,1 +41970,1 +41971,1 +41972,1 +41973,1 +41974,1 +41975,1 +41976,1 +41977,1 +41978,1 +41979,1 +41980,1 +41981,1 +41982,1 +41983,1 +41984,1 +41985,1 +41986,1 +41987,1 +41988,1 +41989,1 +41990,1 +41991,1 +41992,1 +41993,1 +41994,1 +41995,1 +41996,1 +41997,1 +41998,1 +41999,1 +42000,1 +42001,1 +42002,1 +42003,1 +42004,1 +42005,1 +42006,1 +42007,1 +42008,1 +42009,1 +42010,1 +42011,1 +42012,1 +42013,1 +42014,1 +42015,1 +42016,1 +42017,1 +42018,1 +42019,1 +42020,1 +42021,1 +42022,1 +42023,1 +42024,1 +42025,1 +42026,1 +42027,1 +42028,1 +42029,1 +42030,1 +42031,1 +42032,1 +42033,1 +42034,1 +42035,1 +42036,1 +42037,1 +42038,1 +42039,1 +42040,1 +42041,1 +42042,1 +42043,1 +42044,1 +42045,1 +42046,1 +42047,1 +42048,1 +42049,1 +42050,1 +42051,1 +42052,1 +42053,1 +42054,1 +42055,1 +42056,1 +42057,1 +42058,1 +42059,1 +42060,1 +42061,1 +42062,1 +42063,1 +42064,1 +42065,1 +42066,1 +42067,1 +42068,1 +42069,1 +42070,1 +42071,1 +42072,1 +42073,1 +42074,1 +42075,1 +42076,1 +42077,1 +42078,1 +42079,1 +42080,1 +42081,1 +42082,1 +42083,1 +42084,1 +42085,1 +42086,1 +42087,1 +42088,1 +42089,1 +42090,1 +42091,1 +42092,1 +42093,1 +42094,1 +42095,1 +42096,1 +42097,1 +42098,1 +42099,1 +42100,1 +42101,1 +42102,1 +42103,1 +42104,1 +42105,1 +42106,1 +42107,1 +42108,1 +42109,1 +42110,1 +42111,1 +42112,1 +42113,1 +42114,1 +42115,1 +42116,1 +42117,1 +42118,1 +42119,1 +42120,1 +42121,1 +42122,1 +42123,1 +42124,1 +42125,1 +42126,1 +42127,1 +42128,1 +42129,1 +42130,1 +42131,1 +42132,1 +42133,1 +42134,1 +42135,1 +42136,1 +42137,1 +42138,1 +42139,1 +42140,1 +42141,1 +42142,1 +42143,1 +42144,1 +42145,1 +42146,1 +42147,1 +42148,1 +42149,1 +42150,1 +42151,1 +42152,1 +42153,1 +42154,1 +42155,1 +42156,1 +42157,1 +42158,1 +42159,1 +42160,1 +42161,1 +42162,1 +42163,1 +42164,1 +42165,1 +42166,1 +42167,1 +42168,1 +42169,1 +42170,1 +42171,1 +42172,1 +42173,1 +42174,1 +42175,1 +42176,1 +42177,1 +42178,1 +42179,1 +42180,1 +42181,1 +42182,1 +42183,1 +42184,1 +42185,1 +42186,1 +42187,1 +42188,1 +42189,1 +42190,1 +42191,1 +42192,1 +42193,1 +42194,1 +42195,1 +42196,1 +42197,1 +42198,1 +42199,1 +42200,1 +42201,1 +42202,1 +42203,1 +42204,1 +42205,1 +42206,1 +42207,1 +42208,1 +42209,1 +42210,1 +42211,1 +42212,1 +42213,1 +42214,1 +42215,1 +42216,1 +42217,1 +42218,1 +42219,1 +42220,1 +42221,1 +42222,1 +42223,1 +42224,1 +42225,1 +42226,1 +42227,1 +42228,1 +42229,1 +42230,1 +42231,1 +42232,1 +42233,1 +42234,1 +42235,1 +42236,1 +42237,1 +42238,1 +42239,1 +42240,1 +42241,1 +42242,1 +42243,1 +42244,1 +42245,1 +42246,1 +42247,1 +42248,1 +42249,1 +42250,1 +42251,1 +42252,1 +42253,1 +42254,1 +42255,1 +42256,1 +42257,1 +42258,1 +42259,1 +42260,1 +42261,1 +42262,1 +42263,1 +42264,1 +42265,1 +42266,1 +42267,1 +42268,1 +42269,1 +42270,1 +42271,1 +42272,1 +42273,1 +42274,1 +42275,1 +42276,1 +42277,1 +42278,1 +42279,1 +42280,1 +42281,1 +42282,1 +42283,1 +42284,1 +42285,1 +42286,1 +42287,1 +42288,1 +42289,1 +42290,1 +42291,1 +42292,1 +42293,1 +42294,1 +42295,1 +42296,1 +42297,1 +42298,1 +42299,1 +42300,1 +42301,1 +42302,1 +42303,1 +42304,1 +42305,1 +42306,1 +42307,1 +42308,1 +42309,1 +42310,1 +42311,1 +42312,1 +42313,1 +42314,1 +42315,1 +42316,1 +42317,1 +42318,1 +42319,1 +42320,1 +42321,1 +42322,1 +42323,1 +42324,1 +42325,1 +42326,1 +42327,1 +42328,1 +42329,1 +42330,1 +42331,1 +42332,1 +42333,1 +42334,1 +42335,1 +42336,1 +42337,1 +42338,1 +42339,1 +42340,1 +42341,1 +42342,1 +42343,1 +42344,1 +42345,1 +42346,1 +42347,1 +42348,1 +42349,1 +42350,1 +42351,1 +42352,1 +42353,1 +42354,1 +42355,1 +42356,1 +42357,1 +42358,1 +42359,1 +42360,1 +42361,1 +42362,1 +42363,1 +42364,1 +42365,1 +42366,1 +42367,1 +42368,1 +42369,1 +42370,1 +42371,1 +42372,1 +42373,1 +42374,1 +42375,1 +42376,1 +42377,1 +42378,1 +42379,1 +42380,1 +42381,1 +42382,1 +42383,1 +42384,1 +42385,1 +42386,1 +42387,1 +42388,1 +42389,1 +42390,1 +42391,1 +42392,1 +42393,1 +42394,1 +42395,1 +42396,1 +42397,1 +42398,1 +42399,1 +42400,1 +42401,1 +42402,1 +42403,1 +42404,1 +42405,1 +42406,1 +42407,1 +42408,1 +42409,1 +42410,1 +42411,1 +42412,1 +42413,1 +42414,1 +42415,1 +42416,1 +42417,1 +42418,1 +42419,1 +42420,1 +42421,1 +42422,1 +42423,1 +42424,1 +42425,1 +42426,1 +42427,1 +42428,1 +42429,1 +42430,1 +42431,1 +42432,1 +42433,1 +42434,1 +42435,1 +42436,1 +42437,1 +42438,1 +42439,1 +42440,1 +42441,1 +42442,1 +42443,1 +42444,1 +42445,1 +42446,1 +42447,1 +42448,1 +42449,1 +42450,1 +42451,1 +42452,1 +42453,1 +42454,1 +42455,1 +42456,1 +42457,1 +42458,1 +42459,1 +42460,1 +42461,1 +42462,1 +42463,1 +42464,1 +42465,1 +42466,1 +42467,1 +42468,1 +42469,1 +42470,1 +42471,1 +42472,1 +42473,1 +42474,1 +42475,1 +42476,1 +42477,1 +42478,1 +42479,1 +42480,1 +42481,1 +42482,1 +42483,1 +42484,1 +42485,1 +42486,1 +42487,1 +42488,1 +42489,1 +42490,1 +42491,1 +42492,1 +42493,1 +42494,1 +42495,1 +42496,1 +42497,1 +42498,1 +42499,1 +42500,1 +42501,1 +42502,1 +42503,1 +42504,1 +42505,1 +42506,1 +42507,1 +42508,1 +42509,1 +42510,1 +42511,1 +42512,1 +42513,1 +42514,1 +42515,1 +42516,1 +42517,1 +42518,1 +42519,1 +42520,1 +42521,1 +42522,1 +42523,1 +42524,1 +42525,1 +42526,1 +42527,1 +42528,1 +42529,1 +42530,1 +42531,1 +42532,1 +42533,1 +42534,1 +42535,1 +42536,1 +42537,1 +42538,1 +42539,1 +42540,1 +42541,1 +42542,1 +42543,1 +42544,1 +42545,1 +42546,1 +42547,1 +42548,1 +42549,1 +42550,1 +42551,1 +42552,1 +42553,1 +42554,1 +42555,1 +42556,1 +42557,1 +42558,1 +42559,1 +42560,1 +42561,1 +42562,1 +42563,1 +42564,1 +42565,1 +42566,1 +42567,1 +42568,1 +42569,1 +42570,1 +42571,1 +42572,1 +42573,1 +42574,1 +42575,1 +42576,1 +42577,1 +42578,1 +42579,1 +42580,1 +42581,1 +42582,1 +42583,1 +42584,1 +42585,1 +42586,1 +42587,1 +42588,1 +42589,1 +42590,1 +42591,1 +42592,1 +42593,1 +42594,1 +42595,1 +42596,1 +42597,1 +42598,1 +42599,1 +42600,1 +42601,1 +42602,1 +42603,1 +42604,1 +42605,1 +42606,1 +42607,1 +42608,1 +42609,1 +42610,1 +42611,1 +42612,1 +42613,1 +42614,1 +42615,1 +42616,1 +42617,1 +42618,1 +42619,1 +42620,1 +42621,1 +42622,1 +42623,1 +42624,1 +42625,1 +42626,1 +42627,1 +42628,1 +42629,1 +42630,1 +42631,1 +42632,1 +42633,1 +42634,1 +42635,1 +42636,1 +42637,1 +42638,1 +42639,1 +42640,1 +42641,1 +42642,1 +42643,1 +42644,1 +42645,1 +42646,1 +42647,1 +42648,1 +42649,1 +42650,1 +42651,1 +42652,1 +42653,1 +42654,1 +42655,1 +42656,1 +42657,1 +42658,1 +42659,1 +42660,1 +42661,1 +42662,1 +42663,1 +42664,1 +42665,1 +42666,1 +42667,1 +42668,1 +42669,1 +42670,1 +42671,1 +42672,1 +42673,1 +42674,1 +42675,1 +42676,1 +42677,1 +42678,1 +42679,1 +42680,1 +42681,1 +42682,1 +42683,1 +42684,1 +42685,1 +42686,1 +42687,1 +42688,1 +42689,1 +42690,1 +42691,1 +42692,1 +42693,1 +42694,1 +42695,1 +42696,1 +42697,1 +42698,1 +42699,1 +42700,1 +42701,1 +42702,1 +42703,1 +42704,1 +42705,1 +42706,1 +42707,1 +42708,1 +42709,1 +42710,1 +42711,1 +42712,1 +42713,1 +42714,1 +42715,1 +42716,1 +42717,1 +42718,1 +42719,1 +42720,1 +42721,1 +42722,1 +42723,1 +42724,1 +42725,1 +42726,1 +42727,1 +42728,1 +42729,1 +42730,1 +42731,1 +42732,1 +42733,1 +42734,1 +42735,1 +42736,1 +42737,1 +42738,1 +42739,1 +42740,1 +42741,1 +42742,1 +42743,1 +42744,1 +42745,1 +42746,1 +42747,1 +42748,1 +42749,1 +42750,1 +42751,1 +42752,1 +42753,1 +42754,1 +42755,1 +42756,1 +42757,1 +42758,1 +42759,1 +42760,1 +42761,1 +42762,1 +42763,1 +42764,1 +42765,1 +42766,1 +42767,1 +42768,1 +42769,1 +42770,1 +42771,1 +42772,1 +42773,1 +42774,1 +42775,1 +42776,1 +42777,1 +42778,1 +42779,1 +42780,1 +42781,1 +42782,1 +42783,1 +42784,1 +42785,1 +42786,1 +42787,1 +42788,1 +42789,1 +42790,1 +42791,1 +42792,1 +42793,1 +42794,1 +42795,1 +42796,1 +42797,1 +42798,1 +42799,1 +42800,1 +42801,1 +42802,1 +42803,1 +42804,1 +42805,1 +42806,1 +42807,1 +42808,1 +42809,1 +42810,1 +42811,1 +42812,1 +42813,1 +42814,1 +42815,1 +42816,1 +42817,1 +42818,1 +42819,1 +42820,1 +42821,1 +42822,1 +42823,1 +42824,1 +42825,1 +42826,1 +42827,1 +42828,1 +42829,1 +42830,1 +42831,1 +42832,1 +42833,1 +42834,1 +42835,1 +42836,1 +42837,1 +42838,1 +42839,1 +42840,1 +42841,1 +42842,1 +42843,1 +42844,1 +42845,1 +42846,1 +42847,1 +42848,1 +42849,1 +42850,1 +42851,1 +42852,1 +42853,1 +42854,1 +42855,1 +42856,1 +42857,1 +42858,1 +42859,1 +42860,1 +42861,1 +42862,1 +42863,1 +42864,1 +42865,1 +42866,1 +42867,1 +42868,1 +42869,1 +42870,1 +42871,1 +42872,1 +42873,1 +42874,1 +42875,1 +42876,1 +42877,1 +42878,1 +42879,1 +42880,1 +42881,1 +42882,1 +42883,1 +42884,1 +42885,1 +42886,1 +42887,1 +42888,1 +42889,1 +42890,1 +42891,1 +42892,1 +42893,1 +42894,1 +42895,1 +42896,1 +42897,1 +42898,1 +42899,1 +42900,1 +42901,1 +42902,1 +42903,1 +42904,1 +42905,1 +42906,1 +42907,1 +42908,1 +42909,1 +42910,1 +42911,1 +42912,1 +42913,1 +42914,1 +42915,1 +42916,1 +42917,1 +42918,1 +42919,1 +42920,1 +42921,1 +42922,1 +42923,1 +42924,1 +42925,1 +42926,1 +42927,1 +42928,1 +42929,1 +42930,1 +42931,1 +42932,1 +42933,1 +42934,1 +42935,1 +42936,1 +42937,1 +42938,1 +42939,1 +42940,1 +42941,1 +42942,1 +42943,1 +42944,1 +42945,1 +42946,1 +42947,1 +42948,1 +42949,1 +42950,1 +42951,1 +42952,1 +42953,1 +42954,1 +42955,1 +42956,1 +42957,1 +42958,1 +42959,1 +42960,1 +42961,1 +42962,1 +42963,1 +42964,1 +42965,1 +42966,1 +42967,1 +42968,1 +42969,1 +42970,1 +42971,1 +42972,1 +42973,1 +42974,1 +42975,1 +42976,1 +42977,1 +42978,1 +42979,1 +42980,1 +42981,1 +42982,1 +42983,1 +42984,1 +42985,1 +42986,1 +42987,1 +42988,1 +42989,1 +42990,1 +42991,1 +42992,1 +42993,1 +42994,1 +42995,1 +42996,1 +42997,1 +42998,1 +42999,1 +43000,1 +43001,1 +43002,1 +43003,1 +43004,1 +43005,1 +43006,1 +43007,1 +43008,1 +43009,1 +43010,1 +43011,1 +43012,1 +43013,1 +43014,1 +43015,1 +43016,1 +43017,1 +43018,1 +43019,1 +43020,1 +43021,1 +43022,1 +43023,1 +43024,1 +43025,1 +43026,1 +43027,1 +43028,1 +43029,1 +43030,1 +43031,1 +43032,1 +43033,1 +43034,1 +43035,1 +43036,1 +43037,1 +43038,1 +43039,1 +43040,1 +43041,1 +43042,1 +43043,1 +43044,1 +43045,1 +43046,1 +43047,1 +43048,1 +43049,1 +43050,1 +43051,1 +43052,1 +43053,1 +43054,1 +43055,1 +43056,1 +43057,1 +43058,1 +43059,1 +43060,1 +43061,1 +43062,1 +43063,1 +43064,1 +43065,1 +43066,1 +43067,1 +43068,1 +43069,1 +43070,1 +43071,1 +43072,1 +43073,1 +43074,1 +43075,1 +43076,1 +43077,1 +43078,1 +43079,1 +43080,1 +43081,1 +43082,1 +43083,1 +43084,1 +43085,1 +43086,1 +43087,1 +43088,1 +43089,1 +43090,1 +43091,1 +43092,1 +43093,1 +43094,1 +43095,1 +43096,1 +43097,1 +43098,1 +43099,1 +43100,1 +43101,1 +43102,1 +43103,1 +43104,1 +43105,1 +43106,1 +43107,1 +43108,1 +43109,1 +43110,1 +43111,1 +43112,1 +43113,1 +43114,1 +43115,1 +43116,1 +43117,1 +43118,1 +43119,1 +43120,1 +43121,1 +43122,1 +43123,1 +43124,1 +43125,1 +43126,1 +43127,1 +43128,1 +43129,1 +43130,1 +43131,1 +43132,1 +43133,1 +43134,1 +43135,1 +43136,1 +43137,1 +43138,1 +43139,1 +43140,1 +43141,1 +43142,1 +43143,1 +43144,1 +43145,1 +43146,1 +43147,1 +43148,1 +43149,1 +43150,1 +43151,1 +43152,1 +43153,1 +43154,1 +43155,1 +43156,1 +43157,1 +43158,1 +43159,1 +43160,1 +43161,1 +43162,1 +43163,1 +43164,1 +43165,1 +43166,1 +43167,1 +43168,1 +43169,1 +43170,1 +43171,1 +43172,1 +43173,1 +43174,1 +43175,1 +43176,1 +43177,1 +43178,1 +43179,1 +43180,1 +43181,1 +43182,1 +43183,1 +43184,1 +43185,1 +43186,1 +43187,1 +43188,1 +43189,1 +43190,1 +43191,1 +43192,1 +43193,1 +43194,1 +43195,1 +43196,1 +43197,1 +43198,1 +43199,1 +43200,1 +43201,1 +43202,1 +43203,1 +43204,1 +43205,1 +43206,1 +43207,1 +43208,1 +43209,1 +43210,1 +43211,1 +43212,1 +43213,1 +43214,1 +43215,1 +43216,1 +43217,1 +43218,1 +43219,1 +43220,1 +43221,1 +43222,1 +43223,1 +43224,1 +43225,1 +43226,1 +43227,1 +43228,1 +43229,1 +43230,1 +43231,1 +43232,1 +43233,1 +43234,1 +43235,1 +43236,1 +43237,1 +43238,1 +43239,1 +43240,1 +43241,1 +43242,1 +43243,1 +43244,1 +43245,1 +43246,1 +43247,1 +43248,1 +43249,1 +43250,1 +43251,1 +43252,1 +43253,1 +43254,1 +43255,1 +43256,1 +43257,1 +43258,1 +43259,1 +43260,1 +43261,1 +43262,1 +43263,1 +43264,1 +43265,1 +43266,1 +43267,1 +43268,1 +43269,1 +43270,1 +43271,1 +43272,1 +43273,1 +43274,1 +43275,1 +43276,1 +43277,1 +43278,1 +43279,1 +43280,1 +43281,1 +43282,1 +43283,1 +43284,1 +43285,1 +43286,1 +43287,1 +43288,1 +43289,1 +43290,1 +43291,1 +43292,1 +43293,1 +43294,1 +43295,1 +43296,1 +43297,1 +43298,1 +43299,1 +43300,1 +43301,1 +43302,1 +43303,1 +43304,1 +43305,1 +43306,1 +43307,1 +43308,1 +43309,1 +43310,1 +43311,1 +43312,1 +43313,1 +43314,1 +43315,1 +43316,1 +43317,1 +43318,1 +43319,1 +43320,1 +43321,1 +43322,1 +43323,1 +43324,1 +43325,1 +43326,1 +43327,1 +43328,1 +43329,1 +43330,1 +43331,1 +43332,1 +43333,1 +43334,1 +43335,1 +43336,1 +43337,1 +43338,1 +43339,1 +43340,1 +43341,1 +43342,1 +43343,1 +43344,1 +43345,1 +43346,1 +43347,1 +43348,1 +43349,1 +43350,1 +43351,1 +43352,1 +43353,1 +43354,1 +43355,1 +43356,1 +43357,1 +43358,1 +43359,1 +43360,1 +43361,1 +43362,1 +43363,1 +43364,1 +43365,1 +43366,1 +43367,1 +43368,1 +43369,1 +43370,1 +43371,1 +43372,1 +43373,1 +43374,1 +43375,1 +43376,1 +43377,1 +43378,1 +43379,1 +43380,1 +43381,1 +43382,1 +43383,1 +43384,1 +43385,1 +43386,1 +43387,1 +43388,1 +43389,1 +43390,1 +43391,1 +43392,1 +43393,1 +43394,1 +43395,1 +43396,1 +43397,1 +43398,1 +43399,1 +43400,1 +43401,1 +43402,1 +43403,1 +43404,1 +43405,1 +43406,1 +43407,1 +43408,1 +43409,1 +43410,1 +43411,1 +43412,1 +43413,1 +43414,1 +43415,1 +43416,1 +43417,1 +43418,1 +43419,1 +43420,1 +43421,1 +43422,1 +43423,1 +43424,1 +43425,1 +43426,1 +43427,1 +43428,1 +43429,1 +43430,1 +43431,1 +43432,1 +43433,1 +43434,1 +43435,1 +43436,1 +43437,1 +43438,1 +43439,1 +43440,1 +43441,1 +43442,1 +43443,1 +43444,1 +43445,1 +43446,1 +43447,1 +43448,1 +43449,1 +43450,1 +43451,1 +43452,1 +43453,1 +43454,1 +43455,1 +43456,1 +43457,1 +43458,1 +43459,1 +43460,1 +43461,1 +43462,1 +43463,1 +43464,1 +43465,1 +43466,1 +43467,1 +43468,1 +43469,1 +43470,1 +43471,1 +43472,1 +43473,1 +43474,1 +43475,1 +43476,1 +43477,1 +43478,1 +43479,1 +43480,1 +43481,1 +43482,1 +43483,1 +43484,1 +43485,1 +43486,1 +43487,1 +43488,1 +43489,1 +43490,1 +43491,1 +43492,1 +43493,1 +43494,1 +43495,1 +43496,1 +43497,1 +43498,1 +43499,1 +43500,1 +43501,1 +43502,1 +43503,1 +43504,1 +43505,1 +43506,1 +43507,1 +43508,1 +43509,1 +43510,1 +43511,1 +43512,1 +43513,1 +43514,1 +43515,1 +43516,1 +43517,1 +43518,1 +43519,1 +43520,1 +43521,1 +43522,1 +43523,1 +43524,1 +43525,1 +43526,1 +43527,1 +43528,1 +43529,1 +43530,1 +43531,1 +43532,1 +43533,1 +43534,1 +43535,1 +43536,1 +43537,1 +43538,1 +43539,1 +43540,1 +43541,1 +43542,1 +43543,1 +43544,1 +43545,1 +43546,1 +43547,1 +43548,1 +43549,1 +43550,1 +43551,1 +43552,1 +43553,1 +43554,1 +43555,1 +43556,1 +43557,1 +43558,1 +43559,1 +43560,1 +43561,1 +43562,1 +43563,1 +43564,1 +43565,1 +43566,1 +43567,1 +43568,1 +43569,1 +43570,1 +43571,1 +43572,1 +43573,1 +43574,1 +43575,1 +43576,1 +43577,1 +43578,1 +43579,1 +43580,1 +43581,1 +43582,1 +43583,1 +43584,1 +43585,1 +43586,1 +43587,1 +43588,1 +43589,1 +43590,1 +43591,1 +43592,1 +43593,1 +43594,1 +43595,1 +43596,1 +43597,1 +43598,1 +43599,1 +43600,1 +43601,1 +43602,1 +43603,1 +43604,1 +43605,1 +43606,1 +43607,1 +43608,1 +43609,1 +43610,1 +43611,1 +43612,1 +43613,1 +43614,1 +43615,1 +43616,1 +43617,1 +43618,1 +43619,1 +43620,1 +43621,1 +43622,1 +43623,1 +43624,1 +43625,1 +43626,1 +43627,1 +43628,1 +43629,1 +43630,1 +43631,1 +43632,1 +43633,1 +43634,1 +43635,1 +43636,1 +43637,1 +43638,1 +43639,1 +43640,1 +43641,1 +43642,1 +43643,1 +43644,1 +43645,1 +43646,1 +43647,1 +43648,1 +43649,1 +43650,1 +43651,1 +43652,1 +43653,1 +43654,1 +43655,1 +43656,1 +43657,1 +43658,1 +43659,1 +43660,1 +43661,1 +43662,1 +43663,1 +43664,1 +43665,1 +43666,1 +43667,1 +43668,1 +43669,1 +43670,1 +43671,1 +43672,1 +43673,1 +43674,1 +43675,1 +43676,1 +43677,1 +43678,1 +43679,1 +43680,1 +43681,1 +43682,1 +43683,1 +43684,1 +43685,1 +43686,1 +43687,1 +43688,1 +43689,1 +43690,1 +43691,1 +43692,1 +43693,1 +43694,1 +43695,1 +43696,1 +43697,1 +43698,1 +43699,1 +43700,1 +43701,1 +43702,1 +43703,1 +43704,1 +43705,1 +43706,1 +43707,1 +43708,1 +43709,1 +43710,1 +43711,1 +43712,1 +43713,1 +43714,1 +43715,1 +43716,1 +43717,1 +43718,1 +43719,1 +43720,1 +43721,1 +43722,1 +43723,1 +43724,1 +43725,1 +43726,1 +43727,1 +43728,1 +43729,1 +43730,1 +43731,1 +43732,1 +43733,1 +43734,1 +43735,1 +43736,1 +43737,1 +43738,1 +43739,1 +43740,1 +43741,1 +43742,1 +43743,1 +43744,1 +43745,1 +43746,1 +43747,1 +43748,1 +43749,1 +43750,1 +43751,1 +43752,1 +43753,1 +43754,1 +43755,1 +43756,1 +43757,1 +43758,1 +43759,1 +43760,1 +43761,1 +43762,1 +43763,1 +43764,1 +43765,1 +43766,1 +43767,1 +43768,1 +43769,1 +43770,1 +43771,1 +43772,1 +43773,1 +43774,1 +43775,1 +43776,1 +43777,1 +43778,1 +43779,1 +43780,1 +43781,1 +43782,1 +43783,1 +43784,1 +43785,1 +43786,1 +43787,1 +43788,1 +43789,1 +43790,1 +43791,1 +43792,1 +43793,1 +43794,1 +43795,1 +43796,1 +43797,1 +43798,1 +43799,1 +43800,1 +43801,1 +43802,1 +43803,1 +43804,1 +43805,1 +43806,1 +43807,1 +43808,1 +43809,1 +43810,1 +43811,1 +43812,1 +43813,1 +43814,1 +43815,1 +43816,1 +43817,1 +43818,1 +43819,1 +43820,1 +43821,1 +43822,1 +43823,1 +43824,1 +43825,1 +43826,1 +43827,1 +43828,1 +43829,1 +43830,1 +43831,1 +43832,1 +43833,1 +43834,1 +43835,1 +43836,1 +43837,1 +43838,1 +43839,1 +43840,1 +43841,1 +43842,1 +43843,1 +43844,1 +43845,1 +43846,1 +43847,1 +43848,1 +43849,1 +43850,1 +43851,1 +43852,1 +43853,1 +43854,1 +43855,1 +43856,1 +43857,1 +43858,1 +43859,1 +43860,1 +43861,1 +43862,1 +43863,1 +43864,1 +43865,1 +43866,1 +43867,1 +43868,1 +43869,1 +43870,1 +43871,1 +43872,1 +43873,1 +43874,1 +43875,1 +43876,1 +43877,1 +43878,1 +43879,1 +43880,1 +43881,1 +43882,1 +43883,1 +43884,1 +43885,1 +43886,1 +43887,1 +43888,1 +43889,1 +43890,1 +43891,1 +43892,1 +43893,1 +43894,1 +43895,1 +43896,1 +43897,1 +43898,1 +43899,1 +43900,1 +43901,1 +43902,1 +43903,1 +43904,1 +43905,1 +43906,1 +43907,1 +43908,1 +43909,1 +43910,1 +43911,1 +43912,1 +43913,1 +43914,1 +43915,1 +43916,1 +43917,1 +43918,1 +43919,1 +43920,1 +43921,1 +43922,1 +43923,1 +43924,1 +43925,1 +43926,1 +43927,1 +43928,1 +43929,1 +43930,1 +43931,1 +43932,1 +43933,1 +43934,1 +43935,1 +43936,1 +43937,1 +43938,1 +43939,1 +43940,1 +43941,1 +43942,1 +43943,1 +43944,1 +43945,1 +43946,1 +43947,1 +43948,1 +43949,1 +43950,1 +43951,1 +43952,1 +43953,1 +43954,1 +43955,1 +43956,1 +43957,1 +43958,1 +43959,1 +43960,1 +43961,1 +43962,1 +43963,1 +43964,1 +43965,1 +43966,1 +43967,1 +43968,1 +43969,1 +43970,1 +43971,1 +43972,1 +43973,1 +43974,1 +43975,1 +43976,1 +43977,1 +43978,1 +43979,1 +43980,1 +43981,1 +43982,1 +43983,1 +43984,1 +43985,1 +43986,1 +43987,1 +43988,1 +43989,1 +43990,1 +43991,1 +43992,1 +43993,1 +43994,1 +43995,1 +43996,1 +43997,1 +43998,1 +43999,1 +44000,1 +44001,1 +44002,1 +44003,1 +44004,1 +44005,1 +44006,1 +44007,1 +44008,1 +44009,1 +44010,1 +44011,1 +44012,1 +44013,1 +44014,1 +44015,1 +44016,1 +44017,1 +44018,1 +44019,1 +44020,1 +44021,1 +44022,1 +44023,1 +44024,1 +44025,1 +44026,1 +44027,1 +44028,1 +44029,1 +44030,1 +44031,1 +44032,1 +44033,1 +44034,1 +44035,1 +44036,1 +44037,1 +44038,1 +44039,1 +44040,1 +44041,1 +44042,1 +44043,1 +44044,1 +44045,1 +44046,1 +44047,1 +44048,1 +44049,1 +44050,1 +44051,1 +44052,1 +44053,1 +44054,1 +44055,1 +44056,1 +44057,1 +44058,1 +44059,1 +44060,1 +44061,1 +44062,1 +44063,1 +44064,1 +44065,1 +44066,1 +44067,1 +44068,1 +44069,1 +44070,1 +44071,1 +44072,1 +44073,1 +44074,1 +44075,1 +44076,1 +44077,1 +44078,1 +44079,1 +44080,1 +44081,1 +44082,1 +44083,1 +44084,1 +44085,1 +44086,1 +44087,1 +44088,1 +44089,1 +44090,1 +44091,1 +44092,1 +44093,1 +44094,1 +44095,1 +44096,1 +44097,1 +44098,1 +44099,1 +44100,1 +44101,1 +44102,1 +44103,1 +44104,1 +44105,1 +44106,1 +44107,1 +44108,1 +44109,1 +44110,1 +44111,1 +44112,1 +44113,1 +44114,1 +44115,1 +44116,1 +44117,1 +44118,1 +44119,1 +44120,1 +44121,1 +44122,1 +44123,1 +44124,1 +44125,1 +44126,1 +44127,1 +44128,1 +44129,1 +44130,1 +44131,1 +44132,1 +44133,1 +44134,1 +44135,1 +44136,1 +44137,1 +44138,1 +44139,1 +44140,1 +44141,1 +44142,1 +44143,1 +44144,1 +44145,1 +44146,1 +44147,1 +44148,1 +44149,1 +44150,1 +44151,1 +44152,1 +44153,1 +44154,1 +44155,1 +44156,1 +44157,1 +44158,1 +44159,1 +44160,1 +44161,1 +44162,1 +44163,1 +44164,1 +44165,1 +44166,1 +44167,1 +44168,1 +44169,1 +44170,1 +44171,1 +44172,1 +44173,1 +44174,1 +44175,1 +44176,1 +44177,1 +44178,1 +44179,1 +44180,1 +44181,1 +44182,1 +44183,1 +44184,1 +44185,1 +44186,1 +44187,1 +44188,1 +44189,1 +44190,1 +44191,1 +44192,1 +44193,1 +44194,1 +44195,1 +44196,1 +44197,1 +44198,1 +44199,1 +44200,1 +44201,1 +44202,1 +44203,1 +44204,1 +44205,1 +44206,1 +44207,1 +44208,1 +44209,1 +44210,1 +44211,1 +44212,1 +44213,1 +44214,1 +44215,1 +44216,1 +44217,1 +44218,1 +44219,1 +44220,1 +44221,1 +44222,1 +44223,1 +44224,1 +44225,1 +44226,1 +44227,1 +44228,1 +44229,1 +44230,1 +44231,1 +44232,1 +44233,1 +44234,1 +44235,1 +44236,1 +44237,1 +44238,1 +44239,1 +44240,1 +44241,1 +44242,1 +44243,1 +44244,1 +44245,1 +44246,1 +44247,1 +44248,1 +44249,1 +44250,1 +44251,1 +44252,1 +44253,1 +44254,1 +44255,1 +44256,1 +44257,1 +44258,1 +44259,1 +44260,1 +44261,1 +44262,1 +44263,1 +44264,1 +44265,1 +44266,1 +44267,1 +44268,1 +44269,1 +44270,1 +44271,1 +44272,1 +44273,1 +44274,1 +44275,1 +44276,1 +44277,1 +44278,1 +44279,1 +44280,1 +44281,1 +44282,1 +44283,1 +44284,1 +44285,1 +44286,1 +44287,1 +44288,1 +44289,1 +44290,1 +44291,1 +44292,1 +44293,1 +44294,1 +44295,1 +44296,1 +44297,1 +44298,1 +44299,1 +44300,1 +44301,1 +44302,1 +44303,1 +44304,1 +44305,1 +44306,1 +44307,1 +44308,1 +44309,1 +44310,1 +44311,1 +44312,1 +44313,1 +44314,1 +44315,1 +44316,1 +44317,1 +44318,1 +44319,1 +44320,1 +44321,1 +44322,1 +44323,1 +44324,1 +44325,1 +44326,1 +44327,1 +44328,1 +44329,1 +44330,1 +44331,1 +44332,1 +44333,1 +44334,1 +44335,1 +44336,1 +44337,1 +44338,1 +44339,1 +44340,1 +44341,1 +44342,1 +44343,1 +44344,1 +44345,1 +44346,1 +44347,1 +44348,1 +44349,1 +44350,1 +44351,1 +44352,1 +44353,1 +44354,1 +44355,1 +44356,1 +44357,1 +44358,1 +44359,1 +44360,1 +44361,1 +44362,1 +44363,1 +44364,1 +44365,1 +44366,1 +44367,1 +44368,1 +44369,1 +44370,1 +44371,1 +44372,1 +44373,1 +44374,1 +44375,1 +44376,1 +44377,1 +44378,1 +44379,1 +44380,1 +44381,1 +44382,1 +44383,1 +44384,1 +44385,1 +44386,1 +44387,1 +44388,1 +44389,1 +44390,1 +44391,1 +44392,1 +44393,1 +44394,1 +44395,1 +44396,1 +44397,1 +44398,1 +44399,1 +44400,1 +44401,1 +44402,1 +44403,1 +44404,1 +44405,1 +44406,1 +44407,1 +44408,1 +44409,1 +44410,1 +44411,1 +44412,1 +44413,1 +44414,1 +44415,1 +44416,1 +44417,1 +44418,1 +44419,1 +44420,1 +44421,1 +44422,1 +44423,1 +44424,1 +44425,1 +44426,1 +44427,1 +44428,1 +44429,1 +44430,1 +44431,1 +44432,1 +44433,1 +44434,1 +44435,1 +44436,1 +44437,1 +44438,1 +44439,1 +44440,1 +44441,1 +44442,1 +44443,1 +44444,1 +44445,1 +44446,1 +44447,1 +44448,1 +44449,1 +44450,1 +44451,1 +44452,1 +44453,1 +44454,1 +44455,1 +44456,1 +44457,1 +44458,1 +44459,1 +44460,1 +44461,1 +44462,1 +44463,1 +44464,1 +44465,1 +44466,1 +44467,1 +44468,1 +44469,1 +44470,1 +44471,1 +44472,1 +44473,1 +44474,1 +44475,1 +44476,1 +44477,1 +44478,1 +44479,1 +44480,1 +44481,1 +44482,1 +44483,1 +44484,1 +44485,1 +44486,1 +44487,1 +44488,1 +44489,1 +44490,1 +44491,1 +44492,1 +44493,1 +44494,1 +44495,1 +44496,1 +44497,1 +44498,1 +44499,1 +44500,1 +44501,1 +44502,1 +44503,1 +44504,1 +44505,1 +44506,1 +44507,1 +44508,1 +44509,1 +44510,1 +44511,1 +44512,1 +44513,1 +44514,1 +44515,1 +44516,1 +44517,1 +44518,1 +44519,1 +44520,1 +44521,1 +44522,1 +44523,1 +44524,1 +44525,1 +44526,1 +44527,1 +44528,1 +44529,1 +44530,1 +44531,1 +44532,1 +44533,1 +44534,1 +44535,1 +44536,1 +44537,1 +44538,1 +44539,1 +44540,1 +44541,1 +44542,1 +44543,1 +44544,1 +44545,1 +44546,1 +44547,1 +44548,1 +44549,1 +44550,1 +44551,1 +44552,1 +44553,1 +44554,1 +44555,1 +44556,1 +44557,1 +44558,1 +44559,1 +44560,1 +44561,1 +44562,1 +44563,1 +44564,1 +44565,1 +44566,1 +44567,1 +44568,1 +44569,1 +44570,1 +44571,1 +44572,1 +44573,1 +44574,1 +44575,1 +44576,1 +44577,1 +44578,1 +44579,1 +44580,1 +44581,1 +44582,1 +44583,1 +44584,1 +44585,1 +44586,1 +44587,1 +44588,1 +44589,1 +44590,1 +44591,1 +44592,1 +44593,1 +44594,1 +44595,1 +44596,1 +44597,1 +44598,1 +44599,1 +44600,1 +44601,1 +44602,1 +44603,1 +44604,1 +44605,1 +44606,1 +44607,1 +44608,1 +44609,1 +44610,1 +44611,1 +44612,1 +44613,1 +44614,1 +44615,1 +44616,1 +44617,1 +44618,1 +44619,1 +44620,1 +44621,1 +44622,1 +44623,1 +44624,1 +44625,1 +44626,1 +44627,1 +44628,1 +44629,1 +44630,1 +44631,1 +44632,1 +44633,1 +44634,1 +44635,1 +44636,1 +44637,1 +44638,1 +44639,1 +44640,1 +44641,1 +44642,1 +44643,1 +44644,1 +44645,1 +44646,1 +44647,1 +44648,1 +44649,1 +44650,1 +44651,1 +44652,1 +44653,1 +44654,1 +44655,1 +44656,1 +44657,1 +44658,1 +44659,1 +44660,1 +44661,1 +44662,1 +44663,1 +44664,1 +44665,1 +44666,1 +44667,1 +44668,1 +44669,1 +44670,1 +44671,1 +44672,1 +44673,1 +44674,1 +44675,1 +44676,1 +44677,1 +44678,1 +44679,1 +44680,1 +44681,1 +44682,1 +44683,1 +44684,1 +44685,1 +44686,1 +44687,1 +44688,1 +44689,1 +44690,1 +44691,1 +44692,1 +44693,1 +44694,1 +44695,1 +44696,1 +44697,1 +44698,1 +44699,1 +44700,1 +44701,1 +44702,1 +44703,1 +44704,1 +44705,1 +44706,1 +44707,1 +44708,1 +44709,1 +44710,1 +44711,1 +44712,1 +44713,1 +44714,1 +44715,1 +44716,1 +44717,1 +44718,1 +44719,1 +44720,1 +44721,1 +44722,1 +44723,1 +44724,1 +44725,1 +44726,1 +44727,1 +44728,1 +44729,1 +44730,1 +44731,1 +44732,1 +44733,1 +44734,1 +44735,1 +44736,1 +44737,1 +44738,1 +44739,1 +44740,1 +44741,1 +44742,1 +44743,1 +44744,1 +44745,1 +44746,1 +44747,1 +44748,1 +44749,1 +44750,1 +44751,1 +44752,1 +44753,1 +44754,1 +44755,1 +44756,1 +44757,1 +44758,1 +44759,1 +44760,1 +44761,1 +44762,1 +44763,1 +44764,1 +44765,1 +44766,1 +44767,1 +44768,1 +44769,1 +44770,1 +44771,1 +44772,1 +44773,1 +44774,1 +44775,1 +44776,1 +44777,1 +44778,1 +44779,1 +44780,1 +44781,1 +44782,1 +44783,1 +44784,1 +44785,1 +44786,1 +44787,1 +44788,1 +44789,1 +44790,1 +44791,1 +44792,1 +44793,1 +44794,1 +44795,1 +44796,1 +44797,1 +44798,1 +44799,1 +44800,1 +44801,1 +44802,1 +44803,1 +44804,1 +44805,1 +44806,1 +44807,1 +44808,1 +44809,1 +44810,1 +44811,1 +44812,1 +44813,1 +44814,1 +44815,1 +44816,1 +44817,1 +44818,1 +44819,1 +44820,1 +44821,1 +44822,1 +44823,1 +44824,1 +44825,1 +44826,1 +44827,1 +44828,1 +44829,1 +44830,1 +44831,1 +44832,1 +44833,1 +44834,1 +44835,1 +44836,1 +44837,1 +44838,1 +44839,1 +44840,1 +44841,1 +44842,1 +44843,1 +44844,1 +44845,1 +44846,1 +44847,1 +44848,1 +44849,1 +44850,1 +44851,1 +44852,1 +44853,1 +44854,1 +44855,1 +44856,1 +44857,1 +44858,1 +44859,1 +44860,1 +44861,1 +44862,1 +44863,1 +44864,1 +44865,1 +44866,1 +44867,1 +44868,1 +44869,1 +44870,1 +44871,1 +44872,1 +44873,1 +44874,1 +44875,1 +44876,1 +44877,1 +44878,1 +44879,1 +44880,1 +44881,1 +44882,1 +44883,1 +44884,1 +44885,1 +44886,1 +44887,1 +44888,1 +44889,1 +44890,1 +44891,1 +44892,1 +44893,1 +44894,1 +44895,1 +44896,1 +44897,1 +44898,1 +44899,1 +44900,1 +44901,1 +44902,1 +44903,1 +44904,1 +44905,1 +44906,1 +44907,1 +44908,1 +44909,1 +44910,1 +44911,1 +44912,1 +44913,1 +44914,1 +44915,1 +44916,1 +44917,1 +44918,1 +44919,1 +44920,1 +44921,1 +44922,1 +44923,1 +44924,1 +44925,1 +44926,1 +44927,1 +44928,1 +44929,1 +44930,1 +44931,1 +44932,1 +44933,1 +44934,1 +44935,1 +44936,1 +44937,1 +44938,1 +44939,1 +44940,1 +44941,1 +44942,1 +44943,1 +44944,1 +44945,1 +44946,1 +44947,1 +44948,1 +44949,1 +44950,1 +44951,1 +44952,1 +44953,1 +44954,1 +44955,1 +44956,1 +44957,1 +44958,1 +44959,1 +44960,1 +44961,1 +44962,1 +44963,1 +44964,1 +44965,1 +44966,1 +44967,1 +44968,1 +44969,1 +44970,1 +44971,1 +44972,1 +44973,1 +44974,1 +44975,1 +44976,1 +44977,1 +44978,1 +44979,1 +44980,1 +44981,1 +44982,1 +44983,1 +44984,1 +44985,1 +44986,1 +44987,1 +44988,1 +44989,1 +44990,1 +44991,1 +44992,1 +44993,1 +44994,1 +44995,1 +44996,1 +44997,1 +44998,1 +44999,1 +45000,1 +45001,1 +45002,1 +45003,1 +45004,1 +45005,1 +45006,1 +45007,1 +45008,1 +45009,1 +45010,1 +45011,1 +45012,1 +45013,1 +45014,1 +45015,1 +45016,1 +45017,1 +45018,1 +45019,1 +45020,1 +45021,1 +45022,1 +45023,1 +45024,1 +45025,1 +45026,1 +45027,1 +45028,1 +45029,1 +45030,1 +45031,1 +45032,1 +45033,1 +45034,1 +45035,1 +45036,1 +45037,1 +45038,1 +45039,1 +45040,1 +45041,1 +45042,1 +45043,1 +45044,1 +45045,1 +45046,1 +45047,1 +45048,1 +45049,1 +45050,1 +45051,1 +45052,1 +45053,1 +45054,1 +45055,1 +45056,1 +45057,1 +45058,1 +45059,1 +45060,1 +45061,1 +45062,1 +45063,1 +45064,1 +45065,1 +45066,1 +45067,1 +45068,1 +45069,1 +45070,1 +45071,1 +45072,1 +45073,1 +45074,1 +45075,1 +45076,1 +45077,1 +45078,1 +45079,1 +45080,1 +45081,1 +45082,1 +45083,1 +45084,1 +45085,1 +45086,1 +45087,1 +45088,1 +45089,1 +45090,1 +45091,1 +45092,1 +45093,1 +45094,1 +45095,1 +45096,1 +45097,1 +45098,1 +45099,1 +45100,1 +45101,1 +45102,1 +45103,1 +45104,1 +45105,1 +45106,1 +45107,1 +45108,1 +45109,1 +45110,1 +45111,1 +45112,1 +45113,1 +45114,1 +45115,1 +45116,1 +45117,1 +45118,1 +45119,1 +45120,1 +45121,1 +45122,1 +45123,1 +45124,1 +45125,1 +45126,1 +45127,1 +45128,1 +45129,1 +45130,1 +45131,1 +45132,1 +45133,1 +45134,1 +45135,1 +45136,1 +45137,1 +45138,1 +45139,1 +45140,1 +45141,1 +45142,1 +45143,1 +45144,1 +45145,1 +45146,1 +45147,1 +45148,1 +45149,1 +45150,1 +45151,1 +45152,1 +45153,1 +45154,1 +45155,1 +45156,1 +45157,1 +45158,1 +45159,1 +45160,1 +45161,1 +45162,1 +45163,1 +45164,1 +45165,1 +45166,1 +45167,1 +45168,1 +45169,1 +45170,1 +45171,1 +45172,1 +45173,1 +45174,1 +45175,1 +45176,1 +45177,1 +45178,1 +45179,1 +45180,1 +45181,1 +45182,1 +45183,1 +45184,1 +45185,1 +45186,1 +45187,1 +45188,1 +45189,1 +45190,1 +45191,1 +45192,1 +45193,1 +45194,1 +45195,1 +45196,1 +45197,1 +45198,1 +45199,1 +45200,1 +45201,1 +45202,1 +45203,1 +45204,1 +45205,1 +45206,1 +45207,1 +45208,1 +45209,1 +45210,1 +45211,1 +45212,1 +45213,1 +45214,1 +45215,1 +45216,1 +45217,1 +45218,1 +45219,1 +45220,1 +45221,1 diff --git a/Supervised Learning Project/finding_donors.ipynb b/Supervised Learning Project/finding_donors.ipynb new file mode 100644 index 0000000..4b428e9 --- /dev/null +++ b/Supervised Learning Project/finding_donors.ipynb @@ -0,0 +1,2500 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Data Scientist Nanodegree\n", + "## Supervised Learning\n", + "## Project: Finding Donors for *CharityML*" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Welcome to the first project of the Data Scientist Nanodegree! In this notebook, some template code has already been provided for you, and it will be your job to implement the additional functionality necessary to successfully complete this project. Sections that begin with **'Implementation'** in the header indicate that the following block of code will require additional functionality which you must provide. Instructions will be provided for each section and the specifics of the implementation are marked in the code block with a `'TODO'` statement. Please be sure to read the instructions carefully!\n", + "\n", + "In addition to implementing code, there will be questions that you must answer which relate to the project and your implementation. Each section where you will answer a question is preceded by a **'Question X'** header. Carefully read each question and provide thorough answers in the following text boxes that begin with **'Answer:'**. Your project submission will be evaluated based on your answers to each of the questions and the implementation you provide. \n", + "\n", + ">**Note:** Please specify WHICH VERSION OF PYTHON you are using when submitting this notebook. Code and Markdown cells can be executed using the **Shift + Enter** keyboard shortcut. In addition, Markdown cells can be edited by typically double-clicking the cell to enter edit mode." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Getting Started\n", + "\n", + "In this project, you will employ several supervised algorithms of your choice to accurately model individuals' income using data collected from the 1994 U.S. Census. You will then choose the best candidate algorithm from preliminary results and further optimize this algorithm to best model the data. Your goal with this implementation is to construct a model that accurately predicts whether an individual makes more than $50,000. This sort of task can arise in a non-profit setting, where organizations survive on donations. Understanding an individual's income can help a non-profit better understand how large of a donation to request, or whether or not they should reach out to begin with. While it can be difficult to determine an individual's general income bracket directly from public sources, we can (as we will see) infer this value from other publically available features. \n", + "\n", + "The dataset for this project originates from the [UCI Machine Learning Repository](https://archive.ics.uci.edu/ml/datasets/Census+Income). The datset was donated by Ron Kohavi and Barry Becker, after being published in the article _\"Scaling Up the Accuracy of Naive-Bayes Classifiers: A Decision-Tree Hybrid\"_. You can find the article by Ron Kohavi [online](https://www.aaai.org/Papers/KDD/1996/KDD96-033.pdf). The data we investigate here consists of small changes to the original dataset, such as removing the `'fnlwgt'` feature and records with missing or ill-formatted entries." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Exploring the Data\n", + "Run the code cell below to load necessary Python libraries and load the census data. Note that the last column from this dataset, `'income'`, will be our target label (whether an individual makes more than, or at most, $50,000 annually). All other columns are features about each individual in the census database." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageworkclasseducation_leveleducation-nummarital-statusoccupationrelationshipracesexcapital-gaincapital-losshours-per-weeknative-countryincome
039State-govBachelors13.0Never-marriedAdm-clericalNot-in-familyWhiteMale2174.00.040.0United-States<=50K
\n", + "
" + ], + "text/plain": [ + " age workclass education_level education-num marital-status \\\n", + "0 39 State-gov Bachelors 13.0 Never-married \n", + "\n", + " occupation relationship race sex capital-gain capital-loss \\\n", + "0 Adm-clerical Not-in-family White Male 2174.0 0.0 \n", + "\n", + " hours-per-week native-country income \n", + "0 40.0 United-States <=50K " + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Import libraries necessary for this project\n", + "import numpy as np\n", + "import pandas as pd\n", + "from time import time\n", + "from IPython.display import display # Allows the use of display() for DataFrames\n", + "import seaborn as sns\n", + "import matplotlib as plt\n", + "\n", + "# Import supplementary visualization code visuals.py\n", + "import visuals as vs\n", + "\n", + "# Pretty display for notebooks\n", + "%matplotlib inline\n", + "\n", + "# Load the Census dataset\n", + "data = pd.read_csv(\"census.csv\")\n", + "\n", + "# Success - Display the first record\n", + "display(data.head(1))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation: Data Exploration\n", + "A cursory investigation of the dataset will determine how many individuals fit into either group, and will tell us about the percentage of these individuals making more than \\$50,000. In the code cell below, you will need to compute the following:\n", + "- The total number of records, `'n_records'`\n", + "- The number of individuals making more than \\$50,000 annually, `'n_greater_50k'`.\n", + "- The number of individuals making at most \\$50,000 annually, `'n_at_most_50k'`.\n", + "- The percentage of individuals making more than \\$50,000 annually, `'greater_percent'`.\n", + "\n", + "** HINT: ** You may need to look at the table above to understand how the `'income'` entries are formatted. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Check for missing data\n", + "To check for missing data we need to see if any rows are missing:" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " age education-num capital-gain capital-loss hours-per-week\n", + "count 45222.000000 45222.000000 45222.000000 45222.000000 45222.000000\n", + "mean 38.547941 10.118460 1101.430344 88.595418 40.938017\n", + "std 13.217870 2.552881 7506.430084 404.956092 12.007508\n", + "min 17.000000 1.000000 0.000000 0.000000 1.000000\n", + "25% 28.000000 9.000000 0.000000 0.000000 40.000000\n", + "50% 37.000000 10.000000 0.000000 0.000000 40.000000\n", + "75% 47.000000 13.000000 0.000000 0.000000 45.000000\n", + "max 90.000000 16.000000 99999.000000 4356.000000 99.000000\n", + "Total number of rows for income = 45222\n", + "\n", + "No missing data\n" + ] + } + ], + "source": [ + "print(data.describe())\n", + "print('Total number of rows for income = {}\\n'.format(data['income'].shape[0]))\n", + "if (data.isnull().values.any()) == False:\n", + " print('No missing data')" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "<=50K 34014\n", + ">50K 11208\n", + "dtype: int64\n" + ] + } + ], + "source": [ + "from collections import Counter\n", + "income_values = pd.Series(data['income'].str.replace('[\\[\\]\\']','').str.split(',').map(Counter).sum())\n", + "print(income_values)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Total number of records: 45222\n", + "Individuals making more than $50,000: 11208\n", + "Individuals making at most $50,000: 34014\n", + "Percentage of individuals making more than $50,000: 24.78%\n" + ] + } + ], + "source": [ + "# TODO: Total number of records\n", + "n_records = income_values.sum()\n", + "\n", + "# TODO: Number of records where individual's income is more than $50,000\n", + "n_greater_50k = income_values[1]\n", + "\n", + "# TODO: Number of records where individual's income is at most $50,000\n", + "n_at_most_50k = income_values[0]\n", + "\n", + "# TODO: Percentage of individuals whose income is more than $50,000\n", + "greater_percent = 100 * (n_greater_50k/n_records)\n", + "\n", + "# Print the results\n", + "print(\"Total number of records: {}\".format(n_records))\n", + "print(\"Individuals making more than $50,000: {}\".format(n_greater_50k))\n", + "print(\"Individuals making at most $50,000: {}\".format(n_at_most_50k))\n", + "print(\"Percentage of individuals making more than $50,000: {:.2f}%\".format(greater_percent))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "** Featureset Exploration **\n", + "\n", + "* **age**: continuous. \n", + "* **workclass**: Private, Self-emp-not-inc, Self-emp-inc, Federal-gov, Local-gov, State-gov, Without-pay, Never-worked. \n", + "* **education**: Bachelors, Some-college, 11th, HS-grad, Prof-school, Assoc-acdm, Assoc-voc, 9th, 7th-8th, 12th, Masters, 1st-4th, 10th, Doctorate, 5th-6th, Preschool. \n", + "* **education-num**: continuous. \n", + "* **marital-status**: Married-civ-spouse, Divorced, Never-married, Separated, Widowed, Married-spouse-absent, Married-AF-spouse. \n", + "* **occupation**: Tech-support, Craft-repair, Other-service, Sales, Exec-managerial, Prof-specialty, Handlers-cleaners, Machine-op-inspct, Adm-clerical, Farming-fishing, Transport-moving, Priv-house-serv, Protective-serv, Armed-Forces. \n", + "* **relationship**: Wife, Own-child, Husband, Not-in-family, Other-relative, Unmarried. \n", + "* **race**: Black, White, Asian-Pac-Islander, Amer-Indian-Eskimo, Other. \n", + "* **sex**: Female, Male. \n", + "* **capital-gain**: continuous. \n", + "* **capital-loss**: continuous. \n", + "* **hours-per-week**: continuous. \n", + "* **native-country**: United-States, Cambodia, England, Puerto-Rico, Canada, Germany, Outlying-US(Guam-USVI-etc), India, Japan, Greece, South, China, Cuba, Iran, Honduras, Philippines, Italy, Poland, Jamaica, Vietnam, Mexico, Portugal, Ireland, France, Dominican-Republic, Laos, Ecuador, Taiwan, Haiti, Columbia, Hungary, Guatemala, Nicaragua, Scotland, Thailand, Yugoslavia, El-Salvador, Trinadad&Tobago, Peru, Hong, Holand-Netherlands." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Preparing the Data\n", + "Before data can be used as input for machine learning algorithms, it often must be cleaned, formatted, and restructured — this is typically known as **preprocessing**. Fortunately, for this dataset, there are no invalid or missing entries we must deal with, however, there are some qualities about certain features that must be adjusted. This preprocessing can help tremendously with the outcome and predictive power of nearly all learning algorithms." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Transforming Skewed Continuous Features\n", + "A dataset may sometimes contain at least one feature whose values tend to lie near a single number, but will also have a non-trivial number of vastly larger or smaller values than that single number. Algorithms can be sensitive to such distributions of values and can underperform if the range is not properly normalized. With the census dataset two features fit this description: '`capital-gain'` and `'capital-loss'`. \n", + "\n", + "Run the code cell below to plot a histogram of these two features. Note the range of the values present and how they are distributed." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "import warnings\n", + "warnings.filterwarnings(\"ignore\")" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA4oAAAN8CAYAAAAeRlT8AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzsvXl4VdW9//9eezpjQg6HBJWgDDIYLEgCGMAqSutQsf4s4ERkUgJqtV/bOtzbUr0/br8/LXqtVCFoFRC0QtV72+KtQ7HUAa0SsYNRpAxKEEkISUhypj2s3x/n7J2zs/c++xwCJCes1/PkeeDsvddee81rfSZCKQWDwWAwGAwGg8FgMBg6XE9ngMFgMBgMBoPBYDAYvQu2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UWQwGAwGg8FgMBgMhgm2UUxx+eWXUwDsj/1l+9ejsPbK/nL863FYm2V/Of71OKzNsr8c/3oU1l7ZX45/WcE2iikOHz7c01lgMLKGtVdGvsHaLCPfYG2WkU+w9so4EbCNIoPBYDAYDAaDwWAwTLCNIoPBYDAYDAaDwWAwTLCNIoPBYDAYDAaDwWAwTLCNIoPBYDAYDAaDwWAwTLCNIoPBYDAYDAaDwWAwTAg9nQEGg5F/KIqGhvY4ZFWDyHMoCXogCJ3nTppG0dSRQEJRIQk8wgEJHEeyvu6WvhuxmIKmaAKKRiFwBGGfBK9XyPmeTMiyiob2uPF8SdADUeSzTj8eV3A40nl9gF+CxyNknX5fo2t5BT0c2uPJ+g/5RDTHZMRkFTwh8IocVA2Iyiq8AgcNyTZl15Z0TrXyZJxYujt+9CbSx2OfxEPRKGRFs/Qnt3Gb0XfQ52BF08ATAkIAgKA4IKElpljagF3bAICWaALRhAqVUnhFHgMCHtf2pL8boKA0GcfBI/AoEHnbPuc0ticSCho7Ou8vDkiQJCGrdx/L2qM39I/urp3syM9RjcFg9BiKouGzQ21YsqEW9c1RlIZ8qKmqwOiBBRAEDppGsfNQGxY9u924/tTcCRg1sMCYUDJdd0vfjVhMwa6mDtya9vyqqgqMCAeMhVw292RCllV81tBueX50SRCiyLumH48r+Pyw9frIAQF4PIJr+n0Np/Jqbo8iHPSioS1uag/LZ42FX+Lx3Ptf4pryQbj7xb/btiWdU608GSeW7o4fvYn08bg46ME9l4+y7U8AMo7bjL6D3Rz80MyxWLdtL+6YPhKbP67H6rf3GW1gRHEQuxrbLW0j6OFR3xzNqT2dPSCAnQ3tWLHlc8ybMhT3vpR89r1/m4ZdTTHbPufUF+1+H1UcgCDwGd99LGsPt3XNyaC7aycnmOopg8HIiYb2zkU7ANQ3R7FkQ23qBBBo6kgYg6V+fdGz29HUkcjqulv6bjRFE8bkoD9/64ZaNEUTOd3jVgZ2zxtlEE3gV1s+x9IZZdhYXYmlM8rwqy2fG+kfjti//3AkkVX6fQ2n+hheUoiGtoSlPdz94t9xpEPGoguHGYsQ/Vp6W9I51cqTcWLp7vjRm0gfj5dMG+7Yn9zGbUbfwW4Ovvelv2NmxWDcuqEWsyacafy+6NntaGiP27aNuEJzbk/6u2dWDDY2iQCgacSxz+Xye2MW7z6WtUdv6B/dXTs5kV9HXwwGo8eRVc0YiHTqm6NQVA0AkFBU2+sJRc3qulv6bigatX9eoznd0513EALTaah+IktIds93N3/5Rqbv9Uu87TW/xIPnSMa2lE36DEau9KX2lD4eF/nEjP0pm77GyH+c5mC9ffBpErL65qjj/RzJ3Gac+lD6u3Qy9blcf4fDGsTxmSzWHm7rmpNBd9dOTjCJIoPByAmR53BpWQlW31SBjdWVWH1TBS4tK4HAJ4cTSeBRGvKZnikN+SAJfFbX3dJ3Q+CIbfpC2uSWzT3deQelMJ2G6ieylGb3fHfzl29k+t5IQrVtD5GEClWjGdtSNukzGLnSl9pT+njcEpUd+5PbuM3ITzSNorEtjgPNETS2xaFpFCLP2da13j7UtAOR0pDP8X6NIuf2pPetrm0xU5/L9Xe3d1t+z2Lt0Rv6h1M9ZLt2coJtFBkMRk4UByTcMX0klm2uw3VPvo9lm+twx/SRKE4Zr4cDEp6aO8EYsHRd/XCW193SdyPsk7CqqsKU/qqqCoR9Uk73ZKIk6LF9viToAZDcKNqd7OkbxQF++/cP8EtZXe9rFPg42+891BrB4P5eS3v4/iUjcEaRB0+9tQfLZ411bEs6bvXFYORCkUN7LfLl35IqfTyu2brbsT+5jduM/EO3q7tm5buY+tCfcc3Kd7HzUBuKAxJqurTvh2aOxUu1+7GqqgIvbv/S+P2puRNQEvTYtg2PQHJuTyVBD2qqKvBS7X48NLPz2YDHvs8VOvRFpzm+OIt3p/9ek+U80Rv6R3fynwlCaf6pSpwIJkyYQLdv397T2WDkDz16dNyT7bWxLY5rVr5r2giVhnz479umorggOSB1x+tpNum74eaRsLEtjl+/9S/MmnAmeI5A1She3P4lbrnw7KzfkcmLZjbfkMnr6VctUax7d48lf/OmDsMZRT5rZtzpcVFHpjZ7oDmCj75owvizwlA1Cp4j2PFFE8rPCoMQgmtXv2cpy02LJ0NWNeb1tO/Sa9vsgeYI/uMPn2BmxWAU+US0RGW8VLsf9181BoNC/h7IafdgXk+PG3m1Lsg0T4V8osnrKUcAmvJ62pZQLJ5MAbh4PQW8IpeT11MCinRtbqc+VxL0HHevp4qqQchjr6dZ5j+rzDEbRQaDkRPZ6OJzHMm44cp0vbu6/ppGsbc5ktH7WEJRsfrtfVj99j7Ts3OnDM3qHQAgirzjolA/Xeyah/TTRY9HwCCP/RAsq5pt/uZUDsk6f/kEIUD/oA/XP/m+yaaTI4BG7e1GKKU4KxzI+h2Z6ovByAVFo3i9rgGv1zWYfv/plWU9lKPu4TZe53ofIz/INNcKgsf2UFLTKA4djdvOr3Zto3/AAzgM007tSRA4y7u/aOpw7HNOY7skCRgk2c+xubw7W3pD/+hO/p3IPz0JBoPRo5xoXfzupp+N97ET/Q0cRzBqYAH++7apePfei/Hft021uMm2sw3ROVG2Br0VJ5tOjfYO2w8GIx0nWyaeSdcYecSxjK095d2T9bmeo2+uOhgMxgnjROvidzf9bCSSJ8OeQNMoZFVLqnGpmmkjqGkU+5o68M8DrahvjuKfB1qxr6nDuOdE2Rr0VjLZdPYG2w8GIx2eIyb7KV0CzhatjHxAP6TUNA2rb6rIaWw9Gd497Q5RB/itdpM1Lnb7mQ5jGdnDVE8ZDEZOpEvLToQufnfT16VxXe0uxDRp3In+BrfAty3RBA4djWHp7/5pXF8+ayyK/CL6B5I2BaMHFmDT4snHZCuRbwg8sa0zgScnvK4YjGNh3ba9WDqjzLCXWrdtL/7fq8/t6WwxGBlJDwxfHPTgge+WYdnV58Iv8YgkVHhc5hhdCtl1rD5eGh5OgetLCiWommbKq6pp6FBUw7Y/m3S6avYw3GEbRQaD0evorq7/6qpyNLQljAmlpCB36VN3DNOdAt9uWjwZZxT5EE2olkDEd7/4d2ysrjTsOU6ErUFvhQB44sbxONIhG3XWPyAalva9wfaDwdAhAG6/+Gwc6ZABABLP4faLz+557zsMhgvpqqNLZ5Th9ud32DqzCQck0/wX8ok4Ek1ATUkhF6+vNW3AQj4RjW3xYz7M0+fbqKygPabgwe99AyLPoSUq49E3duJnV43BE3/+F2ZWDIYfPBKqhif+/C/cf9UYWxtIJxXZXJziOeXxVDuwZBtFBoORE73+pI4kPaWlS+tWzSkHiFn1M9M3dPcb3QLfqg4OWtRT1Au1Silismaqs0dmjztly4PRu2HtlZGvpKuOdg1qD3SqkXad/2qqKrBiy+dobEvYSiG/bI5g7jMfHNN82VXKec/lo3Dfy/+wODabN2WoYctu/O6Q/vFWke31654TCNsoMhiMnDgeJ3XdCZ/hhqxQ3PrcR6b83frcR0lpXdo3/HV3I55fVAmNUnCE4M26gxgQ9KC4wNPtb9QN77ue1Oo2TCLnoB7L9U3VUjcoBZ5+Z49Jle/pd/YkT4uPE6fqaTDj+HMy2ms+wfpW/pCuOqoHte86DwEw5r/xg4uwZNpwxGQVd182Gofb47ZSyGfmT3CcT93oKuXsqm1z70tJbRs7h2ebFk92/M5Ly0os4TR0FVk9jISsahCzMO04ERLKfIFtFBkMRk4cj/AVJ1Kap2j20jolzZCd5ygqhg7AjU91hmNYVVUBnqPH5Rt9UjII8K1pNoqrqirgk5ITEUeAR2aPw49++zeTROJUXVtxnNNp8fFJ/1Q+DWYcf050e80nWN/KL9JDN9Vs3Y3ls8YaGzPdVv5IR8LYJP74slGmdr5qTjmKgx7T/DhlWBhxhWLhWvv51I1spJxOWjhOseBDPhF3Th9p8RMQ8omuPgTc8pj+/uPpxKe3cgoOawwGw41M3sIkgcfibw7BG3ddiDd/dBHeuOtCLP7mkOMWvqK77red3GgLaYuWaEIzNnH6O27dUItoQjO+sTshGWIyxeaP67Fm/kS8+aOLsGb+RGz+uB4xOVmOHMcZEomN1ZVYOqMMT7+zB9ypuNIEoGkO4TG045N+T7l0Z/RNTnR7zSf6ct/qq14zBxZ6sLG6Eo/dMB4jTwvi5dum4K17Lsayq8/FL17dia9aYygN+bBk2nBLO7/1uY9w5/QRpvSqLxqecT51I32+1aWc6ZSGfOCJ/bxOiP1hRHNUxootn5vm2BVbPkdzVHb0IdDQHs8qj+nvPxXCNDGJIoPBMOF2Qlwo8ZhxXikWrP3QdHpYKGU3YLqdzHX35M7vIM3zS52bMDepY/qpa3oZZBuSgVKK1W/vw+q395l+nztlqJH+Xd8edczp9zVUh/o4XjZfp/JpMOP4c6Lbaz7RV/tWX5SUZvqmg61RLFj7IQCgZutuPDRzLIIewbZuhwzwGyqrSY/ixFWLJxNuUs6n5k6AJHBYOacct6XMSkpDPqycUw6Jt68LTdNspf6aprn6EHDL46k2Z7ONIoNxCiLLKhra41A0CoEjKAl6IIrJjV5TRwKPvrHTZH/z6Bs78fNrxqK4wIPDkYTt6eHG6koMSrmpzmSz4mY7kI377UzpRxKaIc3jOQJVo3hx+5eYO2UoQrpHUQcbQl3q2N2QDJLA44EZo3FJ2ekmmw39G7JJP1cbinyGd7LpJAQNbTEMCHgsZZ+LXdSJdunOOLXI1F7zgWO1KbR7ThTs7a3zvW/1RZu0po4E/uej/Vi3cBJ4QuAROSQUDfUtEfCE4JU7L0B9cxQ1W3fjdzsO4M5vjbCvW57DpupKKBrF7saOjPOpLKto7EhAVjUIHIFH4JBQKXgCSCJBJJ6MNVzoFfCHO6YgEtcQ8PDYtHiyae471BbD42/uMq1LHn9zF+6/aoztekal9iFsHvjuuY4htATeeX49lcM05f1GkRByF4BbAFAA/wCwAMDpAF4A0B/ARwBuopTmvx4Eg3EckGUV+5ojqD8SNbyWRWQVQ0J+iCIPTdNw8wXDLPZzmtbpsbM46DENwDVbd0NLnaa7ncQWeQXcMX2kReJX5E0OR24nd27pEwJcN+lMaDQ5gBNCcN2kM5G+hgt67aWOQe/x2YgVSjwmdLGBrOkiddU0CllNTpJE1aBp1Jh0srGh6EsOJPweDjVVFZbvDXg43PPiP3DXt0eZTvIVRcNXrVE0tMXR1JHAS7X7LfekcyqfBvcm+kqb9Ur27dUn9f6DHKfxc2ChB9GEc704PRf08LYSoHzvW31RUkpAMWPcIMx75gPDu2h6vT00cyxeqt2P+64YDa/IoTUq46GZY01SuV/PqwAFjE3ZqNOC8In28+nuhqM4EvGZfl85pxyv/O0ArqkohU/hIatJm31ZpVApRUDicbAlhkXp4TdumoAiv4Ain4RhAwLgOYL+AQlFPgkapfisod3y7sEhj61EUeIJNAqsv3kS9h2OYMWWXWhsj6OmqgIlQU/GMepUDdNEnAxB8wFCyCAA7wAoo5RGCSGbAPwvgO8AeJlS+gIhpAbA3yilqzKlNWHCBLp9+/YTn2lGX6FHVzfdaa+HWqPYc7jDYsA+bEAAA/v5cLAlitmr37Octv128WScXuRzfb6xLY5rVr5reV4/if2qJYprbdLXYwxqGsW+pg580RQxNrJnhf0YEg6A44hr+k3tMRxoiVlUVAYVeREOegEAB5oj+I8/fGKRat5/1RgMCvm7rXbk9o1uG8FsyijH/PX4ajxTm21qi6EpksCB5phR54NCXoT9Er5sjuCO33xs1K+mUXz69VFTHK+HZo7Fum17Dam3HX1lk5Kv9KU229QeQ1OHTXsNSMYY01txGj+XXX0uFqz90LFeMj23YssuLJk2HEU+EZGEinGD+6F/IL8X1G7zjAO9el1woDmC655MHl6uvqkCyzbXWb5v6YwyLNtch2VXn4uEquGl2v3GPOkVOXCEGF7F9bn19H5eHOmIg+d4cATQKKBqKgIeEden3pf+jjXzJyLo5dHYlrDM0/0DIq5/8q+WZ15eMhlft8Wt83o/L65euc1y/8bqSuNbdS4tK8EPpo/E4i7zbkmBB/39yfmgr6kbu5DVR/X+4y93BAA+QogAwA/gIIBLALyYur4OwP/TQ3ljMHodskZtg73LKXsCWbPX35dTEkXF4XndHsHtJNbNPqCpI4G5z3yABWs/xHVPvo8Faz/E3Gc+MJwjuKUfkzVDRUU3Yn/8zV2IyZ32B4pG8XpdAxavr8V1T76Pxetr8Xpdg/EN3XXQ4PaNbsb0Ts/LaWX0Px/tNznL+Z+P9uetA4mYouHh13Yikfq+hJr8f0zRUBz0ojjoMeq3qSNhbBKBTkciMysG25726w4pDrZGDfUnxsmnLzk9ickO7VXu/d5snMZPf0rbwaleMj23Y3+LMZYuWPshoon8lbrp6FoIugOTviApTbfNd/Iuqv9e5BdRs3U35k0ZimWb63Ddk+8j4BHxK5u5NaFouHldLb71X3/BJY/8Bd/6r7/g5nW1jra8PEegaTA2ffrvtz33EQB7e8eERm3vjykOc63Nu2dWDDY2ifp9SzbUghACQeD61Bh1PMlr1VNK6QFCyMMAvgQQBfA6gFoALZRSJXVbPYBBds8TQqoBVAPAmWeeeeIzzGB0g+PVXp0Gb92jm+5dzMn+xskRjJp63s0ezM0+wG0j6GQTI6ZUMolDYN501VM3G8Xuqh052TDpp5JuG0m3/BFQXDlukMmh0Mo55SDoXRoi2bbZTHWmaBT3XD4KvtRC1qluwgHJYhdlJ8XSpY+ZVFUZx598UeXLps1mM8b0VpzG55aobPzfrl6cnot02RT2BftEIH9s0nJZF6TPvU4xFPXf+/lEAMDDryX9FYQDEvwS59junTaEdu9QNZpxHeH0jNOG0Gmu7Pp7OCBlHIPyZYw62eS1RJEQEgJwNYChAM4AEABwhc2ttqsnSumTlNIJlNIJxcXFJy6jDMZx4Hi1V59o7+bZm3Jm45OSNifpJ6nLZ401Fur6ZNP1eX2j53YSWxL0oKaqwnRdtw8AkjaFdunrbrAFjtjmT99EUWrvuj5dy94jcFg1p9yUxqo55fAYm83cXHF3RXTIo5jKo1sZBjw8VnbJ38o55Qh4knUQVzTb09W40rskGtm2Wbc6i8kaKMwHEemUhnwoKfBYTvvtToh16SM7KT655It7+WzabDZjTG/FbnxePmssarbuNu6xqxencf2ssN/02+qbkrHq+gK6TdqgkB/FBVaHWr2BXNYF6XOv7l00ve50G8UnbizHg3/8FHdOH4ERJUEMLw5iQIEnY7u369s8B6zqMtevnFOOF7d/6RjGilJqydfKOeUQM4S96vqOVVUVKPDxeHbhJKyZPxEbqyuxZv5EDCryZhyD8mWMOtnktUQRwLcA7KWUNgIAIeRlAFMAFBFChJRUsRTAVz2YRwajV9HfL9k6YujvTy6yCz0iigs8WHb1uYb9TXGBB4UeffKntsHi9fMYt5NYQeAwemABNi2eDEXVIHTx6CnxJKMb7GhCxS9eNXtl/cWrO/H4jeOBABwD82ppqzhCgEK/iLULJhk2FaJADIkAT2Ax4n9o5lg4eOK2QAgQDkqmMgwHJSP94oBka/xfnNroFHolhPyKKX8egaDQm7zuFt4j39Ac6iySUPHtR99KLkCrKhDyeRDyibbt9/RCr2Uh53RCrKtXneonxScTp3rLx02FU3vV8mCn2HV8FgUO7TEFjSm1dycVS6dxXdMonr/lfMOx1GN/+pxJ63spgsBhVEkQL1RXIqFo8Ek8HvzeNxDwCAh6BMRkFTMrBoMjwOt1Dfi375ThpilDMH/NB6hvjuJ3t0+1lwJSatu3ZZWaPJBLAgefyGHe1GHwicQ6B84px2/++gVmTzwTz91yPhpTberxN3fh//veN2znTK/EYWvtITy/qBKUUhBC8LuP6nHtxMGIKxqW/u6fxv1P3TQBzy6chLnPfND5W1pbZ07P7Mn3jeKXACoJIX4kVU+nA9gO4M8AZiHp+XQegN/1WA4ZjB4gk+OO9EC0+kZrxZbPDUcgzVEZv/3wS8yacKYRXuK3H36JWy48G8WpU0U9WLz+/NPv7MH9V40xvd/JoyeQXHSIPAdKKUSeM11LqNTWDfYD3z0XQPLUr7jAPHAXF3SqHTqpznJp0sCYrOHnm+tsndkk88fhrZ2HLCE2Rg48O6vyl1WKl7bvN5WhHqIDAFpiCn7VpQ5+pdeByIPjCE4v9BnhMbypzbSx2eYIFn9ziCX9fLW/4xzqbM/hDgDJxcjiDbX479umAoBz+xXNJ7/p6nLjBxdhybThCAck9POJuLSs5JQ/KT6ZuI07+YRTe+XyQfe0CwQEZ4b8xgbQJ/FQNIqDrdGsvD42dSRw46/NzkfqDrbldRiJvoqmUTR2JAwHM1t+dBHue/kflna8dEZZUpLGE1MorK+PxhzNUrbvPYznF1Ua4aASioobn0q2Cz2ecGnIh4dnj8Pw4iAUDWhuj2JjKsyGwCXDdcydMhQCB7TFNfRPjdVFPgnNEcVy/+6Go+jvF7Gxth6P/GmXKU/fqyi12huu346Xb5vieIjNcQQjioOW0Byn+oFHXm8UKaV/JYS8iGQIDAXADgBPAngFwAuEkP9M/fZ0z+WSwTi5uHkXTCgqXq9rwOt1Dabn7r9KTT2v4cJRA032b3qgWgAo8HK24S0KUqEl3Dx6uuWPUuqQv+Rpfcgn4s7pIx0lE6KDRFJMEwe62RiFfCKuOq/UVAa5SD8KvBxmdHk+vYzc64BiV2O7YxmFfZJt+mFffp589vPZu1f/9ECLcU+6BDBT2aWjnxA/+sZOS33nqzQrX3Fr8/mE32PfXv2e3m/Nk2n8BZCz10dm15Uf6PXeEVeMgzOPQGw1Z9Zt24vls8YCMNse1mzdbbl/5ZxyeEUOI07rZwoHtWpOOYqDHtPz9c1RECTbTHFAQijoMzyT6ml9cbgNQ4oLLSE1SgoFRGXz/auqKlDo42y/wcmmUVY0DAr5Hcso07x7qpLXG0UAoJTeD+D+Lj/vATCpB7LDYPQ4boGC3ZzNqA52CJsWTwYAtMU07Gs8iheqK6FqFDxHsOOLJvT3h1Hoc/boqYd2aOpI4NE3zKqjj76x05AsuOWvOSrbpq9/n6xSvPK3AxZpoC7NA5I2RnYSwyHhoVm9w422mIba1Amrrg7zZt1B9PefjkJfUtJ1aVmJRaKpf6NbGTVFE6aT3vrmKG7dUIuN1ZUY5M2/Yb01qtlKWH86o1NKXRrygSIpzfnTDy8EpUB7XEFDW9xUduno6nIPfPdcPPD7f/YJaVa+4tav84lI3L693n/VGDisQXsNmeYHADkHme9L9dqX0et9+ayxWDN/Igb394FSYgSlLynwIOgRkFA1/OyqMdh/JIK4olnmqbd2HsLGlOqqolG8u6sB4TGnW9YMtz73kW3olKAnOT8dbIvjcFvc2EzqdvYvVFcaEk9dCyShaGiLao5znt1cPnfKUNt2mcnPgNva6VQl/1YUDAYjI24nvK4B7R3sb/SYqyJPcNaAAmMw7yqxUxzCaygpiaSmafi374yGwPFQKcUZRT6M/M5oQ2IZDkj47ZJKKGrS3pAnBAIPI39u38dxwIxxg1DfHDXsA2eMGwQu7bBfFAjmTR0CVSNQU+qv86YOgcAfH6+nIk9QPiRsOmFNL6N+Hh4/mVEGWaHgCBAOevCTGWXol3JWo2marcRTSwtRUhz0mBaqNVt3562NoqJR22DKepu7tKwE911xDhrb4ogrGsIBEQvWdrbfrtLBrqrXEk8cy5PFVzw59CX7H0Wj+MYZ/XDO6YXQKMXpRT5844x+edH/3MY2p2uaRnG4I46YrIInBD6JR5FPMtVrcdCDO6ePwNABAVBQi8kBo+dIKCqKgx5whBh2e6/ceYHDuEix5t29uP+qMfi375yDfYcjePCPn6GxPY5n5k9AY1sc/fwiAh4BF4wsweH2BKYMC2PRhcOMzdpTb+3BsOIA/v07o3HXpk5/BquqKvAff/gEr9c1GO/73Y4DmF42EEWpMXzKsDBuOH8wBgS9iCsavm6NOkoIVY3aav8EvRzWLpiI/Uc61wGD+/sMXweZyqjrvJpp3j8V5g+2UWQw+hhu4SOApNfPdEcrnrRrTvY3+kmcrNrHM9pYXQnAPbyGKBC0t2u4dYNZbbKfL7XRVFQcbpctal1hnwRJElxPsHkQtMcVkxH78lljMTDtRFDgCA4dVSzvGFSUvMcphIfIZ6da5lZGbQkFrRHZoh4blHiEJcFVqusVONxz+SgjnqX+jV6h96u+2RGUeFRNPssS7iMo8Xj7nmlojsgmBwTLZ401nUSnS3vtVOtWV1Vg3ba9lvJ8+dYpp1qA5R4jX8INZEOhl8e0cwaaVe2qKlDo7f1SNOIwPlMAksPc4ZN4Sz9ZPmssBhZ6MSQcwKiBBfj996dCdHA5AAAgAElEQVTiYEvMFMyc9aXegyTwuHP6CMMJHZAcB1+q3W/aGK3bthcLpg7FvClDTWqe+oauqT1hmXeGFwdsx++AxBubRP19t26oxdIZZXi9rgH1zVGs27YXt188Arc/3zkXrppTDo1S3JDWv16orrRfV3DEVvvnxSWTEZPNzmxqqiogBp3LyCfxtvOq7vG9K25mNH2F/FxVMBgMR9zCRzR1JPDgHz81BYt+8I+fGqECCKF4aKbVbbauseHmcZOkPIY6PR9N2KuQRBPJ/DR22KtVNqbyFw5IFrfXzy6c1Clx1Kgx0OvP3/3i35FIO+13y4Odi+7ls8YaEi6gM5D7geYIGtviRhzKbMooJtuHt9ADditOcRZ1qSyF7TfmgUDDlphDuI+YogEglmt3v/h3LJk23Hg+XSJipz60eEMtZlYMNr2zvjkKWdVYgGVGzkQcxo9IoneEp8k0NvEO4zOlFHFZxfO3nI9Ly0qMa0/NnQBFo5Z+oo839S0RNHUkoGjUEsy8p/pSpu8/VQkHJAwtDpjmlZqtuzFvylAs21yH6558H8s21+H2i0dA5DnjoHL84CIsnVEGj8Dhzm+NsJ13nA5G44r9PDa8OICN1ZVYfVMF5k4eYmwS9eu3PvcRjnTIpt9ao7Jtu+UcYjgqGrXdQLbHdc0maxtRHNYOTpoCTqqqfW3+YBJFBqOP4RY+wk2tkWow7BbSTxkfSHkEdQsGT6n987pHUbdNlNt1TaOIJFTLSaGu5pRJRUXHdSOnaLZl+Nj15xl5yHSS6FZGmYINA4DAZ35edthIylrvWKjmSqb6aGyL214rSlM1TZcoxx1U6waHrPGxnEKpMEccx5++dPrem8PTuDmriSua7fh8w6SkRKg0lIyFuOzqc8FxHMIBCQdbo7bf2xJJYFbNeygN+bDh5vN7RV/qS+3seMMBpnllx/4WrNu2Fy9UV+Lr1hiaOhJ44s+7cO8V5xibxB9fNspYK7y4ZLJju3f63W4e238karS1dQsn2T7r7yLFc5J+/uyqMbbvcFoHKBp1bCOFXsF+XnWIT3yqOHJiG0UGo48hCTwa2+NYvL7W+C19Ia1o1FatUVeLFHgO914xGpQSw37u3itGG8HgPQKHNfMnoL45Zqiuloa8hvpqcUCy9Uqqxwh020S5XXdzliM6PC+mLRLcwksIHLEtQz5NKpvJ6N0jcNhwyyQoKow4iAIPo4wEjtg6s9HT50lSKtxVBUZX3+UdvpHPQ/f8QOb6aOpI2H5rJKEa/063dSOA7f39fCLWzJ9otNn+AREiZ69qxxxxHH/6kqOI3hyexs1ZzX++UoebLxhmioP76LXj8H//9zPj/sXrzY67nNRVdclJfXMUew939Iq+1Jfa2fGkqSOB597fh6fnTUBzRMaAoASeI/AIHNa9uxcf7GvBkmnDcfMFw0ApjPkpfa3Q1JFwnLec5uxHrx1nslF84sbxaIsp2FidDKXhNF7r47vOS7X78e9XnmPMqeGgBz+6dCREm3c8eu04x3WAwBF8fTSGjriCpTPKULN1N3bsb8GiZ7dj0+LJObXhTGYwiqIZ4a18qbBNsqqdcJX79PeKXWJUHytso8hg9DHcnEa4SdwkAYi0aVYbwUDyXo1SxBVqleghJQ0TePhF3mQD6Rd5CKnB1ivau5b3SsnBLOyzD0avh35wkqYpKVVaj8jZBv/1iJ2DZZHPPnxFkS95D8/Zuw3XN3JuJ4kapWiLKrj1ObPdhT81YUgCh+9fMsJioyilBnQnieYvUxJNxzIU89OawKk+CnwcttQdstRFTVUFwkEJb909DT5JME28uuqzXeiT9Db7yOxx8Ek2QZ+rKlCUh55jezt96fTdbfzoSdzKubEtAY9otlEXuywku9YLT4BfXnce/s/Gj0196uHXdhr3rNiyC6vmlJvGvJ5wVtSX2tnxRNM0XDH2DLTHFfw47ZBg+ayxuKaiFJecc5rp8GBVSksnvSy31B2yzFurqioQcghvVODjUCRLWH/zJDQcjWNQkRcHWmK47+V/oDjowT2Xj8KDf/zUdnxXNc3YhJWGfPjpjDK0Rq1+BQSBIBSQTO25KCAh4LXPE8cBs2ves7TjHftbIPHEdu3gFEbJaa1V5BWMEGH6d6Yf+p4oCbdbaLJjhc2GDEYfw81pBO8izeqIa9j8cb2tu+kif9JRi13gbF21tKkjgQdf/RQzKwbDDz5pA/nqp0YogpjsEDpizOlAADgSkyHLsimw7qHWCI7EZJzhFRwljnr+Y7KGPzjkX6clg6vtgDcpAbRzuT10wDAA7uEtZJUaCyYj/TRnNgkHmzxDqssRLL1yFAb28xvqO0uvHGVILGKys3v+fMSpPl6orsSiC4choWp4oboSjW1xNLTFsWLL57hh0lk4d1A/i5TASfX5pzPKTL89/c4e3H/VGNtyfOC75+KMIp9dVhnHSF8Ko+A2fpxs0j0vOkn/RIEDAcGd00fg+8/vsFxfOqPM0KDoWi8cx4FSGIvx/gEJy1/7DDv2d8Y5bWyPo9An4sHvfQMizyGSUDGw8OQHK+9L7ex4olKguUM2DsuAThu8tQsm4Ue/tR9/08tyetlAy7ylt3ufyJnmbI4D2qIalr/6GWZWDMayzXVYM38inn5nD5bOKMPIkiBuSjkoa2xLYOmMMoQDEk7r58X6bXvxzZElWLtgInhCcLg9AZ4Qxz43f82Hpvq+tKwE9181BkEPj42pMF4cR6BRitk171u0qdbMn4jlr32GhEqx3WZtMrDQayuN5jiCEcVBbFo82STBS9d6WjqjzGL3eKIk3G7aVscK2ygyGH0QjiOOg5BP4nDH9JGWkzZfSqIn8gRXjhtk8WCmh3bgHILV6+EnVBcbSI6DJThv+vMegUAURUtgXY9AUtc5rJxTbpHG6WqdHAdcOGqgKf/p6QPuNkZOZaC71g75RFv1Wv3k0cn2TU05w3EKQaKlrod9Eo5EZEsZ6FJVRaO2wct/cmWZbZ33djLZbLZGZcMO6qGZY/FS7X4smDoUxQUe25PekqDH0r7XLJiIhqNxLNtcZ5Ey2pXjT6/MT1vP3kzIJ+Z0Wt+b6U02il3trS4tK7GU8/JZY9EeU3BmyI+hAwK2edclf3aSwHBAQkdcwezV7wGAYbtWd7DN1J9+/kod5k0Zigf/mNxEvnvvxUDg5JWFnte+EobleEIphV/ibeveySFMe0w2zbWnFXpt70tqwHyGBVOH4hev7kRjexwr55Tjlb8dwLwpQ/G7HQeSawBKjbXBI7PHGWnt2N9iHFK8c880XDhqoGX9kEkTKv338YOLbD22rtu2F3dcMsLwlp2eRmtUxp3TR8Ir2oe1IrDv15pGsaux3dLW+vk6bR2LfOJJk3C7aVsdK2yjyGD0QTLF9nHy+LmxuhIIuId20BxCN+jXVRcbSM3BWY4uDXOTllEQfLSvyXLqd/q4UiP9TO8H3O0g3SR+zVHZ9uROPyV0CxHCEXupLpe63hS19/y6sboSgzJIVXuDjdSxkOl70u2gjHokFAmF4kBrFCLPgSdJdV39RHd0SbDL6TbBgrRT5/S0bN+bZRgURvY0R2VbSf/AC8/OO9ux3tT/utrkvV7XgB9MH4lnF04CRwg8Ioe4rKE1KqOhPY4Cn702RJFfwnv3XQyNAjSVrj5vcByB39MpqduxvwUPv7YTaxdMQkskAVnVoGoUN18wDJGEiifmjMfOr9sdwwqcSPpSGJbjiSTo/gSs7Vaj9naCXxyJYktdp2aNxyF8ypdNEcysGIy7X/y7IZm+7bmPsGb+RCxY+yGWzijDw6/txGM3jMe9LyXbaktUts8LiOP6wEmTKP33JdOGmzy2Lpk2HB6Bw0+uLMPB1hiWzx6H3Y3thm2ibmu7bHMdNlZXZpz3u9LUkcCjb5hNRJL/H2P0sXBQwpr5E7Fiyy5DAn+iJNxOYb26O5+xjSKD0cdw8/rmJu1ys2F0vK4/7yItE3lia5+XrcQy5BMxYegA06lfumTCTVqn58FOKqnnwS0NNzsYUXBIPyUVdSuDbCSemfKfb2T6npqtu4376pujONyeAMcRk8Rw+ayxxkm2bpMxKOTvfO5IxLY8KYWtlKskmF8bl3xA0zRbSb+Wh556e1P/6zoWjR9cBA3A3Gc+sLePumkC7rl8tKGup+ed5yi+PBI12amlzxsDAh6TpK6xPQ5CgJ+/8il+fNko3PfyP0x96P3djTitnxdFvpO/ScukUXOqEg5IOKu/H0/cWG6KWbh81lgomopHZo8z1X1NVQVWbPkcr9c1YNueJjw0cyyGhP0WO1Tdxu++K0ajvrnTG3V9cxQCzxnS6h37W9Ae6wx5UbN1t60tuayotvO/yNv7DeC62KSHA5KxSdQ9ttr1A13KOG/KUDz82k5jfs1FU8DJgzxALVot6XPUiZJwlwQ9J2Q+YxtFBqOP4eb1zU3a5ehRk3O5rj/vkL4uLZNVipaOmEnis7vhqDFwukks3aR5btI6PQ+v/O2Aox0j5/INbnYwskLx+Ju7TCeNj7+5y5CKuklt3SQWskptparfHnO6c8PoxdjVx7u7GvDtMadj+eyx+Lo1hkde/xyN7XH4Jd7YbACddjb6SbadTQYhsG0ThACjBxZg0+LJUFQNwnHyEsewojr0602LJ/dwznKnN/W/rmPRkmnDjQWqrX3U+u1YdvW5lrFn3cJJlmDs6fOGbo+1sboSB1OhFA62RHHn9BGWel2yodaQJh2rLVYmrRhG7nAcQdArwO/h8fDscUmvp4TAK/FY+84eTBs9EOsXToJKKQ63J1DkFzCzYjBuvmBYmp33GMRkzbBVbYnKePi15OZHlxC2RGUAKbvYVJinfj4RG6srUeAVLVLpZVefi+HFAXgEDkoqlmFC0QwV0fT5385vwJDwUCOdwf19oCnp6JJpww3J5PDiAPYfiVrSXDN/Iu558e+GZDHTvGvXHp3GtBeqKy0aQXe/mPxdEjgIHMHB1uhxb9eCwJ2Q+YxtFBmMPoabtEtw8Oipb0K6ntB1lehxBFg1pxyH2xOGl7EBQQn6WOf4fOq638Ohf9BnsiGoqaqA35N8gZvEMqGoKA56TJuwmq27je/zihzuvnw06o8k05D45P/TPYJ6JQ6zJp6J+iNR4xtmTTzT8LxKCPD4jePR3CEb10MBEfpeMxyQ8ORNFahe33ly9+RNFSbPsva2b0kbQjeJZaHP3nNroa8zBMnUkSXY3dBu5G/qyBIjBEm+EfRwuHHyEMhK8vt5juDistNMbeTRa8dBFDjEZNWkVqS3gTP6Jb2I1DcnbTIa2+LGpJ6pTQgCxxzXnASoQ5un9OTb9XWXIh+Hi8tOQ0LRUuFvKC4uO+24eT3NZZMUDkh4duEkfNEUgV/iEU6zwXKyj7KLUUdgb6dmeHJO2WP9dXcjKoYOwLLNdZgyLIxbLx5u+xzPEdPzuX4/i4V4/InKybq4/sn3jd/+cvdFmDd1KBKpsVfkCM7s74PAE4tN95t1B3Fx2WnwRDiTNF2XzulSs04pNfDEjeWIySpaojL6+QTT2qCxPQ5J4BBXVBxoiRqHGpeWleCRa8cl1aXb4thSdwgAcMP5Q6BoFB1xBYfbE5g5YTBEnqC4QMJZYT9aozLiioY1CyYioWiWMDDpHk7rm5O2ifomsSblNbyrxHTVnHJ4Rc62PRZ47OMuZtLKampPnNB2fSLmM7ZRZDD6GG7SLsLZ2wD85zXfAJCU6GWyIZRS+u7poQZWzSk3fnd7PhrX7D1zVVci5HeXWPok3qJGsnzWWMMeRlEpDrfFTflbPmssCj2dw52iULTHFNM9v7phvHEPTwhkRTNdf/TacUYeZDnpUr6ri3lZVuHxCO5SWReprqImN7zp6XtFDvqaq01WbL+xf0BEWMrDYZ0AR7u4Pl85pxxThoWxqbYe9c1R3LXpb3jwe99AR0LFpWUlFpWfJ24sx/jBRWhsj4MCuGblu8a1l5dMti2vfp48LKs8RXSwb+oamiEfiClAa0S2qJ4GJb7bvluOZZMUTxur1syfaJSzkx1Y1xh1paFkgPJM84auqfLswkl48I+fYumMMpSdXogDLVHb5/T0jsUWi8VCPDGIPAeNdtbz+MFFkFWKr1oipvn00WvHIRSQ8Oi156Gk0ANCCKIJBSO+cQa+OBLBU28nPZeeVuhF/4AEngNum3Y2QgEJj1w7zqSh88Sfd+H1ugaUhnx4duEkrNv2uWVtcPdlo433685o5qY8ol5aVoLvXzLC4pzmNx98gQVTh6KfV8QPpo807tc3ff0DEhavN68z7n2pU/OkNORDSaEXG6srDc/ty64+FxyBad7lCBBXqG17dLJxd9JIEjiSl+2azZIMRh+j6wlzJKHirLDfkHYJHMGCqUMtGy1dougVOdx92SjUN8cApKQvl40yJHIxRcsY+oEjsJzkPTJ7nCFRlB1O2+SUHYBTHDz9eUWjWPOueSO65t3Oja6sUYu6la72oaNoFKu2/suUxqqt/zI2syqlxmSoX3/q7T144LvJ64cjCZNzFCA5EWysrsQgjwBJ4PDM/Ak40Bwz6mBQyGvESeQ4guWzxlrqQF8IRhKaxeW3nn4okHRIZFcGP7tqzEn3Mng8aI9ZHRg9/uYu3H3ZaGyqrQeQrEeR5/BS7T488N0x2Pl1Ox6ZPc6QKN/+/EdYdvW5KC7w4Oev1JnqP5GhTTAVt5OD4NDm89EBU0zWMqqW25FtO8t1k9TVoYZGKR67/jz84IWPUbN1t6XMn5o7weSUpDTkw+qbKkAIsP7mSdh3OIIVW3ZZbKl0TRWeI4a2xH/fNgUP/fEz2zh4L27/8phtsbobC5H1aXtKgh60xhNGfMEl04Zj/5GoJWTGXZv+hkevPQ9nFHmhaBQ8Afr5BCQ0agS217VlSkM+/PK68yAJHOb8+q+mgxOVUtx92Wjcd8U5UDWKt3Yewp3TR2LFls+Tjl4CEu674hx0JDrrO90ZDQDMrBhsMdPQN3z6GP6YTbiun1xZZtuGinyicbjd1B4zrjW2JaBoFI9t2WUK7fXYll34qUNaxCa+6C+vOw//81G9xYZZ9yx/LO26p9sz2ygyGH2QeBdp2FNzJxjXognVNpj74zeOBwJJtcm4Qk3PJwPgJjdybgbfHCG20jAuSxtIOHg9e+C75wIAqEZtDcipi7MdLc0g3dFhTtrYa2+kjoxloJeRrGo4GjVLLH953XkoSEmwZFWzrYMVN5yX8Rt09Vun/OepLxsQh+9JVxcuDflQUuDBom8Ox5G0eGDpKkW6rUtXld9MqkBMxe3k4Dbu5BNO7ZU4NJlcpIS5bpLsHGo8fuN4PL/ofCQUDV6Bw7MLJ6E1KqOkwIOBBV4cPBrFswsn4UhHAjFZBSg1ObdZNaccA4ISioPeZPw5jRoSwnRpSUdcQWN7HA+/1lmvkYSK/gERi6edfcyObLoTC5GprTojCBw6WlVs/fQQXkjFF/y6NWZpb8VBD7wiZwnPNCBor8qsahQb3vsCa+ZPhCRwSCgadnxxBOcMKrJoiZQUSpbQUs8unGTUd1d1aSf1af13zWE94GRvOCjkw6bqSjRHErjjN50bvOWzxjrOq4KTN1GOQ6FPMK11Cn0C9jdHTeUhcAQlQQ9aYkrO7bo3tOf80/lgMBgZcTqR1sMMSAKPSUOKMGxAAMUFHgwbEMCkIUWmYPF2qqGymtyk6ANwOumOVlSNojUSx8iBQZzWz4uRA4NojcSNTZSYkizoaeiDtGioZQK3X3y2ocoq8Rxuv/hsYxOkOITf6PQIytnnL81FtJPDHH0vSR2u6+ZUTmWgb3YpBd745CDWzJ+IN390EdbMn4g3PjlopM8Rgsb2OBavr8V1T76Pxetr0dget2ymLemTzvR1w349/bd2HoKWf+ZeAJzLG0h+b2nIhxXXj8fXR2MYEJQs7fPel/6OO6ePgMBz4Dhr/YsO5Sk6qALpfYVx/JAEHsUFZulScYGUl4HQ3caHrriNyenom6R0Mi0m7RxqfP/5HUgoFN/6r7dwx28+xq6GdmP8PRJJ4F8NHZj7zAeYVfMeOhIqFm+waoh89nU7mlOOSZo6EvjPV+rw63lJyeOGW87Hn354EQYEJaycU47iAgmBlH3k2SVBHG5PftexLmT1WIjpc0S20slcyvpUxCPy2Fhbjzue3wGBI0bIjHTunD7CqjW0oRaaBtu22RKVsauhPakZpGrYc7gDE4aGLQ5dbnvuI8iKdX3x4B8/xeqqCiOt9Hd0/X/6O/V1h11f5F3WGY9tSWoEbKyuxNIZZVjz7l7HdQFPYJuWompYuHY7Fqz9ENc9+T4WrP0QC9dux6ILh2FTbT0WrP0QAkcgCTx4njO0vdbMn4iN1ZVYM38inl04KWO7zrU9K4qGr1qi+KKpA1+1RKEo3fcqzSSKDEYfw+1EusgrYMZ5pSY39auqKlDkTQ4HbhLDAh9nqK6kP1+QcuQQ8HAIdXFWs6qqAoGUsxoNFD6JN53C+SQeGjrDa8Rks0T0kdnjsg5W7xGIrSMYj9C5aHELAeL2Do7L7PBHFAiuHDfIVMYr55RDSuXBSb1Wl0i4XRd5+/RFIT9PzJ3KG6D4y93T0B5TIAoEd67dYQrUnH7vkAEBeEWCoMhb2mdBBudAx6IKxMidkE+0SBLSw9rkE9mE4EknFylhrgHjnZwEiTyxteXVpYX6M5kc3uj5SygqinwSZIXi+nVmJ2T9fIIl1M/yWWNxpCNxzBLF7sRC7K7aal9GllUcjclYPmss1ry7F1FZRWnIa1FPPivsd9RosQsL85fPGix+A5675XzHdUTX31+va8APvjUSz91yPqQu8/dLtfst47nuPKemqgIeR3VODeGgZFpnhIMSCAcQai85dFoXxBV7DaBfXn+e7f1CytvryjnleOxPu7BtTxOemjsBI4qDGbW97MilPSuKhs8OtVnG2NEDC7rl+ZRtFBmMPoYk2AdU1k+kGzvsg7nrIQXcQjO0RTUIRDOFtzgajaMtqqHQC7THNcdg8f38gKYBH39xBJeUnQ6NUnBdXMtTCjz9jtk+8Ol39hj2P27hL2KyZhvYWw99Abirv7qFx9C0zA57ZCVz+It0iWBXV9/ZXHcLr5FvcIRg8TeHYNaEM03fSwjBnoZ2lIZ8xqZYP0kuDnoMr6eRhAqPQBBNaIgmEoa9o+4W/WjUuU0cq4obIzfcwtrkE07tlXPQPc1FlTLXTZJT2j6JxwPfPRfXrn7PIi1cu6BT1S+Twxs9f5LAo/qi4Zi/5gNL/f1mkTVI+d0v/h3Lrj4X/XzSMdftscZC7I7aal+noT2OBWs+RHHQg8duGI8bn3o/ZSfMYcPN50PkCSiSB6l2QeJ5QhzDSr3xyUE8v6jSmNMlHo7rCNv64Tn8/JU63H/VGKzoYnO4+eN6bKyuRGtURtArgiBp+5hpDOc5gpe277f0UX0dYDe/ZkpL1wDK5ltEnsPSGWV4/M2kveOm2nosenY7Ni2ebCsd/P33p0LVkptCMaWqGk31P5+UfXs+EkmgsS1ust23CxeVK2yjyGD0MdxO7mVVsz/pU5MqCmGfZCsxDPuSJ9pekcORiNV+Qbcnc5NIBj0cKoYOwI1PmZ8PenRHLw72g7q0ziVYPUdgG9g7fZ3l99hLRf1pecgkMXSzUXIrA6/I2Up19TL0Sg7XpezKON8o8Np/b6GXw4otu/DItZ1SxJqtu/H4jeMRTaimE+zVVRUoLpAQlTXD2cbG6kosWPsh/nL3NKx+ex9Wv73P9N4bK4fkJL1hHDt9SdJT6HNorw7hMXKVEuaySQr5RFtpeX+fhENtVvuz+uYoeA6GFKlm6248eu04w0mJLhEsLvAY+QsHJEQSiqMU1U0ieTLJtaxPJfR5Q5/v65uj+MWrO/Hjy0bh//5vnWVOSw8Sv6qqAiJPbOdWr2g/pz+/6Hzc+NRfTb8FvVbtjodmjsXy1z7DvClDQQhsQ0vNmzoUzRHZFJJKn3PtpJxOeeW4pNdxW40cntinJdiHFHNaJ0Rl1dhU3nzBMAAph302a6/ioAcHW2JYnFYe6eX+1NwJeHbhJJNXV7v2rGkUDV08e+u2+4rWPfVTtlFkMPoYbif3Is/ZSuR0G76maAKbHaQvg7wCYrLmeB1wDxafjcTRzk5Al5a5SdOc7AzSpW2RuNXL5q+2fI77rxqDUCoPbhK/XV+3WgJuDwn7syoDtzKMJZzLCAH39PONtpjz9945fYRJArxjfwvaYwrue/kfpvsXp+5PL5t0OxbbNt8NFTdGbrhpOuQTR6PO7bXAa70/VylhLl4Om1NeHtPHsj98XI/+U5MLVCcJybABAcPrb0tUxi+vOw9FfhEizyUPvGjSPkp/t9OY46SdkS6RPBaO1dNjd9RW+zp6HRYHPYaDFj3w/S9mjTU2TkCnZPg3iyoRVzQAFDHF3j/ARpsA83p/0Oc4gefw3Ht7UTV5KIqDEjZWV+JgawxNHQn8bscBzKwYDI/AQaPA4m8OQfmQsNGeP9rXBJoh7JaTB2KnvGqgjs98tK/JJBl9s+4grvjGGQhIPDbcfD54jkCjFM+/vw9DwkNt83T3ZaMBdNpS6v8WbZzi3Dl9hLFJTC93PYzHome34+Xbpri256aOhK3t/rKrzzV8Gxxzu+nW0wwGo9fhFpC+OCDhpzPKkFAoOAKEgx78dEaZEaydEOCSc04znbY9Mnucu31cSqLXz8GGsZ8vO2mYolHb/Ov2gxT2gaF1WZpG7Z9Ptx9SNWp7avnTK8uMb5w5YbBxMh5JqEZwX8BdKuoVOaxZMBH1RzqfL+3vMySGbjaMbjZQfonDpiWVUNWkTSdPCHge8OVhTDrAuc4VLel997Hrz8OaBRONkCQFXmfve16Jw3O3nI/GtjhisoonbhyPAi+HO6aPtNrVejmT9EZRNHx9NAZZ1SDyHEqCnm7ZdjA6KRB5W02HAjH/NoqZ2qsT2UoJc/VymFBU01g2ft9+BKIAACAASURBVHARfnzZKDzw+39i7uQhWLdwEr5s6gx5saqqAs0dCdz+/A5MGRZG9UXDUegToWoUtXubMGFoGG0xBX6JR1s8hkhCQUDiHaUn67ftxZr5E1CfFgqopEBC/4CEhKKisS2e80atu54ej1Vtta9TEvRgzYKJaOlI4D83f2LU5479LWiNyrZj6pGOBPr5RFA428O6zek1W3djZkUpVr+9DzecPwQySdbxrJr3MH5wEe7/bhmaO2SoGsWuQ+2YNfFMLH/1MyP+4qqqCogCsQ+7xSVDW6TT2JbI6Dlc5IitRpAoEFQMCZvm9ZqqCrTFFXz/NztMv827YCi8Aoe7vj0SX7fGASQd79317ZGIyapJMqi33+KAhBeqK6GoFDxHQEFBqf16piilAVbfHIWsaBgU8mesWyeNjTPDfnT3jIRtFBmMPoZbQPq2hIwWu2DRHh79RR6gMAZjIDnY/Oi3f8OmLCV6R6P20rJ5U4Yi6HWXhvkEzjb/3tSC3S1YvcTbPy+leT11s1GkFGhqT1gDtHuTg7ebVFRRKY5GzSEcHrv+PBTq4TFcbBh5zt4dN5/SfaUAmtply8ZnUFF+Lo68Geq8vjmKH7zwMTYtnoyHZ49DcYEHXofg7TxHsLuhw6ySelMF2jNILAtTphsnyhEAI8mRqPXEe8mGWmyqrsQZ3vxaimRqr90l1ziKXW3ylkwbjnXb9loWwjVVFSgOSvjySBR3bfoYU4aFUTX5LMPu8NKyEtzZJXD5QzPH4rE/fY7bLx6B0wo9WLdtL9bMn4jWqIymjgQefm0nAOBbZadZwind//tPjIV+ru78cy0DRnaIIo8Cj2AcuDW2JbB0RhnCAQkDC722Y2qRXzTiI66ZPzEnu0NCCBas/RAr55SDUpr6Dbj+yfexdEYZSkM+3HP5KEQTqmWuXTB1KF6vazCN1XbrkpdvnWLfF0UH2z6eg+rgOX1TdaXF2+uSDbV4OM2Bmv7bc7ecj6AHUDVY2v6Z/b14+bYpEDiCx28cD0ngEfKJ2NXQjkXrt5vyWRry2+YzXRKZjWTeyTa3sS2OwaFjt08EWHgMBqPPoTgEF9dP96IJzXaTEk0k9djlLCR+ma7LGsUH+1qw53AHGtvi2HO4Ax/sa4FshK9I2gGUhjpdTadLJBUK+/wboSWAp+dV4E8/vAhv/ugi/OmHF+HpeRXGqZnb9+tpPDTT7O463Y5RdkhDzqEMfvDCx6bnf/DCx1k/zxHg0WvHmfL36LXjjPxFHVRT9TrMN1SHOk9FZEF9cxRxRcX1T76Pec98AI1Sx/rb+pk5bMjvd9S7tmkg6ejBbiPT0B7P6Vs0jaKxLY4DzRE0tsVN8TtPZZzqQM7D8nFrr90hV1vOrqEkwgEJcycPsSyEl2yohaJRhINSUq1t2nDTPDCzYrCt6trMisG4/fmPoKTi1bVGZcyqeQ+L19dix/4WLJk23LBvTH/XzIrBxv9zDU/Rl+xZextxpdNObsf+FixeX4tZNe+hJZKwhIBYXVWBn79SZ9y/Yssuyz0PzRwLnoPtnB6XFWN9EQ54sGlxJZo7Elg1pxwjSoJYf/MkDA75bftSaciPjdWVWH1TBYqDHsc5M6Fq9vO9qtmGtCBIahQVBz1YfVOF6R1OY9SAoGT5rbEt6cDPbs5oj2sgICjySRgU8qO4wIPmqGxsEtPz2RxJGKFB0vNZs3V3Tva14YCE1TdZ0/GKXLfVrvPrGI/BYLgiK/bOauRUPB23YPFO0jZ9sHGTCHocTts9qdP2hEptPafdNEX36OmQ/5SzHUKAhEJx63OdJ9+r5pSDpI693L4PSNoxZvJa6qS2oi/6RYcy0GM0uYXfcCtDjVKIAmdy7S0KHCjNbqOZb7jVeWnIByW1Cte/067+HvjuGEe1aDebTjcnT9nQG4Ij91bcpPj5hFt77Q65eu3sapMn8hza4vaOZw62xjCr5j2UhqzhC0oKPLbP6OEz9D5392WjTfnLFBA9/f+5bPKY59ITh1M//Ko1hpqtu7F+4SSAJD37tscVk3nGjv0t+MWrO7F+4SRQALsa2g37Rrs5vXxIGEBn3/i6OYY17yal3brk7k8/vMi2/Rw6GsN1T75vWj/Y5dtprlUotQ1p8dj15zmuUbIdo0pDPjR1JFDs0GcUjeK6le+axn6nw4+AR0CBh+/svymvp7okMhe17XBAwsOzx2FAUAJPCL4+GsPKP//LWNccK2yjyGD0MYiDaiYhmTd6+mAopgLVdh1ExbSNoJ1nMH0jqDlI43TVVZEj+M7YM1Df3Gm/952xZxjpu22iZJVagwGnqW1KDhOKmKYWJnAEC6YOtXyjkFYGmfIgOJSR2/P6N/okeztOX8qrKaXA95/fYXle/8a+5szGzVHG6lTZvPmjixCVVXhFHtUXDsf/2fixeaJ3cN++8IJhtuUd9Ha2CTtHA6Uhn+HkKRuYypwzIkewuqocDW0Jky2bmIdt9kT2v+567VQ1ii+bIrb506V69c1RS5ihcNBj62xIdwjFEYI7po/E8tc+M9kq6gHbu75LV53T/09ycKjBPJeeGDSNggMsdquPzB4HjVL85MpzoFKAJ8CcX//VUA9Nr9vG9jg+b2gHACzbnJQ2PvXWHlRNPsviYVRXTS4N+cDznOGkJV3a/XVr1LWt3v1i0gmN07rEdu4g9iEteI5A0Sj6ByQ8v6gSqqZBUZPzxM3fHG77jvRNqv5t+sGyk5O0rmO/0+HHl00RjBwYhJTajemSyP6Bzv6iKBoa2uOQVQ0CRxDw8Cj0mjeQTR0JNLTFQSnF/DUfmvKvmx0dK2yjyGD0MXiHYO0pzU7X0A8CTzCgwGOSZg0o8EBIJdCRULHhvS9Mi/Gn3tqD2y85GwOQdK5iK01LScMkgYDnOItev+7IRRScXVQD7tI6iSdYXVVhcje9uqoCEt85qDoF0H3shvMAAIQDHpk9zmI4r0st46r98ytSz7s59PHwQKFPwNoFk8CRpIRTFAg8qfHc7RuLHNIvcnDP39txqnOJJ3h24SQ8+MdPDXunR2aPw2N/+hy3XXy2YbMocASyqoEQ2EoUCQG8AjGVN6UaYgmKfinzjZKgxzbMQEkw+w0eU5lzRhAIKIil3wtC/m0U3cao7nAsHlLTpdgvLpmMFVt2Wcb4VXPK8bPffWI8p6iqKczQ4m8OsXX4VLv3cCo0AjCwUMLPrhoDjgAbqyuhUoqAxFv6zco55Xj8zV0AYJl/TkQZMNyx03aoqaqARik0So2DyXRpc83W3dZ2VFWBX235HI1tCWNTtam2HiG/kPSiS5MOWn7+Sh127G+xqKF2lUA/8vrnlrk2fZMJJMfQozHFdl1S6LM/uBZ5+5AWhAAP/P6TlA3vdtMzXgko7vKO4gIPAp5OB2lNHQms27YXd0wfiQKfvZM03ald+tgfDkiWdYn+nY9dfx6uWfmurRaKne38yjnlCPkVDCryG31C0zQQAH6Jt+S/0NMp3T8W2EaRwehjcByHI+1RvFBdCVVLetfa8UUTuIEFANyDxcdkDQebOzByYCEUjULgCHY3HIVfLASQPE3ftqcJm2rrjXeWhnz4wbdGJN9P7EMR6MGoIwl7vf6N1ZUIBZKOXhRFwcbqSuP9h1ojkJXkaTLvEOpAl4jGZA17Go9avr/IHzbyy3MExQXm0+niAslwiKNpwJuffu0YvoIj9s/r39gSdQ6/EfAmrz//3j7MmnAmQAgopXj+vS8wd8pQBLzuanotDg6D9OfzDVmh+OJwm6XO+gckfNEUMbza1TcnHRisXzgJ+5oiOLskgGWb6/DTGWPwi1c/w7Krz0VTe8IUcFh3ErRg7XZLeW5MhQfgOAJB4DB6YAE2LZ4MRdUgHIPXU6Yy50wsoVnCOKxI9QkEejp3uSEr1NaN/rfHnH5c0s/Fa2dXKXZTRwKN7XE8/FrnQVYkoYIjBEumDTfKnuc53PZcZziE8iFhR4dPX7XEwEFCkUdEK1RomgYVSScXMVnDHz6uxy+vOw8Dgp5UKATg379ThpsvGGbMLz+/ZmxOIS+Y59Lji522gz7v6jGRxw8uwpJpw0EpsGb+RKzYsstoR+GAhNP7ebG74Sjuvmw0eI6A55KHsgVeAV+1xrD/SAQcIfCKHO674hz85MoyyCrFk3/ZjellAw1Jsz5G6u8LegVsrK5Ee1xB0CPgP/7wCXbsbzHyrkvrndYlXUNdvPK3A5g7ZSiCHgFr5k9ETFbxVWsM67btxT2Xn4OZFYMtNrz6PPHbD7/ErAlnGvPqbz9MzqvxlCfT4gIPfnbVmOT85HfuM3q+dUk6xxEMCErGJq4lKuPh15KxEhMqNaWRLom0s52/7bmPsHbBJEP9FUjaTd/63Ee4rqIUV5eXQkt5Q48rKpqjcrf6Ut5vFAkhRQB+DeBcJJ0BLgSwE8BGAEMA7ANwLaW0uYeyyGCcVPp5eAwpLsT1T5pDN/RLiavcAtr383EIBX3G5NFVGuYYlDZ1ZCzyxHRS3fW6W+iHoJfDkYhoeb+uJuiYfuo03ytytt+vh6YAkhIBtzQyBbx3+0Yli/AbmUKMuEkMCYFtMOFuhkvqMfySfZ1t29WIFX/ebZy87tjfgvrmqBFYuKaqAj+8dCRaIwk0tiXQ2MVTbWfAYfs2d7A1hqMxxTi9FQQOZxQdu4c4pjLnDCH2404+ttkCr314nALvyZfod5Vip0uBFq+vRWnIh2cXTkIkoRqqgro0qTjYaWPlZGuYUDTctelj1FRVIKZqOL3Ai38d7jC18Udmj4PAE1Q9nRZcfU45HvzjZ0bQ8JBPZPa7PYiTtoPu3EYPq5LeP/XwDss212HlnHJwHBAK+izzoigQkydRvW8PK/ajNSpj254m7Gpox/JZY7Hm3b2G6mbX8WBVVQUKfRy+f8kI1B1sM6XVzy8gpljXJV6Rsw0Pk37fQzPH4qXa/Zg3ZSiiCcXRHlel1HFeXbhuu1Eeje1xPDRzbEbNHztJukopJIGzSE+jCcWShi6JdLKH5glMmiqUUkwZFsZFo0ss41KRr3u+Cwil+en8QIcQsg7A25TSXxNCJAB+AP8O4Ail9EFCyH0AQpTSezOlM2HCBLp9+/aTkGNGH6FHZ7ZM7fVAc8QYJHV06cmgkB8HmiP4jz98YpHI3X/VGOP6G58cxCVlp1tOy7O97vb+nrx+vMqop5/PdN2GHl+JHUubfX5RJS78xZ9RGvJh6Ywy1GzdjTunj8Dg/j7sbuzAS7X7cd8V52BXQzskvlOdOT2Nh2ePw+CQzzb9pTPKsGxz3XG1ITzWQOF9nWz6ZRd6vNCc2uwxfMtxJb2NEULwwO//aTqUWvzNIZg7ZagheSGE4NrV71ny+/+z9+7hUVR5+vh7qrqqr7kREkSDcpGLgQGSAAZURNhRd4wyLiAKAQlKQBQdR8XZVWZwWXdXkZ+KF4KOgiIIiM7Mit/xMirjjAwjN3XGKCIXIYgkhATSSV+qq87vj+qqVHWd6mpuksZ+n8dH0tV96lTVqXN7P5/3XTB2AKqWbwYALJ1Shte37rf0KQ9W9Mddr25HQzCC5VXD4BN5x7K0z1ZXl4MjBIUBVfVRC68zfucsy9/tsPOChpYI8/4vmzYUVcs3631h4vFXZ5SDQl2UeARe38wzfmdNdbntePTyxj0YP+R8uDgCwcXpyt2UwvYd0soqzHIj4HYhKivI9Qq25zCWs3RKGfM61lSXo7lNglvgIbo4/Nf6L0zvjNN1PPmnnai+vBcEXmVSJVmByHPM7//62v4IRWWs27IPt468UG/f3zWHMP///mn5/vRLe+JoSDJ99vD1A1GQ5bbta16dUQ6PwOtlN7REcDQk4bXN35oYUS3S6GT62LRmFAkh2QBGApgGAJTSKIAoIWQsgFHxr70EYAOApAvFDDI4W+CkiOm0s+8R2LvlGiOX6+UwJOF4jYHtcmIMOQIsmVyKw8F2UYvOAVFnNJ3MrJ1yIFNRBFUo+xx6HR1YV6ccQoEnuPeqvjjQFAagejvee1VfU54l6/za72MKRa5XRM/OfvAcQSe/iFyv2G6f4VC/dIPdMwOlWDqlDDUbduHcHI9Fqe6Rcar89+tb9+OBa4qZZXTJ9iDg5ixMn8Y2FgTciMZkHGhqg9/Noy2qQJIVCCcQegpkQubs4PTOpROSmXkfL453Y8Eu1wwA3q2tx5XFhbh2cJGJUVlxyzBmfbt3bvdw27a30ZJv9ezkUqz82x48cM1FePitL8FzQMSGmfIlCGbUNYVwIB4q/vzUIcj2uGwYS/mE7kMGxwdWtMMj4wbi+Y9245FxA5EfEG3HNI0pXjdrOPMdJgS45dKelpx+j8Bh6ogeiMoKZIXiUFMIHoHDsx9+Y9tfa9E4DS1RzBrVC9GY2h/n+QTmOQiBSYAm38++jphC8eT7X+u57i9OG4Lpl/YEAdAWlZHnFyDwhHkOgScmz1Ht3YjFYsx35ndb6zCgKBc3XnwBKKV6ekOBX8Tcq/th/xG1fqrncz8IPEEoKuuf3Xd1P7h49Xd24oEiT0yRKvl+EZQqSSOVThRpvVAE0BNAA4BlhJBBALYCuAtAF0rpQQCglB4khBSewTpmkMEPCidFPupgDRGW7M3JAeCojXfQ2uryeH5dcrN4Ia4iaQwRXDK5FEL8uJOZNW+j6qrlF6aiSKh20NZziLym3AqmIa+uOuqgkEkp0JgQBrlw/EDkeISUrjHg5i0qcs9OLkUgHj7sVL90g90zi8QULFhfi4XjB6KTX7So3WrXfPsVF+q/SSxj7+FWuLsE0Deef/hdc8hkFj73ajVMSTMgNw7INZVl6Ncl67gXixlY4XbxNrY56Ze/aZtDfJxxtCdip2KXa7Z25nD85lpqYQ/rmkLYe5itgnroWEQfB7rmevXNP+13s1duw7yKYvxizad4+qYSuDgO39QHmWW1Rc2CTVo+Wl2TmnO1duZw2/zdjK3M6YcmEKT1gXl+EY/ERcIA4PbRF9rmxWufSbLCfIddhOiLK0BtOy/8dTfmXt0PDS0R0/cfv2EQqi7pkXScvrK40LIRuqa63HKOe177DGtnDjcJy+X6RGa5uxtacfOIHnq+e2MwaqmXrIB9jupypve0Mb9T+/zpD3bi9it64/ZV2yxtuS0WQ1hSTPOC5VVDUX8sYpkrNLdKCHiiyA+ITCXvW0b2Mr0bHEcgydS2nifVdk7q12ceLgClAJZQSksAtAL4Vao/JoRUE0K2EEK2NDQ0nK46ZpDBKUGq7VVT5CvKSzC0j092vaK6Y6UtirQdLM2aIRUzedZxzTibj+/wGc+vWheo343EFDwVTz5fU12OeRXFeOqDnYjEfR4p2GbW2l49IaoiqbH8RRPazejdLg5LEq5/icG+Q7tGpkmvxlo6eU0SYGllKZZNG4o11eVYNm0ollaW6tco2ZQvGRjDZOcPSwqzww9LqXlhdhSk2mY5jv1Mw5Ks35uwxM7VkBUKn+jCw2/VWp77I+MGYvH7OxGL7+iek+2B3+3CgvWqIt+dY3rrz2HGyJ6Wez7rla2oD0ZO0935cSGWxBi7IyGVNmvXBx1vvqWdnUoyc/poTGaahVNKcV6eD5QRcbH4/Z2oSTD1XjqlDEW5HvQq8EOSFciKopf75h2X4L27R+Kpm0pQ3DUbI3rmI88vghCqK6oay1LL9pg+e2ZSKWo27NKvixDg+alDTN/R8ndP5D5koOJ457EegYNX4HEkGEXVJT1QlOfFmOIuePitWstzfWZSKYD2MUW2GbeijPFoXFk37D8Ssnz/7rWf4Zxsj24RZRqnK8vgEzk8WFGsb2ZrcwS7SKWYrGD7/mbMXLEVE5/bhPte+8x2HLj/9c8xa1QvzBrVi1mvqJ0/ajwCKPGdiylqXuB7d4/EB/dcjvfuHonqkb30RaL2e60tB8OyLuilXdfhYBR3r/3Mck87B0TMeHkLXBzBz0u7oWr5Zoxe9GdULd+Mn5d2Q2e/NWrldPkrpzujWAegjlL69/jf66AuFA8RQrrG2cSuAOpZP6aUPgfgOUCN7f4hKpxBBieKVNurFGMb2muKnWFJQUsoZtrBWnxjCQLx0CEnRs5JkTNsYz3xxI1x6wmH0NdojN1ZR+MTSk1VzSgB7RE4XV0sKisQEqwQYoqs/x5w7lA5m2vUdvBIvNxEVlS7BsWmfCXFxbbTQtDJC7OjINU2y9s805iiPrO6phA4wmYMXTynhytVXdKDqSqnsdiJsvvGMGaXYedcgzYRyeDk4dTmOwpSabN27fV4GcUTsVPximxmVvNKYynvNgQjCEVlvDx9GFqjMrI9LjS3RXHj8+3iM2tnlmPu1X0thujaRqNP5LGroZWpqBqKypj3+y+xYOwAnJ/vw8Fm9X3VlCuL8rxQFGpreZGxlTlxpNrHGlnbgoAbCycMwn2vfYZ5FcXoUxjQwz2N47aLJ4jE2osUeM52XEpsc/l+0XbDlQI4FpKx4ctDWDWjHJSqTPgfttVh4rBu4BhzhJrKMlxZXGjJK0xknBuCEQQjMayuLseBppA+DmhtMdcr6PVIrJfd3EbgCfOdy/JYI3/swrzVfGLrdb00nf19Jf7/UFRO2SrmdPm7pvVCkVL6PSFkPyGkL6V0B4AxAGrj/90M4H/j///DGaxmBhn8oPCKPEb1Myt3GScSlAJ3rm43c69rCuHO1dv18ASNkTNOFIyMnMARPH7DIH0XTAvb0IyzXTbWE8bQ12Rhk7b2F7p1BcUzH36DcWXd4AOPqKzgmQ+/wfx46CylwK0vbbV0lsbwC8HmHNo1OF2jJFNLGORthhAPpw77RI9rC0G3i8OL04bgQFNYn6iel+cxsabphJhMcfuq7ZbrfXn6MP3fh4NRi1/bkzcOBk8AMW6I/OjbO3DvVX1NOSYLxw+EcZw05hA2tET0+8zbhBN3tMV3uuJ0mtT/0JApmO117czhx1XOidip2EUjvDF7BAB2LtqiCYPw2pb9mDCkG7rmeiDJiqn+dU0h7IuzP4mG6MbwtS7ZbqyYPgz/88cvdUXVheMH4rUt+zFrVC/4RB77GtsQcLtwOBjVr0cbf7R3T8tHPHg0BNHFQ3Cx372MrcypQ2NrFI+/py7wC7PcEF0cCrJEzFyxVWWX87w6Mweo93/lrRfDxRHdKqMtKtsupBKN6jVrI/Zz5aBQijVb67DoTztNx/6trAhhiVra4KxXtmLFLcNMaqhP3jgYHheHZdOG6uPgubkevLF1P6aO6GEKI9XKbw5JEG36eoEjeGZSCY60Snp5nfwCeEKY79waRkiqXZi3i1M3PhOva5/NPSJofwcUhUKSFcQUCiIres5jIjwCe+5mVHw/EaT1QjGOOQBWxhVPdwOoghpSu5YQcguAfQAmnMH6ZZDBD4pcr4gu2R7TbneXbA9yverizUlsRgFFVoIZvItXPwdUNi3HJ5jKz/EJOpuWY2NCm5Oi2I2T/YUTI2kndmMUzQh4bIxy43UUXQS5ftF0jbl+EaJBjCYp48cTZoft4tvtN1j2F1qHzhEwzYI1sRpCgGiMWszL09FqAABiNs9M2+FdMrkU5+S40dwmmZ5JlscFQoAVG/fo9/Oxd3aYmA0jm50I46Q6IsWYogHpuvjuaHCy1UknyIpdGPTxsc95XsGy+VFTWYY8r71BtmQTcSHF2s/tdpnZTp/IY/pl3dHUKuHG5zZh0YRBljJIvBw7m4yjIQk/W/xXvY53/Usf+AQeSzbswtiS8yzsT7dOHqypLreOP4x8xJenD8vYypxmKIpiGTefnVwKQLVUYbXDVZv2Yulf9up/d8lWwy9nrmj/3sLxA+MblV5Tm3PxBEV5HssC8omJg8ERNeUlcYx8YuJgxBSKlrDEbIOEEPO8I77JaxwHH79hEMYPPZ/Z39RUliHfL0CmFIsmDLLYVBACSw7hogmDbOcUrMgfLczbeC8Xjh+IYxGJOW/44z8OWucC8X7x+alDkOtx4atDLZZnw8qdpxTMSIeT1QvrcAtFQoifUtqa6vcppZ8CGMI4NObU1SqDDNIHHEfQPd+PLI/ADFXgCJtN08zipRjFf7/1JVMiGlDZtOk25uWAKnZjJ4YT8KjnZ4Z1kna2LllCtuLESBKCmZd1t0hEc4ZVVEvYvo7ZHqAtqqBq2WbmNeb5ncNvJZlir42BPKAORk8lmI8/pZmPx6/RSXCIJSiUrmI2dgJFLo5gXkUxfv2HL/DUpBJU2bS7pX/ZCwCqBHp8x/hYSEJrVDax2YlIDEX9eOdBUyjUB7UH0XVQ0Wm99h8LJDl5SHw6wakPSxVNIUnPWdLe88Xvf61L47PgxEI2tkYx9cVPLMeXVw3DfevUPsNoeq5BY4tYx4ryvAh42kP2Zr2yFfMqipHtcaH68l66GqTx+Jrqcr1exvGHlY849cVP8H93XJJSeF0GJwaZMW4+/cFOPFjRHzFZgV/k9QVGJ7+Ihe98pYd5as902bShyPebTeM1X8HfTi1Dr8KAbpkVlmI42haDi+OwYvowyJTi+6NhvPfFQUwd0QNtUQUcIVg3azgiMUUPPf23siI0t7Hb4J6GVosFy4KxA0zXdPfaz/D0TSXwCbxtf/PFdy14fet+/b3TrC4kmTLFbLS2zBqfWGHeBQH2PVo1w1rOv/6kq3Uu8MFO/Oba/ujbJQvfHwuzxQNnDrd4/kZlyhwjjzfSIREdZqFICBkB4LcAAgDOj6uYzqSUzj6zNcsgg/RDMol+J7N4J+sFJ0YwFeuIZMyCk/S80/k9IoeKwUUWU2CPaBazsdshBJxZSadr8AhsA3mNMZTjOXXGfAsAeLCiGAAQcNswnm4upfqlG4gdg0qAmSu2oqRbrq3xsNauPtnbjBkjOSgU1mefJPRGe1ckSWbawuR6OswwmdYQeHJapNvPBOza6/Ey+tGYzOwHfnOtfW4eK7TUyL7Z5ftxpD0vq2bDLkv9i/I8WDRhEF746272tRlETeqaQijMciMaU9DcFmWeDwDTu82ufqGorWo6XgAAIABJREFU/IN4UP5YkShyVNItFzeP6KH3dx/cc7m+CPvd7BGWNlnXFIIkK4jEFNNiTStLkqmp71w0YRC65npwoCmEKfGNiyuLCzFnTB+TdYvRxF5j0s7L81hSP2oqyzDv9/+01Illy5LjE+AROYzsa07B0eYx79ce0udABQE35l7dF3ev/dQ2v1Cm1PJO1MTHFdY8gBBY7hEAEFjL6dHZbzsX4OJ+jcy5CiN33mludKLoSCPg4wCuAvB/AEAp/YwQMvLMVimDDM4+ODJ2DtYLTrvpqbBtT8dVT7UdtKfjO2hJf0/aGdFk5w9Hk7B1fvX7joI9KbCeya7ByWLE6RqDEQUuomBNdblumn0sFEEwoiDHp9YvGSucbqAU+GjHIcvub/f8HijplotZo3rZ5n7wHMFHc69AWIqhORRLet+ToaE1yvytcec24/V24jibGMVk7fV4cCI5iokseGI7tCvTxRM9l0uSFQTcPFbcMgwEBHVNbQhGYvjyu2b85tr+iCkUq6vLEZJk7G5oxUsb9+C+q/qZyivMcmPic5swr6KYne9tE7J9Itecwckj8b7PGtXLFLXi4jnMr+iH0cVdQSnV8xKNgkQ5XgEUVlGxO8f0tuTsa7YSPTv79cgaF0dMdhIFATfCkoInbxqMiKSgLSpDkik27mzAVT8518TK5QdENCQoUBflsW1Z9h5uQ58uAdt5zB1jeuOD2oNYNm0oPAKPm+IL3JhsFeXRxuU/bG/vuxQKRCQZYUnBtr2NliiUn/bvqr9rmtdkQzAS//4R/fvafCPZXOB4hOu0vMbE757sCNWhki8opfsTPspIXmWQwSmGY46iw3FtN70ozyw/ra1R7I5r/ZpCVTZNk7OeuWIr3q2tN5ndM38f7604u/IN+Xs3j+iBBetrMfG5TViwvhY3j+hh2u3P8bKlubU8Sp/bRrrbbWYEE69BYz2dVVWTX4NP5BCjHCY+twmXL9yAic9tQoxy8MVZUcGlssLGa7xjdG89jzPdYGSbNAnwawadB8Glqs0VZrmZsvxLJpeiJSxh0vObEIlRUJz4jqrTzq2WW3X9sx/jkkc+xPXPfowdh1p0JdsMkoPjoO/wa894ZN8ueptPJ3iE9qgF7VoqBheZohZSgcYOGtt0Krl5Ggt+Xp4PBVlu02YFq8yllaU4Fle6nvjcJvzqjX+gLSrjl2s+Q+ULf4fAcyjIcqOsR2e9z7nxuU0IRWVs29uIOWP6YN2WfXp5j4wbqHskvl97CHMYfVFEkpnvxolecwYnB9Z9N46TexuO6REVly/cgHl/+CfmXt0XJd1ydabM5+YQkmSL/dUF+T5bJm734VbcGG9TB4+G9e+VdMvFvVf1xauffIv9R0KoWr4ZY5/5GBOf24SyHp1xpDWKquWb9fE1KisW268lk0vRrZPXMo5qlkh2Y8Gk5zehtHs+Fr7zFQ4HI/r3tn97xHbcv760fXyatuwTBCMxeATOdM8mPa/W3S1w+ru2YH2tqiZcNRRfHWzG5f0K9e9PfG4TaJxlTLwGo3Ady+6MlTvvNK84UXQkRnF/PPyUxoVp7gTw5RmuUwYZpCUkSUZ9MKKzUYUBNwRB3bF1YuScjlOH/Dmn407lK0ry3zvl7zmpqgJqHuX6T+uY7EbAA7RF7FnJPJ8zI+jEWDpdY1vUnpHM86t5pMkYzXRDMpb7vnWf49UZ5UxZ/rCk4LujUf3+vMrIAUk1d0wzerao7SbJrZrx8hb8bvYltmHeGbRDUU4NC9cRkDRiwJ96OU7s4PFCY7w7+QSsibM4uxpa0dQm4Vdv/MNUX03hdOaKrbjntc+wurrcck2zV27D6upy/OmLg7h5RA/cMPQCcAT4/lgYx+K5jGOKu+hsksb+R2MKIjGKhpYwOI4z58if4ms+kfvzY4wISLzvAHRRGgDoXpCth44C7W1kxfRh+Lo+qI8vVcs2oyDgNvXDoo1qLSEEv9vWzsQJBrXRWaN64f7X2Sq7txlyXLXPCQgzImH6pT2Zlkh2YzBHVBukpz/Yifuu6geP0M60llzQCQvf+Yo57muCPFob5zmCsKTOIxK/P6+iv+U+Lq0sQ+kF+XjozS9M369rCjPnAvOvGwAAoDbXfevIC63PGAQib84JNc4rThQdaaE4C8CTAM6D6o/4LoDbz2iNMsggDSFJMvY2taHuSEhXvmqTZHTP80EQeN3c3Kj4tWjCIBMjlyz/xufmcOeYPhYVLo1t84kcHqgohhSj4AiQH3DjgYpinQ1zKp/jgFsu7WlbP44DfnllHxxsVsNQRJ7DL6/sox+3y9+TDawSR8DOX4jXIWaTQ/jANWoOYZaHrVqa5VEr4RE4poqcx3APqkf2wi/WfKoff2LiYP0eODGShNjcozSd8yTLS1VZPVm/n5os/7OTS+EVOPz3//tS/75CKZ68cTDuWv2p6b4ny4PTJo8KpXiwoj8OHQ1DoRQiz+G+q/vBG39mGa+3k4NH4HBtQu5wjUP+aEeFUx718SBZPrkdWAseACafvDvH9EbPAr8edsqq77m5Xrx390h9Aspu3woGX9AJTW0SZhr6s2cnl+K3N5chGJZVX77xAxFwuyxKz099sBN3/7Qv+nbJMi0Wf+jNFZba6vNTh5jqdbbDeN8PNLWZnrddJJFMKWo27ML2/c144Jpi1DWFUNcU0m00AGDjr65gjnc+kcPYkva85CuLC/VxU1PXtVPZlRVqKpOAMsdshVLkB0SLuqmLI1gzsxyKAjSHJBxuiSDPr6qzv3LLMAQ8LlQt36y33fvWfQ4XT9j5gvHr1lhQbe5yZXGhRe9BnctQy/VEZQWEqHMXF8frcyOeo7hrTB/Tu6XNhxSFIt8v4uel3UzXzWLgYzEFh4NRPP+XXRhX1g35fhHn5nrxyyv7nLQaeodZKFJKDwOYfKbrkUEG6Y4jbVEcbomYJJ4Xjh+IbLcLXXK84AlnYxatTthSYQzdCb93GySYFQU41iZZJgwBgU+pfA5sM2suHmnvFzk0BmGxhvDHJ/R2+YVGM2wn5VQnRjAYZjOO86/tj2yvupBj3SOtBiLPIdvrMh3P9rogxo3hnT3nCFOd7WTVzc4UkjG0Wv7S6k/2YcX0YWhsjaKxNYqnP9iJO0b3Nn1f4AiyvYLlvrtsFoqsyaNRXGHh+IHIias9ZnKrTg4RG6XetWmo1OsUUXA6YbfgyQ+I+iLROJktyvNixfRhzPpme1yY/Nu/o64phA/vvdymfXMISwrueM3suzh75TasuGUYOuWJmHt1X4QlBfets3rLzqsoxoyXt+CN2SNQmOU57ffHDpmIADMS+zO7SJ/9R0K496q+eGnjHvt8OUIgK4qp35UVBVLM7IeoLcBenVEOQtp9DVll7mpoxeL3d2LB2AG4IN8HjhDbecMrf/tWZ9x4jiAqqxYXiaJ8j98wCDwh+NUb/8DC8QNREHBj+/5mPPq2aqlk56+ove8aC6odH1fWzRIJc//ragSMEUV5an6nyHOIxihuXfmJacOlKE+1M+vWSb3ulzbuwU3DLkBzm4S+XbJSYuDrgxE8+f7XTAsU10n2Sx1mK48Qspjx3wJCyNgzXbcMMkgnSDaGzFKcjYrFzZa1+P+q5Ztx+6rtei6WwBPcOaaPKefkzjF9dFYmFLeOMP6+atlmhKLq78MxhWlGH477fLldKlOjLYo05kaLuY8plF2/eP1bwuwJZ0tYLV90qWyeMU6/prIMoiGm346x0xQ0PTZ5AZ54GZJNjqJ2j0NRBQvf/grR+D2Nyurf2j2KxBRMX77FdI3Tl29BJH6PNEYy8Ro09uV4lNDSAQEP+3q1z2WForR7Pqa8+AnG1/xNv9+zV27DrFG99Ocjujis27wPRXleFGS5UZTnxbrN+/T7ngijCfWa6nLMqyjGso/3YNaoXu3vTfyeZnKrTg6SQjGiZz7eu3skPrjncrx390iM6JmvvzPpBL+b3V79bvOUSlEoGloiONDUhoaWyCnJZ2W12cff24GwJJtC+oz94//88UssSejPairL8PBbtfr3mtuiePyGQabvPH6DGqVwTo6H2d80BqOIxccbn8gzv9OrwK+LlpzO+8KC8TzRmMp8JtbvxxoRkNiffVB70JKfp+X73f/653jgmmJd7TtxXJQpe8yWFKvS6riybojJCjgAz0wqwetb91vy6haOH6gL6VQt34ypL34C0cXhgWsuQq+CAAqy3OhVEMAD11wEgSfYWR/E7sOtaGiJgBCChW9/hXFl3Szvwd1rP4OkUFM/D0A/TzJ9hWcmlaBPlwAWTRiEpVPKUNIt15YNpaCWMv73j18iElOYKRbhqIILCwPgCdGvyyNwePy9HWhsjdo+Q2P7lmQF48q66YtprW94+oOdiJ1FPooeAP0AvBb/exyALwDcQgi5glL6izNWswwySCPYhRBpg3Fi560d1yZshBC4XWZjW7eLgJDUzOZTCZuMJJja1lSWgfiS19+pfO24yLPZPKOKtuDEGEZl0y6lrFA8/9Fu3DH6QuTDmfHTBHVYdg+p3COFgvkMtPmUHaORriFUisJ+ZooCLH7/azxYUYx8v8i8Z/3OycKqGeV4+v2duPeqPmwLBhuRH5YJ9SPjBiI7bomhhl6p3z2TuVVnA/wij8rhF1iejV9MP0ZWtmmvxn2a0xXqaNdmXXFGiDV5fbe2Hr++tlivLwXQyS+YQuxcHAdCqOmaBBeHxmAUh4NRZn/T2BpFQZYbdU1sb0aNkZp7dV+4eS0/+4cJAU0WLWBU8vyxRgRwHEHvggBW3XoxgpEYsjwC3ALB6upyHIg/z8feab9XlAKtUZmZLzepvLvtnEPP/0sI29TSJeZVFONYOIZl04YiGIkh1yvgl2s/08+rlcUR4FhYtqR7ZHtclnK1PpxVpwNNISxYX2vq5wHoCzsWa/lfPx+AsKTg9lWfmM6hULZKqqIAC8YOwPn5PggcwV2rPzWF7ibWKSJTTHnh76YIrA1fHVJF+MB+X3oXBLCzIah/vmzaUBTleZl9g9Ha5kTQkRaKFwIYTSmNAQAhZAnUPMWfAvjHmaxYBhmkEwSeY4pyuFIMa4zGFFtjc8DZ/sKpfCezeN5BVMRJLjoYUfQdRR94nc37zbX9kRNfjLo4YvFpevyGQXodXRzBxt2NWLu1znSOu/5FDXV0uzi8OG0IDjSF9UnVeXkenRV1ks93cUSXItcMij+oPZjyMxA4oudVGCdBQpouWtqiCj7+ut5yP37avyvera3HjMt6IT8gMp+7wBHsPtyK5lDU0bYkESwT6vtf/xzLpg3Vyzfm0J2J3KqzBXa76alYl3Q0hCUF6zbvw/gh57e/35vNVh+nK9TRrs2+cdsIPD91CL4/Gma+J0daJb2flBX1HTP2szk+0SRmov1Os0lI7G8eGTcQL23cg19X9Fc3+xjejI+MG6iLi6ytLtdzKzVGVHtHH39vBx6+fuApfbdY9/++dZ9jwdgBqFq+ORMRAKApJGHSb/+OeRXFWLB+KyaWFeH6siJTWgMQN7s/3AqPwOFfis+xbPbYhWy6eA7PTCrBkVYJ3TqpmwYFAXVjoa4phBf+uhu/ubY/PAKPfY1tWPz+Ttw5pjfTBiMsKdi65zBWzSg3jRGd+ne17cOZiziqMopuF4c8v4g377gEh4NRdPIL4AlB1SU9LONqTKaWVI/7X/8cj00YhCWTS01pNk/eOBgHj4b0NrZqRjm272/W50CsOu093GqJwFo2bSiqlm/GmupyZj+yduZw0+eL39+JpyaVmASKtHqebB/bkRaK50HVCzsa/9sP4FxKqUwIidj/LIMMMjDCxQFzRve25AhqkZcegS3EYjSDT8bYafYUFrYsXr6t0Iu3PbQ0GZumWT9YzOzjrJDgsjG7dyVn84xh+jIoBBdn2T2XYbavsLtGrwBEY9TCinrVdDZHc/EcL8c0d89J8R4poPCKvKn+XpEHPcmdwzMFo8w4q00qcUGFZyaV4vZV5nZ9LKwqOmpGx07P3gg7AYdgJKY/07x4jmIGJwenNp1OcHq/gdMnfpRonK6VK8kK+nbJQpdsN5ZWlpnEMZZXDUUoKpvqu7SyDPdd3Q9Vy9TP1s0aziw3HFP0PK7V1eX4/mgYja1RvLRxD+aM6YM/1R7U++PH3lFzvbp39qExGMXDb32pM0OtURk7DrWgk09gvqOKcmrD5u3uf6/CAD6+/4pMRADa71GuV8DEsiKMuqgL/vPNLyxj35LJpfj1H75A78IAZo/uhRW3DENjsD1XfO7V/fDExMEmcTZVXI0inBA9pG0eAGpfrfkqauc5N89jOz+xGyNYz7ktKluu4+lJJYhIChasrzXV59VPvsUtl/ZEOKbg0bfNmxiPvr0DT9w4mHmOc3M8oAQJWgMCtu89on9HVhS9rvle0XJtNZVlmPf7f1rKFlyc3j8y+82E9JPt+5sdrc1OFB1pofgogE8JIRug+kaOBPDfhBA/gD+dyYplkEE6QZIpM0dQ21UKS0kM6aEyejMv627eLd+yT2fsFAe2rMVG6OU31/ZHtseZcXSyfnA6noo9hqIAz374jYl1fPbDb9otOBzsK5pDChYnXOPi+DX6PcntHgDVnsNOXj/gsbdqMNprfPrtESYDl45IajcAoC0qxxlDBa/ccjF4joCCoiUUw7dH1N1prQ04PXsjEgUcSrrl4s4xvdHJL2LVjHJ1xzquHpfBycFZoCl94PR+A6dG/IilbpqsXI4j6OR3I0t0YU11O/MCANPiC0KtvjNf2YoFYwfonzW2ssNLc7wCSrrl6ixP1xwPuuZ48JPzBmD+//0T48q6WcIRV//9W5R2zzeFeHpFHjc+twlrqsuZ7+ipFuKyu09egf9RRwUY2xSJs8qd/CKuLyvCjfFFW0NLFPPi4f5dczzgOYKGYASzRvXC90cjePGvu/WxaVxZNzz69le4a0wfy5ygcngPJhM3r0JVD7fYYsTfIW3+UJjlRsDtQlRWko4RrOfcOSCic0BUbWIoxa76VgTDMYtNzP2vf45VM8qx8m97MHVEDzQEIyZF12RMIM8RfaFr/HxVXMymKM8Lkeewuroc279tRCefgL0Nx7A6bl3DcwRC/N4aoUXKFOV5TZYipjoxPrcT8kvFHioZOsxCkVL6AiHkjwCmAPgKathpHaW0FcB9Z7RyGWSQRnDaVdIM7xMloLXO22gmzWJ3BJfNbnqc0XOylvCIbMbRa7COcMrvs5OwBlK0x+BszqFZcNjVwWAhcjI5iE7Hc70c5ozpY7lHud52CxLW7qrvOA2/OwqS3Y+iPC/OzXVbLFkWjldD1d6vPYSSbrm4eUQPtERix7WjyhvY8YKAG3Ov7msKO3rWwMRncHLw2bz36dhmU2FHNbEQizppiqGOdrl8vQsCScuNxRTsqA/izU/rcM2g8zB75TYsmjCIWV+fIT/ULnT0v9Z/gblX90VBlhtegUNMpuiS48WBpja8W1uPOaN7I8CwLegcUOtj7BtVhoV97+hJsh6JONn7fzYisU3NvKw75ozpg6rlm/Hy9GH6c9m+v1lfLP35vlF4KM4yul0c3C7OMvYtmjAIboHTNyO0dxtgP+vCLLdtO4jEFLxbW4+Glijuvaov5ryqqu3++b5Rtu8cK8LII3I40BTG7JXb9L5d4NnsY/2xMK4ZdB68Nn1Urpf9OYm36cTyaDx38dnJpXjyTzuxcXejKvqjUMxZ/bnp+2/fdSk7eokAz08dgsKAm9mOWZ87WY+dKDrMQpEQciuAuwAUAfgUQDmAvwEYfSbrlUEG6QYnQ/vE3BSNrdKOOzGOUiz5brpjjmJUgSRJWFNdjphC4eIIDh1tQygqAH5nRtDJGD0lewwl+TkUCshyzFTHXfXHoEVHpVLHZPfA6XhzEsbR71Fz+uyeUd5xGH53FCS7H6tuVRnEh978wmL03NQqYUxxF4wp7oL7X/8cL9vYANjtqHIcpzPH/c/N1nfUgfTOoeuIOJvabCrsqCYWsnbmcEiyAoHnUBhwW0IdJUlGfTCi9zOFATcEgU+a45hMVKk+GMGsV7Zi2bShunl4YVwBOLG+bdH2MNjt+5vx0sY9WFNdjsPBKHwij7AkY1xZNyz7eA/+/WcXISQpIAD2H2nVxxGPwFsiWO5//XOsri7H+/dcDkWhiMoKFApcWVzIZEKOl2lNBRnxKSu0NqX1o70K/HreIM8RLJs2VDeur9mwCw3BCDhC0NASxWPv7MCj4weCEGJ53ve89hkeiwvTJL7brGddGGd0Wcfk+OagZrmyaMIgNIekpO/ctr2NltzFfH9XU+SRJCs4J4ed597YGsWC9bVYU12OXC9nGvcVKqM5ZN932dVpdXU5eA6YNaoXZozsiY931uOn/btavn/waASvfvItM3rpws5+uFwcLuzsN9WpMOCGy8WZ2jchBJTSpJFQJ4oOs1CEukgcCmATpfQKQkg/AA+d4TplkEHawWlXSeAJ7ru6H+qOqJ2VZk+h5dc45Xk5qY763DbMgbudDRMEwZybYGAWnBhBn8gx66/93idyWFY1FHVHQnreQFEnr4m5UCg1LTq0gVFjngJuDp0CXlMdayrLEHC353GO6JmPGSN7mlRRtXugyYhb8ijj91jgCZZXDcV+Qx27dfLqx50MvY83F6+jw+fmsHLGxZBiFBxRF+qCi8Dn5lDyn++b8ku0UCYtp6VngR9H26T4ZAcWcYEllWW2qqf5fhF3/7QvZry8Ba/ccnHSdp3BySGmUDS0mKXeG1qiaZmj6BHY7dUofKQo1KRKqDEBRnVPSZLxVX3Q0lf2KwwkzXFMJqqkWed4hHbmx2gqbnx3gPbJelGeF3PG9EFIkhGMxEy5wI+MG4iYQkEIxX+/Vasbej9wTbElV0qrZ0xW783NBqaxprIMBT8g05cRnzJDswhJVAl9elIJGoNRUy7hM5NKkOMVcaQ1iscnDsabnx7A3HWf40mbfL2CLDfuNfTNGitmx5ZRsI89/9FuPD2pBDwhui9nUZ4Xb94xgj1GiBxG9C7ArvqgPpaO6F0Aj2CeJ0gyRUxWLPm7SyaXIhiJoSDghkwpKDhEJAUcUX8juDjkejlm3yXwhDnX4TmCX//hn/j3n12EoyEJzW0SLulTiPe+OIinJ5WgqVXS69qva8CiKfHs5FK8vHEPrh1chN6d/fj6cKslr7Fflyy4XJzevg8dDcHjZs+NtEikE0VHWiiGKaVhQggIIW5K6VeEkL5nulIZZJBucDK0BwgOt0RMg4LRWPxE2TKN0YtKFD6Rw/KqYXqHTghFVFInhG1Re7Yszw9d5t2yS0facxiZ9Xer3Vk0RtHcah70Hr9hELLd7d2dyHOWMMOF4wfq3o6tEXtz8Byfs9S/rIApIz7tkp7qPeSJJcm/prIMnfxxVtTB0DuVPMx0giIDx9okiwBTQFDvZ11TCE2tkn6/tM+0nBbiI7hzTG/UH4tCTLAVURQF1EYnI5F1SNauMzg5eFzsd86ThrG9lLLbq19oZ8VSUT2tD0Zs+8ITzXHU+meA6H1EXVNINxXXTL2f+mAnqi7pYcpFe+jNL3DfVf2YfcurM8rRGIxYNqiWVpbhyuJCUyqAmkNFEI1Rk8rlrFe2OjKiGZw+iC4ed47pbXm+iX1rQcCNtqiM21f93TQ+9euaBQo2E7ivsY05HiWbi7y0cQ+WTRuKoyEJja1R3Y7j38qK9EWnVp6s2L9ziYvcheMHIs8nMucJ3Tv7sOKWYaAU+LaxDb/+wxdoCEawcPxA+EUeB5rDlg3eLDfP7Ls4QuBJGG88LgKBJ7h5RA9MeeET0/evHNAV+4+ETHVaeevFeIqhuTCurJuuBp/YR8x6ZSvWzhxuyp1XKPD1921w8cRU/lM3lSDodsHvOfF205F66DpCSC6A3wN4jxDyBwDfneE6ZZBB2iHg4TE3wdB+7tX9EPCoE4yorOgdHtAuG66ZwzuxWV6Rw9IEY96lhhzDmEKx9pN9es4Jperfqebn8XHrB2P5C8cPbF+Ixg2eLfU3+ERqthfacc1oV0PMpoyYoYxk5uBhO+PcmHoPOQKM6qfm7Yxe9GdULd+MUf266DmMoSh7IaoZwxOiMmPLpg3FmupyLJs2FEviqp5AanmY6YRwTGEKMGn3E4CtobesUNz32mfo3tmHzgER/+/z71CU50VBPNzu/33+XUqm7oQAT0wcbGp3T0wcjMz89dRApux3Lh3bbMSmvUYM7TUV1dOYoi6klk4pw5rqciydUoaCgBsxhVoM0ROZNzvTereLw7JpQyzqqJqpeGMwipkrtuLd2npwhGDB+lp4BXWS+25tPYI2eb6UUhRmu3WGcumUMiyaMAj1LRH8188HmPqqZVVD4RM5/O8fv9RNzY3XrzF95+X5UJBlDcfN4PQg3y+iR4Fff74l3XLxyi3D0LPAjxXTh+HVGRejpFsuZo3qZXlXZ72yFcXn5uDht2otpvQ1lWVY/P5O07nqmkJ6rv+C9bWY+NwmLFhfi5tH9ABH2nUAFr7zFSIxVYlUs5Hoku22tMFk7xxzPmDzeUwGDjSFMPXFT1C1fDO272/Wj4Ul9rgeirLLisQULHxnhz538ggcGlslhCTFshi/b93nUCjwwl93Y15FMdZUl2NeRTGCkZjOVoouDj07+zFndG/0KQzofQGzj5DNu5+SoqBzQNRzOrXzznl1e0rjXzJ0GEaRUnp9/J/zCSEfAsgB8PYZrFIGGaQlpBhFKIGtWlJZBinWvnCzmwgAsM0hcXHtYjNigtm0KHCm0NZk0vGOPo4yW6J68U2DAagTJFb9tYmS3UJXSVgo2i06AHVRwmIMNfEHp99HbGS2n4xfg9NiWfNjND3DyaX65055qOmGVMRB2qJsxk+ddIoQeQ4cB2bbE3n2fTGKO/x2ahmyva4EqXMXxDRkvDoiYrKdzHv6LRRTaa+pMILJWNZkOXbJTOsVUERiFHVNrczzN4ck/d/n5XnVPson4J/fHUNRnhfwdnqsAAAgAElEQVT1LRHm73Y1tKIgy40RPfMxtuQ8fSJ8ZXEh5ozpY+qrnrxxMAjU8Lxcr2B7/Rn88OCgPoeCgBu/+td+plD+heMH4jfXFYPn2KIvmpCcpoqqjW2dAyJTuVOxiW76j58Vw8UTvLRxD8aVdUO2x4Vl04aiLSqrZTHaYLJ37ng+p5Taitocb1kypabw7rlX98W9r31mKx6lKNTCyD87uRTzryvG7au26589Mm4gnvpgJ+Ze3Rd+kc1megTze8QTgqidkOHZslA0glL65zNdhwwySFdEYsmtBpwWGS4Cthl9fK7dFlF07y3j79dUlyPP5ywd77XJIdQYSY4QpkS1Xj+HhabgcBxQWVaWBYgQZ2GjDubgTuG3mpx44jXwKV5DWGLvnmrnF+Ksa+LgIaTpzrzT/SjK86Jrrtvk3/X61v2ouqQHRJ7Df/ysGO99odqDJLNOSYQxPNDvFnATw3A8XcN5Oxpsw6nTsM2mImaTiuomIYTJVLxx2wgA9jl2ycJapRjFrFe2oiDgtuSAPTu5FATAazOHoyDLDSmmQOQ58BzB61v3Y+mUMrSEY3hp+jDdAL0hGNG97xqCESyvGoZH3/5Sf8c6+UV9Y0ary12rP8WCsQNw55jeumCO8fpZth8ZVvH0o7E1ipWb9uLl6cNACPTQSKC97S0YOwAXFgZs27fGJGoQeQ4ujmBpZSnqW6L6mF6YJcLt4nD7FRfiSKukf/f2Ky4EIeo7ZDzGcwS5PgEEQOcsEStvvRgNLRG9r0/2ztn1K3aid80hybYsO1sqZlmkPbx7XkWx/i7blc9zxMI0zl65zWRTU9fUbiFy3zo1fJfVR7w2S7WT0d4lhVJ4BfYmf+Ki8njRIReKGWSQwYnDabfbSewmRtlm9DGaWuioc2gpEGHk5/EG64mkEs8EWDRhkGkndNGEQar7airHAfhEwrQA8YntFh/JroHjbJL0U7wGJ8EfJ8bSKxJ0znKbnlHnLDe87vScbAVs7kfAzeF3s0egk19ESziGW19qz/l4dnIpcn0CRBcAcLjo3Fwo1Lpjm0zkxxgeaGcrk45iKx0RgstG4MlGaKgjI1l7NcKd0I+6E9hpyUYIRpKTm88nC2vV+o66phAee0eNajg314tsjwsPv1WLhpYo5l7dF5UvtOefLZ1Shv+6fgDqj0VNgiQ1lWWQZBn/+eaXuieiGM+/0t6xdbOGM+viE3l0yfYg2+syGdwDsGVDM4vF0wtFUTCybxdMffGTpJYpduObR1A3eQ+3REyblMurhoKCWMZ0gQd4jrN8DlAQUPAch1c/+RY3j+ihb4zOvKw7KgYXWcRbktnr1FSWmayTllSWQXQRpsWUR+CwbW+jpaxnJ5ci4GbbUgU8HO4Y3ZspTqfdw1yvoP+bZTWzZHKpbcqI0aZG+0wrz24uIMUUS2TB/Ip+zHuUZ2D1TwSZhWIGGZxlcNrtdhK7oRS4Y9V2y+9PlfVDMMzOz1tTXY4cb2r10+L8teMv/HW36fgHX35vEZKZOqKHXp9gxJ51zfE5X4OiONcx2fG2iIKtew5j1YxyUEpB4pLenXxdkZfk/Br70hJWsG7zPjMjulm9xuyTSFo/UwgmuR/XP7sRS6eUYcH6WstO7GMTBoHkesER4J7XPsOqGWwzbztWkBjYdbsd6HQ0hO+IkGL0uNjejoxk7TXHp36nsTWKqS9+YnmHjWI2xCa6gziEkNuFtQouDogplnbcGonhtjjL+Oj4gTgakjCvohg1G3bpnnlrqsuZ/fKyaUP1RSKLFWlsjTLr0haV4XPz6OR3Awb7k4aWCH6/bb+lf5456kLICjIs42mEbBBBs2O92qIy2iIyc/z69bX9IcuKybaiZsMuk0ALYB7TWW3q1RnliCnArFe2Yl5Fsak9jR9yvoWh1oTkmO9c/65YbGNdYTfGTx3RAw+9+YWlL/r1tf1tbTDsIoy0e2i8n9v3N+Oxd1TxqB6d/dhxqAVPxfs6u3tuhBYiXpTnhSRT27lAYmTBJb0LdUscY/3nXzfAJHxzvMgsFDPI4CyDkzWDR2DvmmnS7k5iNk5smEdgH/eIydkyjbnxiez6afYWTmb0HoFjsoUegz3GiV6j392ep5mMuRJ4YrsDqd2D+eu/wvz1X5nqMPqicwA4M5YxhWLpX/Zi6V/2mn4/qbw7u1F0cHAE6H1ODiY9v8l8vfH7me8Xmc+LQGUCFar+fTQkJX2uifCJ7fLmHKHsdufO5CieCsjx/CajOiYAPFhRfIZqdOLgOJv2amgqqYjZ8DaRBzYptTrswlqD4Rg+2nHI0o5X3DJMt0Uw9otaSClg3y9rm1Mas8MlmIyz2BON7e/st4bNElBLHvGSyaU40ho1GbZnWMZTD6M+Qc2GXZbIm4XjB8Ir8nj+o93M8c3FqaklRobwkXEDke1x2Y7prM8VSiErZuZMg4sjzN9EZIpL+hSa3jltXsDqVx64pti2TiFJZv5m/nX9bcd1u+vQxo+aDbtM6SANwQjyAyKe/fAbrN1ap5ef+K4smjAI+YF2f0ft/XnrswOoqSzDc39ms5Mujlj6GBdPbO5F8ggFJ2QWihlkcJYhZmPNcHPcmiEs2ZvHAs7WDG0RBXsbjmF1dTlkhYLnCLZ/24hOvnzk+dTy7Xb+4Hdm65yMuZOZ3/o98fw+uxzN+M52Ktdod45cn8oY7vz+qMXkt3u+SidIMkVza9hkkrur/pgeemWb85AiY5lKjlQ6QUli9/HR3FEgIFg3azgaW6M6C1KU50VhthteFwcpbtL8XXMo6XNNRKvhOcsKsbdt8Z3+e3C2w+mdSyc4vZ9AamI2HMfhox2HLH11ny4XOtYhPyBi1YyLwRMCbzx07bqnP8ayaUMtjMzew21MWwQtF0rkOVvmwu3i8N7dI+ETeTz05hdMVkTkOayuLkdYkvH90bDOFO9vaoPAc7pBOKDm0CeyM7cx8rQSrUQyOHmILt407iiU4umbSpDrE+HiCQ42h/HQ/6nqozvrg1gwdgDO7+TDNw1BPPbODjx5U4kld/7+1z/H8qphx5U/yBECwpmZM+07vI2Y3t7DrejWycucdxzPuV0cQZbbxRx/k9lO2V3H+k/r9PdX4AlW3noxAMTHYopZo3phxsieWLdlH1Pc54W/7saMy3oxIy0EnsPG3Y3YWR/Uj7dFZYQlBTK19jGCrRDhyfWxmYViBhmcZSgMuDFh6PkmM/cJQ89HYUAdcBVKkesV0bOzHzxH0MkvItcr6mbzOV42m5bjbWfTunfOws5D7Qa33Ttn6WwasWGH9Py8JLkGgMo8sMxttfy8mA0z8cA1xfr12e3+aXDM07RjP+LnyPJwKOvR2bK7meVtZz3zAl5MfM58PNdw/IGKYt08OD/gxgMVxfrxbC+Hu/6lD2auaL9HS6eUITt+PMvDFgTK8qQn+yXH7UhmjOypT5if/2g3OA442BTBL9Z8atqBfeGvu1F1SQ8cC0mQFYq/fl2v78I+M6nUZBZuZHITYXzO7/7iMsd2k8GJgyOwmE3n+YW0tB/hCHDLpT0tedDGa0lFzCbPK+DahOiHGkNOEUv0BWDn+HXyCToDmNiOF7+/E//fRHZOWr5fRH5AxPpPv2P2KT43h5AkwxNnbh4a219nojSlx7vXfmqq/0/OzcHBo2GMr/mb2ndVlqFv3CDcjmXK9QlYOqVMnyzXbNhlYl8zOHnkeQUL21xTWYZjYQlekYdX5HX10oZgBD6RR0tE0sP+26Js6xQXR5h5gjleDksml+G2leZcQBevbrY+Mm4gXtq4xzQWR2OypaxHxg3EH7YfwNQR3U2s8+IbS8Bx7H5FcBFme26NSNj4zWGmMb1dDqFCKTvChwAVg85DXVPIJOLz0sZvcX3peaY8ziWVZWiLSLhzTB/TtS2tLMODv/+nHt6t4cGKYnzX2Kbfi5krtuLK4kL86l8vUucplCLX48LyqqH6XM/jYs8LfOLJzQsyC8UMMjjLwHEEUswcHvL8lCF6CI+T9UMkBuT7XXjVwJbxHEUkBgQAuHkb64b45075eSGJMtm6+dcNQB6cjbmd2DTeJu/HyFwQEGYdH7puQNJzGHME7dinbI/Ketod93uAkAQcbZMsoal+gYffA0iy6qlksiBxcZDi86ZQlKK51Wwy/PgNg5DtdiH7xFMRzhjs2iSlRF8kAup9vOe1z/Dy9GG4Z+1naAhGsGDsAFzSuxDrtuzDtYOL9HyVfL+IzgE3Nnz1PX7avyvzvMbn7He7zhrGqyOCIwRSTLG02XS0dKEU+iIRaG+Xaw25sMnsLTQcaYsyc7jeuG0EOgfczAVhfkBkKp5qrIesWJnBhmAElLKN0nO8Ag4di6C8V2dmnxJwu9DQEkG2R8D8in6gVA3vXzB2ALrn+zDlxU8s9V9568Vobovqn818ZStemzUcXXO8tqxHjlfQPeCMYZAZnDo0hSSmefuCsQNQtXwzriwuxMpbLwYBsKuhFf/7RzU1Yl5FMYryvAjY9JEiT2zzBJ/64GsLWzb36ovAETDtMbwCj4C73aaoOSThsXd24M4xvS3vyp2rt2PdrOHMfkVW2GNkt04+XHHROfiu2Wx8v3D8QPTs7LcdA1jzhfnXDUAwErOUM2fMhbjp+b9bxv+1M4ejqTWSIBSo2jsZUZTnBaXA3Ws/RUFAFa3r3cWP5raYnvesbR6Dts/1Xps5HAC1XHOOJyNmk0EGGRjQ2BrFjBUJE4kV7WE8dqaymuBHWFLw0Ju1lrAMbaEXjil4KkGU4imDKIXAEyz4eX9IssoUnZfnxeBu/UHisqOSrNiwdWocfUxhG3NrkzDRxeHFaUNwoCmsd7bn5Xl0vzvOxjrCOEHjCDDjsp4WCxDtK4KLYNm0IagznKMoz6MrNJ6s8isr/Mr4DEJRewsS+AFJoXrdtd/fvfYzrE5TKwe7+7Hy1ottd3i1HVifyIPnCEq75+sTCa1tFeWpoUp2jKLP3d6WCIEltzex3WRw4lAo8PxfzCJUz/9lt745k06QkrzfRhbQK/KgsGekQxI7jzEsybYWGKtmsN8JWVFZj3Vb9lna8SPjBmLLnkYmUzN33ecAgMU3lZjsYYx9yrKPVSGTn/bvivpjEdwRX9CtqS5n1qWhJYI8A3Na16SqNAJqxEtiPZZWluF///ilpc9/Y/aIlJ9JBs6wy5vVNonfra1H7cEWLK0sQ+csNxqCEdQ1hbBgfS1W3noxFEqZYysIbKN8WJ/fNupCABT3XNkHPMeDI2r/4BEICFGjgkQXZ2Lsu3f2MesejSm2Y6Hd55yNLc2a6nKmNRjHEVRd0sM6pyDAso/NC0jtXTGKRWnnkGQFM1/ZZrqOojwvVt56MWoPtqAg4MadY3qje2cfDh4NoyDgxvb9zVj8/k4snDDIslCeuWKrKWS7c0DE//zxS0sf++uTFAzLLBQzyOAsQ8RBRCEV+4xkQi1Ox0UXwf6mqCW0tFueGvpql6ukTcjtJmFSvH6SrOBYyLyL98TEwchyq91Z1M7s/sbBenmyjQWIJnri5gkiCaxsTWUZ3Hxqyq5Ox092oanYiQSkqZVDMiGNZCxfUZ6qGCcr1FbwRpIVuF3soS4qUVNburK4EC9PH4ajIQn1LRFLu8ngZMC2LgFJvzabLOJAYwG1sEzj5DJRoCVZOXaTeruICRfP6QyNV+CwprocB4+G0dgaxba9R3B5v0Kd9eldGMDOejXvTJvI2oXsR2MKbh7RQ99EyzKIj9gpZza2Rk0htsb+3eXi0K9LFtbOHI6YrMDFc+DjC43Ec2uLywxODezyZptDkv53XVMIXpGHi4eeD0gIQWs4BrfAMcfWpyeVWMq9srhQLz/xfPUtEfTrmoVjbRJuW9nOkC2ZXAqR5xCWFAuD5+LYTDRnI35jJ1inKO3iZ6zfsOYFlFLmdT8zuYTZpymUYsH6Wl0sSsupZ4WF1zWpomwLxw9EwO3Sc0CNIbdjS85Dc1s06SIfAPgE6xqtDCdxLCekZ0JLBhlkYAsCtQM1wvg3yzTXuIixS+jWUrUohS7A8ME9l2PZtKH4aMch/bhRIGRNdTnmVRTjqfe/RmtEHfQFjuDxGwbpddB27YSEyZNd/UBhCUf8xZpP9fPzHMHYQefgoq7Z6JLjwUVdszF20DkmY29KgWc//AbRuF9ZVFbw7Iff6GUEI2wLj2D8GtwuDksml5quYcnkUt0nzRv3djIer6ksg1c0h8/aXaMmdrN0ShnWVJdj6ZQyXFlc2B5ea/P7dDQvB5Lfj4XjB5ru48LxA/H9sbD+726dvFi3ZR+6ZHuYZew93IaozYRTTmhL79bWY+qLn6C+JYKZK7aiIRg5abPiDFTYCRYpabgWsGuXLo7oLOCsUb0srMWMl7egsTWaUjnapN6Iojyvqko5dYjpN89PHQK3S2U9Fqyvxdx1/4CLI5BkBQvW1+Lqn3TF7JXb8G5tPWau2KoKlayvteRFsc4nutQFKKVqv7mvsU3/Xs2GXXhmkrkffGZSKbbtbYQrnoqgXZPIt083XS4O5+Z6cX6+H+fmesHFFwHWc5/ad09RKBpaIjjQ1IaGlkjabqydKLS82cT2VrNhl/4dNZSUQ0tIBqXQc7T9bh4KhSVMsiBLVMfDhPHugWuK8fBb6mIpcRys2bALLkIswji3rdyGSEwBzwN3jO6NBetrMfG5TViwvhYCT/DkjYNNZT1542AIScYOuzGyuS1q+xttXiC61DYp8Jx+3TNXbMXE5zbpY4PdXEmSqf7vWaN6oShPTaUQbcZ1niM4Fo4xhYJmjOyJ+1//XLehSayz0VpDkim7jz3JZn5WMIqEEB7AFgAHKKUVhJAeAFYD6ARgG4AplNJosjIyyOBsgZ1Qi7aGcBKrcRKDEVzEIm9uNM62Yxy18/vdBLl+0bRrl+sX4Y+bxTsZc9slnOvWFiJbaMaY0M1xNnWMf8XJPkNbYBqvwfh5RFJAiPk4IerngLOFia3xb9yqgXN4xukGOzsQCorOWW7VLxFAW1RGfkCER+CxYvowfH8sDL+bxy2X9UQ4pjBD6x57x54VpDZtKdcr6DkgJ2tWnIEKp/c2nRCV2VELi28arF9jouw/YLXHiNiU8+RNg1GU5WGK4eR6VfGxxNzH/U1tePTtHSoz4RHw/bEIfrftAF6ePszCutRs2GUZAwSeWOwSFk0YhKMhSWUUOSAao1j8/k79Xd2+vxnbv23EylsvRkNLBI2tUTzz4U7MGdMHPpHD72aPQHObhIIsNzr5zAsMI1IR/jlZJJqTsxjesx1a3uwbs0cgIskACI60RnQBG23h+Lttdbi8X6EeilyU58XTk0rQJdvNHJfcglXXQKGqUFhDS9TUvvN8AhqCkaRRM8/86RvcdkUvLK8apoelchyQ5XGZxtQsjwuiwB5Lk1lM5XhdlrGiprIMLhtG7sk/fY07RvcGoG4matdt16cdizO0dU0h9DsnC8urhsHFA+Bga5tlFxGjsZAsG5qayjK4Xe0RBsEwW2xIPsmV4lmxUARwF4AvAWTH/34EwOOU0tWEkBoAtwBYcqYql0EGPySM1g1GewrNuuFoyN4sOuBRRSdmXtbdbOa+ZZ8uOiHFKNN+QzO0TyYxrZ3fLv8u4HEun7MJvdLq1xa1F5LJi9tjKEryOjqFPFIKPPXBTowr6wYfeERlxZSnqVDoiqWJ1wioO3/JrjEYUUyy28bjOT61fJasfvf8HifabM4oktkNrNu8D+OHnA+B57DncCt++9EejCnuglyvgLCkgAOBJFPsqm9Fr0I/Hr9hMDoHRMiU4vujYRRkibZMq10oVmGWG/MqivHkn07erDgDFamITKULOGIVoCjIEk19k11YppEl423K4QlxFMNJtI0QeA4FWaqAkyQr6BQQMWfMhYjEKERGfxZw83jllmEQeA6EqH3aB19+b+lTSrvnY8H6WqypLkcwHENDMILH3mlf3OYH3Jj827+byq492II11eXo5BdRmOU22WMw72cKwj8nC7uczx+jBQcBASEENz63CSN65mPZtKEQeA4cB9Qfi+DnpUVYsF41pD83xwOPoC7MqALbsfW9L77H6OKuoAAogFA0hqI8L7bvb8bMFVsBqO3/5enDMK+iOGl6hmYJMWtUL90Sok+XAKYv38IcU59O0EzQ7CXsxhSe5/Hmp/uY46udhczsldvw6oxy/MfPiiHJiv59u9Ba7d88R3Qrj9IL8pm5+OtmDUdhtodpAaWJP23f36y/d/l+ETleAc1tEha/v0u/xs4GP0ZjfU420ijtF4qEkCIA1wB4GMAvCSEEwGgAk+JfeQnAfGQWihn8SBCwsW4IeNrtLZzsK1iG9RojJ/A2jGKcDbNl4xzy77TjhAAj+3axGENrfZ0TY+qU3wfYsxsaa+pkn2HHSGrRVU7lewT2PfYIqd1jp9+nG5LlvS79y16Mvugc+EQeeX7BIjteU1mGTn4BPpFHRJLhFjhdiTGRjU4Ei8l4ZNxA/HLtZ3pY3oMnaVacgQpbFjwNm6zAE1tmQGMqEg24WSyZ6OKY5bgNwlypLmIK/CLmjOlj6Tdf2rgHv7yyD5ZMLsVtK7fpuZNTXvjE9L1unbzMPueVv32rMqEyhShwePLGwbhr9aeYuWIrivK8WHHLMGZfdzgYxdhnPk6ZuTueaz0R2OV8/pgsOIys6qIJg1AQcGNsifrMjTm1SyaX4uYRPfDSxj24eUQPPSRy3azhzHvIcbDMOWoqy7Csaqi+KayNUV8caMKc1Z9j64NjbG2yjJYQ2ufJxnWWYM5DY/vbvqNEoew5BsfOXdSiAw4da7d8eWTcQHgYVl8Lxw/Eo2/v0P89Z9V2NAQjWFJZxozWKgi4cTgYtUTCvLRxD+aM6QMXD70f2b6/Wc99nLvuc/zqX/uZrn3Tv1+RNFLpRJH2C0UATwCYCyAr/nc+gGZKaSz+dx2A885ExTLI4EwgmMS6IcfrzPg5MXKSTJMqdtqycSkIOADO9hpOx1Mxo7djNziSWh0cGUkHVjYsKZAkCWuqyxFTKFwcwaGjbQhLapij0z0OSwrTYuQ3J6ludqZgZMG10CWNBf/w3svhFXhwHEFbREZMjpgU5WbF26YalurG7JVbbO9bIoxMRigaw3dHw6CU4lf/2k9X+3XxabiS6YBgmU0nmtSnCySZ2rIYRpsAhVI8NmEQzs31witYWbKog/qxHVj+is3hmKXffmnjHtx3VT8cDUk4L8+DV2eUgxDgP9/8wvIcHqzor9elpFsuZo3qhWhMwYyRPdEciiImK6havhkrb73YZP7ttrG70EQ2WMydnT9k4menklG0ix441XmQHRnNoSi+PxrGogmD0Mkv4j9+dpHugTmvoljf1PAIPG5buQ3zKopN45yWJ5d4DxUFlvFo8ftquGYia1d1aU/8Ze4VCEvsyKbc4q4IuHmsmzUcMYVCjo+PLo7gnV9cBq/ogqwoiMlqeXbzDUVR5yLLpg1FMBJDfUtEf0cB+/GbVZYWHaDlFxu/b7yGSEyGV3DhiRsHgyMEv99Wp284anOoxPJZth/3v/45lk0bioXvfIWHrhuAojwvXp1RjkPHVHEqTSBHVWNvL68lLCeNVDpRpPVCkRBSAaCeUrqVEDJK+5jxVWaALiGkGkA1AJx//vmnpY4ZZHCqkGp7dVTMdGC7nPLznMr3COwcSI3tyvKwj2tm8RwBZl9xIZpa1Th/kecw+4oLdeaB45IfN+5IGnc3jTmKAZs6aKxrwMMxDXm1406Moc/NYfzQ803Gt+OHng9fPMcw18shJLnx9aGgfrxbJy9yvcnLlw2MZzLl2Y6CVNtsrpfDpX0Ksau+/X5c2qcQrREJ01/aioXjB6JzQMTCd3boOSJGRTlZoegcEMHb7Agny9HQmAxJcoESNfSZI0B+wI0HKopRcArzpH7McMoL7ihIpc1yHDBndG8cDqoTR5HnMGd0b/Ac2ybg4/uvYLJlTn0xC3a5dtkel15WSbdczL26LwJul84Wzb+uGEdaJVxY6LdRRqT6IvHeq/qaji+pLMPb/ziov0taKCEAbPzVFUymOCy1M3VG5o5Z/ylD4BY4k0fcqcgfTLQqOd15kGcCqfaxikJxsDlsUfIuCLhNrBkABCMxFATc6FMYwKIJg9AcklCzYRczT25JZRlzPHp6Ugk4Qkys3RMTByMYiWHass1YVjUUF52ba2IhF00YhHBMhldQ0wyMbPzjNwxCltdlGiPGDz0fbRHJklu7pLIMD735BX5ybg5+XloE0cWhIMuNo62FkClF/bGI7TjBassvbdyDRRMGQaEUa6rL9fshU4r567/C/PVfYdO/X4GjIQXTl7dfz7OTS7G/KYS1W+tQ1xSCwBPLvMPO9iMYieHd2nr85lrVYIeAwu3isGB9rf7bC/J9pja9bss+ZqSRpm1wokjrhSKASwBcRwj5GQAP1BzFJwDkEkJccVaxCMB3rB9TSp8D8BwADBkyJP0y6jP4USHV9upoSG8jM83HZ2xO+XlO5UdilMl2zY/7pQXDbDZs/rX9ke1V68cy0OVJfCEJG+Pu+B5RNEbBcWYhGU2IQUNrkjrkeIFwEkP7HC/gcsi3ikoUh1siFiPe7LiFR2sUaGAd9wjwe5zzuZxY4Y6CVNus3f3oVRBAXZPqcbVg7ACMK+uGd2vr9eudV1GMBetrwXMEYUlBfoDdtoUUWMGgJOFom2QJ28n28MjLKJ+eNJLloXYkpNJmeRCm0XaXLDe7/dnk5znlW7Ngl2v32szh/z97bx5eRXm3j9+znjUbWdgSZZEtYEISwIBWKdStgrQCLhAUUBbr0vpa1L4tLkX7slZFZZGvBqEiILQ/a1rBFrVaqVVDxEoEKYsmGCGEJOTk7DPz+2POTGbOPHPmYNgS5r6uXsXMmZlnZp79/nzuG7kZLmR7HfjltQMQjIiYt0Wuy0smFcAfFjD/jS9QPn04se/YOEtmO+aO7ms4fvcfKvHMLUORW1mrK2H+qfUAACAASURBVEtuhguCyXedWJKn+x0Ve6bjrSFj+dd/qvODI7GQpwrSgnTdzBH4489GIRIVzwhreS6QbB/b0BrGHIKS94IJQzBj7SdxObWSHJ78sj48een2fXhl5yGdbcY71XW4enB3Q51pbI2o7UP52y82faZ+Z4ai1MWdcvzB13dj/Z0jEIwYvZQf2Lxbzm+Ma3O9szzwR0R1vM/0OrB425e4tEcaRg/qqhPkWVlWAo+DMWVGaZpS63JOigNeB4uwIOKx8YNx3BfCPRuqdPd2ath0QQQxOqB8+nBsrqxFboYLkABRFPUidyD3AV4Hq/YF3zbJz5/tdWDBhCHoleWGk2PQNcUJAGpuLwAcOHZS/T5KbmQXdybS3N+/jp1ne3mnBkmSfiVJUq4kSb0A3ArgHUmSpgJ4F8Ck2M/uAPDGOSqiDRtnHS6exquzLsPf/+cqvPPgVfj7/1yFV2ddploz0BSI9hTxOYDa41q2imMpojWEkgcWEURVhl2Rkn67+hiiMUXQiCgh3cWjT5YH2SkO9MnyIN3Fqz6JUYFsoKucHzUxm1cYzYgo4Y1dcsecHZu4vbGrVr2+8htSGSOaa5DuoRynTSw+tF6QJENf5fywIBKPK6qpVt/AitHsaLB6H7WNMjPbL8eryopnex3I9PB4YUoxaAro4uUhiBLRbiDRXFCRzPeHyGGA/pCdo3g64Ijl42kl7+8d00/Nx+tICJu077BJ/WNNKqBVOyfe2yTXTunX7x/bDw9v/RxunkG214HV00rQI92FYEREttcBX4isjBgWRDw/pchUfTErxSH38wyFm0tyUT59OF6ZOQKN/jDmXTdQ913vG9sfWytr1GdaOVVuo6IoIRhJbPquK1M78gdJC+rbX/4YFCj0zHAjO8XR4ReJpwKzetMryyOzi7Gc2twMF9JcvKF+P7z1c9w/th/uGNUby/++H3u/a0FdUwADuqdBArBsciFWTytBUV46AMDNM8T7pbvl9ArJxMuQpii0BCPEYydaw4Y2FxUlNLZGsHzHftzy4kdo8IXwdvUxTCjOJabQBMMi0dZl0cQCrN95CPeP7Y8FFdX46YqdmLH2E4iSnEusLBLj7628M7NIK56lUT59OF6YUoSwKOGeDVWYsfYT3PLiR5ix9hP87q/VWB1nLbJoYgHCgojV00pAU1DnIlU1TZix9hNMe+ljCKIEmqbUiJieGW4IkoSKz48iEPMWDoQFfLD/RLuVpTs6o2iGhwFspCjqSQBVAF46x+WxYeOsgaaomJFtGzOycmox0pxyc5dMzOalWGdilZ8HCeBZSiddLYiCGuBtxkgqg7KbZ1A28mKDaIIyUYiYdLjqQtIi9JU3EYLhNQndVnmUicx6ATlkLNE7TOb8xAs9ivgNFFbWKseyo8FKACk3o80vauFbe1HvC2HJpAJkp8gTX1GSGcmuqQ6y3YCJPYaWdXj1rssS1isb7UNrWMAf/vW1Ln9mzfsHcc+YS5B1rgt3ikhUX80MyeExXseyryXALNdOhNwn5Xkcal+iiJNoWaHWUJR4/tcNfnlxacKKsjSFR9/Yg+wU3miRMLUYG2Zdhqgg55Rt+08dZl7RB7/68SAcPu7Ho2/sQb0vhDW3D0NazHom/vpaPzjlb+3JH7TFa/QwqzdHTwZVJc0e6U48f1uRqTF8n2wPNnx0GBOKeuLhrZ+rAji3vqgXxlu6fZ8hf065X5qLQ1FeesIxuMlPVgzWepAqZQpGZKZcua/CjJpZH0VFCVU1TaAp6NqdksYwbVQv3bjuZCnTa0U07d3secKx6Kdlk+XN+PjrvF19DI/fONjQB8wfNxgLKvbgVz8elHAuoYXHZG7l4dsXEdPxtvJMIEnSe5IkjYv9+6AkSSMkSbpEkqTJkiSFznX5bNg4W/CHRaKRrT8sMyOiidm80u9Y7fxHBQnL3v4KB+p9qG8J4UC9D8ve/gpRIeazaGIizdFKaKioCkFsml2K+ePy8fw7+1VTdCszeo6hiaa1SnihmRBMRGjrWDkTRlApYyITX0Ce4N0btzN474Yq9R3yDNlAWimjstCLP66EljIUMOsHfXTfYNYP+kBZ6yYy6u6IMHvfyt+XTCpAhofDwre+xNzRfdUd3brmILwOFhxDI8PNgo9ZBGiRyB6joTWMp/+2TyfXHl+GU32nF7qptxk4mkJTIIyDx1tR3xLCweOtaAqE1TbXkZCovpLqH2WygZPjlX3p4tm4HK95uCXJNH3N7cMgSRTu3VCFA/U+XJOfg5xUJ5EVYmiKyGIu37EfD76+G0dPBg3Hlf67qqYJE0vyjEzNq7sQFSTc/vLHuPrp97GpshY5KQ5Me+ljzFj7CapqmlDbKIeTMhQMfdfTNxcir4vL8EztyR9UFkZatHfx2ZFBqjfl04fJ9iUpDjS0hvH2F3Xo4nWoix4tlEVc2cheCEdFLJtciMUaVV9Azzx28XBYRWDKFr71Je4f2w8UoR4o9SwnhceKuKilVWUlKkutLdN3zUH1vnNH91WZUbNnYDUCN0q7m7O+UrWjqGsK6eZGS7bvQ0SQiNdysjSevW0oBnZLAUdThuddMbUYa94/qIbVShKIcxdIMMy3TrTKzOjh437iOQxNGcaWYIQcFROMtC8qprMyijZsXLCICCJ5J00T1kgUlYjNZQIR8s7/fWMvkX9gIaQiShJcPKPblXPxjMqW0Rb3txK78TooEzN6+QJW9hvKO0hzc7oyprm5tpAvCkTzaTX00+IeHgdFFNTxxMpoZb8hmDCWSghJIsPvjggHRxYgcnA01s8cge9OBvHEn6tRVdOEO6/oA0B+393SnHjhnf9i58EGrCorAcea2BaY2GOIoqjWxS1zS1ULAS1TcirS4raptzlcPE1sty6+4+1XJ6qvpPrHm9QhjmMwMBZOragf53gd4BLkxJp5DtY1B1DbGMCO6qO4d0w/NGrC9BQooX3lHx7Ea7NK8W1TQMemAFCPr5s5AjRF4buTQWR6OARj44dW9ER73WBEwLqZI0BRFBjavI8MRY191+/+uheryopPq48iyfqmM4jXfF/QNIV+2V68NqsUEUFEgy+ME60RgwjMkxV7UN8SNli7KPZPx1vacg/N7DIu6uKGBAluniGydr+5IR9Ojkaml9eNcZleHhQF8BwDSZLw6l2XQZQkHGkMoHuaA/eN6YfquhbdmLzwrb3qfdNdHOp9IWR6efAMRbSK8Ifl3OLVZSV4efow1ZsxN8OFtTOGo8EX1gnGKHOT+DlJ+Yzh+LY5iPtea8tbXF1WrLblcFTEmvcPYnMsr7e2UbYRIfWBDo42zLcmluQCAN76T53hnBVTi7Fu5yH8pDhPN7YkYw32fWAvFG3Y6GRgaQrX5OdgYkme2kFvraxJ2n6CpmTD280a4YLcDBd+/qN+6vmJhFRECXjr828N1hCKRLNocX6LidDMYzGxm5YE9h+pLmv7DUBmHXfur8eY/O46O4arB3dXn/Glfx7UleGlfx5U3xFDk+0vlHu0BEW8+VktUaY61ZWcBci9mpwI5RmUd0RTFOp9IZ36YEcOPQ1GRJzwBXQT5gPHTiLDzeGHy/6h/i43Q5YqV/7N0ZRaTxWbjFOxGxA0dTEsAJWHGwxy7UqdSAa2qbc5rGx3OhIS1VdS/ds8Z6TptTiOQc+MU1OaIHkOKgza2Pyu+FnM2oDUD/ZId+HR8YNxvCWkExPRHv/V9YPw3ckgyj88hEfHD8b6nYcwaZisqKkXPWk7z+vk8GTFHsy7diD+7697Me/ageQQVoYm9100fVrbiNmC+kLesGkMRPBdcxC+UBS9Mt2qWA0Q8/NrCeGh6wbiQH0r/rTrCBZMGIK8Li4cqG9VLVS00UpmojBOjsaBYyfRNycVWytr1LnI3NF91blIRJCwdPs+TCzJgxsMwoKIpdv34bHxg7Fk2148On4wBFECz9B45I//wcbZpbr+OSJIePEfB9QNDqXulk8fji2ffoNpo3oTrSKKe2WitjGAObG+59W7LouJoQlwcwwWx437yrhcETeetwaj6iIRQOyau7BgwhD07+rFU9v3YmJJHiaW5KpzMFGEaR+oRYabVce56y/tbjhHad+z1n2KP997OQRRDrVOxhrs+8BeKNqw0cng5Mg794o9hZVMvZWhvRWb5uRNzOBjzIHV+WYGur++IV89nmjXjKatjb2dPG0wCNaW0eodprvIz6jYW9AUTA19ASDVRb5+aux8qxxGK0ayo8HroJHhdeGWF/Xfw+toU5VTQpMUM+P451XqELFumSTza3NPJEkk1wkuecbLzosyx/exgjhfkai+kp5ROgvPqDBorTGxGpKVwZJJBbj/NdkAvHz6MAODvmJqMRZU7NFZ0ACyObnynbZW1hiYmkUTC9ASjOCOUb3xUMwY/Oc/6m+4/5rbhyHH6zhrTB9pQX0hQxRFODkaD2z+As/dVqTWVZIlipLz98j1A1WTd1+cyAypji2aWIAn3tyD+8b2h5MnM+yBiACOoYnj/BM3DsadV/RR8x7n/KAXVpaVgKOB4l6Zuv55yaQC7D/mU3PWlbq9aGIBXBxt0CpQngmQ22VdcxCTVv1LM/6yptFO8eP5KzNHENu6m2fAMeSoJ7M+MCpKhrnEe18eRW6GuX1GTooD2V4H6pqCqprtPx8eTWRRzSJqkoW9ULRho5MhGDHfuQesZeolCXh/31HDTlyvTJkRZCwYy2A4gRm8x/p8q10xq+Oi2GbermWGemW27doHE7Ab8Fgb2jcFzM/3OK1Z05MBEYfryTLWKU5r2fzvI4JxPsMXMn+fr8wcAZamUNcchCRJeOT6gcTnVVhjYt0yWUFrBR7CJrYup/JObVNvc3wfK4jzFYnq6+n8/lofQIqiwFAATdNEZkxh0Oqa5QliVU0Tlm6XQzwvyfbimxN+/GnXETx03QB0S3VCkIBMD4tX77oMJ1rDyElx4Ik396gTd22fpbS1Dx4aDZqisI7Q98y7diDeqDqCuaP7ItPDI93FIdvLq32eltHrl+3F5jkjERVEsAyNHO+ZUSDVvj+bUZQjKJSNAcV+obYxQLREeXirbEmksHRhQTQIEVXVNOGVnYewaXYp6pr1ZvDVdS2mER7K2Fw+fTiW79ivYwVpioI/LKj+jalOFhWf1eL2Ub0N15q35XNsnF2K/Ud9WLytLXxaqbcKo8ixNKIEBlIRx9G2X7NxO/7v3zT4iW3dHxYQESTT/oE0PkWEtgWkwuzeWNQT1xf0gIcjjyleB4v7x/bTWZ4EwiKRRVWiub4v7IWiDRudDBLIstPKnrYVo5hmwpalxdgup0mukcLGWV3f6nw3T85RdPNtbB7puMLmuU3YQrcmF8oqj7G9rKbV9TmGwsVZKTq1uBWafDjOJL9COe51kN9he411zxUSvc87Xv4Yq2LM3r0aH6tFEwsgShKK8tJR7wvJu86MSY6iSY6YNo/JLPf2VAzh7bwoc9AWkQodCYnq6+n6/qR8V8X8+4GrBxDzXmmagoOl1b6jqqYJCyqq8crMEVi+Yz8euzEfgbCg88d7+uZCeSId6/Pin0kQJdwxqjcoCmjyR9HoC+DKAV1133HF1GJs+fQbVQ1T++zx5RRFCfvrfWc8j9fOFzZCG0ERjAhqezTLO+2V5cZzO/Zj58EGLJpYgC4ezjD23je2PwRRwqRV/zKcb9ZOGlvDmPDCh7ookXpfCC9PH4Z6n96/eGVZCa4v6GF6LTHGxsX/nSKwgFoGUssuKueYqpUTmMDlO/Yb8pSXTCpAVooDYROdCJZOnENPYnZXTzPmUq6YWgyKAnpneXT3YWkQFd9PJc+eBHuhaMNGJ4PVzr0oJma7mgPmbJrXac3GWTGWVuf7w+ZsW4ZHZvPi8wWUXTOPM7lcKKs8RtYkBzFZVtPq+mbKrMo3iAhSwp1BX8j8G7XHWPdcIdH7nD8uH8t3fIWZV/Qx1KnbRlyM56YUIRAW1PdzKjmK8XlMidpFMrDzoswhdiIWPFF91X5/F88gKkqoaw6ccl0g5bs+vPVzzB+Xj/9vVw1uH9VbzY/0OBikOuVrhwUJuw43YNPsUoSiIgRRQmNrGP/740HwOjhd7nNto+wPu2DCEHTxkG0xGJrC+/uOIq9Lb9z9h0psnF2K+zZUYf64fOR3T0EoKiEQETB1ZG88WbFHd+1Z6z7F5jkjIUmS+vxapWGlHjz9t3146qcFpzVM1M4XNkIb8fBtcxBbK2uw8KZL0SPdRWbCGRr3jLkEP/9RP9ScaIUvKJiOO2btgfT3704GAbSxgq/PHYmIIEGSJMxc+2/D2L10cmFC7QXSPUhaCgoDSQF44s09KruonGNq7UWYU9X7Qsj28nhtVqmqcyBKEjZ8dBjTRvUmXicqksf9jbExhsTszllfiVfvugzrZo4AAN1cIL5cLMPgL7u/sRlFGzZsJIaZ2peivCdKErK9Dl1nv+q9A22qpDQw+8q++MWmz9Tzn7llqMqsWOUa0TRw5xV9DIqhyvlWbBtNASW9uqhWE4D830qEGmmnUJuvFhXJz6dV/rLKY3TzNCYNvwi1JwKqItuk4ReprCTHmjB+sZ1BK+XWZPIsrx7cXfeM2m8gmDCev4kxnh0NTo78vpwcja2VNXjk+kFgaAqBsKD6KCqKd8tuLkRtYwDjCnu2Kw8uGbXcZGDnRZFBU8B9Y/rhuE8O9+IZGveN6dchGcVE9VX5/u1ltMzyXftke9A9zYkn3tyDiSV5yPTwyE5xIBARkO1xAgCuGtgVXx31YfmO/aj3hbB2xnAEIyKa/LISalFeOuaO7qv2j1leHjQloXzGcF2fl5vhxLqdhzB+aC4QGzdEUcLc0X3RI82JRn/EkKtY3xJWJ+C1jQF82xRQ88DW3D4M2V6eyNyLYvsk/JN9fxdyvrA24mHVewfw+I358IcFLKjYYxgPV0wtVkORtVE5b1cfQ31LWK0/E0vydONptteB+8f2w0WZbrA0hWduGaqbS8QzeUqo5d2v7sKyyYXEb5ad4gDHUrhvTD+jKjVLGXJty6cPM2UH5U0LOXdSq6C6YmoxaAqG8irj7vNTitDYGlHbRoaHgyhJCEaiqG0Mqn8fV9gTgXDUoBq7cmpJQn/l3AyXKbMriLL1TPx857E/f6F77zQFXF/QA7WNbW34+oIe7e5j7YWiDRudDCGNT6EyEXj+nf3qzj3P0AYj5iWTCsDHPP4kiVI7SkDuqH6x6TNVuc8yf06ETk2vtlH2ENqs5KowNPF8xWPQzdP4pjFkmIRdlOGIlS8xI+pkyc/nZNtiCK1Yz3BUwvGWkC4EZsmkAqQ65C4zErVg/EyUWx+PKbeavQPlG8DkG7we+wZnSt3sXCFkkhP6+I1DcMeo3rpBcuXUYgQjIjhW9qzbf8yHBRXVeGFKEUQJp5QHp53Ml08fnpAFttE+KO1bF1Y2tVj9e0dCyCSf9fEbh6i/aS+jZdbPujkGS7btNSy21s4YjhOtLZizvlI3oVy6fR9qTgQw/40vMH9cPq7JzzGcu2JqMVwcg7qmoO77PH1zIW4sysWc9ZVYMGEIHrpuAFiGwoKKaswfl6/aCCjPpzCeiqJpfB7YrHWfmuaBJVKG/T6w84XJcMRsl3pnecAyFO6JpT/Ut4Qxf1w+Mj08clKdeLJCn6+qzbGLrz8bY3msSyYVwOtgdYu2l6cPw9LJhaAAZHodWLztSx2Td//YtsWfmaLuNw1+DOjqJfpDb55dinQ3pzJ7DpbGkaYATgaCpmOBWcTOrCv7ItXF6iw7Ul0sHCyNSFQ0tA1QwPG4UNklkwqQ7nZh8bZ9OtXY5975Co8mYF4XTBiCnBQyq/91g9/QXtbOGKEu2uePy0f/rl6IkoRAWDCUp7154PZC0YaNTgYrtikqSgaT3HlbPteEPVr7MCZS3IxYMHo0BTx9cyEe2Lxb1+kq8/FEQhFp7gSqqTHWSJAklH+oXwSWf3gIj9/YFuJm5SUZMXlHSogIZbJzp30HiXIc6ZjZcPxiVrm/WY5DJPYNaJoin99BFzXmOaGiYVJ5d0wafEFFNV696zL8YqO8oD7RGsEL7/7XsPPbI91pmmeoncyvef8gXp4+DEc0u8O5XVwJzc9tJI9QVCRO9E4ltPd8QUQQTfrYNlasvYyWWR8hiBImluQZ2oWyGCQt3Nw8g9pGWQl12c2F6saL8jslPFvpk5W/P7B5NzbNLsWoPplw8wxe+udB/O+P87Fh1mWgKUoVHFn1niwSUtsYUPMxlY2AR9/Yo3v+08XcWyHTw2PdzBH4usGvtueLM90XdL5wQ2sYt7/8MbK9Djx321DdWFpV06Qu8N958CrTfNVHrh9kqD+iJOexBiMi5m3Rt/GZaz9VNw+K8tLx0HUDdEyeVtVz1XsHDOygstnxzK1DyfMSUcLPN36m5h0yNIVfvr4b2V5HwnkKKSopFBXVXEAFuRku07axcXap6Txh7ui+WL5jPx65fqD6Xh+/cTCxTTM0hRlrP0FRXrqhzPFtSLlPICLovtum2aXoke5KOG/5vrAXijZsdDKwjAnbFAs9tVpomcbpJ+nD6DBh9PgYo2dlJm8VlmlWPkXZkgJ5EahdQpnlSz0ae4ZEISKAvNtP2mFUdu6sGL8gwXR68TZ5MEx0vsJukUyrF2/bh2dj53c0mH1TlqaI30EJ0dFulLp5BvUtYYQiokEMgQZ5Aa2dzO8/5sPJQFR37pppw8B0QMbrfISVLU5HQjJere1ltMICuY0/N6UImR7e8C6VxaAWSluRYveuqmlCcyBi2r+S/l7XHETZyIuR4mBwx6je+N1fq4n969LtsiBJmovDptml8IcFBCOiIQ/M7N2diT2uUFwfveb2Yaf/Jh0I4aiAbK8Dv7x2AG5d82+8MnME8VsIsVBIUv1u9BvrjyBIeGXnITx03UDTOgjIi5rF2/Zh/Z0j4AsJSHWyqGtuY/6qaprgC0XVuUFTIKLWq0Rt7tHx+fA6WAiiCBfPorYxgNrGgKr6m+7ikJPiwP+99aU8xpuM/7++Id+0jzqVv0eiIhZUVGPJpAI17SE3Q1ZETTTuK0rF5dOHozkQQUNrGL5QFPW+kO4euRkupLlYFOWlq+3LHxbMUy/a2cfaI6ANG50MDEXh2VuHIjfDBUDuVJ69dai6kFIm5VpoF1ocTeGFKUUonz4cm2aXonz6cLwwpQhcbCR3sjTmXTtADZPkGfm/ldBOUQJxV0vpqxQz+RlrP8EtL36EGWs/wb0bqqCkkbEm5VMWWa6YKqr2+VaWlcDFt92fFNqk7Ss5msKsH/TBgopq3PLiR1hQUY1ZP+ijPqMSGhpfBiVMThQl4g6j0iGzMcZPW8Ylkwp0YjeK6fQtL36EOesr1cFQOb66rFj3DVaXFavHHSyN7BT9znh2Cq8uxjsaEr0v0ndQQpREURYAAOSB8v6x/Qxhz3f/oRJmw6QymQfk68SH+85a/6kaOmejfTDtdzogC27VvoG2fDDtb0gKqKIoob4lhCONftS3hNQ+hKFpYh/BM7Ixffy7lHMKje/XHxbQM92plvdYS8i0fyX9vaE1jJ+9ugscy+DhrZ/r2MyivHTMH5cPB0tjyeRCvDx9GIIRARKAAd28yE5xoHz6cBTlpavP73EwxHfn4k9vSKhZ6O+F3J55lsH9Y/up3291jMGL/xZr3j9o+EYry0rAsZRqkaHFcV8YMy7vjZoTAd2xorx0lE8fjkwvj9XTSlCUl47sFB5RQUKKg8XB+lb8sbIWiya23av8w0PI6yLX23QXh/vH9kP59GEJ29zK9/6Lg8db4WAZHKxvVX+jsG0Pvr4bhxv8mHF5b/AMDRESZlzeWzf+z7i8t2kbSNR3EdsSQyPb60AwIiInxYny6cPx/JQifNccxIhe6eiT5UF2igN9sjwY0Std129U1TRhyfa9cHIMFlRUY/G2fcTnBuSwXeVvGR4uYfnbA5tRtGGjk4GigBSnPs4+xcnqxGAShWSwDAWGpnU7savKStoYSUlCKCoZjquhnyI5bFKIiRVYCY5YCcG0hgS89+VRnU/iG7tq8ZPinujiSY65YBkK6R5e947SPTzYmBiNk6fIYhW8fNyU9Yw9gxkbsPw2eefQygKEouUFb3w+FxVbBzpYsqGvo53GuucKiRjSeAnylVOLUbH7iGryreR1ZHg4pJmIASghu/HQijvkpDjaFSpoIzFM7TE64N5GMox+Mgq4iQRvGJP3JUkSeqQ6sbqsRPVQy81w4eJMt8GaQ8nnFUSo5e2R5sQLU4pxz4a28L7VZSXwOmlDW1OYQi17orD5JCn/p28uxO/+ulc1QFdsD1aXlaB7uhPpLnmR3DXVqet7u6a2HTtdsMVsjMj08DpLhf3HfKBj+XFunpGZ53QnbrvsIgQjAhbedCnyusiiNCcDIQQiIqKiaAifdHI0ABosLaqho9lehyGy6OmbC5Hm5gwhn29UHVHb0sWZLhz3RQxRIY4EbU4ZC5dNLsTyHfuJ4ZvBiIh0DweGAfytUbh4RlcHXTxjOjeiaRjHobIS8Caidg6OIraNbxv9ROsxr7NNsyA3w4U7RvXGm5/VYl3MQ/hIUwALb7oUHEOrz73s5kL0zfHi/Xmj8eV3LXjiz9V4YWrRGbEgsheKNmx0MkQEyTTOHrAOHQ1GRLVDBOTBda5iXxG7fqLjVmI3NEWWuVaOtwTN7TFSXfL5myprsezv+3XXv6kkF0CC0FRNbxmMiJhR/gn5HXkAfwL7iQy3dfgrTVFExk95Rn84wfU9slhOonyuZCxAOhIYDcOqQPlm6W4Wr80qRVgQUdcUwHPv7Mdvxg3GkxV78NB1g+B1MJg/Lh8r3v0vHjcRCzBL5o+fzJPOtXF60JnsMRLVVy2sFHATWUXQNE18X0/9tAAcx2BA1xSiaf2m2aUIRgQ4OXni6w+L4Bh9eYvy0rFgwhD0yfaAoig4GAonAyI+PXRcZ57+RtURzB3dF5keXrUnUNh8kpT/A5t3d7FUmQAAIABJREFUY8OsUjy/Yz/mbWkTtpnzh0r86WeXq8/sYGkM6CYvhmmaPiMWMraYDRk8S2PL3JFoaA0j1cmq4kcKcjNc6ndTxsSIIMHF8zh4rBWvffw1bh/ZC2tnDAdDUTjuCyPVxcHBUhBEeRNVGaduiQnlAG31Y6lG2VSJ9ll406VoDQtgaApREYb5hTK2mbU5ZSzN9PK4f2w/7Dp8Aptmy2MGQ9MIRaL4tjmINR8cwGPjB4NlGLy1q9ZgfzVp2EWmfdSbcZZcH+4/hqsHdycKBz46fjCxbWyaXWp4J8qzbZxdiu9i7W7p9n2oqmnCX744KkcUfXgoNl+Sd9WyU3iIEuDi5Lq8tbIGc0f3tZzbfV/YC0UbNjoZrHL8XCaG922hm4kZP8HkuMIoWjGWTo58f6diPdFOM3q3w4St05jRWwkqmAoCjZPFaLwmrKfX2fYMiYzfrQSHrFhRs28kJWEDcT4ikd3ITSva6sGyyYWobwmjsTWMO0b1xuJtX+L+sf2xtbIG943pBwdHJ6wbJCiT+bomf6cxhD8fQVsISHUkWPVByUIURVOriOwUJx64eoCBbcz08AlN67M9PPbVt+KO8k9UVicnRS/sUe8LgWdp2QB8QxV++5MhSHGweLxiL1qCAkYP6oqtlTWGsq0sK0HFZ3KooIOliX3QsZNyTiMANTdNYfLaYxdyqtBGC8S/vwsRJPZ65dRiZHv1kRQKa6zUxROtYdz96i6sv3MEcru4iPWVZynU+yK68XD9nSOI9SM7xaHLrattDKB7ugt3xARy3nnwKuJ5PEsec1NdtK5M1+Tn4N4x/dQFmVJGRXDpNzfkw+ugicb0VV+fMB23V39wGKs/OKwr15hB3Yjj+P/+mJzrmGje0dAaxqRV/zIcY2hy9JDHQat9wf1j+2PuHyrx5n2jiL9NcbUvbMNeKNqw0clgKaQSkVB56LgudPOd6jpkDukBwJoRZEwYQYVNkyTg/X1HDdLTvTJ7x+5vzobBk5wZfSL7D39IREXc7p9iXZHhbntHZua9gDVj6Aua3yPNZf0MVqyn1XGzb0S1Uwb7XCGR3Yj2HT74+m41XOjVj77GxJI8BCMCHh0/GOt3HsK0Ub0T1o1E6EyM1/kI0aJf6Egwk9e/fVRvHGn0E8NMSRBM8qk3zxmZMHT1RGsI3zUHdaqjivVGRGiLVuif4wHPMoiKEniGxjO3DEW6m1OZIJqm8MytQyFKEriYCFr/7qmo+KwWvxk3GFPWkNmPpkAEKU6O2Ac1tIaxoKIaa2eMwIF6n/p3iqLaZRdyqkgm9PdCgjZnU/HRDEVFLJlciHmv71YXbrkZLuSkyrmlCsu2bHIhBBFwc4ypNVX8mH74uJ9YP75p8GPu6L6qCur9Y/tBkoD54/Kx6r0DpkI6zYGo6ZirLdPEkjzD2Kuo/y6oqI6dC+L4rDwz6R5m4zHp75yZoGCCcV3JHY4/JkogPvedV/YFTVNoaA2rDGxLUCTO7bq4uyPV+f3rjr1QtGGjkyHbwxN33rJjO6keB4XL++fgwDGfGp9/ef8ceByxRQgNrJxajOO+sHo8y8uruURWbJnbQWN8XBz+Kg2jF7Wwz7BiREWJzMbNH9dm/0Ha/ZtS2kv9d4qTxrzrBqL2hHwfnpH/W8mDNM2n0uR5jivsidrGgM5oV1mnCSbPqDCCbp7G2hnDUaMxt87r4lJzFLUGxrr7x75BIsPvjgiS3cikYXlgaMqw+9wry4OTgTAmluSqwjVtTAy5bjw6znqxx9IU7ryij+6ayyYXnrI3pRjbHbYnp3p4HDQxP8fj6Hh1ljZp/zQNjPy/d5NmyySLyACF7VbqVF1zAC7e6Heo5BKKoghJkvDw9YMQDAvwhUXc/fInKtMy77qBuj4HkNRIEQD4f3eUwBcUsPqDwxgzqBuxbBFBgi8YxbN//4rYRyk5jRxDYdV7B9R3wVAgXu9M5gxahf5eSFByNkm5pdp80iWTCtAciOCkP4Rpo3ojHBXRxcPj9U++xpTSXuQ6IUoY1ScTs67soy5mtv2nzjTn9dc3DFKtMrQ5jIsmFqDq6xPE8wIRgTiuTy3tpRtrc1IcRJa0V6Yb62aOgCBKcr3wyr+bO7qvOkZ7nQzGDOqm66OWTS4EQwPlM4ajVtN2cru4kOIyjsNLJhXAH44S24ZpJAJLYWtljeGcVWUlYGlg4rA8XV8zcVieqkSqzcUVRQmPV+zF4xV7de9oTH63dtUde6Fow0YnQ1MoSsx/e/KnlyKHZxEKS2hqDRusHdIcLOACONrEGDv2dyu2LBAi5zhunl2KDDfgMrHPcMUUO60YUSvGMxkz+kBYwvGWkMGYNtXBItVlzS6xFAVfKGo4v2tsUuLkGOIzOmM5BRJkZjVeEEiZsoli4vsnY/jdkcAQ7EaWTS7Eku378MtrB6g5G7kZLlAATrRGiJ5xm2aXmjCt1mXgWBpOTm/b4uRocKegJJtInORCXyy2JvBHTXef48KdIhT1Y7M+Mlm2LJk8uvg6VT59OLHuL51ciOOtYTXn7N1fXoVpL7X53c24vLeuz5vzg17ISnHoN5umFqNHuhO5GW3KwvFlA+SNqttGXIxUJ4u1M0aAoYEjjQFdO2VoCqvKitUcxIbWsJ0zeA7BsbRpbum8LZ/jtVmlsUUUkOJgUEvThvQPigLxG7p5BmUjLzaEcvZIdxCtLrqnOfHclCL1+ko5Ht76OV6ZOQInfGHDeUsmFxLvbWbHtXjbPnWD8Zr8HEQFCXe+8rFuzsOxNO7dUKX+7dW7LjOoZj/4+m68PmckTgb0AjvP3joUqQ5WHYf7ZntQcyKAxdv24cFr+mPdvw4Tx2+ziJfHbxyCRn8Y5dOHIxgV4eEZLHzrSzwxYQgafGHDXCPNKYd1a/sQU2u0dkYadbytPBs2bCREMCLg7epjOln1t6uPIRiRlR/DJtYO4RjbFYqKqIiFVb3z4FUonz4cFbuPIBSVz7fK74tYMIJRSZbAnj8uH5tml2L+uHyUf3gI0dgqyesg2194Y8yDkgOpPa7NgVR27bTH4/OHIqJEtPCIiG15lneM0stn3zGqt8oohk3OV95hVBCJx6Mx9c1AmLyYDoTFhPdXnlEx/I7/xlETdc/zHYJkrJMPvr5bleKfO7qvOriztLlnnFXdSISoKOGeONuWezZUqfU2GdiS/OawihToSAhFRaLYlNJHKn+zYsuSsdCIr1Nmdb97mlNdJBblpYOm9B6k8Wbck4ZdZFy4v7oLwYiIZZMLVYZDW7Ylkwrg4Gi1nYx//kP86Pf/wLSXPkZEkNRF4oqpxVi/8xBoWrbyoGkqabsQG2cGLE1hVVkJ0YOztjGA474Q6poDEAQJJ4MCjreEkO11qMd/9uouNXw5vn8NR0Xi5nEgLMLJ0Xjw9d2qvYtiaWGWh89QFH731y/Bs/rznBxF7NujJmOx1jrikesHqQrBym8e2Lwbja0R3d/qW0ImLLqIn2/UWyf9fONniMQiWOasr0SDL4wZaz9BVU0TGJoi2m/QFIjjtiBKkCQJNyz/J65++n182xTA7S9/HBvTE89VMlwcNtx1GbbMHQmOpgxzp6dvLmz3JqXNKJ5H6PXIX874PQ4vvOGM38PGuQVrwrgpzgmihZk8x1DERG9loWVlNm0an68u1CRiQjyghJYCqS55p5qm5P/mWErjg0gR2TaFTUuUP6TAbJBS3oEZo/hojNGzeodmi2Wlc7eeNCd+RrPciI7KWkUE8vtQpPgHdEvBwpsuxe/+uhdLby40ZTvao/oWiZJtXSLR5BfftiS/OZJh+jsKkln0JsOWJZNHF1+nzOo+S1PqIvGX1w6AKLXlehXlpRsEsBiaIj4DQ1Po4uHwqx8Pgi8YRfn04fCFojjWElJl+Unn9c7y4J0Hr4IgSljz/kFsrqzV9bl2zuC5RSAsIN3FIsiRWewsr7yAnPbyx7pxWWGJaxvlkOhUl2y9ldfFhZoTMov89K1DTdsDydLi8RsHI9PLm+b31ftCWLq97Tx/WABlMib++gaycExeF5eaT9sSjBJ/447z7jRjvc3aiqjJp9S2SyfH4LdvVhue+7kpRabX1zKDyrgHmIsHiqJEFLV6YUoRFt50KZwcgy4eHmFB0IWXfx/YC8UziLOx8LNhIx4sQ+PpmwtVhkZlYmLhUoyFkItVaKmDpVWvJOX6K6cWwxEL0WMoinh/rdiNWUI8IMu5T13zb0Nnqlg/MBTw4DX9wdAMaArI9Drk/47NNxwsjdtKL4YyN6coCreVXqyWD5BzEsmDVEy1NLYjGB/OwiUpNmM1KbY6zlAg3l95Ri5mPmxWvo4GzqROKoPvvu9aVLl2CsCq9w4Ynn9VWQn+tqfOkD+7sqwEWW5r1uJ0yOnbkvzmSHExZH9UV8d7N2ZiWEr7PRW2zCqPLr5Oker+mtuHwcUzutDCJZMK1N/NHd3XIC5iJhrC0BRmrP1UFf+IP2523qHjrVi+Yz/mju6LiSW5uP7S7nDFTcTtnMFzB55lcPh4K3jWOHasmFqMI01BA3OliMAofa8oQbXeUjYk6n0h03QQ1sRGxs0zYGjjPEHxxlXKp9x30USZhSSN+5zJWFpzIoAZaz9BboYL62aOIP5GztNtw9bKGrw8fRiONAbV9IMuGiN70nxB6dO07dLrYInPzdEmvossjbAg4tW7LkNEkNAS1CxYJXJ7kz0VwwZRq3s2VGH+uHyUvfQxcjNcWDBhCFK6cu2qO/ZC0YaNTgZJksCx+lwrjqVVgQSepYliNDzbJjaTaLfcyYFoVhsLmYdgcn/Bwl5D2fWyuj9FAeGohLtfbdv5XBnLn1COtwQF44TU0dbd8RxlMKxeXVYCB0epZSQ9o5UFiLJOSyckua8sK1F9kKzEaIIm5sLPxAy9JZC/QccL4pOR5iJbplQeOo4VU4vxh399jdwMF565ZSjCUQH1vhCyUhxYXVYCt4MFIKs6Pl6xFzeX5OrY5HQ3B4fDeqhLd7Lkb+ZMfpi0JfnN0RIQ8OWRJp0/6s799ejizm6XIt+5QLpJfU130fjw4R+eVrYsvk7V+0LITnFg6eRCUAD8YQEOlkYKz2JVWQmCEZmBXLxtHx67MR8LJgxB72wPHtj4ma7P2vLpN8T6rpy/6r0DxD5uzfsHDX9fPa0EXidryBVbM20Y0l02a3g+INPDoyUYQUswApamsX7mCHkc4RhIkFBzImAa1aHUDe3YXVXTpLJ+KSaWVF4HTaxDgijii9om9Mr2YunkQuSkOPB1gx9Lt+9DdgqPedcOwIIJQ5Du5pDi5ODkaDg5CmEfcLcmz1Cxx4i/tyICs2l2KfxhAWFBMCxKl00uhIPTG90/dN1ANPkjhlx5ERJ5k8tJQaI4vDarVFUOXjq5EE6O/NyiJIFnKV20VFQUEBZE3Lz6I135184Yjunln6AlGMWyyYUGkTWagqmoldaWxs0zaK9rlr1QtGGjk0GQgBXv/hcTS/LgBoOwIMpm5LGwRbN8AoXRs9otbw6IWLxtr+76i7ftxWPjB8PrlBlDJUFcgcIIAjLjSAyb1IjRJLp/RJDUHEpSaGlC+40YgmERz8aJwTwbM7yHR34G0jtUQhitQhybAiJRbOax8YPhccplJMpYD+6uvgPSjqTKONI0sXxP/bSgnbXn3KApYP7N1u08hPvG9sONQ3vgxfcPYP64wdg4uxR/qqxF/+6pyPTwyEl1oiUos4+bK2uxubIWgPzOFKNvK9S3hk0Fgnqku5K6hh1eZw6eZbD83QN46I9fqH/LzXDhh4Pap8h3LpCovvbMOL3KPPF1iqIoPP7nL3TKvrkZLmyeMxLLd3yFedcORG6GC1U1TXjiz9WYO7qv2p/Eh/PxDNR+VJSAUETAgfpW9Xzl95keHt3SnFi/8xA2V9Zi/zGf+vfuaU6AkgW4yj88pHsns9afOfsLG6cGmqbQK9ODRn8IgiSH2kdFKbZ4oWUlT8K4nJMiK4oq4xdpbB7SI9XUuoI0Ts67diB6ZXmxJDaPSHexuCTHi2duHSqPcZSES3K8ECQJNEXhWLMfVJrbtM3F99vLd3yF+eMGwxeSF2G/2ir3OQsmDEHfbA9omsJv39yD+pawrj24OQbTN32iu8eDr+8m3kN5H0+8uUd9H2JsLKcoytQK6Pdvf2V4fwsmDDGU/4kbh6ht/rl39uiOv/TPg3j8xiGGvMuHt36OBROGoCkQUb+fPywklaOfCPZC8RRgh5La6AigLYytrczc3Tx5t1yxbqBMrq9aQ5gwhgobZ2VWneIk318xjbXKoUwmf8jKYsPqHZgxYGmuNlaWdP1f3yBfn6aBft3SVJ8y5R0yGguSRO8ow8WpJrvaXcgMV/tCTM4VEn2zKwd0BUVJ+OCrY6qgz58qa1Hcq4uuDj5zy1CUzxiOGeV6+4Vk34kiEBT/zX5zw6kJBNnhdWR0Jrb1bAvzaOvUkUa/oY7WNgYQjdXfdBev9h1VNU1YUFGNTXNKVYZDG873yNYvVGVIQGZgtEyicv6iiQX47Zt7cN/Y/jjUIN9/QUU1VpaV4Ik39+Dt6mPqNetbwjo7Gzs/9/yCPyyg0R/Rh+dPLUavLJchJHXRxAL8z+Y2j8UnfzKEGI1E0yBaV5SN7EWcK4QFEWlOFnfEFpJ3jOqNu9bpx9Lndnyl1quVZSUJ2xyp3/7V9YMMBvYz1n6C9x8ajeV/368+h9IeVpaVIJpg7mI2npP+/umvxxKtgJy8MZrr5enDcDzmPap9R4CE7BQHolGRONab2c1cnOnGg5t3q+koXgeL9u5T2gtFGzY6GQRRSpgDaJVf5w+b75ZneKxzDM0YQyVHMSJI2HW4wcCmXR1j01qC5vdPdVrnUCYjmkFTFP449zJ0TXMjKkpgaQpHm/0qq+kPi2j0BbBpdql6/MCxk+ji5pDhkVlVsx1Ur9O6DKKY+B1aCfI0qrum+l3Ip35a0CEXKYne18NbP8faGSMwbVRv/PbNPXhiwmBMKM5FVBBRPn24Kpzxi02fYf2dI7B+5ggIkoTvmoN47hTeCWeSt6rk9tpoH2iaQr9sLzbPGYmIIIJjaOR4HR2SbT2Xwjw8y5AjLmL1d2x+V1WCf2C3FBysb0UwIuKEL6CG/bI0hV1fNwAAVk8rURkVF89g7ui+yEnhsXF2KcJRURWnebv6GKrrWrBhVikeuX4QeJbGb2OLRMCY06a8E4qiIMa862ycWzQFwgAow/h596u7sHF2KS7J8WJTrI582xyEJEl4dHw+vA4WYUFMOPY+Pm4gxuR3hxhjAd+prgNFUYZ6J0ECBbkuKOyisqBSy/OHSpRPH447r+ijY+/M2pxZv202D7l3zCXgWYowvqeanmN27+duLUDRxZlqOH3V1w2yKrLJHCZ+XG8NRXHva1WmcwGzsf7xG4cgN8Ol84KUw9ApLJlcAIaicNwXRjAior37V/ZC0YaNTgZBIpu9ixpGLz5hu2eGU2WrrBjBePU85bhyfSdHGwxzV2ny7ziWwqh+2ThwzKfef1S/bHAxWVYrxtPqeDJm9GkuGv6IA18d9ekMdBVGkGMpdEt36473zHCrZaQp4MoBXXU7hlrW1smTy+DiE+eBKs+Q7eGJO5LZMfYlHBWIO5mPje+Yu/eJ6kxtYwAtwQg4hsd9Y/qhwRfR/W7F1GIAwObKWjT4wpi06l/IzXDhhSnFSHfxSTMaOV4HsQw53o638D4fIYoS9h/zYdZ6DaM4bRgGdOt4HpNWfdyZhFk0QXaMsW0NRdW+4d1fXoUZaz/BmmnF6JWdqvPFW1VWgqduGoLZ6/TX2XW4AekuDg+ubftOyyYXYv8xH6pqmtR+XpKAS3uk6Rasq947oDLEynmP//kLPHD1ANtL9BxDFCWcaA2DZWgyMydIqDnhk60lftgXg3qm68avRRMLQAHEuYWTp1HSO0sXIaPkD8bXu5VTi1Gx+wimX9EbP/vhJaAoo6JottehqqTzDI37xvQzbXMOlpwP6GAp4hjsdtD4+ngAaW4Oh4/7sXzHftT7QlhZVgKaNtEeoEHOwXQSni92HdI7DkYEQzTU+jtHEH+rwGysXzABWDdzBI6eDOpY4GWTC7Hwrb0qC7zjwavavYFlLxRt2OhkcDBkA1o+xoxIEtASjBrMYxUDVytGkKVNmJeY2bQgSBBEUSe0IogiBCE2wRCR0EDWivG0Oh6MmOcHKmgNSTrzaaUMqQ5WzrO0KKNowaoGw+aMIzzWFiM8z2JAtke345nt4cHzcpfd2dQ1oyZ1JirIim9N/ghyUhzwOlmdibiyo10+fTh2HmxQ/QprGwO4Z8MurJs5QlWytQLL0hjYNQWb54xEVBDBxhgvlrUZxdOB476QukgE2nLY/nj3KOR0MDWbRPX1TKMxECF6sP7pZ5djQNcUfHcyqPYNTKyvHtg9Dbet+chwzoIJQwx/W3/nCEMbe/D13Vh406V45I//waH6VlVNcmVZCSo+q8XqDw6rfWRehgvvzRuN2hN+dcJaXddi5yqeYzQFwqhvCSE7xUkcO7R+hKV9szDl//3bML5tnTuSOLcIJohCInl1vjJzBGhQCIQFNLbq7V6K8tLx0HUD1Dqo3MO0zYmSLpc2zcVhyfa9eHz8YNN5gMLgaQVglPKaaQ8crj+pE+Kq+roB6a5M0+cmvWMnJwvObZhVCkGQy97sJ9vdcLFxx2ysp2kaXieF21/+3NBWtUq1LYEIUp226qkNGzY0iIqSamivdHblH7YJrURFiWgeqyxyrBQ9aQpEawatGf09BDGbjUpYpYlB7sZk759g1095PnKuWb76b6syWB23YgQFUSLmbEwt7QVAZjRJO5QKownIi8WePLmL7kz5XoD8vs3qzJJJBcj08qBpgBbNvd+UAV/79xOtYThPYaHHsnTSwjU2Tg2BCNljMhjpeCx4ovp6ppHIq5OmKXRLdap9QygSxYqpxaZRIPE+crWNAdAEhqe2MYDuaXI/v3jbPvVvSojg6g8Oq33ka7NKcbQ5iLKXPkZRXroa2hqOCnYI6jlEICxg3pbPMapPpiH/fVVZCQLhqMoWSmhjDnNSHPA6WAQjAgSTcfHVuy4js5Qm4yRDU4jE5im3j+yFV2aOwDcNMrt3/9h+pmMvsc3NKkVVTZMa7rxl7kjZ3J6mTPMK4xfAysLKTH+BpoCCvC74rjmIhtYwtlbW4I5RvREVyN67gigR50gUBfzo9+/rfl+Ul25gSpdMKlBZwERjfV0zWam2X44X5dOHo4uHQ06Ko93zgg69UKQoKg/AOgDdAIgAXpQk6VmKoroA2ASgF4DDAG6WJKnxXJXTho2zCVMxG81CKtEix8zY9omYaqqVdcP3DR1N1uxeEBMfN/NV0oZfWJXB6rgVI0ibHFcmSU0BER4OOsYwFImgKSDCmwS50tnUNRO9715ZHqz950H8cFA35Ga4TJhUGq/sPKQT5sjNcKGhNWyzGOcJzCIBOmKdteofziSsogm0fUMkKmDLp4dw+6jexHPifeSUPoz0WwdHY/G2fbo2VtsY0PWrtY0BNUdN8dnTjkNrbh9mh6CeIyibBYoitBLt4mBpNLSGEYqIKlu4ZFKBgTlcNLEAqRojeAVKHTiV/EGOpoiLspVTi5Hp5U3nD2aLUe2101wcHtryOZ69dSjx3lScBGhtY5sFiJma+a9vyMfUGMOqpDW8+tHXmH1VX9N5AGmO9NyUIsPv630hZHt5w2+fn1IEeBKP9WZ9wf5jPiyoqI7ZaFDtbm8deqEIIArgQUmSdlEUlQKgkqKovwGYDmCHJEkLKYp6BMAjAB4+h+U8b3Cqyq2HF95whkpi40zBKizSymyeNjF7V/oaK+sGs4WaYgZvJRpiZXbP0RTmXNVXZUWV0FnlOEuTzei1ExoHSy6D4iVp9Y4cLG1qnKscJ5XBobl+zYkI5m3R7yL2zU5+UdOZ1DUT1YnWkIAbh/bEyWAU63ceMjCxK6YW4+976vDzsf1RXdeim9i8svOQagtj49yCM2mXXAdcNJxO4SNRlNDQGk56wyeZaAKlbzh2MojRA7siEBGIXnM0DfU5lO/B0OSIES7W72uRm+ECo3nm3AwX6pqD6Jnuwv1j+xnGoVnrbLuMcwUlDDnb68DY/K440RqGBKBnuhMpThaZHhq3xHLtBFHCun8dJoZgKtfQCqi4TXLyPQ7yOChBAiTKUD/ujgnjEMdmkzbX5A+r/140sQAPbfkc9b4QOIZcpneq63TvRdkwWTG1GG6eNsw9VkwtxlN/qdaV854Nu7BgwhDwJnmQHgdNnCPxDHneoGgfKMhO4XVpJGZjPakvUCJrahvlMNTNc0Z+vwqjASW114nxPAJFUW8AeD72v9GSJNVRFNUdwHuSJA1IdO6wYcOkTz/9NOH1L0R7DHuhaIpzOrtJVF+/bmjFVUveM/z9/XmjcVGmB9/FwhV+saltofXMLfLuW7c0F75uaMUvNn6mDgRKwvqztw7FRZkeNLQG8W1TyNA59kh3INPjRLM/iJrGkCHpPC/DgTS3E982+fFtU9Bw/x7pTvRId6PZH8QxXwS1JwI6oZkcL4c0txONrUEcbzUez/JwyPA4UXOiFfe/Ziz/8tuGIq+LBwDQ6A/iCKGMPTMcyHA7UdfkR11zCPdvbMtlWH5rEbqnOdA93Y1vm/w4GYyApRmdcW6qk0OPdDdag0HUnYygRlPGvC4udE/l4HE6cbwliMaA8RkyXByyUs5IvtY5n40nqrN1zX580xAwmApfnOnCo2/swZ1X9IGbZzD++Q/x0a/GoCUYBUNT4Fk6tjste28FwiLqW0JqeND9Y/tjYNcUO8/wPMDR5gDqTgbR2BpR63yGh0P3VCe6phHDfc/bOpuovnZLS95HURQl7DvaYlj0WbFuyS4ulb78oesGoG+OB+GoBEGUGT+Pg0aDL4xajahZXheX2mdq+64uHg4eBwtRkjBTI3IjT64Z/Oj376vvYOFbe/H8lCIIkoQrF79nKNPQW98yAAAgAElEQVSHD//wtHtNnkc4b+cFSvtTQlC1C7fF2/bh1ze02Uls+/kVaGiNGKKS+mS7cfRkyHCN1dNKkJ3CIxSRVEaZYQAXS2Pm2kriWAwAPyDUjw8eGo2mQNQwv4hEIuA5zjBm90h3oMkfxdcNbcI0yyYXIs3FwutkAVBqXiFLAw2+iOo/qFwj1SXX7TQna5hb9OvqwRWLjOV8f95ocAyFD76qx6h+2eo9du6vx6V5GWjyh3XvaM3tw9CnixtHW0MIRyV13uBx0DjRGsGc9foyJTtuKX1BIBzFl9+1YNV7B3Ssv0V7S6q+dnRGUQVFUb0AFAH4N4CukiTVAUBssZhzDotmw8ZZhVVYpCgBX9Q2GuwplNwsM8ZQFYtJYB0BD+ALifg0ZiavlcrOcHdHmlsW05GN09t2K198/4CaQ+kLiYhGo+jf1ate/2QgBF+IQZpbtq5QvPK05VPsO2iKXH5aE3LiD4lEyenHxg9Ghlt+R6v+8V+9uts//quWUZJANM5VjjcFRHRN5eDiGPUZUl20HHLqBMKCpJoNu8EgLIhYsm3vBct+iSLwzpffEcV/FFn+8unDkZvhQliQcPXT8sR085yRyE5xgqZlCf4WNiwL/6Q48Nj4waddjCYaFXHMF9LZO9iL0ORA0zRWvPtfXZ1f8e5/8dRPC8510U4ZierrqaChNawuEoHkWbdkowk4RmY2blvzb3z48A/x25g5eN9sDxp8IWR6efTJ9oCmKDT6w0h1sAhFRaQ42qaGYUHE43+uRr0vhOdvKzI88+ThF2PT7FI0BSJY+NZe1PtCKhuSKETWxtkFTdMIRkRi/t/8cfmIxOyG3DyDFCeH3//tKyKjSLrGnPWVeOOeUaApCaIkRyVRkDfu/vfHg5Dl5SFIEiKCiBG90tWxmBiKTlGqCE1OigOZXgeerNiDedcOxJLte4lj9sK3vsTEkjw8cv1A1ZB+YkkeVr13AHNH99WJ3CyYMASvzSpFVBRjAnwSghFRbb/x43JtY5BYzrAgLwyXv3sAD/3xC92x8unD8addR7B2xghwDAWOoZHt4VHfGoYkAS6ORlSU4KAphCKiukhU3qciTpVMG1f6gvoWqF6M2rJwp2F86hQLRYqivAC2AviFJEkn42OQE5w3G8BsALjooovOXAFt2DgNSLa+ppgIpSiG9W6eIkpZu3klvy6xWIyTo5HhdalhKsr5qv0FQ6G4V6bu+lqzeCdHNqtXznfzNE74acP1FbN7qxxIK7N6wFrwJt1FLmN67B1aPUOai8ahBiPr2jtT7vglEwPfx8Z3nggPIPk66+RoskFx7H3WNgbgDwtYObUYgiCoO7TdUp06JuXbptApszPJIhoVsfdoi2FH22Ysk0Omh8cDVw847wWYkqmzHEMZZO7j+5hkkEiY5nRAa/lCyglT2KR6X0i2maHkc+pagpix9hPD9dI9PMo0uVrLJhdCkkQds6r9pp1JcOt8RbJ9bKaHhy/kINa3HmlO+MMC5r/xBbK9Diy/bShR54CigOwU4zVuKcnFt83G8e7iTAeiJ0RMe/lj3d+feHMP7hvTjzjPoCjg7epjqG8J45fXDoBwMoi3q4/hV9cPMhWnMeQ6lpXguR1foaqmCQsqqrFoYgGWbN+L+8b2B8tSuOz/3iHWf9K8gCQ2s2JqMQRRgJNjTUNPJxT1xPTyj3VjxZuf1eLKAV11ZV1VVoJsr/6dfp8+gBSGumRSAXzBKLI87ROR6vChpxRFcQAqAGyXJOn3sb/tgx16elpgh56a4rwNMTnS6McTsZ3jeLarZ4YbRxr96iJMgcLIKcfX7TyEScMuMuyWJ3u+1fGjzX6D2X3XNLd63Kr8B46dRN+cVB2j2TcnNanzk31HVsf/tqcOY/K761jZqwd3R88MN75tCiAYDsPBcTqxGifPo0e6C/UtIfx0xYeGd3QG83fO2zA+AAnrzOWL3kVuhgtrZ4yAPxxFpocnhtud6Xf6bVMAN6/+l+H6m+eMtJVSk8Qp5uOdt3XWqo9LFmejH4hGRRxtCQIAscxaKf1k+vAvvj2pY2hmXN4bwYiIvjleuDj9Nz3V/MtOgPN2XgAAdU0BTI7rw67Jz8Fj4wcjEBHBUDJDFREkLN4ms3Q90pxwcnIYZpaXRyAiqGHJbaGkRTr7FaCtvpjVOQDYWllDHGOfeFNmEJsDEbWe/WbcYDxZQR6T791QpTKHOalOHK6X5wNKOChFAVEReKe6Dpf3y8HVT7+vlmX9zBH46phPvRapvP/fz0YhFJXtLBiaQmsogke2foHnphSpLL22TI+OH6x6K2qvUz59uLq5pP37gglDdBsz37cPONEawu6aZt23qfeFEl2r84eeUjJ1+BKAL5VFYgx/BnAHgIWx/3/jHBTPho1zAjO27NcxtsxM9VRRD+NY8m45H0u4tjrf6rjXSeOEnzMwhl6nzMqYSVQrgQIpLjKjqTCmoglbpwxOgMwI3Dumn2lSudU7NDMYdsZYT4YC6k5G8PBWvWHxJdnybnqGiyOaB2e42ud31FGRqM4o727e67ux9OZCNbQ0HmeanYmYSKFHBfG0XP9CQGcRYDKzmxBPceP9bNjcsCyNrilOfGsipZ8e63O0fbSZRRFFQWdDcMeo3ij/8BAeuHoActONCrad5Xt3FmR5eN24c01+Du4f218/lk4thtfB4I5RvfHKzkO4Y1Rv3B0bJ5Xfx/sLm7UHs3493cVh4Vt7Daq4K8tKcODYSdw3tj+BrYdpFI/WHuMv919hmB8oAi9VNU3408+66MpyrKUtTeXJnwwxRCO9PH0YjsZ+o70eIPupWllwaO/F0GTrmV5ZHp2o1PftAwJhgRgJ0N4xsEMvFAFcDmAagP9QFPVZ7G//C3mBuJmiqDsBfANg8jkqnw0bZx2JpKqTOR6JSmpHCbSZmiuqqe29vi9ItobwBUWkueT8v0SqrS0Bc3PfVKeco2iW+6AgIrTvGUMRCZWxPEwto5g5pAcAOR+EJLOt5GM1xvIr4vMtnvppwQU5sUr0vhfedCmWbpfDg+pbQkjN9hKvYWUbcKbKyHRuhsQGAcn0MUld5yzZ3LAsbWp70RSIqP9W+jczm4DfjBus/rZ7mhMsTeGpnxZcCExhp0BTMIpAWMCCCUPQO8sDjqF0DFpto6w8+tos2XheYfXmj8vHqvcOYGJJnrrIVH4/b8vnpkqlLE3hmvwcA+PWFIigqqYJS7fvw4IJQ5DXxYUD9a14bsdXmHftQB3rph2bzcZ97T3TXW2b0EV56Zg7ui8cLI3Fk+Tw02MtId3vtfU/Ikj4y+4jujzc1lAU975WZZiPzB+Xb9qmzMYKIbbxGf93J0uflj7gTI2BHXqhKEnSP2FOnY49m2XprLDtNDoecrwOYtx8jteR1HHBYrfcKgfQykw+zUXjkB+4vVzPxuWktjGCie5vxVgm2g1XYHWPLDdPfIYsN6++w2FxjOIqzTu0yscKRwWTHMWOZz5+OpCoTlEUhewUHg9dNyChefCZZmesLFFsXDhIpo9JFmeLdXMSLAyUHK34PjzH6yCyN2/sqlXbVfe0jumBeSEjHBXwu79+iV9eOwAOjkI4Sh4HGVqO6tGyeosmFsDNM8TfJ+q/SfWo8tBxAIgJH9GY9/rnqlLnI9cPOiV2UoiN2bkZLjx9c2FMgCZA9PFcWVaCis9q1d9r6//KshJwLIUrB3TVPfcrM0cQ7ysv5sj9gIOlDWPRqrISbPn0G8PvlRzF05HnfqbGwA69ULRhw4YRHMdgYI5Xx9jleB3gOCap44zFbjlp102r+NccEFXVMmUX8bmYOpnXKR832xn0JsEIWrF9ZrvhiiIpYH0Ph4NF/yyP7h1luXk4YmqALEtjYNcUbJ4zElFBBBungGnFFJxp9qujIVGdUthkOeTUaTo5PdPsjASKWMa7rrzktFzfRsdBMn3M+YZgWETFZ7Uonz4cHEuDgqxOuezmQkMfThojvE4GN5Xk4tbLLrYZxA4KnmVQ7wth6XbZ0D0ikBkuMy9mRXk6/veJ+m+zsX7MoG44UN+qhoQq1zJj3UwjOigKO/7nKjT6w4gIojq2zx3d1+jTGLv3lNJeYGnZiP6ZW4eqEUE/Gtzd0K7rW0LE+/ZId4FlKNPIofixKMPFoeuVl0AURWyaXQpBlAzzhvbiTI2B9kLRho1OCI5jEooqJDputVtOUzDsui2aWAClL2pvjqTV/a0YzRQTxVIlhxGQ8yRJjKGSJwnIi8WeDvMukmXphCImiZiCs5Gb1JHg5smqp26eVutG1wSLRAVnkp3J9PD4SXGerowX8je7kOHmyX2Mosx8PiIqSlj9wWGs/uAwkW2JV20ljRFku0sbHQWZHh5rpg3DrPWfIiyIePEfBwy58osmFiAqkMfosCAaxs1FEwtMdQ04hpyTFxUluDgamV4e9T45FFS51pZPvzGM74smFpiquae7aAxe9K56/aK8dJXVM4saeuov1UQFYJ41MqDlM4ar70zb73dLlf2OzSKHSGPR2YgcOBNjoL1QtGHDhg5Wu+WixfH25jBa3d+K0WwJiIhEIrrd8KPNfrQEOMT6dviC5l6QZ2MydLZykzoK/GERh+tPYmNsp5WhKVR93YAu7swY00qfcwsK+5vZUJCovmZ4znXpyND2u9r8sD7ZHoSj4vfygbTRsUDTFAZ0S8Ef7x6FiCBi58EG3HZZHhZMGKIqZS7dvg9LJhcSx+g0Fwd/OEr8vdmYbDbWK+P4hlltbcgfimDSsIuw5dNviON/lpfVjdk0LaEpIOruUVXTpP6edG8Hx+CpnxbomD2apuDiaWS4HMhw8oZoK4YxzyG8EMYEe6Fow4YNHczyU5T8u2wPTzyeHWNWMl3k/L5MV/LHSdfXHiexT9rjJ/wRgyqqclx5xhN+o3Kq8oxnA7YiYBsyXTx6ZaeqkuLa3eLV00qQ7Tk/3pP9zWwA5vVV28ecb4jvd+t9ITg5Gr/Y+BnqfSFdH26j84KmKeSkOhGJCFhVVoLlO77C7Cv74hebPlPrsiQZmcNVZSVgNF7KWu9MnqWIY3Kqy5jXvbKsBKFIBFmpDowbmosnK/bo2L1r8nOI47/XSeObE0avxn6ZHkNZ7xvbHweOnTREJq25fRiyPI6ECzmaJkdbmfX7F8KY0OF9FE8XbB/Fc4MOLH5zXvsltReRiIBjvhAxhxEAwuEo6lvD6vFsDw+eb9t3CgajaAi0Hc908XA6z5/jyTxjJ8M53+K0qrPx3yzdRaMlJCHLc/pyOGx0KJzXdTaZPuZ8g7bMHE2BZWgEIgKxD7fxvdCh5gWRiID61jAoSJBAISqKYCjZd9DF0fCHRbV+u3kaYswJKCpKiIgSRFECx9BwcBQ4BjgZEHX998mQCI6mVQ9ClqaQ5qLRHBDh4mk4GApNAQEUJUcSiZIEmpLbkrZtuXkaKQ4e0ahIbHPx85EsN4+TYQGiKEKQAEmSOi3b1050fh9FGzZsnBlY5TjyPIueCSYVTieLngkmTef6OGD9jDbOLkjfzOM8R4WxYcMCyfQx5xs6YpltnDlwHJMwz/5Uw6hT4vprs/7b67T+DamesixN/DtpPpKdQF/AxqnB3qa1YcPG/8/eu0fHcdz3nt+q7p4HHiReJC0RJEXKpGRtQlIY6CaRHUWmNr46ibJeX8KSbcCSmYQWSVuxFS/X2c09G9/dzd11GF/ZlkXAYq4lK6SfZBLbco5jH8uKci17bYCimFxFT1IiQCki8eADg3n0o/aP7mpUd1f3zAADYEDV5xwczFTXs7sev57+dX0VCoVCoVAoFIoA6kZRoVAoFAqFQqFQKBQB1I2iQqFQKBQKhUKhUCgCKCdexZJS6wZBy3jzG4VCoVAoFAqFYtmgdj31IIScB/DaAmTdBWB8AfKtN8uhno1Ux3HG2O1LVbjQXxvpnMho9PoBjV/HetRvSfsrUNMc2+jXo9681doLVNfm5dJnr/TrdyW3r95taxS7IIkr+XrG8VZsM1C53VX1V3WjuMAQQoYZY71LXY9KLId6Loc6LjaNfk4avX5A49ex0etXb1R7r3yupDZfSW2RcSW370puWxyqzW8d6tVu9Y6iQqFQKBQKhUKhUCgCqBtFhUKhUCgUCoVCoVAEUDeKC8/DS12BKlkO9VwOdVxsGv2cNHr9gMavY6PXr96o9l75XEltvpLaIuNKbt+V3LY4VJvfOtSl3eodRYVCoVAoFAqFQqFQBFBPFBUKhUKhUCgUCoVCEUDdKCoUCoVCoVAoFAqFIoC6UVQoFAqFQqFQKBQKRQB1o6hQKBQKhUKhUCgUigDqRlGhUCgUCoVCoVAoFAHUjaJCoVAoFAqFQqFQKAKoG0WFQqFQKBQKhUKhUARQN4oKhUKhUCgUCoVCoQigbhQVCoVCoVAoFAqFQhFA3SgqFAqFQqFQKBQKhSKAulFUKBQKhUKhUCgUCkUAdaOoUCgUCoVCoVAoFIoA6kZRoVAoFAqFQqFQKBQB1I2iQqFQKBQKhUKhUCgCqBtFhUKhUCgUCoVCoVAEUDeKHrfffjsDoP7UX7V/S4rqr+qvxr8lR/VZ9Vfj35Kj+qz6q/FvSVH9Vf3V+FcV6kbRY3x8fKmroFBUjeqviuWG6rOK5Ybqs4rlhOqvioVA3SgqFAqFQqFQKBQKhSKAulFUKBQKhUKhUCgUCkUAdaOoUCgUCoVCoVAoFIoA6kZRoVAoFAqFQqFQKBQB1I2iQqFQKBQKhUKhUCgC6EtdgSsRx2GYyJdRtmxkUxosh8FxGAgA02GwHQZDo0jrBEXTgc0YDEpBCVC2HaQ0CsthsLx4zSmCoslm01ICXSOwHTe+RokfZtluPMdh0CkBCKATAstxw3VK0JqhKJS9eIxBIwSEAIwBaZ3CdBw4Dvww22GgXhmEAqbl1kPXiJ+Wl6tRghQlsLx8HebWUacEGYPCshlsBphemKERlG23TQBACAFjDIQApu2eg4xOYTMG02ZIaRTtGQMThTIsrz1pnSJftv3PDASdzSlQL0+FQtH4FItWYFy3ZSmmSww2Y2AMyBgUts1Q9ubBlEahEaBguXNJV1MKM5aFmbITmBtaDB2ZjI5SycL4zGz+XU0ppNM6ymUL5/NuuEEJ0gZF0XSQ0jU1j9SZ8DXuzKaQySxPM2Qp2yLaGCldQ3vWwFTB9L+3ZXScz5f9dTatUzjeZvgF00bW0AC46zDv5wBQKJdwoeDA9tZybgMYOgFA0JFN+eUQQqARd802NGCm7PjxGXPtB/59dUsahlemrP68/HDYXMeeLH81jt3zcqFQRrFsw/RtSYqy7YB619NmcK8rJdApQaEcPIeW5eD8dMm3PbMG9foAw6WCExgPk0UTgDt/24xBJ14fKpoo2w7SOgUBUPTm8EyKolh20JlNBcZWxqAgBEhrwAWhjNYsxVTexsqshnzJCawdF4sMKzMkEL8tSzGet/36hdebsgNkqR4Jnyq4dTUtx7ej+XiPmwfEPphJUZRNhrLtoC2rYboUPE+plJbYXy3LwbnpEkzbgaFRrG5JQ9flz/kWYl5anjN0A+M4DC+8eRm7HxvGqpY0/tfbr8MjPz2Nfe9+OwplG/uPnsTYVAHvuWE17rttC/YeHsHYVAHd7Vkc6NuKvz1+Fu/rWRuIt//26zF+uRRMu2Mz9h45Hkh7dXsW5y4Wcf+3nvXDP3/Xdhgawce+9gzGpgq49zevQd9N6wP5dbdn8dmdW/HVp0/jvh2bAQAPPvES7rl5Iz597GSgjM6WFP7yH17AD587h+72LL7wge1YkdGx69HhQLyulhQuzJiBugwO5NCSpvjwf/2lH3awvwfff/Ysbr1+DbIpDQd/8jI+9Z4tKFsMe48c98+hWNfBgRwe/PGLfh0O9vfg8M9ew9OnJvz8/ueedbhuTataHBSKZUCxaOGliXxgPhwcyGFTZxovnS/ixGuTeOeW1ZF564E7t+E///3zWNWawp/ecQMuzpjYJ8yLg/09WNFkYA0gzX9zZ3Mk/EDfVvzFD17A+ekSDt3dq+aROhF3jTd3Ni+7m8WlbItoY/CyhwZy+KK3Jt77m9fgju3dgbqJ62zYxuhuz+LQ3b1Y357CqYlSIB23Cz6+YzOOvzqB3o1d2CM5ft9tW/D4iTHcct2agM0gHr9+dQsMQ5PW/9DdvUjrFHd/5ReBsLmMvbj83+rj2HEYXp3IY2K6FLDLxPmOX697bt6Irz59GrveuTEwF769qxkvnJsO9IEDfVux5W0teDXUdwYHcpiaLkDTdL9PxNm9vAyeZrIlG+m/13ZlIv1zcCCHtAaMFi3p2iGLv6kzDUC+HmzqTEvDN3am8c9npyN2qGz94OGnp2YC9wH7j57EH737WrxjbVskfleLgfcP/VzaXy3LwfNvXg6c86GBHK5f0xq5WVyoeUm5ntaZiXzZn6D23Hot9h89iZ25dZjKm34nA4CduXX+xQSAsakC9h89id23bIrEG5ssRNN6xpCY1rSYPwHw8E9+8wQm86Yf1te7PpLf2FQBnz520s93fLqMnbl1/uAWyzg7VcTO3Do/7BPfOIGxqWIkHiE0Upe9h0egUy0Qtu/IcfT1rsf+oycxlTexM7cOGtX89vFzGM5HrMO+I8ex+5ZNgfx2PzaMiXx5Qa6xQqGoLxOFcmQ+3Ht4BBcKDqbyJnbccJV03rr/W89iz63XYmduHUyL+TeJfh5HjsO0WGz+svD9R09iz63XYmyqoOaROpJ0DZYbS9kW0cbgZe8R1sS+3vWRuonrbNjG4P38QsGJpON2wb4jx7Hjhqt8YzV8fO/hEfT1ro/YDOLxc9Ol2PrvfmwYr03MRMLmMvbi8n+rj+OJfBmvTcxE7DJxvuPXi/8Pz4XnpkuRPrD/6EkUy9G+s/fwCK5dvSLQJ+LsXl4GTyPrv7L+uffwCJrTRuzaEReedEwWfrHgSO3QpHkgfB8wNlXAzZtXSeNbNmL7q+yc7xHGU+AaL9C8tLx+xlsGlC3bv0htWQNjUwW0ZQ0Asx1BPCYyNlWARkkkXrVpKYE0vCk16/KhUYKmlCaNx/NtSmlogjwOPxaXf6W6OIzFtpnnLaaNays/L2Ie4fzKlg2FQtH4WA6TjnPLYWhKaXAYS5y3AMTOOZQk55+Up5pH6kfSNVhuLGVbRBtDLJv32bANwY/z8LjjSWNhbKoAxpKPx+XLj/NzE1d/mR0xl7EXl/9bfRyXLbviHCpeL5n9Wus8Gg6vZM/Vo4xqwvnnhSxDZsPaMfFldjHvr6btyMuwHYRZqHlJPVGsMyldQ3d7FgBwoWCiuz2LCwUTM2XbDxePiXS3Z2E7LBKv2rQOgzR8pjw7QdoOi+TH4/F8Z8p2bBn8WFz+lepCCYmE8TbzvMW0cfUI18H2BoKYX0oPLjwKhaIx0SmRjnOdEsyUbVBCEuet8LwhHndYcv5J84uaR+pH0jVYbixlW0QbQyyb99mwDcGP8/C440ljobs9C0KSj8fly4/zcxNXf5kdMZexF5f/W30cp3QtcQ4VP4f/82O1zqPh8Er2XD3KqCZ8McqQ2bBaTHyZXcz7q6FReRla9PZtoeYldaNYZzqbUzh0d6/rR/zkKzjQtxXHRkbR3mzgQN9W/yIeGxnF4EDO/859tQ89dSoSr7sjG03b3xNJa+gED9y5LRD++bu2o6PZ8MOODp+J5Nfd7r5LwPPtaknh2MgoPrtza6SMte0ZHBsZ9cO+8IHt6G7PROIx5kTqMjiQg+XYgbCD/T04OnwGB/q2or3ZwLGRUdiO7bePn8NwPmIdDvb34NBTpwL5Hbq7139BXqFQNDad2VRkPhwcyKEtS9HebOCJ596QzlsP3LkNQ0++gmMjozB0goOheXGwvweGTmLzl4Uf6NuKoSdfQXd7Vs0jdSTpGiw3lrItoo3Byx4S1sSjw2cidRPX2bCNwft5W5ZG0nG74GB/D5547g0MxRwfHMjh6PCZiM0gHl/dko6t/6G7e7GhsykSNpexF5f/W30cdzansKGzKWKXifMdv178f3guXN2SjvSBA31bkUlF+87gQA6vnLsU6BNxdi8vg6eR9V9Z/xwcyCFfMmPXjrjwpGOy8JVZKrVDk+aB8H1Ad3sWT790Xhpf1xAIE/ur7JwPCeMpcI0XaF4ijC0/t4+FoLe3lw0PD9clr0q7njoOgy7seuowBr3KXU/5bqZ811PTdvwdSave9TRLUShV3vWUEsDxdquiZOl3PbVs93w0yK6nS/ozeD37q+ItwZI/tqnUZ+N2PXUYgxPa9dTx5kaNuDvmaWrX02VBjTvyLfmJT+qzy2HXU8vbmVLc9bRo2shU2vU0ZBeoXU+rpqHtAnHXU8u3JSlM2/GvZ7W7nnLbc667nrp9b3nsenqh4NZ1vruemraDlfPY9dSyHej13fW0qv6qbhQ9lOGtqJGGXhAUihANbXQrFBJUn1UsN5RdoFhOVNVfG9b1lBDyFULIOULIvwhhnyGEnCWEnPD+ficm7e2EkBcIIS8TQv5k8WqtUCgUCoVCoVAoFMufRt719FEAXwLwWCj8AcbYX8YlIoRoAB4C8NsAxgD8khDyXcbYcwtVURncncnQSMiFEuCP4ikFHAcBNynHE5YPuHsSwHbgC5walCClE5Qt193T9tywdOrGo0R4lG9Q2A5g2Q5IqLyMQVGyHNctwMsjnJYQoCC4cjWlKBjcMO6aKuY3XbKR1SksBt/thRKAeu6vlsOQ1ikMncAK1T9tEBgUuFwMPpbnj9EznvsMPzcaASilvtvKpWIZ+ZLtu+wmPZ4HgiKmLWkNRXO23LCrjEKhWFhkrqeWA99Nh49/cR6klMD23PpXpg1cLJkwdBKYsyq5CIkuqWIZy10QvhFZSnfNetPobXEchvF8CUXThkYIVmRpwDVwRZZiuuS+ZuIwhrShYYXhut2FXU/D7nQEDCXL8d0JWzI0sG63Zimmi8x/xSS8ntYiIK6oL9x1lM+jzSmKoicGn9IpNGEYjQ0AACAASURBVEJQNN0dUkuWE7DvXJd8irIYrlO0pHQwhsh40HWK6XI54BbKXVJNT3w+X3JdlkVbkrt7iv3pcsF9TYsK/dJ1MXWQMWhgzufpebpqXE9bsxQXZmx0NmkRd9ULBSdapwyF5RA0aVognxVZism8jayhwbJnXVX5qw6yeYO7npYsGwSuyzZA/HFhmrbrelqFfboQ81LjzGohGGNPEUKumUPSfwfgZcbYKQAghHwDwHsBLNqNYrls4YXzeTx+Ygy/u20t9gnC8Y/8dFbMNCxoP9jfg4xBA+L1D33oRmiUBsQ2H/rQjWhO6zgfEp8eGsjheyfGcOv1a3wB00d23YTpooXBJ1+WlgfA1yzkLxaLaUumExH6TBsUB37wfCS/g/09+Mfnz6F3Y0egXl/60I0wLScg8jo0kIPtOPjY157xwx7ddROKofIGB3IwTRP/1/df8EVL+TEuDnv/b1+HtiYd5y+XA2LbcaKkAAIipjdv6sTAb2wICnUP5HyBYIVCsbDECQVv6kzjrod/jlUtafzHO97h6bbOzlWdLSkw5r73XLQdOI6D6Wknkk+SMDIPF4WRw3Ea6QZgubKUIvX1ptHbEhad/8wd1yO3sStS37etSOF9Qz/D2FQBJz9zW6RNfI2977Ytvoj43x0f9e2asakCHvzAVlyzakUk71fPX8J93zgZWU9rERBX1BfZuT/Y34MvPfESfvjcOX9eHT49id+6fnXEJnr1/CVs6GoNhB/s78HGrgxelYjbr+9IY3QqGm6aJl4+l8cNa9vwxR+/GLAl/2bPr2FyZlYb8T03rMZ9t22J7ZebOtN4ZbwYqeuaFQZek9RpU2caNiAdv2vb0jgVk0YWvrEzLc2HOTZeLzvStSQcf2ggh6xBcc8jv4y0749u24LNXc14cTxahsw+Xah5aTmOyo8TQk56rqntkuNrAYwK38e8sEXjfL7sC9DuCwnHi2KmYXFa94YtKF4/mTcjYpuTeROjEvHpPV6ZooDp2GQB9339mdjyxqfLgbBwWpnQ59hkQZrfviPH8d6e7ki9pvJmROR1z+ERTObNQNiopLy9h0ewZmVTQLSUH+Pncfdjw7BsRMS240RJgaCI6e5bNkWFuhPSKhSK+hInFHyh4PjzJ79J5Mf3Hz2Js1NFaFTDmxdLMC0GnWqxgsOVwmVzzHIVhG9EllKkvt40elvCovM7brhKWt+yNau7dlkiNs7XWFFEXLRrAODGDZ3SvG/c0Bn4ztfTWgTEFfVFdu73HTmOnbl1/vf9R0/ivT3dUpvoxg2dkfB9R47jUoxQ/XRRHr5mZRNu3rwKew6PRGzJNSubAml4/4vrlxcKjrSupoXYNUXW1/ceHkGhLA+/EBP/Ykx4Z0smdi0Jx99zeARnJgvS9u05PILxGflcIxsvCzUvLbcbxUEA1wLYDuANAJ+TxJG9nCndsYcQ8lFCyDAhZPj8+fN1qyQXvRQFaGUipvwYZ2wqKjorE0htSmmxwqm8TC5gyuNVW54srSxNXH4yUd6kfKqJZzksUah1bKoAO0YMWCZKCgRFTJMEiBuJheqvCsVCUW2frSQUnDR/UQL/f+w8UKMwsqwOivmxlCL1tVBNn230toRF552EccGJaxMfFzK7BogXEbeFvMWyahEQV1SmFrsg7txzm49/j+svcdd6LoL0PK/wvBtOU8n2m0vZc0mzkOFxdnilvMIs1Ly0rG4UGWNvMsZsxpgD4BBcN9MwYwDWCd+7Abwek9/DjLFexljvqlWr6lZPLnopCtDKREz5Mb+i7VHRWZlA6kzZjhVO5WVyAVMer9ryZGllaeLyk4nyJuVTTTydkkSh1u72LLQYMWCZKCkQFDFNEiBuJBaqvyoUC0W1fbaSUHDS/OUw+P9j54EahZFldVDMj6UUqa+Favpso7clLDpPE8YFJ65NfFzI7BogXkRcE/IWy6pFQFxRmVrsgrhzz20+/j2uv8Rd67kI0vO8wvNuOE0l228uZc8lzUKGx9nhlfIKs1Dz0rIamYSQq4Sv7wPwL5JovwSwmRCykRCSAvABAN9djPpxVjWnfAHagyHheFHMNCxO64rMB8XrO5qNiNhmR7OBdRLx6SGvTFHAtLsjiwc/eGNseV0tqUBYOK1M6LO7IyvN72B/D75zfCxSr/ZmIyLyOjSQQ0ezEQhbJylvcCCHNy/OBERL+TF+Hg/d3QtdQ0RsO06UFAiKmB566lRUqDshrUKhqC9xQsFtWerPn1/4wPbIXLW2PQPbsbFmZdrdIMuxYwWHK4XL5pjlKgjfiCylSH29afS2hEXnn3juDWl9U/qsYdkqERvna6woIi7aNQDwzGsT0ryfeW0i8J2vp7UIiCvqi+zcH+zvwbGRUf/7gb6t+M7xMalN9MxrE5Hwg/09WBEjVN+SkYe/eXEGT790HkMDuYgt+ebFmUAa3v/i+mVblkrrauiIXVNkfX1wIIdsSh7eFhN/ZUz4xHQxdi0Jxx8ayGF9R1bavqGBHLqa5HONbLws1LzUsDqKhJCvA7gVQBeANwH8mfd9O1xX0lcB3MsYe4MQcjWAv2KM/Y6X9ncAfB6ABuArjLE/r1RevfVnatn11PaE6sVdTx3GXBFTYddTLnAa3vXUcRj0GnY95eUFdj1lDAatcddTSX7SXU8pQEF8d4NUaNdTXv+l2vXUsh00177rqdJLUiwnlvxRR6U+W+2up+I8qHY9XV4shBj0QpLUZ5fPrqcONIIKu54CaYP6u56Gd5dcqF1PqxEQX2Y0vF3Adz3l8yjf9dS0HRhLvOsptyXjdj1lnl0s7np6qeggXbddTx10NtEl2/W0bLlPFikB2OLselpVf23YG8XFRhneihpp+AVBoRBoaKNboZCg+qxiuaHsAsVyoqr+ekX8hKNQKBQKhUKhUCgUivrROH4SywDudlG2bGRTGiyHwbRcwVjRtXOl5+Jheo/RU5RA00jAtTGboiBwXThNhyFrUFi264oZdn8yNOK6A1iO/8idC+Jy0ftsioIx95joLmBoBJbtunYWTPeRe1OaYqYUrItlM99FlruYXiq68dM6Rdl2fHdZ5sCvp+24dTa8l5OLlgODEuiey23GcH+LENvOw3h7uTuqRgHbnm23ToknCuu6xJaEvC0HSOvEc4XQ0JbRcT5fjgj48mvmOA5sBt+lRnRbpZQE3M9ENwGFQrE4hF1mVmYppmZs6IJL/IqMhplycC4pWw4czz0ub1nI6Ii4DuVN96dT0WWKj3FR/LurOSi2PBd3QnGdSOmaP8coGt9dsxbi2iJe/+a0218XW1g+XDdKgbQedM9ryVCY1qy90JrRoJFZV28eZ7roeC5+DDZz3bxlLn3iuGlKua+85Mu2dD2txZVOUV/E+S5raNA11w4VbUtKXNfKacGdOJOiKJkMKzMkcK0znu3akiaReXe6xJA2SMD1VOwr4fm8NUsxlbcj83A2ReE4QNaYndtdW5CiaNpI6a49zV+bastSXCw4WOH9F8u+WHRt2bB7dVuWIl9maE5F25EvAytSeuTViEslhhWSdo/nbTSHXHeb0xQzZebuzu2wwLwhup7K1gzxmiXNI47DUCiXcaFg13WOXZ4z9BIgCtiKwsz88yM/PY17bt6Iq1YYeHUGAUHTLw/0gIFEBGYzBsVHHvmlND9RqPPwH/47XC5YePCJlyIi96IwZ0eLgfGQ6Pxgfw8ef/Ysbr1+Df7iBy/gvdveFhHeFevipxvI4cl/fRPfHBnDVz7Si0sFCw8/9Qr+4F2b8KlvPyut54G+rfiLH7yA89MlDA7k8PiJMXzo1zfgUtEOlHewvwddrSmcnSz4+ooyUVUxv0DeoTatak1F0g4N5HDd6ha8PJ7HAz96Ifa83f/b12Fje5NUpHRLV7O6WVQoFoE4oWDm2Nj3tRM40LcVoxN5vGNtW2QuyRoUB/7hBV98OU4wWSbKvLmzGS9P5LHn8Ai+/0c3S9PWIlYcFjrvbs/i0N29uG5N61v+ZrHRReprIaktp6dmsPuxYdy8qRMDv7Eh0OcWQ1heVrfP37UdK7I6fv/R4UB9V2Z1fOjQ/4e7ct2469fW4eylcqRNpmlWFEAfHMjhwR+/6Iu2Dw7k0NGs46EnXsbTpyYC66lp2nj+3HRVAuKK+mJZDp5/8zL2HB7BqpY0Drz/VzFTdvAliW0pu6amaWLCMCJz8LVdmaqE6u/9zWtwx/Zu7D08grty3bj1HWsiadZ3ROfwuDJibcSBHLpadJyW1Kk1o2Hgr34RsQUrrR+y8V7revP4iTHcct2awHl+ZNdNMC0HH/3rEemaIV6zpHnEcRimyyW8Ns81TIZyPa0SUcBWFGbmn7loaNowIoKm5y6XpQKzo57Ipiw/Ma5lA3s9UdSwyL0ozGlLROf3HjmOvt712H/0JPbceq1UeFesi5/u8Aje29ONsakCzk4V8clvnsDO3Dp86tvPxtaTl8HT9/Wuh2lHRU/3HTkO24Z/kwjIRVXF/AJ5h9okS8sFfHc/Npx43nY/NhwrUjo+0xjiyQrFlU7cGOxsyfjj/+bNq6RzCSE0IL4cJ5gsE2WeKMzOzXHi0LWIFYeFzsemCu4ck1dzSaOL1NdCUlv49d99y6ZIn1sMYXlZ3T75zRM4O1WM1Ldsubpr7+3pRtliseLolQTQ93rC6eJ3xyHYfcumyHp6brokTb/Q50Xhnns+3+259VoAFPtibEvZNQ33BT4HJ827Ynhf73r/+3t7uqVpZPNwXBmxNqLX/2T5WzaktmCl9aPWcNl609e7PnKexyYL/k0iDxPXDPGa8eOyeWQiX8blmPrMd45dXj/jLSGigK0oAMo/J4ljVhKcl+UnQklQgDOcTyXReS6Q25Y1YoVUZYKffKMjXv9K9eRxxHL553C8cD2qyS+cdzgsnJZfi/kItioUioWn0hgcm4oXe6YEVY3lSuH1mAfCQuc8D76b3VuZK2meraY/hYXp/TgLLCxfi6g3f8jtMHcn9mrGTqW1mn93GAvYAPw6X0n9YLlh2k7AhqvGthS/z1dgXhwTcbZorWXE2Yhx8cOOHdXagvUIl80JcfcHfM0Qr1mgjNA8UrbsBRtb6olilYgCtqIAKP+cJI5ZSXBelp+Iw4ICnOF8KonOc4HcCwUzVkhVJvhJCAnUv1I9eRyxXF73cLxwParJL5w3D0sSyq7mvDW6eLJCcaVTaQx2t8eLPTsMVY3lSuH1mAfCQuc8j5SuXOqupHm2mv4UFqb34yywsHwtot7cfqSEVC2mXmmt5t8pcaVrxHyS6rcc+8Fyw9BowIarxrYUv89XYF4cE3G2aK1lxNmIcfHD90zV2oL1CJfNCXH3B3zNEK9ZoIzQPJLStQUbW+pGsUpEAVtRmJl/5qKhJdOMCJqubk1JBWbXeSKbsvzEuLoGDHqiqGGRe1GYU5OIzg/29+Do8Bkc6NuKoSdfkQrvinXx0w3k8J3jY+huz2Jtewafv2s7jo2M4nPv3xZbT14GT390+AwMLSp6erC/B5oGPHDnNj9cJqoq5hfIO9QmWVou4Hvo7t7E83bo7t5YkdKupsYQT1YornTixuDEdNEf/0+/dF46lzDmBMSX4wSTZaLMndnZuTlOHLoWseKw0Hl3u/u+Cdd6fSvT6CL1tZDUFn79Dz11KtLnFkNYXla3z9+1HWvbM5H6pnTXsPzO8TGkdBIrjl5JAH3QE04Xv1PKcOipU5H1dHVLumoBcUV9Wd2S9ue7oSdfAeDgYIxtKbum4b7A5+CkeVcMPzp8xv/+neNj0jSyeTiujFgb0et/svx1DYEwbgtWWj9qDZetN0eHz0TOc3dHFg9/OJiHuGaI14wfl80jnc0ptMbUZ75zrNJR9KhGf6aRdj3lOzbVsutp0bSh1WnXU8thSNdp11PHYa7Qq7frqWk70Oa462lYwDe86ykXbK3DrqdKL0mxnFjyn+sr9dml3vXUsh10ql1PF5SFEINeSJL6bC27ni62sDyvGxcwV7ueLhoNbxeI812mAXc9vZC3I/NwPXc9vVR014ul3vWUj81adj2tNI/MYdfTqvqrulH0UIa3okYafkFQKAQa2uhWKCSoPqtYbii7QLGcqKq/KtdThUKhUCgUCoVCoVAEULue1kjYlXFFhoDAfRxOPddT22FoCj12Fh+3i4/MXTFcgrL3yFzXCUzLdQEV3VF16rqZUkLgMMB0HGjCY/OMTpE3bT8sYwTdTET3Ut/FwHMfdRigUQRcT0V3U+7WGnYfNW3XbdQOPcLXPRfUjE7B4Lp7adQ9bmg04P5laARlm/kupSXTdcXl9bK8dhoaASUk4lYLBlgM0Klbtuk90jc0is6sgYtlC0XTRpMxez3CgqWOw3D+cglFy3XNNSjByrSx7LS9FIrlTNiVj7sNZXSKkuXMutF57vaEAAQEDMx3HbpYcLAy5AbXlqXIptIol22pq6AoZtzerAVc6pazIHwjUqPraUMT15awoDngvk4R54ZcLlvuaxNePquaU0ilks9JqWThQtH017uMroEQAITBtFjA5dRx3LHSmnFfibG811tsYX0V3e8uFKKvuHBX085sChOFMjIGRdF0YHivmIhrsmkzrMhSTBeZ//pMuE2yNut6svvdXFBu4EHEvsldhLnrJ7dLC55d2pqhuCy4nq7wXqlqy1IUzFmXZW67yVw2yzZQNJn3CpFrW4kuql2ei6nY3zTivnZQshGxYdNa9LWCqYKDZqEd/LWFS0UHKzOC3a1R6AQoCO6pURdTuevpeN726+r3dZ3AshFxxc2mKC4XbaRD7rArshSTnlvtxdAaQykC44FSgDHi26mV5k2xn7dltVpcT6tiec7QSwQXU+YC7letMLAy4wpuPvjjF33B0rDQbrVi8qtaU/j4js3Yd+S4VND+c+/fhoxB8bGvPeOHcbHQj+/YjMM/ew1Pn5rAlz+cA2OICHRmDIq/+MHzfj15GU8+/yZ+d9vagDjowf4epHSC//LDF7H/9utRMp1Afo/sugnTRQv3fT1al13v3Ii/PX4W7+tZG6i/TPT3YH8Pvv/sWbznV67CyqyBjzzyS2nbB/t70JrVA0KpX/lILy4XLfzwX97Azt51mJguB9IMDeQwfHocz70xHSt8TCnB8/92KSB2eqBvK7pa01iH7LI1YhSK5UScgHmzAUzmWWDs8nnmnps34qtPn8ae33o7hv7x5QqCyZCGb+5sxssTeew5PII/u+MdeFtbkzSOmgfmT5JI/XI7v0lt4f1Jto6JQtqAe8P0wvloPtetao69WSyVLJy5WMD45VIg74fvzsG2GfZKxsr/8Xs34FWv/8vq9dmdW/HUC2/iju3dAVtGrJNpmpicMfHq+Uu4ZtUKPH5iTGo3fP/Zs7hjezdGTo/jM48/H2mTrM1DAzk0GRrufuQXseeqVri9xnUt65HnciYs3H7vb16DO7Z3x9qlgwM5PPjjF/HD584J82ga4zM2Ls6Ygev+5Q/ncFGn2PXILwM2YlhInttWR395Br//ro0R25nH+9aeX8fEtBmo26O7bkIxZIcODuSwviONM5Ny0fvwnB9u3+MnxvDlf3o1MU1c+MH+HliWhQnDiIRzWzxc3tq2NE5L8u9qMXDXwz+PjNs/um0L3t7ZnDhviv382J5fx6mJYt3nWOV6WgNcTJmLk6YNwxfcFAVLw0K71YrJ78yt89PJBO0/9e1nMZk3A2FcLHTfkeO+uO25S3KBztHJQqCevIy+3vURcdB9R45Dpxp25tZhbLIQyW9ssuDfJIbrsv/oSey+ZVOk/jLR331HjqOvdz0+8Y0TGJ0sxLZ975HjEaHUs1NFfOIbJ9DXux5np4qRNHsOj2DHDVclCh9P5MsRsdP9R09ibLKwLIWgFYrlSJyAedowImOXzzP8/x9945k5CyZPFMr+3HbD1SuvGEH4RiRJpH65kdQWUdA8vCaJQtqA+xRBls/5fPw5GZ8pY2yyEMn7zYsl/yaRh/Exwtis+LisXp8+dtIXQ48TX+di6zdu6PTFw2V2A89nxw1XSdska/OewyN4bXIm8VzVfI08e62eeS5nwsLt/DrF2aW8L/BjfB41LRa57vf+9QjGPPuNh8mE5Llt1de7HpaD2P5m24jUbVRih+49PILpYvVzfrh9fb3rK6aJC9935Lg/JsLh3BYPl1coy/MP27Z83O7x5pSkeVPs5/yc1nuObdif8QghXwFwB4BzjLFf8cIOAPg9AGUArwDYxRi7IEn7KoDLAGwAFmOstx514mLKojgnEBUsDYtq1iomn5RGJprL43Jx2zgBz6aUhiZokTLihIGpJ2Qt1osTV0alPGX153H5sbi2h38E5HXQKImtD/NEf2XHLNsBixF9bfJ2tVUoFAvPXESWZf/nI4yshMAXlivp/FbTn+LWMS6kXSmfpLJl613SmmyzyvXi62TccV5X2/sft67ycHGjRLFNcW2W2QbiuaoVbq/VM8/lTFi4Pe76yexS/t1y3F07q7l+SXaoRonfD2T9zZbYZXH5zWXt4J81waic7/ohhvN8w+XFxXdCm4pWu6YBwX6+UHNsIz9RfBTA7aGwHwH4FcbYVgAvAvjfEtK/mzG2vV43icCsmLIozikTdQ+LalYrJl+NoL1MNJfH5eK2cQKeM2VbWkacMLDjCVnL8osro1KesvrzuPxYXNvDfZ3XwXZYbH2IJ/orO6ZrNFYge8bb1luhUCw8cxFZlv2fjzCyEgJfWK6k81tNf4pbx7iQdqV8ksqudU3WSOV68XUy7jivq+b9j1tXeTghJJI+qc0y20A8V7USt7bPJ8/lTFi4Pe76yQTs+XeduntkVHP9kuxQ23t/Lq6/if21Un5zWTv4Z1swKue7fojhPN9weXHxKSGRsGrWNCDYzxdqjm3YG0XG2FMAJkNhP2SMWd7XnwPoXsw6cTFlLk5aMk1fcFMULA0L7VYrJn9sZNRPJxO0/9z7t6Gj2QiEcbHQg/09vrjt6hVygc51HdlAPXkZR4fPRMRBD/b3wHJsHBsZRXdHNpJfd0cWD37wRmldDvRtxaGnTkXqLxP9Pdjfg6PDZ/CFD2zHuo5sbNsH+3siQqlr2zP4wge24+jwGaxtz0TSDA3k8MRzbyQKH3c2pyJipwf6tqK7I7sshaAViuVInIB5yTQjY5fPM/z/Fz9w45wFkzuzKX9ue+71i1eMIHwjkiRSv9xIaosoaB5ek0QhbQBY1SzPZ1Vz/DnpakqhuyMbyXvNyjQGY8YKIbPi47J6fXbnVl8MPU58nYutP/PahC8eLrMbeD5PPPeGtE2yNg8N5LChoynxXNV8jTx7rZ55LmfCwu38OsXZpbwv8GN8HjV0ErnuX/5wDt2e/cbDZELy3LY6OnwGOkVsf9M0ROq2TmKHDg7k0JKpfs4Pt+/o8JmKaeLCD/b3+GMiHM5t8XB52ZQ8/7Bty8ftkDenJM2bYj/n57Tec2xD6ygSQq4B8Dh3PQ0d+x6AbzLGDkuOnQYwBYAB+DJj7OFKZVWrP1PVrqeMBXbZnMuup7bDfCFTS9jBjIL4u4HS0K6nM6bth1W16yljSGvxu56atitMWu2up3w3Qp26u5OmQ7ueUgLoi7DrqeMw6IFdTx00GbM7J4YFS/mupyXLBq1+11Oll6RYTiz5Y5tKfbbWXU/dH0kJAAanDrueWraDNrXr6YJS466nDd1nK+16ygXNgYXd9dRxGNIVdj2lBGiR7Hpqh+wItevpvGlou2Cpdj01bce3rRZk19M0xUwpuOvp5aKDFXXa9XTC261UDE/pBGaddz0Vx+0i7XpaVX9d8BtFQkgvgD8FsAHuO5EEAPPcRyulvQaSG0VCyJ8C6AXwH5ikAYSQqxljrxNCVsN1V73Pe0IZjvdRAB8FgPXr1+dee+21GluneAuz6AuC6q+KebAkBozqs4p5oPqsYrmh7ALFcqJhbhRfALAfwD8DcHg4Y6xib5bdKBJC7gGwB8BtjLGZKvL4DIBpxthfJsWr9gkN/0UmbRAUy47/1M90GFLer2niL98apbBsBxC0CyklSFECy/v1xGHuL46ap83CHATyE5/yzZTtwNNFy5FrJqU0Gnj6lvGeqDEGP55/TKfIe/kS71d6nQAgs08Zfd0l231SaDls9lcayp9Qusf5U9KS5cDQKNI6CTyN5BqNOnX/296vUp1NKRhG8FfF9qyBqYK54L8Imqbt/grs1XF1SxqGkfguQ0P/cqhQhGjopzNA9AkN168KezjYjCHleULYjgNC3F+q27MGLpfdNxPE+UambydqqYq/xma9TaxMK/4JkGLRWPITP5cnirWS9NRrDutSIB1xH7jDdBgMjUAjxH/CkU25NoFoM9iOa8to3lN7Xm5rhqJYZkinCGbKzPcSMihB2qAo2wzMYbAZwBh7K4+dhrcLLMvB5VI5oDuY0Smmy9zDDbAdIGtQlEwHesgObctSTJeYr+GZ1ikoIWhOBZ/2GTqBZTE0ZyimJU8mCYGvc8ifUItliE8teR0zRvSJ4njexsqshrzwRJE/AW8Jlc2fQNoOQ0ez5j9h5zayrgE6iZYxYxK0GlpgvLdkKGZKDCuEJ4pcO7zkjTHxvHY1pXCpbCNrsMgTxUrzRtiTMWmMlUoWxmdm69nVlEI6Pb8niovhU3OeMfbdemRECLkdwKcB/FbcTSIhpBkAZYxd9j6/B8D/WY/yuQ7N8Olx5DZ2YeT0ON65ZTXGL5ekWoRc9/Chn7wc0Yk50LcVXS0pXJgxcf+3nvXDB/t74DCGvz/5ulSjiOuzfOlDN8K0nEBarr1y347NABDQUxrs7wEAPPjES5G6iPnyPO79rWvRmnE1D0XdJZkG09BADgQM9x4+Hmgf14YMa0h+5SO9cBjDVN4M5PPorptQDunuDA3k8EVBy2chdJBM08bz56Yj2jPXr26palFWKBTzI06XbmNnGrd/4WkM9vfA0An+8KtyHbgH7tyG4soMLNtBvmQH5s2wvp04t1y38Uu2CwAAIABJREFUugUvj+ex+7HhqnTvFAqgfpqQSVp/tu3MaV3i69mDP34Rf/CuTfjUt5+NrMtc160lTfH//P3z+OP3bIFGCMany3jkp6elOopr29IYnSwFxtCBvq3obEnh2PAobrluTSCNGjuNh2U5OJ8vYjykUSizAT++YzOOvzqBnms6A/PpI7tuwoV8OWB7PizRUTzY34Pjr04gt7Er0od14mB9RxanJkoY8expMc6R3b+GSzNmwIYdGsghbQTLSNI+1ImDyRkq1UT857OXcamYipyDt61M48ylsjSNbLx3t8+WLVs/xPM6OJDD1W0pnJ6I5p80b4T125PGWKlk4cXxaD23dDUn3SxWZDE2s/kzQshfEUI+SAj5D/yvUiJCyNcB/AzAdYSQMULIHwD4EoBWAD8ihJwghAx5ca8mhPy9l3QNgP9GCHkWwC8AfJ8x9oN6NITr0Oy44SpfJ4jrGck0hbjuoUwnZv/RkyCE+oONh+89chyTeTNWo4jrs0zlzUharr0yPl2O6CntPXIc49NlaV3EfHken/jGrOahqLsk02Dac3gE5y6XI+3j2pBhXZezU0W8caEUyWdUoruzJ6TlsxA6SOemS1LtmXPTpbqWo1Ao5MRpRV0sOP78pVMtdg66/1vPwrQYGCOReTOsb8fDuZYqN9Kr0b1TKID6aUImaf3NdV3i6Xbm1vk3iTx9WNeNayW7Y8vVIo7TUSyUncgY2n/0JM5OFdHXuz6SRo2dxsN9dzaqtSezAfcdOY4dN1wVmU/HJgsR2/OjEh1Fnl7Wh1dk0742oSyOabGIDbvncLSMJO3DFdl0rCbiuo5m6TkoW6wmHd6Z0my4bP0Qz+vewyMoluX5J80bYf32pDE2PiOfl8ZnGl9HcReA6wEYmHU9ZQD+JikRY+yDkuD/GhP3dQC/430+BWDbXCubBNehcTyNF4exgJYfvzicsamodqF4jCbo0SRpFAHJmkn8cy11Ceu+8PhAUHepVn1HWV14XFl4Upv493rrIF1J+l4KxXKk0hjk8yVQWWc1Lp9K4dXo3ikUQP3WjCStv7mWkaRPF16XHcbQljVAyez6W0lHMRyeZK+osdNYmLYDBvkcKbMBnRr0DGU2YJxOtTivy8pIso1ledU65/PP4WP2HPKqtH6I53UuYzqs3x5OO19d1mpYjCeK2xhjvYyxexhju7y/31+EcusO16GhnsYLJSSg5ce3pOV0t0e1C8VjToIeTZJGEZCsmVStjqIsX54Hjw8EdZdq1XeUxZ8p2zXrQInf662DdCXpeykUy5FKY5DPl0CyzmrcnFov3TuFAqjfmpGk9TfXMpL06cT1lNswFwomHDa7/lbSUQyHJ9krauw0FoZGpRqFcTYgrUHPUGYDkpiyRA1yWRlJtrEsr1rn/Lhj2hzyqrR+iOd1LmM6rN8eTjtfXdZqWIwbxZ8TQm5YhHIWHK5D88Rzb/g6QVzPSKYpxHUPZToxB/q2gjEHD9y5LRA+2N+DjmYjVqOI67O0NxuRtFx7paslFdFTGuzvQVdLSloXMV+exxc+MKt5KOouyTSYhgZyWN2airSPa0OGdV3WtmdwVVs6ks86ie7OUEjLZyF0kFa3pKXaM6tb0nUtR6FQyInTilqZpf78ZTl27Bz0wJ3bYOgEhLDIvBnWt+PhXEuVa1BVo3unUAD104RM0vqb67rE0x0bGcXn3r9Nui7zvLhWsju2XC3iOB3FbIpGxtCBvq1Y257B0eEzkTRq7DQeq1vS0CUahTIb8GB/D5547o3IfNrdkY3Yng9LdBR5elkfvlQo+dqEsjiGTiI27NBAtIwk7cNLhVKsJuLoZF56DlI6qUmHtyk9Gy5bP8TzOjiQQyYlzz9p3gjrtyeNsa4m+bzU1dTgOoqEkH8FcC2A0wBKqEEeYzFZ6F1PibeL2ELueqp5u1VVu+spTyfuekoJwJJ2PXUcpLXqdj0tWw50tevpgqB2PVXUyJI/Hm+UXU8t2wloqapdTxuWJT/xV8qup5bDoCfsekqJ+7TJ3/U0ZCOEdz01rVldPLXraYCGtwvidj3NC7ZltbueOg5Dao67nlICX+dwPrueTuRtrKhx11PHYWhXu54CDbTr6e2LUMaioesUV7d5j3abl7Yu9aRzqSsgsKo1nfh9ITAMDWvbmxa8HIVCISeT0bE2tGA2Z2rLozNBqDwwdwtQShZljlFcWcj661xI6n9zXZcWYj1b4Q2dldEhpFhG6DpFu55Be8h+rcUGjJuX48LDfaZViFdrXuFw/r0t1N1XZORli+lbaywjPN553knrlHheV3k3bC01rmu1rFHptI6189jhVMZi3CiqHUEUCoVCoVAoFAqFYhmxGDeK34d7s0gAZABsBPACgP9hEcquO+HHum1ZinwZKNsOGGOgxBWtZwwwNAJdIyiUXddTjRCYDnPdO5nr7sHdUdM69QRunUAeac8lwHX9dO+5GQMcoSyNENgMAJjrAuq5i7SkKUo2g2W5bgJZwU1WpwQpz5XVoATNaYqiGRXbbUlpKAqP/5vSFIWS47nGUlDiuoJx9xZKCVIaBWMMNvPq47nY8jbplMCBu5W973JLCXTPVYELuaZ0Cp0SMIZZF1WNoqvJwMWSjbJlw/DimJb8kXySW49CoWgc4lxPs57bu2k7yOiu27vpuaunvPlR9+awsuXOoabN/HnF0AnasunYcc9dUk3bQdbQYDNXUNwQ3FMV9WGurpSNSDWup9WsP/WKI8YjYChZTuA1mJQedO9rSlGULOa/vpLSqO9Gx9dqhzHftVvXCECAfMmGRgiyKQ1t2RQch2Fypuyv0TolMDSKjia3jtWuv2qtXjzC45Dbommdomi5rpk6da+3wwCDEmRTBJeLju9Sanp9K6VTMIehKU0CrpxtWYqihchrR2kDfrz2Jg2XBdfQljTFdMlBW5ZG3D8vFBzfpTToFgowh6Hs9WNDo1jp9WOZSyt/nUFWhukAGapHXEwvzthI6RQE8F23+XgX5wFDo9AJQcGyYVCKlE789cnQCCwH6MgYkXmDUuB8fjZsVXMKuj77Gha3cwvl5LFhWU5gLBqUoGOOLvEiC36jyBj7VfE7IaQHwL0LXe5CEBazfM8Nq7H/9usxfrkUENnkgqV/+rvvwKXLNh788YvY9+63o1C2fTHbrz49K2orE+oURU//8flz6N3YIRXC/dz7tyFjUDz0k5cjx4YGcsgYFB955JcVxUAf3XUT8iUbD/3kJT+fmzd1YuA3Nvg6Ou+5YTXuu21LQMzzoQ/dCNNm+OQ3T/hhB/q2YmWTgbLl4ONfeybSpo+9++3SNKta08iXLHxMSPPorpswJYi7yurgbmRBA2UdursXm1e14KXz01IxY7UAKRSNQ5yA+abONE6encb+o/J5UpzDhgZyMDSCP/jqcGBe6WxJIV+ysbatKTLuLcvB829exp4YweShgRyuX9OqbhbrABeCr1VAvhGJ66+icDYXyk5af+oVR4z3d8dH8bvb1gZE0gf7ewAgIGAuE04fHMjh8RNjuOW6NQFb4kDfVqzw2vUf/+6/4/x0yd+4o2Q5OB+ygR64cxsuFU1QQnD3V35Rcf2tto2K+SMbh5/duRVPvfBmpN9wm23XOzeiqzWN51+/gGu6WgP96EDfVmzsasKrISH5R3bdhJI5q73J5+uVTQZ+8ty/YW17E97W1hQZQ21ZilMTZsDOvu+2LTBNE5MzRiT+xs40/vlsPjJvnz5/CdesWhGJf9WKFA49dQp3bO+Wrjeycf2vZy/giz9xN6v5ix+8gPPTJX+8h+OLccT16WB/Dwzq/hgSzn99Rxp3PfzzwLmzLAe7/1qer2xsWJaDVyfzkbE4NJDD24V5aS4s+urHGDsO4KbFLrcehMUsd+bWYWyyEBHZ5IKlpidsujO3DlN5MyBmK4pnyoQ6RdHT9/Z0xwrhfurbz2Iyb0qP7Tk8glFPoLSSGOjoZAEf+9rxQD67b9kUEFvdmVsXEfOczJv+DR8P23/0JN68WMJU3pS2KS7N6KSbnxg+GhJ3ldXh/m89Gylr92PDATFtMVyJACsUjUWcgPmFguPPW5XmsD2HR/D6hWJkXjk7VUTJYtJxf2665Bsysvz3VCFwrqiOuQrINyJx/VUUzuZC2UnrT73iiPH6etdHRNLHp8sRAXOZcPrewyPo610fsSX2Hz2Jc5fLOHe5jD23XuuHlSyGUYkNdP+3nsXoZAGvTcxUtf5W20bF/JGNw08fOyntN9xm23/0JMYmC7hxQ2ekH+0/ehKWg0ieY5MFf27lYfuOHIdpMey44SrccPVK6RiiRIvY2XsPj2DNyiZp/IvCGsHD9xwecesqiV+yGPp618euN7Lwmzev8tvK+z8f7+H4Yhxxfdp35DhWZNPS/KeLTuTc8ZtEWb6ysXFuuiQdi3tC89JcWPAnioSQPxa+UgA9AM4vdLkLQVjMMkncnovY8s9iuPif5xOXx9jUrCBpkth9E5JFUCuJgcrEdsMiurI8qhVfFdsUd85kacL5J52DcJhlO9K4SgRYoWgs6iVoLJsHmlIaKIF03JvCHBErNG4782ucAsDCiUEvBdW0hQtlh+OI/bBeccR44XUbkK/TcWu3LL04tpqg+WGU1G4DyMZhtW1UzJ+4vht33fm82JTSYgXpZeFx/cJ99YrBYnI7UGZny8Lj4ifVicePa2tSXuL5qBRfjCOuT9XOgXHnTsw3PDZM24lNN985djGeKLYKf2m47yy+dxHKrTthMcskcXsuYss/h8VsqxGxD4ueJondJx1LKoMPAJnYblhEV5ZHkviqTBw16ZzJ0oTjVmqnGKZrVBpXiQArFI1FvQSNZfPATNmGwyAd94YwR8QKjWvK7bQeLJQY9FJQTVu4UHY4jtgP6xVHjBdetwH5Oh23DsvSi+vzhYLphzmsdhtANg6rbaNi/sT13bjrzudFLs0miyMLj+sXDgMIiRe9l9nZsvC4+El14vHj2pqUl3g+KsUX44jrU7VzYNJ9Bf8cHhuGRmPTzXeOXfAVkDH2n4S/P2eMHWGMFRe63IUgLGZ5bGQU3R3ZiMgmFyw1PGHTYyOjaG82AmK2onimTKhTFD39zvGxWCHcz71/GzqaDemxoYEc1nkCpZXEQNd1ZPHQh3oC+Rx66lRAbPXYyGhEzLOj2cDn79oeCDvQtxVrVqbR3mxI2xSXZl2Hm58Yvi4k7iqrwwN3bouUdeju3oCYthiuRIAVisYiTsC8LUv9eavSHDY0kMPVbZnIvLK2PYO0TqTjfnVL2hcRl+U/VIXAuaI65iog34jE9VdROJsLZSetP/WKI8Y7OnwmIpLe1ZKKCJjLhNMHB3I4OnwmYksc6NuK1a0prG5NYejJV/ywtE6wTmIDPXDnNqzryGJDZ1NV62+1bVTMH9k4/OzOrdJ+w222A31b0d2RxTOvTUT60YG+rdApInl2d2T9uZWHHezvgaETPPHcG3ju9YvSMeQwO2JnDw7k8ObFGWn8lcIawcOHBnJuXSXx0zrB0eEzseuNLPzpl877beX9n4/3cHwxjrg+HezvwaVCSZp/S4ZGzt2hD8fnKxsbq1vS0rE4FJqX5gJhbGHdPgghWwD8LwCugeDqyhjbsaAF10i1Aub12PWU7yrq73rKGNJaHXc99XYZne+up7bD0Byz6ynf4Slp11OHMThCXXl7xV1PLXtWuFfc9dRxGAydwqAETmPuetrwwroKhcCSP7ap1Gcr7nrqOMho1e16atnMn1eq3fXUsh1kvF1PTcuBrnY9rTs17nra0H32Str11PHW1up2PXWgEUh3PXW88t7Cu54uC7uAj0Oxf8h2PSUEsJfRrqeOw6A3wK6nRcuGvjx2Pa2qvy6GPMa3AQwB+CsAy97hXCZmWVEUurnC8Qp0zS951aysMl4j6NKvShDWFlFi2grF8kAmYF5xbsX850ddp7i6TamILwYLIQS/VMj6a5hq1p96xaklXhKVxlxnyJ6hlGD1ivhE1dZHrdWLx1zH4YoK02RYwD7O9BXjhfNc6VUrTvQ+3NXi+ms14XFxwuN6ZUK7K80DsvVJFn+txKaNjIcK9xK6ThPH4lxZjJ9KLcbYIGPsF4yxEf5XKREh5CuEkHOEkH8RwjoIIT8ihLzk/W+PSXuPF+clQsg99WyMQqFQKBQKhUKhUFzpLMYTxe8RQvYB+FsA/j7YjLHJCukeBfAlAI8JYX8C4MeMsf+XEPIn3vdPi4kIIR0A/gxALwAGYIQQ8l3G2NRcG8Af07dkKGbKrhizTt2XcYuWKwItcxttzVJM5W2kNIqUQVA2GcqCwHw2RTBddMXrDY14LqRs1kWVAo4D/3E0f4zOXTf5MV6+6Ti+sD0XSW1KE8yUZkXsDY2iOUXcdtiz7Sjbs3XnaXWNoGQ6sy4GGkVTCrjoPa5Pea6nRcuBQQkoJShZDlIaBSFAyQvXdQI4mBVEpQRZz4XVz5sSgMJ7vO7A0AhMmwVcFvgjfH4eDI2gbDOkKIGmETDmlim6DEyLbg0ZDa3pVECfij/az6YoCmUn0Y1IoVAsHHGup4ZGoXnzSUanMB3mu/k0p1zX9ELZwUrPlYiG5s22LEU2lUa5bEtdBcV5wPA2rimY7mflelpfqnHXXC7EtYW7Mpu2U1UfkrnjahrFRL4Mx3HXJNtzqeN5OQ7DhUIZhbINmzFkdA265r5qUbKi62dKpzA0wHaCroBNaYp8yXVTy+oUuk4C66Bvy2QoLhcdNKUoZsqzrqm8XlmDYEZIlzEoyhYDwPzXTSilia+EAFhw19MrxL11zliWg4vFst8HuFs/g/v6ELfHXFf+oCspt7vashTTgk2Z9lwyW9Ik4srJ9zIS+0ZrlmK64NrBMnfVfJn5rxtxexbMdZ3OGoiUcbHooDVDI/mILtTcxTbsenqxELVBm41oOy6VHDSno26vl4oMzRkSCF+RdcdKWqOB17Y6sylcNm00GSyQP39/kM8lGZ2CAShb7jnKptzzK447hzHolKKrOYULRcvvzytSGmZsCzOl+tqyizFD8yd6+4UwBmBTUiLG2FOEkGtCwe8FcKv3+asAnkToRhHAvwfwI34jSgj5EYDbAXy9tmq7cHHSqekCOluzuDckgPm3x8/ifT1rAwKXXKT0vtu2IF8s4ys/fRWf+B+3RNJ2taZx4AfP44fPnUN3uyteTwnBdMnCIz897Qvf8zSDAzmMnB7HjRs6UDQdfOrbz0pFokVh++a0LhXg/N6JMXz5n17168KFPMW0GqUBsdSHPnRjJExMK35+4M5t+M9//zxWtaaw//brMS7UgQuohkVKV7WmwQAc/eWZiPCrKFzKz0PPNZ34/rNncev1a7ChqwkTl2e1omRlDA7k0NViY02r60fABX5v3tSJgd/YEBQoDoknKxSKhSNOwHx1i4GdQz/DA3duw7eHxyJz7dBADqtXpHCxUMLEDMWDP35ROm9u6gROT5QCcxcf46enZgJC3+I8NjSQw/VrWtXNYh2oRqR+uZDUlpcn8oF+ltSHZOLn7jpl4M++898jfXloIIfrVrdg9EIBb14qBsbCgx+8Ec1pDceGR3HHtrUBUfTB/h6sWZnGv10sRda5x0+M4RevXsB/uXMrLl+2pYLr9922BTpxMBkzxoYGcvjij1/0bRm+Rv9KdzsefuoV3HPzRnz16dO4/7evw+ZVLXjp/HRgzB26uxdpneLur/wiEBYWFZ8PjsP8NX+hymhkLMvB65cKuDBjYt+R477t+MhPT+MP3rUJn/r2s/55eXRXL85Ps0i/3NCZxuuXzIA9192exd/s+3WcmogKyW/qTOPURCkSbpomrlnVgldDxx7ZdRNMy8FHBVuZ98G/vPNXpXnFlfH4iTHcct2ayFqwoTONh378Cn5ve3fElr3h6paaylizwsBrkna/bUUKZy8WI2MtPp8U7nr451J7/tFdN6FoOvhihXF3729eg4+8ayPGp826z7GLsevpRslf4k1iAmsYY294+b4BYLUkzloAo8L3MS9sTnBx0mtXr/Bv9IBZAczdt2yKCFxykdK9h0ewrqMZO3PrpGnHJgvYmVvnh03mTYxPl7H/6MmA8D0/vvfwCHbccBUm86Y/qGUi0aKwfZwAZ1/v+kBduJCnmDYslioLE9OKn+//1rPYc+u12Jlbh7FQHfi5CeczOukKjcqEX0XhUn4e9h05jr7e9dh/9CRsGwEhWFkZew+PwLLdXy1Fgd/dt2yKlBcWT1YoFAtHnIC55cwKeMvm2j2HR1C2mC9kHDdvXig4kbmLj/Gw0Lc4j+1ZpoLwjUg1IvXLhaS2hPtZUh+SiZ/zdUrWl3ler03MRMbCfV9/Bmeniq6YeHg9O3IcZYtJ17m+3vXYc+u1sBmJFVzfe3gkcYzt8cLFfHfccBU++c0TfvyduXXY/dgwzk2XImNu92PDeG1iJhIWFhWf1zXLR8d6vctoZM5NlwJ9gNuOO3PrfHsS4NqGVNovLxeciD03NlVA2UJNAvZrVjahUI4eG5ss+DeJPIz3ncsxecWV0de7XroWXC44bp+X2KDTxdrKMGPaHTfW4vIpWyzWnh+dnB1fSeOur3c9LFten/nOsYv6Mykh5OHFKEYSJt3alRDyUULIMCFk+Pz589LMuEDmXEVKLYclisRzAU3AFdmUCd+LaRhjAVHNuHhtWSOQn6ze4fjhtOF01YiAhj/L8ko6H00pLfacisKljLHA+beZXKQ1nIfDGMqWHRD4TRJfbSSq6a8KRSNRbZ+tJEScNNfanitq0rxZq1hzQFTZdmprtEJKtWLTS00tdoFIYj+L6UNx8R0WbzdYDksUuU8aJ3HralvWACVyAfSw4HmSzSF+52s0j8//m7YTW/dwWFhUfD6Ia/5ClbEUVDvHmrYTuMbh6yIS1xfi+l6SuH1cuOxYko1Z65hLsuuSji1FONdalF2LSvcEfNxplETsYLHc+bDY/jS980z/JiHkKgDw/p+TxBkDsE743g3gdVlmjLGHGWO9jLHeVatWSQvkAplzFSnVKUkUiecCmgB8gVoxfTgNISQgqhkXjwvbJ4nqhuOH04bTVSMCGv4syyvpfMyU7dhzKgqXEkIC518jcpHWcB6UEKR0LSDwmyS+2khU018Vikai2j5bSYg4aa7l79QkzZu1ijUHRJU15XZaD6oVm15qarELRBL7WUwfiotPSbzdoFOSKHKfNE7i1tULBRMOQ0VbJmmMibaMuEbz+Py/odHYuofDwqLi80Fc8xeqjKWg2jnW8CTYwraj7HrG9YW4vpckbh8XLjuWZGPWOuaS7LqkY0sRzh+CyK5FpXsCPu5sh0XsYLHc+bDYK6Dsxq4WvovZdx7vAfAdSZx/APAeQki7tyvqe7ywOcHFSV85dwlflghgHnrqVETgkouUDg7kMDqZx7GRUWna7o4sjo2M+mEdzQa6WlI40Lc1IHzPjw8O5PDEc2+go9nA597vCuXKRKJFYfs4Ac6jw2cCdeFCnmLasFiqLExMK35+4M5tGHryFRwbGUV3qA783ITzWdfhCo3KhF9F4VJ+Hg729+Do8Bkc6NsKTUNACFZWxuBADrrmivuKAr+HnjoVKS8snqxQKBaOOAFznc4KeMvm2qGBHFI68YWM4+bNtiyNzF18jIeFvsV5bGiZCsI3ItWI1C8XktoS7mdJfUgmfs7XKVlf5nlt6GyKjIUHP3gj1rZnXDHx8HrW34OUTqTr3NHhMxh68hVohMUKrg8O5BLH2JAXLub7xHNv4PN3bffjHxsZxaG7e7G6JR0Zc4fu7sWGzqZIWFhUfF7XrDk61utdRiOzuiUd6APcdjw2MurbkwC/QXSk/bI1SyP2nHuzjZoE7N+8OINsKnqsuyOLh0O2Mu87rTF5xZVxdPiMdC1ozVK3z0ts0JZMbWUYMe2OG2tx+aR0EmvPr+uYHV9J4+7o8Bnomrw+851jCWON5fbBIYR8He7GNV0A3oS7k+nfAfgWgPUAzgB4P2NskhDSC2APY+wPvbS/D+B/97L6c8bYI5XKSxIqDe96anq7EeneLp/phF1PL3i79qUNgpLJ3Mf/Ne56yndsku16ynedEsungkiquOspFyPlu56a9mw7+K6nYtpqdz0tebvAUkpQttyd3gjB7O6wV+aup8tCWFeh8FjyxzaV+mwtu57awlwWt+upuNNdrbueFk07sMukoj7UuOtpQ/fZSrueWrZTVR+a/66nQEan89r11PF2W+S7noaF2MO7nvJwtetphIa2C+J2PQUYGHNdoWkNu546DvOF6Btx11Oxn6pdT6VU1V8X/EaRELIF7o6nGyDsssoY27GgBdeIMrwVNdLQC4JCEaKhjW6FQoLqs4rlhrILFMuJqvrrYuxJ/W0AQwAOAVjebw0rFAqFQqFQKBQKxVuAxbhRtBhjg4tQzoLBXUxasxSFkHi9TgHTnhUe5TvwZXQKy3Hj8sf23DVSdAtpTmkBd0lKAcYINE/IXqcETSkK02IB101dJzAtBkKAjBF0m8ymKKaL7uN13SvLYe7jde7eKoqrGpQgpRMUTeY+7vfCMikC03LrzB/d80ffKZ2iYNq+a0BKo4F2ZAwKy2awGWA7rgsBFVx1GWOgXl0s7yVc7mKgUYKi78LKoIEEziV3LSMEoMR1Y7HYbB6MueekZDlee90dv3RKYOgEYO6PKKbt+O4ncW5pCoVicZC5norCztzVnc+LKc+djzEGy2YwPJc87gIv5mNQHZRSXwidu7MzELRnDUwVTJQtGzqlAJhfRldTCun07DwgcxM0jOBmGG91Ue8kanQ9bWiqaUvw9QbNXccsJ9AvZPmkUlpiHyqXLZzPz6bJpChWplO+i2uxaGGyUIauEzDHXeub0xRlk/k7TvLXSRib7e8rPXe8sLuh463XYXc9vimJaQdtB5sxYR1mAZfZasfGfMYRTxvnulstV9pYLpUsTBZMaJ7dKroyapSiKUWQF9wWMzrFdOiVH+5uYO/KAAAgAElEQVTW6buSZiguzNjobNYiLpvjeRsdzVrELZT3oZVZDflS1FU6XEZLhiJfnH29IFxGa0YL2MA8fdhubctSTORtz+2VBlw0V2Spv2nLhULQzVMj7hib8dyyDW+sTJeC4ylrUP91Lf7KBB9brVmKqbztt1msKy/Tdwn3ykp7drahue6n4jjN6ClcKpkgYAHX3vC5q8ccuxgz9PcIIfsA/C0AX0yIMTa5CGXPGy6sa5omZsx0VDh+x2bsFcRL9x89KRXNHBzIoTWj4es/f80Xk5cJvXNx0V3v3OiLPj+y6yZcKpj4xDdOzObX34PHnz2L/+nGbjCGiJD0k//6Jv759Yt+/fixhz50I0yb4ZPfnM3rgTu3oa05hV2P/NIPO9C3FVe3Z3G5YAXy5vX7+I7NOPyz1/D0qQn81T05mBYLlDM0kAOlwEcfCwqa8jYd7O8BYwwf+9oziW0f7O9B0bRx/7eejcTb9+63w7Qc6bGP79iM9iYDZy8WAscH+3tACXDv4dm6fn33r+FCwboihKAViuVInID5ps40/v0XfuaHfeED2/F/P/6v/hyS1gk0SvHfXjyHd25eBYcxlAQNq9l8gDcumPiIMMcd7O/B8Vcn0LuxKyK87M8/Azls6WpGOq3HiqNfv7rFv1l8q4t6J5EkUr/c5tlq2iL2BZlNcOjuXmxsb5Lm092exvsOPi3tQ+WyhRfOB9Mc7O9BvsnG1SuysCwHL0/k8b0TY9jZuw4T02WMXy7g+qvbcCFfDqyHB/q2oiml4TPffc7v7w96At7vuWE17rttS6Ru/Di3JzRKI+Mnm9Jw8Ccv477btmDk9Dh6N3bhutUteHk8X9XYmM844mkf+NELUoHy69e0VnWzeKWN5VLJwssTeXz3mTH87ra1+NITLwXOz2fuuB65jV2RfsXtvMGBHNZ3yAXj17bJw+ME5kdOj6MppeMda9vw+Ikx3yYW4zx+Ygxf/qdXK+YVDr/3N6/BHdu7A/G4XXjfbVuwti2NLz/5SiSOmNeDEnH7g/09+NITL/l9n2+k9vuPDvv3Ax/fsTnQjvBa0pqmGJ0K2pqP7roJRdOJ2PCvnr+EDV2t/vkP57Wh090RdWpmNr8n/vhdODWDus+xi/GW/j1w31F8GsCI97dsnKi5sO6alU1y4fiQeGn4MxAU0RXF5GVC71xcVBR9Hpss+DeJfn6e2Py5SyWpkPR7e7oD9ePHJvOmf5PIw+7/1rMYmywEwvYfPQnTYpG8ef32HTmO3bdswthUATrVIuXsOTyCNy+WInnyNu07chyTebNi28enZxe2cLypvPn/s/f+4XUc9b3/e/bH+SHJsiXZCollO3FwEtx7bUfHQAktTZMHyC300tZKSGOFEPiG2OFXc9OU3vv028vl+22/BD+5ISRYAhdCwOYCsdvCBUrhJuVJ29AWy4ndNjiEOHHsJMS2JMeWdH7t7nz/2J3V/pjZs0fSkc6RPq/n8WOdObszs3tmZj97ds68lO/dse8QABZ7f+e+Qzh1vhJKK1t80YigCaIVUQnMzxadUNrHv/FUaAzRNR0nxoq4ZuOFODlegq7pStHxicgYd8e+Q7hm44VS8bIoY+feEZyZcscBlRw9KFNf6lLvJJIk9a1GmmMJtgVZTHDbVw8q85kqO8o2dHoyvs8d+w6hYnGcmihjtFjBDk84/tJ4CXfvP4Ir1/Xg5Fgxdj28e/8RjE1WQ+1dCLy3FdZI6ybeF/GErP+MT1b9/UUfOzVRTt03ZtOPxL4qQXmwv6bJZ7H05TNTFdz+tRE/Bo2en2s2XihtVyLO27l3RCmkL1bqE9Vfs/FCXLVhFXbuHQnFxMFtBrauTZVXNH1g69rYdiIuFHWVbRPMS9Z2xDkTr3fsHcFL46XQ/UD0OKLXElPXY+WeGCtKY/gr1/WEzn80r/NFB5yzUH5Z02zIGNvwr/E455c0uoxGIgSZMtFoUICp+ltwcrwIjQFg06JPlfQzKEIF1BJSXWPK97hC2Jsk6pXVN6l+wv2i2k6WZ1BkrXo/zbEH81Hl4Sjko9FyVfVvNhE0QSxW0srYo31fY+4Ywbk7Pif1Zdl4oxojgmWIOqSp42KVes8FaT/jVqDetqCKCepp96INqfbRGGDZDjji8YEtiV/Efm0ZHW3Q/dei7dcSfAPJ8UQbdD8WSTpWWd+YTT8S+yrPue3UzGO2dWhGxPkXcWf0/KjGQhHn1Wqv9aRz7v4sKVgfVbn1llErrhbTRJPyStP2o7FkrX1Ux6DqQ3bg81LlJfq6oFFjbMOfKDLGTMbYxxhj+71/H2GMmbX3bA6EIFMmGg0KMFV/C/q68v4yveI9lfQzKEIF1BJS2+HK95hC2Jsk6pXVN6l+ttf4VNvJ8gyKrFXvpzn2s8Vq4nt9Xa60OE29VPVvNhE0QSxW0srYo2OIw90xgjF3fE7qy7LxRjVGBMsQdUhTx8Uq9Z4L0n7GrUC9bUEVE9TT7kUbUu3jcMDQNf/9YHygS+IXsd9UxQ61d/F3LcE3kBxPiP0ZY4nHKusbs+lHYl/lOdfThb2LrS8H24Xs/KjGQhHn1Wqv9aQzxqBH6qMqt94yasXVhsaU24i80rT9aCxZax/VMaj6UPD8qPLSI59Zo8bY+Zh6OgSgAGC396/gpbUEQqz76mtTcnF8RF4a/RsIS3SDMnmZ6F3IRYPS575u97c5ofw82XxvZ1Yqkv72oZOh+on3uttNfPa94bzuu2Ez+rrzobRdA5tgGiyWt6jf7u392PP4MfR15WE5dqyc4cECLliejeUpjmn39n50t5s1j31lR8atn2S7rnZT+d7u7f0AeOz9oe396F2WCaVlDbZoRNAE0YqoBOYr8loo7f4bt4TGENuxsaY7j8eefgV9XTnYjq0UHa+JjHG7t/fjsadfkYqXRRlDgwWsbHPHAZUcPShTX+pS7ySSJPWtRppjCbYFWUyw531blfm0ZTVlG1rVHt9n9/Z+ZAx3caWefAbDnnB8dVcOuwY24cnjo+jrzseuh7sGNqG73Qy1dyHwPjByQlo38b6IJ2T9p6vd9PcXfay3I5u6b8ymH4l9VYLyYH9Nk89i6csr2zL4ws0FPwaNnp/Hnn5F2q5EnDc0WFAK6fOZ+kT1jz39Cp549jSGBguhmDi4zf6DL6bKK5q+/+CLse1EXCjqKtsmmJes7YhzJl4PDxawuisXuh+IHkf0WlK17Vi5a7rz0hj+yeOjofMfzWtZ3l3sMZhfuVptyBg7Hx7Fw5zzzbXSFpo0Yt3gqqdCXj9Xq576gts6Vz3VGJCd4aqnQq4aXPW0ajt+WmjV08iqojNd9bRiOcikWPW0bLmy4uCqp1bgHDmOO2WUeaue2l5+87jqKfmSiFZiwR/b1GqzSaueOt4qchpzxyN9FqueWt7qjLTq6fxT56qnC37S0sQFrbjqqe31k5muehoUs4tVT4OxwxJe9bSp44KluuqpxtyZYzNZ9VTEqqpVT0XMr6VY9fTspI3ONKueenVzVz11z0+DVj1tGo+izRi7lHP+HAAwxtajxXyKuZyB1d6J7swtcGVUtIdfdrfLNyPkBD9jgiDmH1kfbJ/j8faiFXlp+qpl6Z4ymKaO1V1tidtoGkud31JjMY2zaY4lTVtQ5ZO0XyZjYHVGXXYuZ+CiGZ7njhp9bjZ9sp6+MZt+NFd9cLH15WzWwIXZ5HaxIjK89Ui2ibaBzrw8XbxepkiXlacqY3mNMqIxsKqdBtNVQ7lq32hcXW9fEPcPsmOO5lXjMuPWx3DbZtcs61WL+Rix7wbwd4yxY3DvXtcBuHUeyiUIgiAIgiAIgiBmwHysevooY2wDgMvh3ige5ZynW5+4SRBTQ6KPxztyGl6bsv1pTBXbAefwp0YGH9+LqRg2BwDuP+7P6Jo/NUL3pplGxfcdWeY/SjY1BkPXUKrannyegXMOh8N/VC6mYZre1NNS1d03b+ruil/eFE/xuDzjTcksVtxH5llvikg1MLVgouwdm/cIX0xdMbXp6Z7BKbliipipazB1Bs7dFdksbwqrOJcin7w3dUZMATMN90f5jsP9Ka2mN3VE05g/HURsV6yop/YQBNH8yKaejk7ayHjjkcU5sroOgPvjKQeQjfT16HSx4NRSGheIuaLOabQLjmU5OD1ZRsWaji0yBsOkN50uY2juT1Aqta+fNL16cSA+x7JlgwG+6J0xQGcMVYdD92I+2dRREfs6Dg/Fqf52JTcGFD+vElM2zxbdNrbM1DFarIRiV52500DPSaT30amnHTkNrxVt5EwdluX4MauYfimb0iqmngZ/2iB+OtbTlsHYVBUly/b7yPKsmdivLcvBqYkyqrbjx6j1TrNW5TGTz/NssYJixYbNOXKmjpXt2Vn3zYaNaoyxazjnjzHGfi/y1qWMMXDO/7JRZc8lQqyrkoL+8uwU/sd3f4Yvv38rzhUtfPHx56SizuVtJkoVC/f+cFrkGZXwfvLdV8Tkz/fdsBkr2jO4NSCKDoo377thM0xDw+6/+0Ws3Ptv3ILOvIlbH/qpX9ZD//g8Pvhr63HXI2Hp7splWez6wVGcPl+JiYGHvYV4/ucP4xLSXQObcOGKHE6fK8dEvqKOw4MFmDrwwYfDItegvHTXwCasWpbFZ35w1E/70i0FVCzuOxpFXdoyOt735X8JlfVXh17C7/avjgmNW1WOSxBLCZXAfH1PFkdemgj16/tv3AJdY/jI15+M9XUAIUn2Ozb24mPXXhYaU2lcIGaLqr3OVmzdKCzLwTOvnsftNWKL+27YjD///lGcnigr+8liE9EvVaKfoxDVP/Doz3HHb74exYqNh/7x+VjMNzRYwAOP/jwUu132uo6Q9F5s19eVxdFXJmLx5JruLAzG8ezopFRuL4Tz3R15P/2rtxbQ1ZGPlfHLs1PoyJmhMoYGCxifKGJFey4Ws1/YmcHp8yVMVQ2cOV+O1e1zkWNbuSyLNchL+7VlOTj66vnQ9WV4sIDLezvwizOTqfqIKo8rLlhW9+9pXxidxKvnSnMeBzdy1dPf8P7/bcm/dzew3DlFCHFVUtCNFy3HyfEiXhov4Q+++ZRS1Fm1OHRND70flfDK5M93fuswTkZE0UHx5p3fOuzLbaPlfvwbT/n7irK2Fdb4N4nB/E6OFbGtsEYqBt6xdwSvnC1Ly7h7/xFYNqQiX1HHHXtHoGt67JwE5aV37z+CE14dRJqu6f5NYrAux0enYmXd9rb1cqFxi8pxCWIpoRKPny06sX798W88hfHJqrSvRyXZ2wprYmMqjQvEbFG119mKrRvFqYmyf5MIqGOLO7912L9uq/rJYhPRL1Win6OQ0G8rrMH4ZNWPF6Mxn9hGvL57/xGUKo60P0yV4+P3jr0jmCg5iXJ7IZwPpl/a2yktY+NFy2Nl7Nw7gkt7O6Uxe9ni6MxncXKsKK1b9NhOjhWV/frURDl2fdmxdwSnJsqp+0hSHvV+nsdHpxoSBzfsqy/O+X/3/vwU5/z54HuMsUtmmi9j7HIA3wwkrQfwp5zzzwa2uRrAtwGIcv+Sc/6pmZQXlZQGCYoshTRTJd0UN/PB99MKT9OI64XcVrVvUGSv2i4o3VW9rzo2WXpUjK16X1YHAMp8ZedD9fm0qhyXIJYS9QqbZWOA6OvB7VXjHY0LxGxolNi6UVRtZ0axhayfLDYR/VIl+jmKGCr4+acVz9c7fot+klSGHdl3JmWkidlrHVub95MmGap+pSpb1keUediOtEwVFctWHtNs++Z8eBQPSNL2zzQzzvkznPMtnPMtcJ2MUwD+SrLp34vtZnqTCMQlpUH6uqZFlkKaqZJuOtyd5x18P63wNI24XlWu2Dcosldtd7ZYrfm+6thk6VExtur9aBkCVb6y86H6fFpVjksQS4l6hc2yMSBj6DFJtmrMonGBmA2NEls3ClPXUvej4HVb1k8Wm4h+qRL9HEUMdbZYrRnPRmO3esdvoVVJKkPX0svkZ1K2SnQvi0tV/VrVr1Rly/qIMg+9vtuzjKErj2m2fbNhN4qMsSsYY9sALGeM/V7g3/sBzNXirdcCeI5zfnyO8oshhLgqKejTL7+Gvq48Vnfl8Nn3blGKOk2DwXbs0PtRCa9M/nzfDZvRFxFFB8Wb992w2ZfbRsu9/8Yt/r6irAMjJ3Dv9XHpbl93HgdGTkjFwMODBVy4IistY9fAJhg6pCJfUcfhwQJsx46dk6C8dNfAJqzx6iDSbMfGUOScDw8WsK6nLVbWnsePyYXGLSrHJYilhEo8viKvxfr1/TduQVe7Ke3rUUn2gZETsTGVxgVitqja62zF1o2ityOLL6SILe67YbN/3Vb1k8Umol+qRD9HIaE/MHICXe2mHy9GYz6xjXi9a2ATchlN2h/asvHxe3iwgI6clii3F8L5YPpzp85Jy3j65ddiZQwNFvDcqXPSmD1rMJwrltHXnZfWLXpsfd15Zb/u7cjGri/DgwX0dmRT95GkPOr9PNf1tDUkDmacN2aqBGPsPQB+B8B/BvCdwFvnAXyDc/7EHJTxZQCHOOcPRtKvhvsk8ySAlwH8Ief835PySiPWrbXqadV24ARWPRUrmda16mlWQ6kSltemXfVUrEjqcA42B6ueCsH9spyGyXL82Gay6qm/Imudq54GhblNsuppU4t1CSLCgj/qqNVma616anOODK16upRY8A8pTVzQaqueVq3p2EKseuo4HCatejoXtFRcUM+qpyJGrWfV03MlB0Ydq546Xnw436ueOt6qv2LV07Jl+30k7aqnlu34MepMVz2N5lEv4VVPgZyp1Vr1NFV7bdiNol8AY2/hnP+kAflm4N4E/grn/NXIe50AHM75BGPstwDczznfIMnjQwA+BABr164tHD/esAeTxOJj3i8I1F6JWbAgAQy1WWIWUJslWg2KC4hWomluFHMAPgjgVxCYcso5/8As830PgA9zzt+RYtsXAGzlnJ9RbZPmm0OZpzBjMHAAxcr0tx9Bj6KpazAYULQcGJ4nUWPARHn6WxFTZ9C16Sd/YrvJiuOXMVVx38sZGhwOVGzHf7poO47vUcx4396IfDrzGs6X3CeUeVODZXMg8C1NRtdge44ynU0/HTQ0hrLtwGDuU0vH+wY/+rTU0BjKloOMoYEBKHnH2Z7VULG4/21O9DyIfMQ3V261eMjRmNE16Jr7pFQcv6ExrGrPwDB0/9saxhgyOkPF5uCc+9/eAEj8Rif4jY/pzQcvVu20HpuW+uaQWPIs+Nf9M3mieLbofROta8ia7qwH/9vkrIZSFbAc99vpFTkD48UqHO6OOY7jeaQ6Zu+RIhaEBf/Q5uOJYtKTh7RPJYLbMcagM0DTNKzIGTg9WfGu/zoc7s7QacvoqFrTT4VMb1aR5QAVydMfcYztWXd2kXjd25GFaeqp66qq5yJ6ItnUcYHjcJyZLLsxo+PGgFldg8XdRVVETGd4M8WCMampuzPUOAfK1fATRQYgYwLnJR5F8WRS1qaykbixLathquz4Y38wHjZ097dy0aeW40UH7d5+sWtHJK5dkddwZtKG6ZUVbMvL8hoqVSBvhssQ/VrV36PpHTkNEyUHOVND2XJjb8M7Txws1CdFrAkg5lFUzZyr9XSyWrXdp5OSPiohVXudj3kSXwNwFMA7AXwKwHYAP5uDfH8fwP+SvcEYex2AVznnnDH2Jrjta3QmhQhfksz1Itx/HMCuHxzFLVddgoefiHtngk7Bfbe9GeeKVsgFs/f/ehPOF62QL1B4ZN5w0XIUJzh27h2JeRfFbwqER/G/vOMyVCwe88Y88OjPfT9i0Isjy++ebZvw8BPP49a3XuLX+fM3XYlS1cGX/uFY4rEF/37o1jeiXHVCbpjg+6KcD/7aeuRMDZ+XeCB3DWzCxSvbcGaiGnPnrOwwcf3wP+HkuOtK+8g1G0LH/dUPvAlly1F6bGQuqKj7sV6PDUEQM0PlpXvh9Dl89BtHQmOZcFxFXwtf65i3tLvf72/eistfR443Yu6YK49ikpMQQCpfoSyPe7ZtwrO/fA2FS1b6scP/eM+v4I59h3DV+h7c/JZ1oXhDxDKTZQsfDvhJhwcLOPj8GXzyu0d9z170mK/o7YCuazXrqqrnw088jzvffjl5GBuMOP/3/eiZUAz4337ripgDe21PHmMT1ZjDuqfDxJnzlVjbuex1HTgu8She3JPFvwU8uO/Y2IuPXntZaLtg3DU0WIDBHIxNaVKnrszVGE2XlSHa2UevvQzLshp++O+n/L6RpowNPe3K/i5Ll7kdd2/vx/Ez53Hxqs7Q9sODBeRMDe8P+EyHBwtYnjfw+3v+WXqeVG7EatXG0VMT0j6acLNYk/mIgl/POf+/AUxyzh8G8C4A/3E2GTLG2gC8HcBfBtJ2MMZ2eC8HAPwbY+wwgM8BuJHP8NGp8CWpHIInxoq+g/ATB+TemaBTsGrxmAvGshHzBQqPDDDdYWSOw6BH0dB0qTcm6EdM8jieHC/6xxCs89hkFXc9crjmsQX/PjlWjLlhgu+Lcu565DDGFB5I4WiUuXMse3oZ/G2FNbHjPj46leixkbmgou7Hej02BEHMDJWXzh0D5f6u6Gvha415pL5Gjjdibpkrj2KSkzCtr1C23ScOHME1Gy8MxQ7iGnnb29bH4g0Ry4xF/KQ79o7gmo0XApj27EWP+dREOVVdVfXcVlhDHsZ5QJz/aAwoc2A7DpM6rGWxapJH8VzEg7utsCa2XTDu2rl3BJ35rNKpmyZdVoZoZzv3jsDU9VDfSFNGUn9P63a8Y98hXLmuJ7b9jr0j7n1EJK1sceV5SnIyqvrobJiPJ4pirdmzjLH/AOCXAC6eTYac8ykAPZG04cDfDwJ4MLrfTBA+lCT/IADfMVjLOyNzA6p8gbbDQ+/VciCm8RkmeRyj24j9ajkio/kH90lTlyRHo8ot6QTu+2X1quWTUbmggvWr12NDEMTMUHmn7IBXJ9g/Va9VYyA53oi5ZK48irWchGnasioPHrh2Bq+RKudw1KkYzCdpP8vhQAq3YtI1l/po4xHnP00MaCfEXao2kCY9TQw5W19irbjWcjg45H1rLl2NqutZmr4nrmWyYxB/y/pLo/yu8/FE8YuMsS4AfwJ39dOnAXxmHsqdE2q5XqYqdsgxWMs7I3MDqnyBusZC79VyHCb5DGX1S6prsM5pnTqyfWptG6y/bHuVW1Jj071Itm8tn4zKBRWsX70eG4IgZobKO6UHrpbB/ql6rRoDyfFGzCVz5VFMchKm9RWqtmOBa2fwGqlyDotYRpZP0n6GxlLVNemaS3208YjznyYG1BPiLlUbSJOeJoacrS+xVlxraGzWxzHT9KgbUqTL+l2Se1zVXxrld214JMw5/wvO+Tjn/HHO+XrOeW/w6V+zI3xJKofgmu687yC8Z5vcOxN0CpoGi7lgDB0xX6DwyACOv73McRj0KFqOLfXGBP2ISR7Hvq68fwzBOne3m7j3+s01jy34d193PuaGCb4vyrn3+s3oVngghaNR5s4x9OmA8MDIidhxr+tpS/TYyFxQUfdjvR4bgiBmhspL546Bcn9X9LXwtcY8UjeT442YW+bKo5jkJEzrK5Rtd8+2TXjs6VdCsYO4Ru55/Fgs3hCxTHfETzo8WMBjT78CYNqzFz3m3o5sqrqq6nlg5AR5GOcBcf6jMaDMga1pXOqwlsWqSR7FzogH98DIidh2wbhraLCAc8Wy0qmbJl1WhmhnQ4MFVG071DfSlJHU39O6HXdv78eTx0dj2w8PFtz7iEha1mDK85TkZFT10dkwH6ue/jmAz3DOz3qvuwDcxTn/k4YWXCeNWPVUuP9mtOqptyJTqlVPubuClcYAcw5XPa3Y7opVIVejbNVT20FGT7fqaclyV9Zq1lVPS1U7rcemqVc3I4gIC75KBK16StTJgn9oi2XVU8t2kPNWPa1YDvK06mmjaOq4IGnVU8tzd8/lqqfnSg60BVz1VHgZg6uejk7aoRh7oVY9DToTAcQ8is206ul83Cg+yTm/MpJ2iHPe39CC64QCb6JOmvqCQBARFjwKozZL1Am1WaLVoLiAaCVStdf5+BGWzhjzn3syxvIAaE4fQRAEQRAEQRBEkzIfq57uBfAoY+whABzABwA8PA/lzhnRR8vL8xpeKzrIZzRwDlg2R9XhcCLTN03dXYzGiUztBJg/HdXU3GmnFdvxH5HrjPnTSw2NIZfRUK5MP+rPaAy6wVAKTEflAMqW40/xtDj3p5dmDR2W7e4vHo3bDkLTuNoymj+FVqTlTPf4ytb0tFoxXdXyphLo2vTxZgwNVdvxt9M1DTpzp+pmdQ0lKzptzD1vmrd/sC5ly506xjQga2jhemU0lCruuQlOW7EsJyQtXdWewdmSVXPaDpB+ig9BEI1BNvX0jDdNKGNocByOjMFQqnJ36r1kivhcTONLgsaJ2REdo1NM8W9aZFPRzlftpmgb4jwD3P+5jPtTDoapig3du85aFlBx3KmmGV1DV87EaLHiX9s15i62J/7XNQbb4WDe63xGQ1c+PrW7zulvDYP6axjH4ThbrKBUsVF1OPKGBjA3/rQdjnxGh+VNSc6b4bgxZ2ooVd1poRNl7k8nzegadB1gYP50ZjF+T1Y5ciYLTUnNZzScL7ltsCsyxVT8JGl5XsM5L120Q86BTi/2Dk9v5dB1oGrx2NTTNsmU1DOT7k+Nur22HvyZ1mSZY1mWxaaeGoaGsamKf55MjaHb6+9Zk4eOT0xJVfUB2biRyeiJ7bSecXOupsQHafiNIuf8M4yxfwVwLdzHnP8P5/xvG13uXKES67abwPgU0Jk38JLnOBHvC7nnH77zcpwvWfj4N56KvRcU2gdFmg/edCWqlhMSoEbF0kKO+8hPX8S/vHAWf3Td5aHyP3/TlShVHdz1yGGs6sjG3h8eLCBrarg1IPgc8gSfNwUEn2K7XT84GhK0RvPzZabXbACAkIz1vhs2o7czizMTFd/jJMrL6JILijwAACAASURBVMC9P/y5n3fwva42A5/630/jv/7WFTgzUY2d/5Hnz2DD65b7st7Xr2zHM6cmfHej7LypJKVJ0uOlfFEhiPlCNc6u78ninfc/gd3b+90vs8osNG4NDxZwxQXLYHg3krOVlydB48TssCwHR189Hxqjg59fK5HUXt/4Z3+3oG1DnOfPPRq/tgZjDXfxJwcf/vqTODmeLCq/5apLpP/f+tZLcEGnhYt72v3jbJT0u16ov4ZxHI4XRicxOlHGnd9yY8NP/ueNmKrYuHt/OLaTxXlDgwVc0Gni5XNVnDlfDr33hcECAI7b9x6K9YeowH739n7s/clxPHFsNBaj3bNtE5795WvYesnK0Djhx5jXXhbaXpTx3JlSLL40mIOxKU3aR18cK2J0siJ9L1rfocECLlqRxXOnJ2JxdJsJ/PIcYttv6GmXjg+q9LXdWfzu7iek7bSecVM1Lm3oaZ/VzeK8jM6c87/hnP8h5/yuVrpJBNRi3axpYsfeEVQsrpTWvzRe8m8So++pRPXjk9WYADUqlhZy3IGta7Hj6ktj5Y9NVnHXI24esvd37B3ByYjgc6d3LLLtooJW1fHu3HcIZyYqoffu/NZhaEzzO3GwPF3TQ3kH3wMYthXWwNB06fm/ZuOFIVnvqYmy35FU500lKU0rNiYIojGoxtmzRQcnx11ZMaDFxq0dAZnwXMjLE+tI48SskI3Rwc+vlUhqr+L1QrUNcZ5l19ZgrLFj7wjGJqv++0mictX/d+8/guOjU6HjbJT0u16ov4YZnazg+OiUH1/uuPpSjE1W/XguGNvJ4ryde0dQtYCTY8XYe7fvHcGp8xVpf4i2hTv2HcJtb1svjdE+ceAIrtl4YWyc8GPMyPaiDFl82ZnPKvto0nuy9FLFkcbRWdOUbq8aH1TpEyVH2U7rGTeTyp0NDX+iyBg7D3fKKQBkAJgAJjnnnY0uey6oJdTUUkjuZe9Ft0krqhev2zI6dI3VlM2r5KNpBZ9tGR1tqJ2fSJflq5K3aixB+OpwrMibyn2FTDgoUU1z3mSS0lrSY4IgGkstUbAYL2Tji2W7wflcyMuToHFidlRtR/4Ze59fK5FGbL1QbUOc5zRy82B/qnVtV/3fltFDx9ko6Xe9UH8NU7HsWGwIIPS6VpxnOVwZo0rHZkVbEH5cWYzmKGK+aNxcq4w015R69ml0ejRNtNN6xs1G9b358Cgu45x3ev9yALYBeLDR5c4VtYSaToLkPkk6L/4PpgG1RfXi9VTFhu3wmrJ5lXw0reBzqmKnErSKdFm+KnmrwxOErxrD2WJVua+QCQclqmnOm0xSmlZsTBBEY6glChbjhWx8MTy1zVzIy5OgcWJ2mLom/4z11pp2CqQTWy9U2xDnOY3cPNifal3bVf9PeUv2Cxol/a4X6q9hMoYeiw1VsaKqLRjeb1zTxpSqtmB7waYsRtMUMV80bq5VRlL6TPZpdHo0TbTTesbNRvW9eR+hOed/DeCa+S53pqiEmuVqFcODBWQMppTWr+7K4f4bt0jfU4nqu9rNmAA1KpYWctz9B1/E8I+fi5Xf3W7i3uvdPGTvDw8W0BcRfA55xyLbLipoVR3v0PZ+rOzIhN6774bNcLjjy36D5dmOHco7+B7AcWDkBCzHlp7/x55+JSTr7e3IuvVNOG8qSWlasTFBEI1BNc6uyLsXyd3b+wE4sXFrOCATngt5eWIdaZyYFbIxOvj5tRJJ7VW8Xqi2Ic6z7NoajDWGBwvobjf995NE5ar/dw1swrqettBxNkr6XS/UX8P0tGewrqfNjy+Hf/wcuttNP54LxnayOG9osADTAPq687H3vjBYQO+yjLQ/RNvC7u392PP4MWmMds+2TXjs6Vdi44QfY0a2F2XI4stzxbKyjya9J0vPZTRpHF2uVqXbq8YHVXpHTgulBdtpPeNmUrmzYT48ir8XeKkB2ArgNzjnb2lowXVSj1h3Jque2gHxZ9pVT6u2K6dPWvXU9qSlHK4o15jPVU8jx5sxNFi24x5zHaue6t4KamKltdmueiqkpQ1e9ZR8SUQrseCrN9Rqs/WseloNiIlp1dPWITpG11j1dMFPbD1xQTOuesrA3WtrYNXTYsWGFln11HE4zOCqp961XbXqqcYAm1Y9ldHUcUFw1VOxYr5Y9dRxOHJ1rnoq2k29q55OlNw2KFY99VfZneNVT9uzGiYjq56OTtowWnTV0zTjZp2rnqZqr/Ohx/jtwN8WgBcAvGceyp0zcjkDqyMnuiM3z5VoT5m20HnWwfJ6No7WS1JPw9Bw0YrwY/dVKS9OmsawalnrfbNNEIsF2TjbXuc4m9SP56KP0zgxO2RjdKsia6+zXYZ+rpjNeY4e00wwTR2ru9pmnc9sof4aRtMYutuzs47z0o7LYrvOyPbd7fFtoqhi7Gi6an+RvqJNng7E2/qynDrP3uhBYLq/S95S9gHZuAEgsZ3W059V+c+G+dBj3DrXeTLGXgBwHoANwOKcb428zwDcD+C3AEwBeD/n/NBc14MgCIIgCIIgCGIx0rAbRcbYA5he7TQG5/xjsyziNznnZxTv/ScAG7x/bwYw5P0/I4KPcvOGBsubFmpoDKbOvCmZQMUW0yEBHQyWw/1H52JKqc05qrb76Dqf1VCpTj/C1zUG02CoWq7IVNMYMroGmzsAZ950D3dKqRaYrpk1NNiRsjgH2rMaKjYHd+BNJXCnDohH0qbOULXdvzMm88WksmME3Cm28PK2HQ5Dd6eWliwHOUPzjy2ja2DMnbJqagyGV47lcLRndJQjU1Any245YnquELmaugaNAbo3vdSybJyerPjHZ3MOQ5t+DD+baSY0pWxxcPEff6/ufV749LsaUBOiXmRTT4NiZ1NMQQVH1eJoz+qo2BxVy6E+2yIspnF2rsTW9ci0Z4vjcJyZLKNctf2fhpQs9/q7qj2DKcvGZNmdlpj3ZuOULBs6Y6H+xhiDzhD66QfReoj2YDsOHAd+bKVr4Z8/mRqDAw7HATpyGqbKHJXAe7mM+/lPlMLTPC0HmCiH472K7caGInZlmI5rxZRnMXU0OC30XNGJpa/IayjZgKkB572yTY3BMDSUKjY6cnroZ0sr8hrKtvsTq+BPpzK65selnTkdU5XaU0l1jUHXNCwzdek4oBrrZOm27cx4qnY0v668ifFidU7H2EY+URQTpd8KYCOAb3qvrwcw0sByAXdq61e5+wPMf2KMrWCMXcg5f6XejIICS6mEdHs/NIaQaPTBm65E1XJ8X40qLSq8FT/0ffCxZ32h6K6BTejMm7j///wcH/7N16NUdfClfzjmi3RldQrKSS9cnsGzZybxzCuvoXDJypj49HuHX8INb1qLqQkn8RgzBsO9P5QLfP/q0Ev43f7VoX3uu2Ez/vz7R3F6ooyh7f144LFnsSKfweBb1sXEqOMTRSxvy0JjDBNlK5TPZ9+7BV98/Dn88XVvwFTVlkqEhwcLuLy3A784MzkjuS6JeQliYUkSmL/z/p+ExqJleQM//tmr6L+4JzSWUJ9tbhbTODtXYut6ZNqzRXb+dw1swmd+8AxOT5Sx77Y349xUFTv3HYrFAe/Y2IuPXLMh1N9EnHHn2y9vyc9wqSPaw30/ega3XHUJHn7ief//D73tUvzBN58KtZN8RsffHHkZv72lL9Redw1swqW97Xj1XFhgPzxYQM7U8P6HfpoY8953w2aYhoaPeGnv2NiLj157mfRacGy0nCp918AmHHx+DL9xRW+ozQ4PFpA3NdwSqNNn37sFnXkDH/jKQby30Ier33CBtF9H+/s92zbh8Wdexbu39Em3f358KjbWbVjVgWdPT4TTb94Kw2C4NVCnocECrujtqHmzKOvTw4MFfO7Rn/v3EHMxxjZs1VPO+cOc84fhPtX7Tc75A5zzBwBcC2DLbLMH8EPG2Ahj7EOS91cDOBF4fdJLq5ugwFIqId13KCYaHZ+s+jeESWlR4e3JcVdGGhSK3r3/CE6dK2NbYQ3GJqu465HDIZGurE5BOWm5ynH3fldiKhOfDmxdC85ZzWPUNV0p8L3tbetj+9z5rcO+2Hend0y3vW29VIx6aW8nxiarODNRieXzB998CtsKa3B8bEopERby0ZnKdUnMSxALS5LAPDoWWTZwzcYLY2MJ9dnmZjGNs3Mltq5Hpj3rOkvO/937j/jX6arFsdPrU9E4YFthTay/iTijVT/DpY5oDyKmCv4vbhKB6XYyPlnFwNa1sfZ69/4jqFg81h927B3BibFizZj3zm8dxnggTcSusmtB2vS79x/Be/r7Ym12x94RvBip0x988ym8NF7CyfEi3tPfp+zX0fRPHDiCga1rldvLxjppnPq1gzgZqdPOlGOArE+LODlY7mz753z88voiAMsAjHmvO7y02fBWzvnLjLFeAD9ijB3lnD8eeF926xybBuvdZH4IANauXSstKCiwTCuvlwlJ65GURoWiQnoffL9WnaIiepXENCg+TcpPY+r3dI0p6xD8W7WdkLgG65GUjyoPWXoauW6riHnTtFeCaCbSttl6RMTutPuZ93diYVhM4+xcia3rkWnPFtX5F9dXjanjgFpxRrN9hkuJmcYFoj0ERfZJMVZbRlfGcLaiP8ji21pp9cZ4qnTVNSKpfNU+qjKSYlpZuqq/y+qUZiyp1afF69n2z/nwKH4awCHG2FcYY18BcAjAn88mQ875y97/pwD8FYA3RTY5CWBN4HUfgJcl+XyRc76Vc7511apV0rKCAsu08nqZkLQeSWlUKCqk9yKPNGLUqIheJTG1HXf57Fr5OVz9nu1wZR2Cf6u2ExJX1TlSHXs0D1l6Grluq4h507RXgmgm0rbZekTE7nL9M+/vxMKwmMbZuRJb1yPTni2q8y+u00lxQK04o9k+w6XETOMC0R6CIvukGGuqYitjOF3RH2Txba20emM8VbrqGpFUvmofVRlJMa0sXdXfZXVKM5bU6tPi9Wz753zcKH4FwJ8C2ATgLwH8BoCfzTQzxlg7Y2yZ+BvAOwD8W2Sz7wB4H3P5VQCvzeT3iUBYYCmVkG7vj4lGu9pNX2qalBYV3vZ1ub8bDApFdw1sQm9nFgdGTqC73cS9128OiXRldQrKSbMmw64BV2IqE5/uP/giGOM1j9F2bKXAd8/jx2L73HfDZl/sO+Qd057Hj0nFqM+dOofudhMrOzKxfD773i04MHIC67rblBJhIR+dqVyXxLwEsbAkCcyjY5GhA489/UpsLKE+29wspnF2rsTW9ci0Z11nyfnfNbDJv06bBsOQ16eiccCBkROx/ibijFb9DJc6oj2ImCr4/2ffuyXWTrraTew/+GKsve4a2ISMwWL9YXiwgDXd+Zox7303bEZXIE3ErrJrQdr0XQOb8O1DJ2NtdniwgLWROn32vVuwuiuHvq48vn3opLJfR9Pv2bYJ+w++qNxeNtZJ49Sbt6IvUqehlGOArE+LODlY7mz7J3PXe2kcjLEhAA6Aazjnb2CMdQH4Ief8jTPMbz3cp4iAO3X265zzP2OM7QAAzvmwp8d4EMB1cPUYt3LOE+3kacW6SaueihWidA3QxKqngZWVxKqnlrfSqGzV04zBUElY9dThPCTAFTL74Kqn4r1GrHrKAqutylY9tWx3tVLGgIq3mppY9dT2ppgqVz0Fhwbmnw+Rv9acq542tVh3qUKrnipZ8JUmarVZWvV08VPnOLvgH2bauGAuVj1NI9OeLdOrnnqxSqpVTx3oDLTqaTpaKi6IrnoqYkex6qllO9AUq55WA+8pVz3l4bTgqqeOw5GJrHrqeCvfz8eqp6Kselc9tb042zUctPyqp6na63z8RvHNnPN+xtiTAMA5H2eMzfj2lnN+DMBmSfpw4G8O4MMzLSNKIwSWzchC+XGXpyw3kzGwOqP+HGYj1yUxL0EsLLJxNq3YmWgNFtM4O1dxQT0y7dmiaQy9y9SdKpMxYoJyYvFSqz2oWK5orrJ01ba1iI79oprR9Hbv/05VOe2Sl+2yDafpkrxvmjpWK4Jk2TigGutk6ZqmzrsWsvzmeoydj6mnVcaYDm8xGcbYKrhPGAmCIAiCIAiCIIgmZD4ek30O7lTRXsbYnwEYAPAn81DunFGpWDg9WYHG3B+fB6dO5kx3mmXw8XZbVsNU2fGnj5oaQ3uWoVRFaF8zMCVT1xiyhoasCfexfmA6ai6joVxxUBXTUzUG02RwHEinkpo6Q8V2H8HnMwzFiptfe0YLPVJvy2rgfLrupsagaQzcm94q6hU8RjHtUzy2NwJTEkQe+Wg5kddZw81P14DJcnh6QbECVGzHn2omprqaOoPGWOz8iTTGAID502UNjaFsO9DZdPnRx/DBR/amt3hAsWo3XHpMNBf1TlddIlNV5x3Z1NPJCkfFdqfD2w5HRUxD1RkMTUPGYJgst768nWg95mrqaRrq/WmEmM5atR3/esY5x5nJCiq2g6z3Uw2Lc2R0DSvb3etddL9lOQ3ninboGIPHXM8UuUYf80Ll2WpYloPTE2VUvJ9KdeY1FINT/HUNAEfWCP9USUxL7cxrOF+cjkdFPJc1gHOR6aITJXesLlmOn3ebH5M6yBk6LNvNy9AYluc1nCs5WJ4LTzHNZzRULY6OLItPPbWAqs1RttzjMTXmbyfqHNx+vOjWZUVex2TZLTtraHC42z46clooLu3JZ5DJ6DhXqvjTsg2NoT2rozOXQaVi+32iPfLTqraMhnMl28/nfNWG7Tj+T8WC+Yt2KZvWLaYIl6o2dMaQz+hYkZe33UaMSw2/UeSc72OMjcD1JzIAv8M5n/FiNvNNpWLhmdOTeODRn+O/vOMyVCweEnh+a8evYnSi6rtUZLLQXQObsLorj9c8ma1I3729Hw8+9qwvxhweLGBZ3sDLngdGbDc0WMADAYHmroFNWLeyDaPnK6H8hrb347uHX8K7Nq/G9w6/hKuvuACrlmVRrto4dvo8Ll7VGarXQ7e+EZWqg9sDaVH5qdiuXHWksvvP33QlSlUHdz1yWFrf23/94piQdPf2frxueRYvj8cFrQwct++dPqZ7r9+ML/3DMXzs2suQNRhu/crB0PEuyxv48+/9DB/8tfWhOgRFwru392PvT47jiWOjvnwUQKJ8uFHSY4Ig4qgE5ut7svj+wZdx1YZVGA14Vvu68rj/xi1YljPwF48/H+rbSy3wI+YfVXvd0NM+5zeLMql2Ulu3LAdHXz0fkqIPDxbQmTdw055/xqqOLP7oustDfekLNxewYWU7fn560t/vk+++AoVLVsaOceT5M/jkd4/6r9OIwRt9zAuVZ6shaxsP3fpGnJ2s+J7vvq48HrzpSrRldHwgEG/ds20TxiaKuGRVZ2h/Ed/+8jUrlD40WEC7CZyuTMfMwfhY1g7FmH9stByLGS9dmYulDw8WkDc13BKQ1e8a2ISVy7J4ZXwSum6E4lWR//eOvIqNq1dgR6Qe7y304eo3XCC9Dr04VgrF/kPb+3HxSo4XvDpdtb4Hg29ZF95msIAf/+xV/OvLr+Gj116GByQx9NBgARd0ZvB7u38SOtcPP/E87nz75diwqgPPnp6IxaoXdOZwcU97qO02alyalyiYc36Uc/55zvmDrXSTCACnJ92bmW2FNTA0PSbwtG2EhJsyWagvJI3se4cnohevd+wdQdXiceF9RKB59/4jbrlRef2+QxjYuhZ3eP/fvf8ITowVcep8BVeu64nV6+RY0b9JFGlR+anYTiW7H5us+jdosvrKhKR37DukFLSeOl8Jpd31yGFsK6zxBqBS7Hgt2z3n0ToERcJ37DuE2962HifHp+WjteTDjZIeEwQRRyUwP1t0cM3GC/HSeCk2Ln78G64oOdq3CaLRqNrraHHu25/sWpXU1k9NlGNS9B17R1CxXLfbjqsvjfWl2782gtOTldB+12y8UHqM12y8MPS6EdfJeo95ofJsNWRt4+RY0b9JFGkf+fqTvoRepH3iwBFcua4ntr+Ib6PpO/eOIGuaoZg5GB/L2qEY82Uxoyx9x94RvBiR1d+9/whOjhVxaW9nLF4V+V+1YZVf32A93tPfp7wORWP/nfsO4VygTre9bX18m70jeE9/n3/cshh6Z6BvBs/1tsIa3PbVgzg1UZbGqsdHp2Jtt1Hj0uJfoWWWCHHmirwZEtIK7IigM0lYL0uPijHTbhctV6QLAaj4X4g8ZULUtowuzSMq/xTbyY5NlYeo71wIWkW5svc0liwDDp4X8beQj9bapxHSY4Ig4tQSmCeNVbK+TRCNpFZ7nUtUUm1VW1dJvcWDh7RCc5V8PLhSfrMc80Ll2WrI2kbaODApblPFrdE2FWx7adthrXRZPdsyes0+KquHqs2nqZMq1uWc+2WojtmO9KHgtqr+3JbRY223UeMSzaurgRBnni1WQ0JagR4RdCYJ62XpUTFm2u2i5Yp0IQAV/wuRvUyIqhLcR+WfSbJ7VR6ivnMhaBXlyt5zeLIMOHhexN8ZQ68pKu3raoz0mCCIOEkyZcZY4lgV7dsE0WiS2utco7pWqdq6SuotYsW0QnOVfNy1j4X3m2vqPeaFyrPVkLWNtHFgUtymilujbSrY9tK2w1rpsnpOVezEfILHEayHqs2nqZMq1mWM+WWojlmP9KHgtqr+PFWxY223UeMSRcI1WNXuijYPjJyA5dgxgaeuIyTclMlCfSFpZN/dnohevB4eLMA0WFx4HxFo7hrY5JYblddv78f+gy9it/f/roFNWNOdR++yDJ48PhqrV193Hl+IpEXlp2I7ley+u93EvddvVtZXJiTdvb1fKWjtXZYJpd17/WYcGDnhSV5zseM1dPecR+sQFAnv3t6PPY8fQ1/XtHy0lny4UdJjgiDiqATmK/IaHnv6FazuysXGxftvdEXJ0b5NEI1G1V578nPf/mTXqqS23tuRjUnRhwcLyBhuEDn84+difekLNxewqj0T2u+xp1+RHuNjT78Set2I62S9x7xQebYasrbR1+3GfcG0B2+60pfQi7R7tm3Ck8dHY/uL+DaaPjRYQLlaDcXMwfhY1g7FmC+LGWXpw4MFrI3I6ncNbEJfdx7PnToXi1dF/k88e9qvb7Ae3z50Unkdisb+Q9v70Rmo057Hj8W3GSzg24dO+scti6GHAn0zeK4PjJzAnvdtRW9HVhqrrutpi7XdRo1LLDiNYCmTJCqd61VPxWqi/qqnnENnDVr1NMv8Fa2SVj21xcpWs1j1VOQxF6ueOl4a0wDHAUyDQUPtVU8tbyUvQ2Oo2A60Olc9LVXttNLjlhLrLhXqXcF0JtS76mmTrKq64Ks11GqzaVc9dRwOg1Y9XQos+IeZ1GZbYdVTy3b865lY9bRqO8jUWPVU7EerntZN08cFYtXTqu1Ai6x66o6t4VVPRRw421VPRd5zvuqpDVQtjorl+PF2dNVTcQxi1VPH4VguW/WUc3Rk52fVU1Gn+lY9daAzzOWqp6naK/1GMQW1RO8AYgJPmTuzI6XXVOo/rSEITaIzkJ9MJJo67zrqEC1HWi4Qk/vOwP06o/oAi0v+TBCtjkxgHpUryyBBOLEQyNpro6j3WmUYGi5aETeQXyhJq7Vf9JrcrMe8UHm2GoahxdpBZ51xlypOi6artksas0WcrBr7o+mqsDTN/ssV9ZDVb0VbVppeaxwIxp5JXyQltUtNY+hNGRw3YlyiqacEQRAEQRAEQRBECHqimIJq1capibI/7VJMFY3K5nPe42sO7m7nCUY1BpQsJzQ9NGtoqDoOwN0pkqbOoDMGm3O/DI0xZHQNbRl3OmrF4eBees7UYNnTktSMriFnMpS8R/BCPMo0IGcwnC9NTyFgDDAYg8XhT9UUx5YxNExVbJgaQ9bUAO7WPTrlVDzSF9NDqxYPTRMQM5pL1el9g1Nxl2fN0OPxnKmhwzTwWtlCxfbkrBqD4Z2vtqyGStWdEivKrjqOLx/tzJo4V66iWLFhcw5Tc8978PE9QRDNi2zq6dmiA8cbb9tzGkqV6TEvb+pY2ZGlvt1CLCbh+XxOPZ0LgtLurD491U58DgBC0+s6sjrKFkfVdvypdh0ZE+PFqj9FTmPudV389CP6kw0xlbVqOzDT/aSDmAdEP3QcBzaH+3OlQJxncw5D02AwoOjFrpoGcM6Q0Zm/QCJjgM7cGKtsVULTQpfnNYxN2ljRpuN8yZH2k2gfErGdGPuD8aHtAO0ZxKaeTpQ5ONyfdekJ8aVl81B8LmJZccwdWQ1tpompahUT5Xh9g2NXcHro8qyO05Px6djiviHNNO3ZjIvzMaY276jWJFSrNo6empCKMoNyeiHtfOgfn49tF5W/f+/wS3j35tUwdIbbvposuxcy01dfK/mum9t//WIMvHEtzpwvh2Slw4MF/O+nTuILf/+Cv++lq9pwfCwstn/wpitRtZyQYFUIPj9yzQZfTv+VW9+IUtXB5yTHLra/6x2XhRyR4sezFywzcep8VbrvfTdsxor2DG4NSFJdIbCNl4QHZ3xaavrdwy/h3Vv60JbRcM/fHMUHf229700U+V2wPBfb997rN+NL/3AMd7798iUl1SWIVkMlCl7fk8WvfPJRf4ywHQcfDoyPe27eistfR327FVhMwvNGia0bRfDcy0Tne963FSvaDJw+X8Ed+w7hqvU9uPkt60LX9d3b+7GizcL/+92n8cOnT4XigFuuugQPP/E8PnbtZbjigmX+7x2jcvfhwYL/PrEwiLZw34+ewS1XXYLHn3kV79q8Gg8+9mxi7Co+61vfekksbdf1/xEvjpVj/eHCzgyOS9I39LjzMaN96J5tm/D4M6/i3Vv6Qum7t/fj0pU5HBuN53VBZwbbArJ6WXz50K1vxETJwtCPf6GMZT967WW4aAXw8ll5fZ8fnwqNXfds24SxiSIuXtUp3V42PlzR2xG7WZzNuDhfYyr11hqcmigrRZlBOb2Qdsq2i8rfB7auxc59h/DL18rK/IL7ViweEqIObF2Lk2PF8PJKoAAAIABJREFUmKx0x94RDGxdG97XRkzAOT5ZjQlWheAzKKc/MebmKTsmsb2u6f7FRLy3c+8IKjaU+975rcM4GZGkCiFwTMAqztfeEXDOsK2wxr9JDOYn2/euRw770tKlJNUliFZDJQo+W3T81zv2jmAsMj7e9jXq263CYhKeN0ps3SiC514mOr/tqwdh2fCF4be9bX3sun7HvkOoWBzbCmv8NBEHiP937B3BqYkyALncPfg+sTCItiA+t4Gta3HHvkM1Y1fxGcvSJkqOtD+ULa7sJ7I+JOoTTb9j3yGcLcrLiMrqZfHlybEiPvq/nkyMZXfuHUGpIi9jtBgfuz5x4AiuXNej3F6WLmv7sxkX52tMbbkbRcbYGsbY3zHGfsYY+3fG2Mcl21zNGHuNMfaU9+9PZ1qeEFiqRJlC9llLqBmVvwf3leUXTIvKTHWNKSWpQR/LyXG5IFW1r6i7yENsl3RM0bpFy6113pKOM3q+NKaWtKr2FdsvJakuQbQaaUTBqnGD+nZrsJiE540SWzeK4LlXXUODsnGVPFxcg4Np0djHst0vd1SicPE+sTCIthCM99LGrsHPOpiWRkgfTVe9p2p7qu1lsvrodSJNLFurvklxbj3HHWU24+J8jaktd6MIwAJwF+f8DQB+FcCHGWMbJdv9Ped8i/fvUzMtTAgsVaJMIfusJdSMyt+D+8ryC6ZFZaa2w5WS1GCn6euSC1JV+4q6izzEdknHpBKt6inPW9JxRs+Xw9WSVtW+YvulJNUliFYjjShYNW5Q324NFpPwvFFi60YRPPeqa2hQNq6Sh4trcDAtGvsYnmpKJQoX7xMLg2gLwXgvbewa/KyDaWmE9NF01XuqtqfaXiarj14n0sSyteqbFOfWc9xRZjMuzteY2nI9lnP+Cuf8kPf3eQA/A7C6UeX1dmSVosygnF5IO2XbReXv+w++iKHt/Xjd8qwyv+C+GYOFhKj7D76Ivu58TFY6PFjA/oMvhvfVERNwdrWbMcGqEHwG5fRrut08ZccktrcdG0MSyWhGh3Lf+27YjL6IJFUIgWMCVnG+BgtgjOPAyAnce/3mWH6yfe+9frMvLV1KUl2CaDVUouAVec1/PTxYQHdkfNxzM/XtVmExCc8bJbZuFMFzLxOd73nfVhg6fGH4nsePxa7ru7f3I2MwHBg54aeJOED8PzxYQG+Hu8y/TO4efJ9YGERbEJ/b/oMvYvf2/pqxq/iMZWkdOU3aH7IGU/YTWR8S9Ymm797ejxV5eRlRWb0svuzrzuOB378yMZYdGiwgl5GX0ZOPj133bNuEJ4+PKreXpcva/mzGxfkaUxnnzTlVIg2MsYsBPA7gP3DOzwXSrwZwAMBJAC8D+EPO+b8n5ZUkKk2z6qkdkHYC08L6NKueVm0HxixWPXW8csSqp9WAeDS06qlX79Cqp97KobTqad00vVh3KVKv3H4mvPDpd9W1fb11qjf/lCz4o45abbaeVU8dhyNHq562HHWu0LfgH2xSm23dVU8dZHU2J6ue6sydhqsxgCesemrZDoylseppS8QF0VVPMzpDWbHqaclbTVS26qnGAC1p1dMpGyvytVc9FSvyaxrgODNb9bQSiHtp1dPUzTDVhs07qtWAMdYB92bwD4I3iR6HAKzjnE8wxn4LwF8D2CDJ40MAPgQAa9euVZZlmjpWdy2s1bljliL6zmTP7oIgk4L2ZmfeJLuNrNq+ughI214Jolmop83KRMFRafLyJhzHiPS0gvA8bZtthNi6kaSRdquk4kHq+fwMQ8NFK6jTNpKZxAWN6IeGkYuN1yJuVcWfSX0ompcqXbXdTPvmclPHckkfSDpnqzPxsuq5b5jN5zEfY2pLfrXDGDPh3iTu45z/ZfR9zvk5zvmE9/f3AZiMsZWS7b7IOd/KOd+6atWqhtebIGYDtVei1aA2S7Qa1GaJVoLaK9FoWufrMA/GGAPwJQA/45z/T8U2rwPwKuecM8beBPeGeHQuyo8+Tm7PaqhYQMWeniJl6gwacx/li+0yhoaK5fjTLzMaQzbDwDkwWQ5P7dQZg6a5+5u6Bsbc6a3Mm3JpelNeNTBYDg89Qs8aGkrV6XI7shomK+70kZyhuQvVBMpi3vRWgKNqc9icI6u721UD0z8t95m9P301Wr+coWGq4ngCVoaqw6F79RXTCjLG9JTUYtWGqWtoy2iYLLuPzLvyJl4rV1CsOP603ZzJUKq69de9aa1deffbk+Dj9q68ibGpCopV25eudrdllI/6CYJoLmRTT4tVd+qT7XDkTR3dbRl/6lurC9uJ1qbVpp4C4WlquYz7c46K7V7HZdNCo9PauvJmXf1vPmTgxMxxHI6zxYr/k52cqWNluzudX3x2DNyPZU1dQ0/exGixOh2TmRoYY8jqHGeL4VjW0DSYOvPH8IyuoStnYqzk7p/P6LAsB9XAFNGyxbE8x0JTTNsy7tTTvBmeetqTz2C8VIXlOKFppD35DMZKVdiBdJ0xOHCnqBoaQ0dOw0RgSuyyvI6OTAaOw3FqooxqpF9YloPTk2VUvKm44udZ7aaB05OV2PZBxBTspG3E51Fvf5mPPtbco5qctwK4GcC/Msae8tL+G4C1AMA5HwYwAGAnY8wCUARwI5+DH2NWqzaOnpoISTQfuvWNOFes4uPfeMpPEwuzfOAr0xLM3dv78eBjz/qi2vtu2Ix1K9vw6rkKHpBI6YOiUyGOF1LbW996CbraTZwvWr4Psa8rj7+4pYCqxUOS3KHBAr771En8ywtn8UfXXY6H/vF5aVkrl2Wx6wdHcfp8JSbj/fxNV6JUdUKS+2D9HrzpSrRnDez6wVHc8ZuvR7FiS8vZvb0f3zv8Eq6+4gJ/393b+7H3J8dxtljBH113BU6fL4fKHh4s4HOP/tw/b+6P8G1MlG3fH/OOjb342LWXhcS+uwY24dwyCxd3tdHNIkE0OSqB+fqeLH5n9z/5aV+4uYD7/8/0eNCqwnaitVG11w097U17sxiUc6/qyMau88ODBVxxwTI/gJXJvKPX46T+N18ycGJmOA7HC6OTePVcKdQO9rxvKzas6sCzpyfw14dO4F2bV/t+zXds7MVHr70s1O53DWzCxos6cGy0LI1lo7Hv0GABDzz6c2msKRYwOzbqSK8Fx0bLsfQXTp/DR79xxF9g5vFnXsW7t/SFtrv3+s3ImRo+/PUnQ/s+EGjL7uIzHC+Nl0Ox5PBgAZetasezpydxe+S4L+rK4+R4KbZ9sB9ZloOjr55P3EZ8HvX2l/nqYy039ZRz/g+cc8Y53xTQX3yfcz7s3SSCc/4g5/xXOOebOee/yjl/Yi7KPjVRjkk0T44V/ZtEkbZj7wheGi+F0oTQVLwWkvidCil9UGoqxPFB4amh6f5NotjH0PSYJHfn3hEMbF3rS3ZVZZ0cK7rCXImMd2yyGpPcB+v3ka8/6e8/PllVlnPHvkMY2Lo2tO8d+w7htretx7bCGpwYK8bK3uGdn2C5ZYuHJKNC9Cs7JpL7EkTzoxIUny06obTbvxYeD1pV2E60Nqr2Olps3rYYlHPLrvM7IkJwmcw7ej1O6n/zJQMnZsboZAXHR6di7eC2rx7EqYkybvvqQQxsXevfJALwxfTRWGui5Chj2WjsK7aTtcGde0egMV15LZClX7mux3/9iQNHMLB1bWy7ux45jLHJamzfaL2myk4sltyxdwSnJyv+TWLwuKsWl24f7EenJso1txGfR739Zb76WHN+9dWkyCSaKnm9TAwdFdXWktKrRKcnx+WC+SRhfXR/WX3boPuv0xxjsH7R/VXlBOWu0frJypadt+hxJh1TswqQCYKYJq2gWDYetKKwnWht6hFqNwtBObfqmmnZjnT74DZp+998ycCJmVGxbGVsZ9lOKF4TKNtNylg2+jopr7TpQXe4rM4iPU1MXm/Zqpg72I+qtlNzG2Bm/WW++ljLPVFcSGQSTZW8XiaGjopqa0npVaLTvi65YD5JWB/dX1bfs8Wq9H3VMQbrJ/avJTYNyl2j9atVjngdPc6kY2pWATJBENOkFRTLxoNWFLYTrU09Qu1mISjnVl0zDV2Tbh/cJm3/my8ZODEzMoaujLkMXQvFawJlu0kZywZf18orbboe6HOyOov0NDF5vWWrYu5gPzK9c5m0DTCz/jJffYxuFOugtyMbk2j2dedx/41bQmnDgwWs7sqF0oTQVLwWkvghhZQ+KDUV4vig8NRybFcsGtjHcuyYJHdosID9B1/0Jbuqsvq6864wVyLj7W43Y5L7YP0evOlKf/+udlNZzu7t/dh/8MXQvru392PP48dwYOQE1nTnY2UPe+cnWG7WYCHJqBD9yo6J5L4E0fyoBMUr8loo7Qs3h8eDVhW2E62Nqr325Ju3LQbl3LLr/HBECC6TeUevx0n9b75k4MTM6GnPYF1PW6wd7HnfVvR2ZLHnfVux/+CL2B2IKYWYPhprdeQ0ZSwbjX3FdrI2ODRYgMNt5bVAlv7k8VH/9T3bNmH/wRdj2917/WZ0t5uxfaP1astqsVhyeLCAVe0ZfEFy3KbBpNsH+1FvR7bmNuLzqLe/zFcfY3OwxsuiIK2otN5VT4Mrfta76mnFciW1YtVTjQH2DFc9tWwH2Vmsemo73BexyupX76qnpaoNI2HVU8fhMAKrnlq2K1OtteppqWr70tUGr3raEmLdpUa9cvuZ8MKn31XX9vXWqd78U7LgjzpqtdmkVU8dx12Rj1Y9XVIs+Aeb1GYXy6qnVdu9jtOqp3NCS8UF4VVPgZypKVc9tb2YbKarnjreqqli1VPLdpBr4lVPrUi/EKueVi3HjzGDq55Gtw8iVj1N2kZ8HvO86mmqDZt7VGtC6pFopqWW4Ha2yOShjaBrhrL74PH3GDkgZT5RyWhvZ7JMmCCI5kUmX5bJlJtd2E4sDZJk4c1KvXJu2faz3Z9oHjSNobs9K425kj67i7Lydi8br6X7p+g3qryi6Rcq8kpTxvJ8PE3TGC5aEX/DMDRcKNsBkG4f3bfWNqLsevvLfPSx1hrlmoDoE8VleQ0TRfcbEV2LP53TmPckzXGf3lm2A8vz1azIet9EeHllDQ2MAeWqm1/WewLnP8Vj7rfrpq5hVXsGU5aFiZI9/fQwp6FUcZ8ECu/Yyo6s/w2JoQFVm4fKMw2GiZId+hZIYwyGxlC2HeiBb2l6O7KhJ3TimwzHcWDoLPwkM6ejVHFgc4BzDtPQYGgMxYr6m0kA0m9GZvutJkEQzY/sCU0mo9f1bWkzPMFohjoQjacVnygKHIfjzGQZpaoNnTHkMzpW5KmdEtOIp2CAO5uMA8gaOlbk5N5AmSsQAM5XKpgqh58Cnq/aqFg2sqaGSnX6iWJHTkPFYlie1XG+YvkxZXtGR8Xm/uy6Wn1OjMEARyXgM1/VnkEmk9xH0zoPZQTH/mjM28rXgdYY1ZqEqEdR5ZRZ2ZHBrr99JuT+W7Usi/HJiq+0kO375fdvRcVbblfmOQq6C4cGC+jMG9i+55/992VOxz03F2AaGh756YshH46Yk503NXzmB0cTPY73bNuEh594Hh+99jJc0dsB09R9f8t9P3oGd7/zchSrTizvnMFwa8AlGcxT5mPKGhre9+V/ma57wOeT5EwkNxNBtDZJHsXf3f1Eqr7eDN62ZqgD0Xha0aMokLXRXQObcEFnDhf3tFM7JXz33+ciXsTbf/3imKNQeAZ/fnoy5gq8cEUWL5+Nuw+TPIrVahXFzjzOTlVxx75DuGp9Dwbfsg4PPvZsLE6V9TnRvqMOSLH95avalTeLaZ2HMlT9SsS8rXwdoMVs6iDqUVQ5ZU6Ol2LuP4CFvIeyfV8KiDtljpmgf3Dn3hFULR56X+Z0vO1rIzgxVoz5cEQeJzz/YZLHUfgbdwbcL8Lfsq2wBoxp0rwZ05R5ynxMx0enwnUP+HyC5y3qpCE3E0G0Nmk9is3ubWuGOhCNpxU9igJZG717/xEcH52idkoAmHb/RWNDmaNQeAZlrsBSRe4+TPIoXrC8DRWL+zHlbW9b77sYo3GqrM+J9q2KeU8ntPG0zkMZqn4lYt5Wvg4091dfTUbUpZLGSSjS0rj/gk6bNG7F6BcTSU7HJLdMG2p7EkV9hCdK+FtW5E2lSyZaP1me0bpEt486aFTnhdxMBNG61ONRbGZvWzPUgWg8rehRFKjaaFtGp3ZKAJh2/0XjLVUcWa9/sJZHMRhTBt3bafqcaN9Jda113LF9Is5DGbW8o618HaAninUQdanUchIG09K4/4JOmzRuxWh7T3I6Jrll6vE4Ck+U8LecLVaVLplo/WR5RusS3T7qoFHVldxMBNG61ONRbGZvWzPUgWg8rehRFKja6JT3WyqCEHFXNN5SxZH1+gdreRSDMWXQvZ2mz4n2nVTXWscd20evfatUyzvaytcBulGsg6hHUeWU6evKxdx/AA95D2X7ru7K+b4VmWMm6B8cGizANFjofZnTcc/NBazpzsd8OCKPNZ7/MMnjKPyNQwH3i/C3HBg5Ac4dad6cO8o8ZT6mdT1tMR+M8PkEz1vUSUNuJoJobdJ6FJvd29YMdSAaTyt6FAWyNrprYBPW9bRROyUATLv/orGhzFEoPIMyV2AuI3cfJnkUX31tChmD+THlnseP+S7GaJwq63Oifati3lUJbTyt81CGql+JmLeVrwPkUfSYqUdxZqueur6apFVPLYf73sGZrHoqvGOzWfW0YofdNLTqaYiW8iW1KvPhRawX8ijOjHo9irTq6ZJnwU/aYvMoCqZXPXWgM9Cqp3PHookLxOqfDNyfHZYJrHoq8wxGXYHA3K56qjEO25l2c9da9VQ4IGey6mkt56GMFlz1lDyKjUDmUZyNvm91jUabxHJTj3lg6vHCJO2Thlr+Fmm+AV+PbF9Z2mxdTgRBND8qL12reduaoQ5E42lFj6JA0xh6l5F3mFCT5P5TeQZl6V1GDlH1eJovVHpmERvPZgxO6zxMXe4M/eLNREuOcoyx6wDcD0AH8Bec809H3s8C+CqAAoBRAO/lnL8w3/UkiMVOkzwtm1ea8SknQRAEQRDEXNNyN4qMMR3A5wG8HcBJAD9ljH2Hc/50YLMPAhjnnL+eMXYjgHsAvHf+a0sQRBC6yarNUrz5JgiCIAii+WjFxWzeBOAXnPNjnPMKgG8AeE9km/cAeNj7ez+AaxljTTc5mCAIgiAIgiAIohlpxRvF1QBOBF6f9NKk23DOLQCvAeiZl9oRBEEQBEEQBEG0OC039RTyVXqiS7em2QaMsQ8B+BAArF27dvY1I4gGMpP2SlM9iYWExlii1aA2S7QS1F6JRtNyegzG2FsAfJJz/k7v9X8FAM75/xfY5m+9bX7CGDMA/BLAKp5wsIyx0wCON6DKKwGcaUC+c00r1LOZ6niGc37dQhUeaK/NdE5kNHv9gOav41zUb0HbK1DXGNvsn8dcs9SOF0h3zK3SZhf757eYj2+uj61Z4oIkFvPnqWIpHjNQ+7hTtddWfKL4UwAbGGOXAHgJwI0Abops8x0AtwD4CYABAI8l3SQCAOd8VQPqCsbYQc751kbkPZe0Qj1boY7zhWivzX5Omr1+QPPXsdnrl5a0Y+xiOd60LLXjBVrnmNO02VY5lpmymI9vsR0btVc5S/GYgbk77pa7UeScW4yxjwD4W7h6jC9zzv+dMfYpAAc5598B8CUAX2OM/QLAGNybSYIgCIIgCIIgCCIFLXejCACc8+8D+H4k7U8Df5cAXD/f9SIIgiAIgiAIglgMtOKqp63GFxe6AilphXq2Qh3nm2Y/J81eP6D569js9Ztr6HgXP4vpmBfTschYzMe3mI9NBR3z0mFOjrvlFrMhCIIgCIIgCIIgGgs9USQIgiAIgiAIgiBC0I0iQRAEQRAEQRAEEYJuFAmCIAiCIAiCIIgQdKNIEARBEARBEARBhKAbRYIgCIIgCIIgCCIE3SgSBEEQBEEQBEEQIehGkSAIgiAIgiAIgghBN4oEQRAEQRAEQRBECLpRJAiCIAiCIAiCIELQjSJBEARBEARBEAQRgm4UCYIgCIIgCIIgiBB0o0gQBEEQBEEQBEGEoBtFgiAIgiAIgiAIIgTdKBIEQRAEQRAEQRAh6EaRIAiCIAiCIAiCCEE3ih7XXXcdB0D/6F/afwsKtVf6V+e/BYfaLP2r89+CQ22W/tX5b0Gh9kr/6vyXCrpR9Dhz5sxCV4EgUkPtlWg1qM0SrQa1WaKVoPZKNAK6USQIgiAIgiAIgiBC0I0iQRAEQRAEQRAEEYJuFAmCIAiCIAiCIIgQdKNIEARBEARBEARBhGjYjSJj7MuMsVOMsX8LpHUzxn7EGHvW+7/LS2eMsc8xxn7BGDvCGOsP7HOLt/2zjLFbAukFxti/evt8jjHGksogCIIgCIIgCIIg0mE0MO+vAHgQwFcDaX8M4FHO+acZY3/svf4EgP8EYIP3780AhgC8mTHWDeC/A9gKdynXEcbYdzjn4942HwLwTwC+D+A6AH+TUEZDcByO8WIZxYoDjQGcuxXNGjp62jMAgNHJCiqWjWV5HeeLNiyHw9AY2rMaKlWOisP9fW2HQ9cYsoaGiu2Ac0BjgMMBm3OYmgaNASXLQUdGR8lyoGmA4wS2czg0jSGja8iZQKniluF4eZsGQ9XisB0OQ2fQGUPJcpA3NFgOR9WrX1tGw1TFgeVwmBqDoTHYcOtQthyYOkPV5tPv624+OmNg3vFkDQ1Vx4HjwN8uY2ooVx2YhgZDYyhWbGQMHV15E2PFCkpVGzpjyGd0dGZNjBerqFjuNj3tGWgag+Nw/7yKfWXbETMjen7rPZ+19rcsB6cmyqjaDkxdQ29HFoYxd99blUoWRosVv6/15DPI5Yy6tqlWbZyaKPvv93ZkYZr6nNWh0e+3Khf/8ffq2v6FT7+rQTUhCDWLtf8RxEyYyfWyUrFwenK6D61qzyCTMVAqWRgrVlD1YlZDY2AAlmdNv8/lDA3/P3tnHiZVdSbu99zaurob7KbpdqFRQVEHTRtodFBnFGXGmMSEGNplAqIkIyKJJhlDzCxOMkN8flFiTHQGUBNxXyGOxiwmQwbNuERpjIwSEUWBBqWbXqCX2u/5/VH3Vtdyb1f1UvTC9z5PP1119nvvOXW+755zvg8UkUQCv8dAkZSL7bHYGopmyLBeQ1ERNOiKaBIaSv2K7khmXHcMxvu8juPabbxnh1cEDTpCJuUlHrrCiZz74VSO3+8ZlLyVzmBlNyeK9qumtX5RKXV8VvA8YI71+QFgI0klbh7woNZaA68qpSqUUkdbaX+ntW4DUEr9DrhIKbURGK+1fsUKfxD4AklF0a2OIcc0NR+2drPvYJi1L33AVWdP4ab1W2hqD1FbGeTeRbMIeA0W3fcaN5x/An8xqYLrHm5Mxa9dfAYd3VHu/cOOnLyrFyQXVe/6/facuJUNdWz6oI3zTqnhP6z4B17OrX9lQx3V4wJ0R+J89dE3aGoPceH0Gr52wTSWPbI5I93Tm/dwycxJLF+X1oaF9Tz3pybu/sOH1FYGueOy05k4zk9LOMov39zDZ0+flFPObb/ZRktXhFvn1/HAyx9w/QXTALjOJZ39uXqcnxvmnsTStPtzx2WnU1nm5+q1r2fc02nV5Wxv6eKaBzelrik7772LZnHykeNEWRwApqnZtq8zdX/7ez/z5Y/HTd7Z15nxvNYsrOeUI8cNibIYDsfZ3tqdMdZWL6xnWlVZSpDLlyYWS/BOc1dO/Ck15QUpi/nKL3a8IAjFQ8afIPQykPkyGo2zrcV5DL3X2p0hH6xsqOPUSeWpMVddHuDbF52cIa+my5WrF9bjVSZtPUZO+TXjfDR+0Mrx1eNz4qZWBVzHdX/Cjx7vZ1dbuKD0axefQSxusuShwcuvg5Xd3DjUZxSP1Fp/BGD9r7HCJwG709I1WWF9hTc5hPdVx5DT2h1lZ2sPy9dtYX795JSSBtDUHuKaBzexs7WHpvYQZ0+rTnUOO76pLcQ3n3zTMe91j2xmf1fUMW75ui3Mm1nLskc2p+Ld0u1uC9HWHUuFz6+fnFLu0tNdc+7U1KBLteHhRhpmHZv6/s0n38RreFj2yGYaZh3rWM7SOSfQ1B5Ktcm+Drd09uf59ZNTPwzp9e1uC+Xc0+auSGog2NeUnfeaBzfR2h0tynMf67R2RzPub3/vZ778zV2RnOe19OFGmrsiQ9P+UDRnrF33cCOtoWjBaZq7Io7xhbYxX/nFjhcEoXjI+BOEXgYyX7Z0u4+hbPlg+botdIbMVPqlc07IkVfT5crrHm5kfDDgWH4sATOOq3KM60irI7tN/QmPxHXB6ZvaQikl0Q4bqPw6WNnNjZFizMZJ1dUDCO9fpUotUUptUkptamlp6W92ovEEpX4PTe0hKoK+1MOxaWoPUepPvk1JmDonvpC8bnFa64y8fZVhtwFwTecxlGt4+nfTqtctfUXQl/E5/R70lS7f/UsPiyfMjLRueaPxBGOJwfbXQonGE4O6n/nyx7Kenx0fT5iDaHUvcYex1tQeIm7qgtMUUsZg2lDs+JHCoeqzgjBUFNJnR8v4E8Y+I+E3diDjoa88+cLdZL50udKtnISpHeXxQuse6nBbD8hOOxD5dbCymxuHWlHcZ20pxfrfbIU3AZPT0tUCe/OE1zqE91VHDlrre7TWs7TWs6qrq/t9MX6vh55ogtrKIB2hGLWVwYz42sogPdHkA/IYKie+kLxucUqpjLx9lWG3AXBNlzC1a3j6d8Oq1y19RyiW8Tn9HvSVLt/9Sw/zeoyMtG55/d7Cz5ONBgbbXwvF7/UM6n7my+/Len52vNczND9HXoexVlsZxJv20iNfmkLKGEwbih0/UjhUfVYQhopC+uxoGX/C2Gck/MYOZDz0lSdfuJvMly5XupXjMZSjPF5o3UMdbusB2WkHIr8OVnZz41Aris8CtuXSq4Bn0sIXWdZPZwMHrG2jzwMXKqUqLeulFwLPW3GdSqnZlrVCj+YHAAAgAElEQVTTRVllOdUx5FSV+TmuqpSVDXWsb9zNrfPrUg/J3ht8XFUptZVBXt7ewuqF9RnxtROS5/Cc8q5eMJOJ5X7HuJUNdTyzuYlVC2am4t3STZ4QZEKZLxW+vnE3qxbMzEl374s7WNmQ1YaF9azbtCv1/Y7LTiduJli1YCbrNu1yLGfNxveprQym2mRfh1s6+/P6xt2sybo/d1x2OpMnBHPuaU15gHsXzcq4puy89y6alTImJPSPqjJ/xv3t7/3Ml7+mPJDzvNYsrKemPDA07Q/6c8ba6oX1VAX9BaepKQ84xhfaxnzlFzteEITiIeNPEHoZyHxZXeY+hrLlg5UNdYwLGqn0aza+nyOvpsuVqxfWczAUcSzf54E3drY6xlWk1ZHdpv6EB7yq4PS1E4Lcc+XQyK+Dld3cUEn7MUOPUuoxkkZlJgL7SFov/S/gSeBYYBdwqda6zVL2/oOk5dIeYLHWepNVzpeBf7KKvUVrvdYKn0XSsmqQpBGb67XWWilV5VRHvvbOmjVLb9q0qd/XmW711GNZHQVS1oagMKunnjSLpbbV01jCxHSxehqJm5RlWz21/g+11dOE9X2wVk/tcvJbPU3eyxFu9XRYXx0PtL8WyqGyehpPmHjF6umhsHo67EsdhfZZsXoqWIzoPitWTwUHxrRc0BfFsHoat2TZvq2emvg9SqyeWvRTdiuokqIpiqON4RxgwqjksJ0QhFHJiBa60xFFUbAYNX1WECxELhBGEwX115FizEYQBEEQBEEQBEEYIYiiKAiCIAiCIAiCIGQgiqIgCIIgCIIgCIKQgSiKgiAIgiAIgiAIQgaiKAqCIAiCIAiCIAgZiKIoCIIgCIIgCIIgZCCKoiAIgiAIgiAIgpCBKIqCIAiCIAiCIAhCBqIoCoIgCIIgCIIgCBmIoigIgiAIgiAIgiBkIIqiIAiCIAiCIAiCkIEoioIgCIIgCIIgCEIGoigKgiAIgiAIgiAIGYiiKAiCIAiCIAiCIGQgiqIgCIIgCIIgCIKQgSiKgiAIgiAIgiAIQgaiKAqCIAiCIAiCIAgZiKIoCIIgCIIgCIIgZDAsiqJS6ptKqbeVUm8ppR5TSpUopaYopf6olNqulHpCKeW30gas7+9Z8cenlfOPVvg2pdSn0sIvssLeU0p959BfoSAIgiAIgiAIwujlkCuKSqlJwA3ALK31aYAHuAK4FbhDaz0NaAe+YmX5CtCutT4RuMNKh1JqupXvVOAiYJVSyqOU8gD/CXwamA78nZVWEARBEARBEARBKIDh2nrqBYJKKS9QCnwEXACss+IfAL5gfZ5nfceKn6uUUlb441rriNb6A+A94Ezr7z2t9Q6tdRR43EorCIIgCIIgCIIgFMAhVxS11nuAHwK7SCqIB4BGoENrHbeSNQGTrM+TgN1W3riVvio9PCuPW3gOSqklSqlNSqlNLS0tg784QSgi0l+F0Yb0WWG0IX1WGE1IfxWKzXBsPa0kucI3BTgGKCO5TTQbbWdxietveG6g1vdorWdprWdVV1fna7ogDCvSX4XRhvRZYbQhfVYYTUh/FYrNcGw9/RvgA611i9Y6BvwcOBuosLaiAtQCe63PTcBkACv+CKAtPTwrj1u4IAiCIAiCIAiCUADDoSjuAmYrpUqts4Zzga3A/wANVpqrgGesz89a37Hif6+11lb4FZZV1CnANOA14HVgmmVF1U/S4M2zh+C6BEEQBEEQBEEQxgTe/EmGFq31H5VS64DNQBx4A7gH+CXwuFLq+1bYz6wsPwMeUkq9R3Il8QqrnLeVUk+SVDLjwFe11gkApdTXgOdJWlS9T2v99qG6PkEQBEEQBEEQhNHOIVcUAbTW3wW+mxW8g6TF0uy0YeBSl3JuAW5xCP8V8KvBt1QQBEEQBEEQBOHwY7jcYwiCIAiCIAiCIAgjFFEUBUEQBEEQBEEQhAxEURQEQRAEQRAEQRAyEEVREARBEARBEARByEAURUEQBEEQBEEQBCEDURQFQRAEQRAEQRCEDERRFARBEARBEARBEDIo2I+iUsoDHJmeR2u9qxiNEgRBEARBEARBEIaPghRFpdT1wHeBfYBpBWugrkjtEgRBEARBEARBEIaJQlcUvw6crLVuLWZjBEEQBEEQBEEQhOGn0DOKu4EDxWyIIAiCIAiCIAiCMDIodEVxB7BRKfVLIGIHaq1/VJRWCYIgCIIgCIIgCMNGoYriLuvPb/0JgiAIgiAIgiAIY5SCFEWt9b8VuyGCIAiCIAiCIAjCyKBPRVEp9WOt9TeUUr8gaeU0A63154vWMkEQBEEQBEEQBGFYyLei+JD1/4fFboggCIIgCIIgCIIwMuhTUdRaN1r/Xzg0zREEQRAEQRAEQRCGm4LcYyilpiml1imltiqldth/A61UKVVhlfeOUurPSqmzlFITlFK/U0ptt/5XWmmVUupOpdR7SqktSqmZaeVcZaXfrpS6Ki28Xin1f1aeO5VSaqBtFQRBEARBEARBONwo1I/iWmA1EAfOBx6kd1vqQPgJ8But9SnA6cCfge8AG7TW04AN1neATwPTrL8lVjtQSk0Avgv8JXAm8F1bubTSLEnLd9Eg2ioIgiAIgiAIgnBYUaiiGNRabwCU1nqn1vp7wAUDqVApNR44F/gZgNY6qrXuAOYBD1jJHgC+YH2eBzyok7wKVCiljgY+BfxOa92mtW4HfgdcZMWN11q/orXWJJVauyxBEARBEARBEAQhD4X6UQwrpQxgu1Lqa8AeoGaAdU4FWoC1SqnTgUbg68CRWuuPALTWHyml7PInAbvT8jdZYX2FNzmEC4IgCIIgCIIgCAVQ6IriN4BS4AagHrgSuKrPHO54gZnAaq31DKCb3m2mTjidL9QDCM8tWKklSqlNSqlNLS0tfbdaEIYZ6a/CaEP6rDDakD4rjCakvwrFpiBFUWv9uta6S2vdpLVerLX+orUNdCA0AU1a6z9a39eRVBz3WdtGsf43p6WfnJa/FtibJ7zWIdzpuu7RWs/SWs+qrq4e4OUIwqFB+qsw2pA+K4w2pM8Kownpr0KxKdTq6S+UUs9m/T2klPq6UqqkPxVqrT8GdiulTraC5gJbgWfpXaW8CnjG+vwssMiyfjobOGBtUX0euFApVWkZsbkQeN6K61RKzbasnS5KK0sQBEEQBEEQBEHIQ6FnFHcA1cBj1vfLgX3AScC9JLei9ofrgUeUUn6r7MUkldYnlVJfAXYBl1ppfwV8BngP6LHSorVuU0qtAF630v271rrN+nwdcD8QBH5t/QmCIAiCIAiCIAgFUKiiOENrfW7a918opV7UWp+rlHq7v5Vqrf8EzHKImuuQVgNfdSnnPuA+h/BNwGn9bZcgCIIgCIIgCIJQuDGbaqXUsfYX6/NE62t0yFslCIIgCIIgCIIgDBuFrijeCPyvUup9klZFpwDLlFJl9Po+FARBEARBEARBEMYABSmKWutfKaWmAaeQVBTf0VqHregfF6txgiAIgiAIgiAIwqGn0K2naK0jWus3gWVpSqIgCIIgCIIgCIIwxihYUUzDyQiNIAiCIAiCIAiCMEYYiKLYPOStEARBEARBEARBEEYM/VYUtdYXFaMhgiAIgiAIgiAIwsigT2M2SqlfANotXmv9+SFvkSAIgiAIgiAIgjCs5LN6+sND0gpBEARBEARBEARhxNCnoqi1fuFQNUQQBEEQBEEQBEEYGRTkR9Hyofj/gOlAiR2utZ5apHYJgiAIgiAIgiAIw0ShxmzWAquBOHA+8CDwULEaJQiCIAiCIAiCIAwfhSqKQa31BkBprXdqrb8HXFC8ZgmCIAiCIAiCIAjDRUFbT4GwUsoAtiulvgbsAWqK1yxBEARBEARBEARhuCh0RfEbQClwA1APLAQWFatRgiAIgiAIgiAIwvBRqKJ4vNa6S2vdpLVerLWeDxxbzIYJgiAIgiAIgiAIw0OhiuI/FhgmCIIgCIIgCIIgjHL6PKOolPo08BlgklLqzrSo8SQtoAoFYpqa1u4o0XgCv9dDVZkfw1BFzzscjLb2jkUO92cwGq5/NLRREARnYrEEzV0R4qbGayhqygP4fJ7hbpYgjBiGe44b7vqHiuG+jnzGbPYCm4DPA41p4Z3ANwdTsVLKY5W9R2t9sVJqCvA4MAHYDFyptY4qpQIk3XHUA63A5VrrD60y/hH4CpAAbtBaP2+FXwT8BPAAP9Va/2AwbR0spqnZtq+Tax7cRFN7iNrKIPcumsXJR47L+7AHk3c4GG3tHYsc7s9gNFz/aGijIAjOxGIJ3mnu4rqHG1Pjd/XCek6pKRdlURAY/jluuOsfKkbCdfS59VRr/abW+gHgBK31A2l/P9datw+y7q8Df077fitwh9Z6GtBOUgHE+t+utT4RuMNKh1JqOnAFcCpwEbBKKeWxFND/BD4NTAf+zko7bLR2R1MPGaCpPcQ1D26itTta1LzDwWhr71jkcH8Go+H6R0MbBUFwprkrklISITl+r3u4keauyDC3TBBGBsM9xw13/UPFSLiOPhVFpdST1sc3lFJbsv8GWqlSqhb4LPBT67si6ZdxnZXkAeAL1ud51nes+LlW+nnA41rriNb6A+A94Ezr7z2t9Q6tdZTkKuW8gbZ1KIjGE6mHbNPUHiIaTxQ173Aw2to7Fjncn8FouP7R0EZBEJyJm9px/MZNPUwtEoSRxXDPccNd/1AxEq4jnzGbr1v/LwY+5/A3UH4MfBswre9VQIfW2j732ARMsj5PAnYDWPEHrPSp8Kw8buE5KKWWKKU2KaU2tbS0DOJy+sbv9VBbGcwIq60M4vfm36IymLzDwWhr72ii0P56uD+D0XD9o6GNQ8Gh+o0VhKGikD7rNZTj+PWOoi1twthgpP7GDvccN9z1DxUj4TrybT39yPq/E4gApwN1QMQK6zdKqYuBZq11+plHp19XnSeuv+G5gVrfo7WepbWeVV1d3UerB0dVmZ97F81KPWx7j3FVmb+oeYeD0dbe0USh/fVwfwaj4fpHQxuHgkP1GysIQ0UhfbamPMDqhfUZ43f1wnpqygOHsqmCMGJ/Y4d7jhvu+oeKkXAd+YzZAKCU+nvgX4Hfk1TE7lJK/bvW+r4B1HkO8Hml1GeAEpIWVH8MVCilvNaqYS1JQzqQXBGcDDQppbzAEUBbWrhNeh638GHBMBQnHzmOp5ed02+rRYPJOxyMtvaORQ73ZzAarn80tFEQBGd8Pg+n1JTzxJLZYvVUEBwY7jluuOsfKkbCdRSkKALLgRla61YApVQV8DLQb0VRa/2PWD4YlVJzgG9prRcopZ4CGkieKbwKeMbK8qz1/RUr/vdaa62UehZ4VCn1I+AYYBrwGklFdpplRXUPSYM3X+pvO4caw1BUjxvY28bB5B0ORlt7xyKH+zMYDdc/GtooCIIzPp+HSZWlw90MQRixDPccN9z1DxXDfR2FKopNJF1i2HSSeQ5wKLgJeFwp9X3gDeBnVvjPgIeUUu+RXEm8AkBr/bZlbGcrSZ+OX9VaJwCUUl8DnifpHuM+rfXbQ9xWQRAEQRAEQRCEMUuhiuIe4I9KqWdInvebB7ymlPoHAK31jwZSudZ6I7DR+ryDpMXS7DRh4FKX/LcAtziE/wr41UDa1BemqTkYjtIdSRA3NT6PQU15AK83n02g0ctwO/oUxibF7lfiDFsQhGISjcZp6Y6mfmOqy/z4/YWKVIIwfBRj/nUqExh18qPIvLkU+qv2vvVnY28LHTe0zRm5mKZmT0cP7T0xlj2yOeX4cs3Cek45ctyYVBZHgqNPYexR7H4lzrAFQSgm0WicbS3dOb8xJ1eXibIojGiKMf86lfngl88kEjdHlfwoMq8zBWk3Wut/6+uv2I0cCbR2R4nEdUpJhKQvk6Vj2MnuSHD0KYw9it2vxBm2IAjFpKU76vgb0yJzozDCKcb861TmztaeUSc/iszrTKFWT6tJ+j08laSlUgC01hcUqV0jjmg8gaFwdrKbMF1yjW5GgqNPYexR7H4lzrAFQSgm8hsjjFaKMf86lVnq94w6+VFkXmcK3S/5CPAOMAX4N+BD4PUitWlE4vd6MDXOTnY9Y2/bKYwMR5/C2KPY/UqcYQuCUEzkN0YYrRRj/nUqsyeaGHXyo8i8zhSq4VRprX8GxLTWL2itvwzMLmK7RhxVZX4CXsWqBTMzHF+uGcNOdkeCo09h7FHsfiXOsAVBKCbVZX7H35hqmRuFEU4x5l+nMo+rKh118qPIvM4orfNvlVBKvaq1nq2Ueh64k6QD+3Va6xOK3cBDxaxZs/SmTZv6TCNWT8UCVBrDehMK6a8jGbF6esgZ9kFbaJ89/ju/7Fe5H/7gswNtkjCyGdF9VqyeCg6MCrlArJ66c5jJvAVdWKG/at9XSh0B3AjcBYwHvjHAho1aDENRURqg4jDysTvcjj6FsUmx+5U4wxYEoZj4/V4miWIojEKKMf+6lTna5EeReXMp9FfuUuB/tdZvAecrpSYAPwR+UbSWjXLicZPmrgixhInPY1Bd5qcjHCcaT+DzGngNRSyeNIITMzUJUxP0eZhYHiCRMDNWQwwDtFZ4FCgFsYROxQW8Bvb5+VAsQdBaNYkmTBTg8yhiCY2pNV7DwFAQjpt4DUWJzyAaNzE1JEyNx1D4PAr7JUMsYaKUQimdqj8cN/F7DPw+hTYhEjddV1ez78FYX30VRg6RSJz9Pb1v+yeW+gkEMn/u8vXPfPH53jyGw3FaQ71tqAr6KSnxDln8YfbmUxBGFPnGpyCMVYq9epi9I6i6zM+BSIKEaZIwdc6Yy17drwr6aQvHUEpjmjiO0ew85SUG4wIBotGEjOssCr36Oq11h/1Fa92mlJpRpDaNeuJxk3f2dbLUMp994fQarp97UobPpf/80gwMpeiKxFm+bksq/J4r6/F5DRavfT0Vduv8Oh54+QNuvPAkonHNdWl+HFctmMkv39zDnFOO5OnNe7hk5qRUeRdOr+FrF0zL8Pu4sqGO236zjZauCPddPYuDoTjfeOJPvb6gFszE71V85YHGnPoXnzMllfdnV9XntCXdp2T2PRjrPieFkUMkEufd/bk+zk6aWJZSFvP1z3zx+fwthcNxtrfmtmFaVRklJd5Bx4u/J0EYPvKNT0EYq7jNPQGvwaL7Xhv0fJTtB9mWn+/a8C5XnT2Fm9ZvyRlz6WOxkPSGgaMf1KlVsKM1IuM6i0IldkMpVWl/sVYUD9+7lofmrkhKwASYXz85x+dSW3eM/V3RlFJnhy95qJGmtlBG2E3rtzC/fjIew5NSzOy4ZY9spmHWsSxft4Vrzp2aUd78+sk5fh+Xr9vC0jkn0NQeYk97OKUk2vHXPbIZj+FxrD89r1Nb0n1KZt+Dse5zUhg57O9x9nG2v6fXF1K+/pkvPp+/pdaQcxtaQ0MUL/6eBGHYyDc+BWGs4jb37GztGZL5KNsPsi0/z6+fnFL67DrsMdff9G5+UDtCpoxrBwpV9m4HXlZKrQM0cBlwS9FaNcqJJcwMXywVQZ+jjxlw9stox6WHVQR9rn4cPYbK+N9XvXZZdhuc4rNfANl50vPm8ymZfQ+y4wWhWBTi4yxf/8wXn8/fUr42DDZe/D0JwvAhfhSFwxW3ucdJbh3IfJQ9ttJlT7cx19/09ud8ZWXnOVwpSFHUWj+olNoEXEDyANsXtdZbi9qyUYzPY1BbGUx1uI5QLOM7JH3MADnhtZXBVFx6WEcoRlV5wDF9wtTUVgbxGIq1V59Bqd9DRyhGLGE6pu8IxVJtcIr3eQx+981zCccS7D0QZn3j7tQ12Hltn5LZeW2fktn3IDs+3/mq9PNh9rnLWMKUs1hCXryG4sLpNcyvn0xF0EdHKMb6xt0ZPs58HsM5TYH91/a3lB1v+1uy/azl5LfaMNh4v9fj2P7D3d+TIBwK8o1PQRiruM195QEvL377fEytMZTi91s/Svof7+dZ+uyxlS57OsqrWXKvqXWf6e0x6hbnFt7cGSYcS+BRiqDfQ0Xw8JFDCz4sprXeqrX+D631XaIk9k1NeYA1aT6W1jfuzvG5NKHMx8RyPysb6jLC77xiBpMqSzLCbp1fx/rG3STMBKuz/DiuWjCTdZt28Z9fmkFLZ4Sbn3mLy+95lRXPbWVciTcn/cqGOtZsfJ/ayiCTKkv48eWfzIm/4bE3WHz/6xwMx1nfuJuvXTCNzR+2ZuR1aku6H6nse5Duc9Le437Jqpc459b/4ZJVL7FtXyemvZpinQ+77O5X+Mbjf+L9li6+uPplx7SCkE1V0M/1c09ixXNbU2Ph+rknURXs9YVUXeacxu6/E0t9jn7SJpYmV9Qrgz7H/l1prbhXBZ39rNltGGz8eL/Hsf3j/aIoCkKxyTc+BWGs4uhr8Mp6/D6DL937KnNWbuRL975K/ZSJjPd7+pT1nMj2UWrLz+sbd3Pr/LqcOTcUS2TIvV5DsXbxGY7p7THq5ge1Imi4hn9x1cuce9tGLr/nVbZ93MmHrd2HjRxakB/Fw4Gh9ktnr4jFEybeAqyeRmImHx0Icftv32VaTTlLzjsBv0fhMVTyLYZhEPAZeFysnsZNzWV3v5LzJmT90rOImTr1lsdrKCJxE0MpQrE44wLeVP4dLd3cuWE7b+zuSOW/+eLprHhuK08smZ3K6/MYeAzFwXAMv9dDIpG0fLpu0y7+/twTU6aFs++BbTWypTPCJateymnr08vOoXpcgL0dodS13H1lPSue2+qadhgZFf6SDkfy9a9C0uztCPG9Z9/KWbH73udP45iKIC2dEf756S058bdcUpfK/96+A5xQMz41Vt9vPsiJRx7BMRVB9naEKC9RdIbMVPy4oEFXWHNMRZA97T382y/ezin/u587lUmVpexp7+Hye17Naf8TS2a7uQUZ9lef4kdR6Ccjts/mG5/CYcthIRdkrxKapsn8Nbny5xNLZjvOU33Jby2dEX764ns0zDoWj6FImJqXtjczd/rReAzQaVb6DQMuXZNb/sNfOROfx0jJvXb6fQd6OPKIUiZVljpaPe2OaD7u6ObII0pT4fsO9DC+tIS/+dELGXWsmHcap006Yrjl0MEypH4UhX7i9RocUxHMCKt2cfi9p72HuWmd8I3dHTzZ2MRLN50PwNwfvZiT54kls6mtDDJxXEmqDKe91R+2JgVKe8BmY9fx8YEwi+9/PSd/+j7vI4/ovZ497T38jUO7Fp09JfXZ6R5A/vNV6efD3PaZy1kswY1Czu8V0gd/u7WZ325tzkjzL5/tPaPoFP/dz/XmX7S2MadtLy6fk4qv+95G1/i4qR3L/+fPTk/Fy1kKQRge8o1PQRjLZPsa3Nna3a8zf33Jb9F4grv/8CF3/+HDjPBzTz6Sv77thYywJ5bMdix/38EIRx1RwnkrN+aU/4I1xzr5Qe3o6eaLa/6Yk+f3N56XU0ep33PYyKHip2AEYO/5Tsc+7+QW1xNNZJxH6isd9O7zdqvDPq+YHW/nyz775FYfJN8I9bUk39f1Qu/5sHztFgQn8vWvQtKk98H0+OwzigPNny/ePiuRE591htEtXhCE4iHjTxB66Ws89Fd+c5tbbbsY6bjJrT3RxIDGqNu8nC3OOsngYxlRFEcAjnu+F82iqszvGLeyoY7jqkpTTk7dyvjJFZ+kdkIwuZd74/s55yHT6ziuqjQn3j4baafL1+aVDXV87dE38u5D7+t6IfN8Y1/tFgQn8p0fhP71wfQyasoDQ5I/X/zEUuczFBNLk+W7nbGolnEhCEVHzigKQi815QHX+aivedKJqjI/916ZK1v6vYq7HWx9ONnZOK6q1HWOtOdYt+twmpcDXuVYx+Eihx7yM4pKqcnAg8BRgAnco7X+ieWb8QngeOBD4DKtdbtSSgE/AT4D9ABXa603W2VdBfyLVfT3tdYPWOH1wP1AEPgV8HWd50KH+8xXX5ahTFOzvztCOGbiUbhaXHJKV+7zpPZhl3gNNMn93U51dISihKIJTA0eQ+FRYBiGq5Uqu82hWIL3m7tyzjf2tQ+9UKun8YRJyci0enpYnEUYjeQ7P2jTnz6YfsZ2qPLni49E4uzv6T1DMbHUTyDQu1Um+4xFdZkfv9/1NMGwDxg5oyj0kxHbZ1s6IwR9mgNpZ4yPCBqEYmq0n1kSBsdhKxfEYonkfGaNh5ryAD5f/62egiXLdkUIxxIYhsLvMfB7Fd9e1zuvxxImAa+H2glB0BAzzRyLpG5t6gunedkwVEEy+ChkxJ5RjAM3aq03K6XGAY1Kqd8BVwMbtNY/UEp9B/gOcBPwaWCa9feXwGrgLy3F8rvALJK+HRuVUs9qrdutNEuAV0kqihcBvz6E19hvsvd8Z8fVWGcR85XhlC57H7Zb3gllASjL39b0PNXjAuxp70mdb5wxuYKlc06gIugjEk/Q1h2hzOuhtSdKzNT4PQaGgnDcpMzvQQE90aSRH0MlDyp7DEU4buL3GAS8BnFTpwZn3NR8dCCEUklFVhlJAz2hqLOCXegP1EB+UISBM5DJo1Ci8QQVQT9TJ5bhMRQTyvxUBP055wmi0QTReCJ5ri+eIBpNUFLSO1bcztimX0PMMuSkEiamqXMURa01GtBaE4+bGYpgIpEZn0hkxme/2urvd0EQikM0nqDUl7khS1nhgjBayLdA4RTnFu7xGMmtmFa4J80Vmts8me4GzZf2sjQeTxBPmNhTmseASMxkxbxTiZuk5DSvkfxcXeZPvTQNRROUehK0hWMkzKThRp9HoXVynrVxq9s0M+dl0zTxer1MLAukrtvNHbhbmaOdQ64oaq0/Aj6yPncqpf4MTALmAXOsZA8AG0kqivOAB60VwVeVUhVKqaOttL/TWrcBWMrmRUqpjcB4rfUrVviDwBcY4YriaMbeU15dHuBbnzqZm9Zvoak9RG1lkPsXz2JPTHPdw42psJUNdWz6oI3zTqlh2SObU+G3zq/jgZc/YPE5U7jtN9to6Ypw+6Wn87P/3cFX/moqJfjrajYAACAASURBVD6Drz76Rp/p7100i5OPHAfAtn2dXPPgplR6Oy5bIYnFErzT3JXRxtUL6zmlplyUxSJgu0cp5NkMhLKAh4VnHcfi+19Plb9qwUzKAr3PMhyOs721O+eZT6sqy1AW3bBduCxNy79mYT2nHDkOr9fIW34kEufd/bnxJ00sIxDwDjq/IAjFoyJosKM1kjP+plbJaqIwOuhrHgZn+WladTnbW7oKDj9xYhnbmrsc50nAcQ49saqM91q7M8JXNtRx0lHl7O2IOo65bS25c+FdG97lt1ubM2TF6+eexMnVZRiG4Vq307x70sQydrT19Cmz5JMJRjPD2nql1PHADOCPwJGWEmkrkzVWsknA7rRsTVZYX+FNDuFCkbDPa90wd1pKSQSs/0Zq0Nlhy9dtYd7M2pSSaIfftD65rWD5ui0snXMCTe0hbnzqTebXT+bGp96krTvmmv5Hl53OzRdP547fbaO1O0prdzQ1qO301zy4idbuaE77m7siOW287uFGmrsixb51hyX9eTZumKampTPCnvaeHONJPVEzp28te2QzPdHe14CtoajjM28NFdaG5q5IakKw8y9N6zP5yt/f4xy/vyc6JPkFQSgeHSHTcfx1hFyWGgRhhGDPnR8dCLnOw25zdHNXpN/hbvOkW1xrKJoTvnzdFsJR9zHnFD6/fnLquy0rXvdwIy3d0T7rdptX88ks+WSC0cywKYpKqXJgPfANrfXBvpI6hOkBhDu1YYlSapNSalNLS0u+JgsuGIbi5CPHcUJNWY6pYkORE9bUHkJrZ7PJtjuMCsvwSHpYaZYz8fS45s4IK57bylVnT8E0zYJcJNiMFlcDY6W/9ufZOGG/CXVz4pvuXiW9/HjafpHBPvN8deQrv9jxI4Wx0meFw4dC+uxoGX/C2Kc/v7Hpc2dTe8h1Hnabo/ua99zGg1t617L6GFv9Ca9IM16XLivGra2wQ1FHusxSiNwxWhkWRVEp5SOpJD6itf65FbzP2lKK9d92UNQETE7LXgvszRNe6xCeg9b6Hq31LK31rOrq6sFd1GGOYSiCPm+OaWEnk8a1lUGUcjZdbLvD6AjFcsJsVx9u6e03RwldmIsEm9Fi6nys9Nf+PBsn8q1I5nM9AYN/5sV2bzFW3GOMlT4rHD4U0mdHy/gTxj79+Y1NnzvzuUxziutr3nMbD27pXcvqp6sNt3Bbhkz/bqcfqrrTZZZC5I7RyiG/AsuK6c+AP2utf5QW9SxwlfX5KuCZtPBFKsls4IC1NfV54EKlVKVSqhK4EHjeiutUSs226lqUVpZQRJxcBoCZY6J4ZUMdz2xuYtWCmRnhtjuOlQ11rNn4PrWVQe68YgZ1teN5fMlsplaX8V/LzmbG5IqM9LfOT6aH3tXKfO4L0nEz7dyXGWVh4PTn2TiRb0WypjzA/YvPYO3VZ/DEktmsvfoM7l98RsbzrAr6Hc1gp5u372t7a173GXnM5/u9Rk7/X7VgJn7rLEO+/PncZwiCUDwqgobj+KsIjn6hUBi7pM+daza+z63zM12PPfjlM9FoovEEj/79X3Lh9JpU3L2LZlFTHsiZu+++0t0NRl/zpFuc09y8sqGOEr/hmN5tLK5v3N37fcFMJpT6Wbv4DKrL/H3W7Tav5pNZCpE7RivD4R7jr4A/AP9H0j0GwD+RPKf4JHAssAu4VGvdZil7/0HScmkPsFhrvckq68tWXoBbtNZrrfBZ9LrH+DVw/Uhwj2Gbu1eWdU+twedRxE1N3NT4DMW4oEEoClHLIqJtsSme0MRSlp6SVkFLvAYJnVzy9hoKn1cRi2sSpsZjKAJeAxONh2R6O9yu3+dRRBPJepUB8USyLI+hkmEKYglN0G8k609oElrjM3otl3oNRWnAoCeSLN/nyYwLeA2UAeFobnyZ30MkrV3pVk8jcRO/1yCSMNlr7VG3DwjffWU91eUBElrzzkedrm45imz19LA1gz0U5Hs2fcW3dEZSW2ds0p97NBonZsbpSDNdXxE08BnelPsI09SEopGcNEF/IGXZbU9HD5G4xlDJlfGAVzGpojTVjnA4Tmuo1z1FVdCfMoSTr/zmzjBlPnLiu2OkLBf3VX4h8VkM+1KHuMcQ+smI7bMHesJ4jdzxGzfhiNL8FsqFMcuIlguy584Zkyu4Ye40TqgppzzgoaMnxs7WHkr9HgylOOqIErTWGe6bYrEEew+GaemM0NodZX3jbr7+NydRWxmgK9w7HqrL/BiGQUtXhKglV/o9BpVBHx3hpKX7oN8gFDVTMmkizdVM+tgqDRiEImZOeEXQIJIArwc6s8I7Qsn06S5sgn6DrnACr8dgQokvY/4sCxiU+/3E46bjvOo236a7sfIZip5YgtauKAGvwVFHlBCxZOHqMj8HIgkisQRKkbrmqqAfv98zZFbg+ynLjkz3GFrr/8W9cXMd0mvgqy5l3Qfc5xC+CThtEM3sF+lCrVIKv6WAaa1TLh0U8PHBCHdteJerzp7CTeu3UF0e4NsXnZyhBK1ZWE/CNDOse65eMJO7fr89ZcFpZUMdT2/ewyUzJ2XkXbVgJv+Rlm71gpkcOd7PnoMRR+uiX7tgGr98cw+fqTsGwzAyLD2tbKijqtzP+k27aTjjWCIxM8cK1W2/2Ub1OD/Xzz2Juza8y/z6yVSV+ZlQ5mfNxvd5eUcrqxbMZHzQy2Ov7uTzM2qJJ5LXdvPF01nx3FZXYR9gT3sPO5q7ufmZtzK2GV77UCNPLzuHI8sDdPTEaLEOC2e/5enL5Ug2Pp+HSZWlQ9grhpdiup8oNvmsolYGfaxZWJ9jXazSOpMQM+MuFgnBb/3khaIR1zRlJSV0hCKEYgn2tIcp9XvoiSaYVJkMn1BWktcqab7yy3z0aTUxX/mDtdoqCMLA8Rp9j19BGInYu3nsubWlK8JRR5RQWxGkIxRl38EwNz/zVko2/bt7X82Yg6dVl/PRwTALfvrHDNnt7KkTMKdMzBgPaxbWU+IzuHrt6xlhXZE4i+57LVXH2pc+SMnETe0hvnfxKdRnlWWPrb0HYzS1hVJzcu2EIMeM9+WMxTUL6zm2KsAHWeGrFszk4Vd20hGKcv3ck3LqmFJFTh57XnWab6dWBXLqtmXjlq5Ixmc3S6w3zD2JoM/gqrT7NFAr8MWy4C/7JPpJ9na0eNzkw9Zu3tpzgLbuKOFYgq5Igm0fd/KT/97Oto87+eKql+noiaUsMdkDYumcE1KKHvRaScq27nndI5szLDgtX7eFa86dmpN32SObWXTW8dx9ZT23X3o6+7uixBK4Whdd9shmGmYdS1t3zNEy6Z72MA2zjqWpLeRoherGC09i+adOSSm/K57bSsOaV1h032ssmH0c1eUBlj2ymXgCGmYdy7UPNdIZjnPzxdOZVlOe93Bw3NSU+j2u6WwjOk8vO4eXbjqfp5edM2QuFkYz+Yy9DDf52re/29mC2v7u5AuB9lCMOze8y80XT+eJJbO5+eLp3LnhXdqtMwmFWCTMlyYW17R2Rbn5mbe4/J5XufmZt2jtihKLJ9uYzyppvvLzxecrvzUUpfGD/Tx6zWw2Lp/Do9fMpvGD/QVbbRUEYeCI1VNhNNKXzBSKJlIypZNsalsxbe6M5MhkF0w/Omc8LH24kd1toZywna09GXWky8RuZV33cCNdEc3+zkjGnLy/M0JXRDvW3ekwRpc9splrzp2asoCaXccBl3HtNh87/Q6kW+1P/+xmiXXpw43syrpP/bUCb1MsC/6iKPYDRwG3uZPOcIzHXtvJwXDyTcmcH27k5mfeyhhsHkNlWF4CMj7bNLW7W/dM/26Xl53u6IogK57bmhpIURdLTHbdHkO5KmOlfk+f8UdXBDkQiuUM9Kb2EF99dHNqgBiKVHtLfB6ufaiR7c1deQ8Hew2VfGvURzp71XBSZSnV4wKHvZIIQ+N+opjka18k5nwGMRJLCmHReILfbm3m2ocaufyeV7n2oUZ+u7U59ZKhEIuEbmkStuVUU+dMlMvXbSF2iKyW5osv8RnUT5nIl+59lTkrN/Kle1+lfspESnzyky4IxUasngqjFTeZKZFmid5NNo0nTFq7ozkymZsVeydZ1g5Lt3Cfntd0KauvOdltLDqFewzlfn19yAX9SV9j7WRLl92d5Pi+LPoXagU+nWL9LolU0Q+cBNxrH0quADopS23d0dT3hKkzLC8Brlan3Kx7pn+3y8tOt8t6W2O34cP9Pa4Woexy3JSxnmiiz/hdrT20dkepKvO7KqO1lUFM3Xv91eMCya0BG99nZUPmQWqnw8G1E4K56a4s3PDJ4chg3U8Um3ztM1ws4trvAPJZTS3EIqFbGo89abr84NqrnsNt1TQcc37zGY7JioYgFBuxeiqMNUp8vfOqm2zq9RgpA4LpMpnbeHCSZe2wdIv16Xnd5v++5mS3sehWjuv19SEX9Cd9ecCb+pxtwT89XV8W/Qu1Ap9OsX6XRFHsB24Cbqnf4/iGIv3Ny70v7mDVgpkZg8xJWbr90tOpLPNlWl2y8tnfVzbUce+LO3LyrllYz50btme04c4N21ntYl101YKZrNu0iwllvpw0KxvqmFRZwrpNu6idEOTHl38yp013btjOmo3vM6HM7/ojsWrBTLweWLdpV/IcWamHJ5bM5sdXfJKpE8v4+XVnp7ZAnDixjI8PhtnZ2s3ejhBKKY6vLGXqxDIeXzKbF5fP4efXnc3JRw399tK+LFyONgbrfqLY5GufUuRMRLfOr0NZjzyf1dR8FkUBDMO5DsNK4vO4mfVONsLnVY51+LzJ+HxWEfPFl/ic4+0VQ1nREITho8Tn/BsjK/rCaGViWa9FU7cX+TXlAb4+9yQeePkDbr54OuuWnsWDXz6TWMLMmU9vv/R0Jk8I5siox1WVZtSRrXj+futHjnOf39X9hHK0rL9174Gc8FULZnLviztY37jbMc7nUa5ygVObfF7n9OFYItUO24J/tiVWWw5fs7CeY7PuU3+swKdTLAv+h9zq6UilEIt8btYWV8w7jWjCTBlnmTG5gqVzTuCo8SVUlPq45Zdb+e3WZr538Sn87alHZ1h4CngNEqZm74Ewrd3RlJuHpCWqMjwqac00Hk9aRvWkWT21t3QmLYdCqd/gsrtfzWnfHZd9kraeKMdUBDki6EOhUUrhsayRfnwwzMZ39nHlWVNIaJ1h9dRQyfKTVqsMIvEEAY9BwGswf80rNLWHuKy+lgWzj+Orj/YazFmzsJ7qcn/KymoioYmaSYusPkPh9ajkPdAQN038HoPOSJzFWQefTzlyHF5vYZPvQA245DOe4sKItW42wOvpF4OxWpqvfXvae3jw5Q9omHUsHkORMDXrNu1i0dlTUgaH+iq/+UCI9lAUj+FJWSxNmAkqg35qjkj+gO5p7+HffvE28+snUxH00RGKsb5xN9/93KlMqiylpTNMW3eUvR29xmyOqShhQpmf6nEl7O0I8cBLO3LaeNU5UzmmIsje9h5HC20HQibHVJayp70nZZkt21LbJCv+d29/xAXTj0br5Hj9/daP+NtTj07FX35P7lh/YslsN6NMw77UIVZPhX4yYvvsvgMheqJxElqlfmM8SlPq93LkEUGHkoTDhBErF9jkm5vtuBK/QTSWdE6fbvW0oyfC/q4YhkrKsPe+uINPf+JoXn2/JWc+XDLnBCIxTTytDMNQtHZHCcUSdPREKQ94KfEZKZnYYygSWqNQmJY8mjBNSrwe9h4Ic/1jvYYe7/q7GUyqCFLi77V66jMUoViCq9a+zg3nn8DZ06pT1lR9XkU4mrTA+ru3P+KcaTU5MoabXJBtQbW8xGDzzoM89tpOx/Q+j4HWOuUBwLZ6Cppo3MywnjrSrZ6KomhR6ADLEXCvnIXPq7jtN+9w1dlTeODlTAtOKY1+nJ+WzmiGpcbbLz2dEp/Br7bs5bOnT8qwTLpqwcyURVKPYWTku+Oy05k4zo/WyQHhNRR7O8JMLPejIaMcu450K6p3XjEDj0FGmG2Byb6GxedMYdMHbZx3So1juy6pryUW11xnxV04vYZ//ux0tIYP9nfz6//7iEtmTmLtSx9w/QXT6IrEc6y7KjTXPtxbtm0hKt3VxZPXnsUxFfkn3sEoR82dYb646uUcofvny85OuSpwYERPCMW0eprvXhfyLPpqXzQaZ1tLroWxk6vLUu4t+qKtO8z+rmiOxdKJ5X4mlCWfZ3c47Gq1sKykhIOhMLvaIjmWVY+dEGB8sIRIJM67+3PbeNLEMgIBb97yB2vVdABWT0es0J2NKIqCxYjts93hsKsFxrIScY9xGDPi5YJC5CS3dNOqy9ne0pURvrKhjhNqyth3MNqvOTseN3lnXyd3bniXr/zVVG586s2ULPmtT51Ma1c0Q2Z8/utnu1s93R9OyaK1lUHuX3wG5QEvoZjJh/u7uXPD9pTl0alVAfweH9uau3Is+ddNKnedt7fs6cpoz4NfPpMjSr183BHh2rT0fcmd9jVnyxX9WRAZYkRR7A+FCjFOAq5pavZ1hukIxRhX4uNL9+a+6X/smtkpU8Pp4fZq5PrG3TlvJebXT8bvMTLcQ9j5nlgyG6+hksY1rBWHuLVCabqsUE6tLiNhJp2pjg/6MHXyejyGoiOUtLS6ZuP7vLG7g9rKII9eM9vxWh5fMpvrH32DaTXlLDnvhKQ/xrhJTzSeUj7vvrKeFc9t5eaLp7tew/2Lz6S1K0JHKMaaje/T0hVh7dVn0NYdTYX9+IpPclxVWc6993kNvJalLr/Xg2Fotuw+SKnfk1FeursNN3a1dXPubRtzwl/89vkcO8HVZcaInhCKST4/hvniB1s+9K1oNrX38O8ObwX/9XOnUmuttu1p7+H95oOcUDM+9ebN/l7Iil36ip9p+Tvtz4pfIfGbd7Yy47iq1FvWN3a2MvO4qoJWHB0YsUJ3NqIoChYjts8OYEVfODwY0XKB29z6xJLZGfNoS2eEf346aZXzmCNKKPElFbOJ5X7Xfu8WHvR7CEUTJLSmxOdhYlkgVcdPX3yPBWdN4fvPZc7XH7V386lPHEPC2oW2u62HKRPL+l13X2M0FkvQ0h1N+Q4P+gzCMdNx3p1xXBVXOJT19LJzqAz6aO6KEEuY+DwGpX6D7ojzC/q9HSEuu/uVnHIKXRApAiPTj+Jox803X0JrHnjpQ66fO40Hv3xmakn+ycam5IFbF0tOkycECUWTVhx/u7U5I/4rfzU1lS47HwpsFT+uAdMkHEsQjRv4vQZPvr6ba86dyu2XnZ5qy1cvODF5TksnjWH84Nd/5rdbm1m39Cwa1rySU4ebJauEqXljdwdv7O7gycYm/udb5/G3d7zIE0tmU10esPa2l7J6wUzGlfjYdzDsWE5HT5TL73k1taL5w+e3cSAUS4WtbKijxHrL4vSGK92X4w1zT0opo+nlFWLAxWsk975nD14xTOBMPmM0gzWmky9/ISuaFUE/UyeW4TEUE8r8VAT9GedO46bm4wMRptYkv2vg4wMRjp9YmNVRpWDaUUekXqRkn6OMm5rq8gA3Xzw9Nfmt2fh+hlXTvuKVgslV5Wzf15V6ezq5qjyj/O899w7fe+6djDae/xdHFXSPBUEYOHJGWBiNuM2tTe0hbnzqzdQ8appmxg45e7Vu3dKzXOctp3KVgm0fd2asxKXXce7JR9IZjqXqsn1xf2LSePYdCBOJm1SVB/jDu81MnnC865hzCz97ahXXnDs1tb303hd3EDc1e9p7qAr6sRfKFDA+4KMrEua+l3ax1OdLXd99L+3ix5MnOF63aZrsau9hZ2tPap6uGefnX/7rbVq6IjmrizEXLwTxxMg2QieK4iCxhVbT1Cw867gMB6WrFswE4OUdrSmrSdnKyO62pCndF789h12tPdz+23eB5ApgVbkfUFw4vSalRM6YXMFNnz4FrTXNXdGMbaF3L6ynstSLqTVLzpvK7rQl+iXnTcXvUZgaJpR7icbhXz93Kv/y2el4DMWGfziXjw6E8RiKylIfZQEfptasvfqMlIGcpXNO4PiqUryG4oXlc/AaioDXwOOBl246n7ipuetLM/AYiuf/by/TjjqC/V3R1LVmX7vtDqGpPelTZsW80zLClq/bwlNLzwKcLc4uX7eFmy+enmxblgVIu7xCDLh4FKxsqMv4MVvZUIdnDOuJgzlj6Pd6uPavj885j2Dfa9tYTfbzTn8W8biZ8RbOPv9QSH439xr2imOp3+PY/9NNUFcEPcz5ixqi8V7Bbs5f1BDw9FoddbpG++WB1uRYOb5p/RaeWDIbgKDX4F8/Nz3nPEXQusagz8PKSz8BGBgKqsoDrLz0EwStswQelXzDWT6hNOOcpcfSFH1G8nche9XUJy83BKHo+D0Gd11Rl7Py4PeIMRth5OI2t9o7yux5NKHhxW37+JeLT6X5YJibL57Omo3vE0uYfPuikzNkpTsuO50Sr8G6pWeldrHZu9ISJo7+GNPruPLsKfzkv99NHdmqLg/wT585hW8++WavbHtlPb4+5uTsuXDzh634PAbLzj+RuKnpjsTZ3xVlyXlTKfN7+MKql3lq6eyMe3MwGqPEa/D/vngaHx1I+h30e5Lfy/webvniaexLC195aR2Godh3MJyxSLGyoY7/XDCDna09HAjFaOroIejzUlXmx+dxXpQo8Xlo6YwM6KhQtqxWGfTRHooN6bEjURQHSUcoyscHwkyrKeeKtG2aTe1J5573Lz6TeTMmsaP5IHcvrM/Yy3zr/DqeeWMPn/7E0YwLejnqiCA/ueKTaOCWX26lpTPKDXOn8a+fm86KeacRs5bhPzoQprUrSlt3jNsvPT31duPahxtZMe+0lOU1u/NeOL2G73z6L+iJmbR0RjimooQ9lqKV2oe9YCYBr4fq8X46w4kMhXf1wnrKAx72d0aJxk0uf6A37r6rZxGN65y93n91Ug090QQPv7KTK886LkcRs1f8bJraQxxbVcq3nnwzIyxhWSMNReOOb2JqxgWIxp3f0kyZWFaQ5ahw3OTpzXtYe/UZGW+evnbBiQPtFiOags4YftzJNQ9lnsW1rc1WlHhpOOPYjLMCDWccS4V1Nq4y6GPNwvqcffiVlg+hfPv0x/k83L/4jAxFb/KEIOMsJSri8lY0Yq04aiBhmkzOUrKy3/U3H4zmtGFyZXK3QHmJwcWfrGXx/a9njoMSa4XbZbXdtN5QmsDqje9lvIFcvfE9/n3eaQB4PdATNVn2SO89XrVgJhOSu6wtI1CK3W09GecsbfcdJX6D6+eelHOWosQvgqogFJuygOL46vGp7Wj2+CsLyIsaYeRiWwxPn/vTZTF7507Aa/DZ0yfl7JjxeQy+8cSfMuTcbz75Jivmncbi+1/PsHdx/dyTXHelJZUYg/mzJhOOmRnu5X7wxU+klEQ7/bUPNfKrG852nJMrggY3zD0pZy7/3rNvpWTo4yeWJhU1b3Kx5KeL6tnfFeOuDe+mVjHtl8ztPbEcxa+qPIDO2i0QiSWI+DyOvh0fuyaphH7rqTczZKwTqkpZvbA+Y95eu/gMWrsiXPOQ+zlHtxfr2bLchdNrcu7FUBgyFKliEJim5qOOcJ+O7b0exeYP26gsD/KTDe9mmBTe/GEb82ZM4rHXdrK7LcTVa1/j3JUbWfDTP7Ls/BP5zqdP4bHXdrK/K8qO/d1ccc+rnLdyI9966k08hsFjr+3k8nteZcVzW/nWp06mujzZ0Y8aX5LqvDMmV3DV2VNYdN9rzL39Bb711Jt09MRY+9IHGZ37ukc20xWJczAU564N72bE3bXhXTrDcboi8dQWBDtuT3s4ZzVv+bot7G4L0doVZd6MSWx8pzl1tvGF5XN48Mtn8sDLH6SM1kDyrUpLZyQnTGv4cH83hqFYt/Qs7r6ynhmTK1Lx5QGvq0+c0oCnz8Fhu8RQwLLzT6SjJ0ZLZ4Sm9hALZh9LibulqFFNPof3+7siKSUxFf/QJvZ3Jd+mtYdiHAwlf0wvv+dVbn7mLQ6GYrRbPoIORmIkTJMV807jiSWzWTHvNBKmycFIMr65K5LTZ5Y+3EizVX4oESccMzPKD8dMQok4kNwm4vS80590JK65eu1rXHD7C1y99jUi8cwf+e6odmxDdzSZrivs7KewK5zcIuIxnE11e4xeRfKqs6ew4rmtqTF61dlTUltdQlEztRvALn/ZI5sJRZPlJ0xNa1c04x60dkVJWJOV+FEUhOGj0+X3oTMs408YuRiG4uQjx/H0snN48dvns2Leafzw+UwDggCReO78dNP6LVSUOjuqt3fr2OmWf+oU7trwrqv/QUMlX0i3dkXZ3daT4Yv7mIqgYx1uY64jZDrO5UvOPYFvfepkbn7mLc7/4Qtcds+rfHwwSok/ubJ614Z3U3N0w5pXWPDTPxKJm46KXzRucjAcz5R5wnEM5Xw0zNTacSV1f0+M5/7UxNqrz+D3N57H2qvPoDscTymJGWm7k/KQ/WL9srtf4byVG7ns7ld4Z18n8biZI8vNr5+ccy/SZbuBIoriIGjtjqZWCG2H8unUVgaJxU0u+sTRXPdwI7/d2sy1DzXSsOYVFt33Gp+fMQmPofinzyQNvvzgi5/giSWzufni6cTimhufepP59ZNp747ldLqlDzcyv35y6vtN67dww9xpmFrj9RisXjCT333zXH542elE4ybVlh8VWyC189rYg90pbn79ZJY9splSvydnUDiFNbWHOK6qlOOrSnng5Q/4wsxa3mvu5uMDYRb89I/c+OSbXHX2lNT9st8AVZX7M8JWL6xHKU3cNLninldpWPNKSim+cHoNqxfMBHTKF0163nsXzWJimbvhFPtNzCWrXuLclRtZ+LM/EjdNfvDrd7j5mbfoiSYYq7uI8p0BDMWc48OxZHzcNPn645lvFb/++J+Im0khKRRN8Kste6mtDFI9LkBtZZBfbdlLyHIqm2+ffk/U+Ye/x1Ki8vlZjDpMcsse2Uw03ivE5WtDvjNIhrVd6g1+1wAAIABJREFUOb0NKxvqsN9LaE3K15Q9ph94+QPsl5L5yo+ZuRPN8nVbksargFjCJX9CzkgJQrGxzxjffWU9TyyZzd1X1lNdHpAzisKIx7azUVsR5KgjSmixXtDac9jXHn3DceGjujxAwMUHcroj+ab2EG3dUVo6ky4wnPx9G6p3jrtzw/YMX9xu/hL7GnNOc+HE8kDO8ZDrHm6kM2RiKJWximnHJ1zqSLjMx1o7v7T2GcqxTbGEyd1/+JC/veNFLrj9Bf72jheJuOyIs1/69vViPVuWc/Lnni7bDRTZetpP7P3Appn0g/LQl8/A6/Hg96qcJeU1C+sZX+Ilbmp+uqgev9eD1hDwKuJmctUhFE2w6n/e45KZk/jOz/+vd0l9wUyqywNUWNv1nA7S2nGQ7Awn1pSxtyPMiufezjiAnL694I3dHTS1h3K2ZKbvU8+Os9/22Ct36R2xJ5pw3HO9vbmLFc9tTW6N7UmujDzw5TNpak8enP7h89tS11MzLsD+rih3bniXlQ11HDW+hITW7O+KUlnqyxmgN63fwtqrz2Dl8+/wvc+dyi2X1FEZ9PH0snMK3pfd15nHax9qZPm63vNmo5F8ZwydzrfZZwDdztP2HsjuW0nxeRV/N/s47N8mpZLfbWf0fpd9+j5PYc7ktYbtHx/g0WtmZ1gcPb6qNJXfabwk0oQ4r8s12ls7fS7x9hnAaNzktt9sy6jjtt9s4ydXfBJIKpLZbnJund+rSLrVb5+BTLjcA9sgT75nJAhC8Qh6jZyzWisb6lJnkAVhJGPLBxNKfTx57VkkTM17zV1s+qCN2xrqMJTiv//hPO554X22N3fx7YtOpjzgZcVzb3Pr/LqMec02KnhZfW3KcIzXY/D9L5zGbb95hxsvPInHl8wmYSbn6oBPcTCUwOdRPLV0NtpMztmP/P1fcssvt+LxKMejSn2NOSd5xuOirNn+yGsrgzkyQsClDr/XcCwrYeqcYzZ3L6wHRcq+R/pqrdO87yZD2zYy4n281A76vRl5bbsi2db/lZIziocM09R82NpNc2eE6nEBuiNxFHDdI8k909f+9fH/n713D5OiuvP/36equ7p7emaYCzOoDMhFhIwGZGZAwN3EaFZJJEuy4I0ZVFSuuX3z9bqbZTf5Ep+NQb8mXrhIElDACII+JrqbmK+GuD/vDAqrRERAZECYYZhrX6urzu+P7qqp6qqa7mGmZ7qbz+t55oGuy6lzqk7V+XzOOZ/3wbNLZkBVOTiAZ97+DF+ZOAJPvXkksU5Mo22g7ubbp2Phb98193xs3YNVcy9Fe0hGWYFkqbxPLJiKIq8b25bM0F8Mxhjuem4vVs6pthXa0JygqlKf3oOT7EhWlfpQnrRP+71u1yHLR6Kq1Gt5UbS0mtriSlpPJxzElq6Inu77x9r1vGgva0tXFCqHfi+qSn3YfMd025fkTCCKV/Y341+vq0alzw2XS0hr6QUNp1E1zfluagshVwdnUsUglvrc+OHXL8ZSw5z49Qt7YgjdAsMTC6biTEDW4+PK/G7dSUrlpAhg6ArFTB0Va+trUJhYT8knMWxcNM2yHpJP6hGSsfvwa05UuU9C3djhpviJdQ21KPfFOzi8LsHyjj1ywxR4DEacW7A2RqvnT9bL6HLY7zLsb+mOYOnmRtM90ParKcRuCiTB0rG0tqEWBYkYw1TOtOSQP4kcRYLIODFuFem4Z8c+bF86c4hzRhC9Y2cfrG+oRUtnCFdOGmGOAayvQaFXhKIytAejmFc7Ci++fxwr51Sj3C+hzC8hpqqYPqYE100ZaTp346JpuHf2JASjCu54yhzL+9irn6ClK2qxa9c1xEVrzhvmwe8SHcEugeGnf/gIP/nWJbbv3HNLZ+J7V02wrPftEu1FFF0CQ3dEBufAqpf2m+xWuymj2ntt2x67BDBwrJp7KUoK3BheKOF4exjdkXiYzE/+sRo/+f1+tHRH8KubLoNbYHjq9un4vDWor+14QYnHagvU18DviXfcuxxsAZcomGJOKwo9kFwCNr7Rox778A1TIAiA1E9lRnIU+0BbMIJTnWG9Im28bZppfcB3P2vHjPHdmHheIRQVWDBjDA63BHDLzDH6YqJ2gbqtgait0zKuwo+OkIySAjcWbHhHP0abRqpJ8kqigLuvnQiR9Tg7Tk6QVglf3nsCT90+Pb4Wo8Lx5F/jPQ+P3DAFa3cdwkPXT8GIYi8+Ox3A2l2H8MgNU/Cj7Xvx0J8OYNXcSzFmuB8ekUEQGKKBqJ6WqnKc7AybriuJDFvumI7zh3n1XqNX9sfjFh++fgp2NjZhyVfHY/X1U3DsTBAVhR595PGz00Hbl0RWVGy8bRo4gOMdIRR5RcRUmNZW7G1UsTf1L+3/mihQrpFKFfRMMKo7idr+pZsb8fzyWags9oIJ8Rg8Y0D3uoZaMG1EMoWTEo2plljW5Vv3YHvCSYrIHFHZPBUiKiuIyJojaS/U4ks4UW1h2XYqxnNLZ+J8rwsK55Z37Efb92L70p4R4lQCRmGnEcObEyOGAsNvbq2FKIgmwRytvjmNCGqjmp1hBX873q73tIoCw5sHW1DsHY5Sf3xE8lc3XaZP8a0qjQtdadVZFBiGF3mwau6lurM9vMijj4gSBJE5nKauy1kuc08QdvbB7z9owsJZY01rBWrt9tY7L8fCje+YHKoX3z+Oq6tHoMwv4UwgvrzFDUnnNp0JYVRZgSUMZPmWRl2t3uiUVRTG12Au9rrgcYn4/EwIDHFxuntmT4Ls0KZGFftQk2fuvBxr62tMHdbrGmpR7BNwrC2mC81o59y3cx+23nm54+idnc0jAPjVqwfjjlmhhLagbBKwWT1/Mh67+TI0tYdR7HXhn9a9hVnjyrHkq+Pxy5sug8AYJJFh5YsfmmyNx147iJ99+8sAelflN8acRmMKfvqHjywzmdbU18CXhvp/b5CjmAaxmIqWQATRmIqwHI/3qyj0YEx5AR67eSoKPS4AHCFZxeOvHcQdfzcOv/n/Dute/YhiL2aNK8fV1SNQVVqgSw1rQ9Ktgait03K4JQCvW0CZ3+z43Tt7IoJRxaLMNMzrxjXVlabRQmN6lcXx6Xgq56gbW4ZbDSN3a+trcNc1FyMcU7HsyvFQVI4Pm86g5sJyjKuIr7+4bckMNHdF0NwVwdq/fIq5U0faTkFo6Y7oo4oVRRI6QjHTtNo19TX4/lUTcLo7imEFLtw4fRRu29iTl4evn4Kf/9fHeP9YOx599aBlxPLh66fA6xbw3WfeN30AHn31Eyy6Yqyeh97UnuzUv7T8az1sZb7UiqnZSH9jEFXVutzIsi2N2JFYqkQUGcoLJZOTUl4oQUz0Wjl90LX4Og5YYnliiVF4wFmoRXP0UhlpsTTi9zwuAdfXmRXUjKOOblGwHTF0J8RqBAZEYxzLt5rfocRux1FXXbXUJWBUud+kmmhcNzQcU/Gzl/5majx+9tLf8MvE1NaIosIlABdVFurTb2OqgggZqgSRcVJNHSeIbMVoH0wdVYIfX/cljCz1ISLbt6uawJ/2+76dcVXPU51hHGzuxp7PWrFgxhjLmoUAdxR7Mc7c0vJx97UT9eUxkkca19bXoLDQ5dim2rb3Ksfmt47qncE+SYSicrQFFFSV+PQBCeM5vc2Wsus4fqJ+qu6YrZxTrY9Qaunds2MfNt8+HTFFxaJNuzFrXDkaZl5osnfjyq2SydYAgJVz4m15VLHvtH705qkAemJOj7cFbeMuV2zdg2f7GUaVm0Mmg4imOHT9urji0MoXP8S//2M17v/GJCz87bv4zpo3sWjTe7qTeMvMMXjtbydx/ze+hHK/hNZAFFveOoKGmRdi1Uv7ceVDu3RBFk29006M5cF5k/Hoqwdxz459CMtmoRyjqinQUyEjMRXfu2oCVv/pY4vYx7qGWvzvbXuxdHMjusIxy/nLt+5BRFFR/+t3cNXDf8WiTe9hVHkhzgRl1P/6Hcz8j9dw45NvIywrWLfrEK6uHmGpkPfs2IdlV47XPyY/uHoC7v/Gl3TBH+24FVv3oNDjQlRREY5ahVHuem4vfnzdl7B+YS1+fN2XUOxz4ef/9GXsWDYTW++8HBeW+3QnUTtn2ZZG3P+NL8EtCvjF/MmoKPSYlKOSMfbE/Pe9X8Mziy+HSxBw/zcmYdXcS+F2MXRHZdtzsx3JIeA8OQYxeX+qRWE1Rywkq3joTwcQVXo+ZA/96QBCsqYIap++cbRL6+jQFMSC0Z4RRqcYRSUpPs8pfSFF+QBA4bAdddR8Sa0Xz/gOGdfWlBVuO2oqJ9RVPS4Ba+prTOevqa/RHVHVYeqa5j8bp7be+OTbWLq5ES3dEd0QFRlDZyiGT5u7cbIjjE+bu9EZiunrLBIEkTl8ianjxvfbOOuBILIVnyTi2SUz8Or//ioeWzAV5w/zIiKrju1qsmJmU1s89Gf+urews/EYrpsyEt3hGBpmXohFm97T7cdwjMMl2qfZHpJNavXLrhyv25PLrhxva586Cci5HfItuQTMnRqfDnvX9r34LLFywFdW78JNG97GvbN7bHDtHC0kxe4adu2xcT1lp5l8Cuc4b5g3PrPrK+NsR1iXfHW8Jf89s4cE22snzx5yuwSTeqwxD6ravzgqGlFMQXN3BI8mlrXQvPmwrJqGrSsKPWjtjuLe2ZPgc4so8o7ELYbRuqdvn67/Bswxg6te2o9FV4xFmd+NLXdcjlOdYbSHZJNkcVdYxtr6WizfmlBY5U6SvNArYUtXVJ9HPsznhs8t6OpWbtE+MLe509xz1BaQTVNrNWNWG0lK1VM0qsyHrrD9+oftIRmSKKDUoWJXFHn09Xo0x/mBl/+Glu4Ifrd4hu05osBQUuCGKDA8evNleOzVT3tdLsDYE3Pjk++Y0qwq9WHbkhkoKXA8PWsp90t4+vbp+tTkYFTBheUFukiRW2D6VGLjaJoWnycwh1411jOtssQnYdxwP0SBocwvocQn6Y5cqqmpMQcFMa3XS0xxfYEBjy+YijZDDGWp361/WNOJ30vlDDtOPU2M6KUS3AnH4h1HxvMff+0g/u1blyTOdwhQTyjH+j32MYx+T9wQ5YDtrIIcDasliJwiFFV1mXvj4t+3zBoL+Ic6dwRhj6pynOqIWKZH/uKP8dlfyW2OJsyyfmGtPguuqtSHUr+EbUtmoMwvYdGm9/DU7dPx4H+ZZ8A89uonWDX3UktbvKa+Bi/vPY4rJ43Qp4YanSwnh8upTX6ifqqt+A1jPU7cyjnVtjaHcf3HNfU18LrtQzq8boY19TWWOEhjiImd2GNVqQ8nO8IYWeLrdfTTLfbYPFr+Bb1TGBZtkAfn9XRaa7g0NdsMzHRg2rpe+QZjbDaAXwEQAfyac/7z3o6vq6vju3fvtmz/oiOIYo+A9pCKAkmAosbXmImp8SBbr1tATOGQVQ41EWvEGOBiDDE1vt0lMDzf2ISLzy82KSw9UT8VkiiY0hMFxBVRVQ6PS4BiSMPjEsBYfGqedrwWH+V1CYgoKkTGIKtcj3sSGAcgQFbiPUZugcHrZuiOGMrgEiCIQNCwzSfFryWw+JpyWnpukYFz6NdgDHhxz3HUjS3DecO8EBiDKDAEozGU+NyQFQ5Z4ZBcAkQWN6BFgaHIIyAkc0RicalilXM88dqn2N7YhKpSH15YMQtRw33xuAQEogpcAkOhV0B3OL5Pcglo6YrA5xZRIIlgLK6KqZUpFFEhJ/IuiQJiavweqRyQE/9nLG74i4ln5hIY9p/owMTzijG63LHVH9KhG6f6CsTrTigaQXuo5/6V+AT4JA8EgaE9GIZbgGW/rAIlBV6caA9imFew7O8Mqzi/pACtXWF43dbzwzJQXuR8fkdYxQUlBfi8NYByv2jZ3xpQMLrcj+bOEJCY2qnVO8nFAA5UFvtwqiOEQg+znN8d4RgxzIeTHSEU2ezvinCcNyzeU9jUFoTkAuQY9GPcLiAaA6pKC3C8LYgSn7UM7SEVI9PYf7Q1gI5gBOWFXn1/a3cYwwo8uLDcjxNtQXSEIij2efT9naEIhvk8uKC0IOUzaGoLYphPQKdhf7FPQEdIRVWpbe/GkA819lZnjYy5/+U+pfvZz6872ywR2U3W1tmjrQEMd/iG+SRRb7t8bhExRdXb8EKPgO6IaoqhD4djaA1F9XTKfRJcLgHN3RH4JXNbXegREIhylHndOBOK6m2bzy0gEuNgjENVAUGIhxC4xbgGQUzlKPGJCCTaQ09isW5NAVI7Lvmb5pUEhKOqPr29QBIQjKr68Vp7q/B4+6lt147Xfmv5KfdJOBOWLeUq90kQBKAlYL4PZ8KyZZHxdNAWKHcJ0Mt/Nmn2ph7uQNbaBQBwqiOMeeve1B2Ju74+AfOnjYKasOW8bgGhaPy5uEUBLgaEYmqifWSIKcAwr7lt9XsERGMcfsna5gYTk7IisbgN6RYYhhnqmPYOGeupZu+pnJu2+SQBHtFqd7QGFHiT3jOtHmv1Tqvnbx5swb3Pf6jfj9fvuRKuhE1b6BWgqoCUdI1Cr4BAWIXfYHcabY7Pz4QwPBF60x6UTc7k+oZalPrd4Bwo8Qk4HVBsvxscQEfSPe0IKXCLcbGcAkkwvS9auYp9Ijjn6Ar3fG+8EtBlSKvIJyBosH2SSKu+5uWIImNMBPAEgH8A0ATgPcbY7znn+/uaVrFHwOHWCD5r6cTk0WXoSKoIGxdNQ3sgahqdeXzBVMgx1bRNU3rSRFweuWEKVM5xoiOsp3dNdaWu3mQ3T3tdQy08bgGLNr5n6ll46s0j+P5VE1DoFXGyI2I55w8fNGH9f3+GqlIffnNrLaLdsCgsFRe4Ub/hHVN+RxRLaO6MmuIDf3tbHTqCsqlsmxZNQ1sgioW/edd03Y6QjEWbrDGALd0RrG2oxUuGfK2ePxl3fmUsSgtc+KfaKpzsCJuCkNfU12DLW0fx5uFW/dx3P2u33CPtftx97UTICjcpe66ePxnFPjdiimqKb9x8xzR0R1TL6M2wgv4FAA8VoWgEh1sjlvKMKwf8Xi/cAhz2x0WShnmFXvd73f07v9wv9rrfL7Fe9xd6et9flGI/AJT6es9jST/3l/tFdIZF3PikWe2t3B+vU8N8AlqDgmX/MJ+Q1j1MlX+CIDLH8F6+YYdOhx3b8LUNtdj1t1PY1tiEDbfUYWxpAQ62BmzT+fRUB0oLfZZ9o8s8+LQ1YGqXtVEaTWX91llj8fqBU5gzZSSWb92DH3xtPKpHlmDZlkbHGDA5FsOZoNtyPaPdsrahFo1HTqNmTDkef+2gSTjDaL845ev7V18MWZbhdluvM6JY0r+H11RXWgTN1jXUYtKIopTOohYu9IcPmnDdlJGm/CTbHb2lmUo9PNcIh2MIG+IT7/r6BMyefD6azgSx4b8P45+/OQmtAdl0z40225r6GsRiMbTaPLtx5R7H92Hf8W6LTVrgBgRBwOHWGF6yeU5b7pxuUU5fv7AWksts/9pdQ6s7j736iUXYZW1DLX7xT5fi3uc/RFWpDyc6wlBUrtdNp3K4mIrWoGBbZ2Oqqiv1X1Ndia13Xq4P4BiFG3u7TyU+F25Osr//drwdj/7lEDbfMQ2nk56LZuf+8OsXm+7Juz/+Go62ygNuF+TrhPrpAD7lnB/mnEcBPAtg7tkk1B6KOxBTLyyHHOOW+cVNZ0KWWKe2gGzZtnxLo76QfVNb/BzOmSk9bWH7pjb7edrLtjSi6UzItO2+nfswr3YUlm/dA5cg2p4zv260/lsURKtQSCK2Kjm/0Ri3iJocbwtbynbM5h7Ezwtbhvq1GMblSfm6Z8c+HG8Lo2HmWLhE0RL/tWLrHiz+yjjTuXb3SLsfx9vCFmXPe3bsQ3NnBGcCsmm7y+6ebGlEdzg3hUG0OptcnvaQSvsH6R51OOzvGMQyEgSRGXp7/3prw5dvacTcmio0tcWVqFtDUcd0xlcWO7ZLye3yiq17ML9utN7+3bdzH+bXjdbb0VkTKvRznGLARgwrsL2e0W5ZvqURV1WfjxVb91iEM4z2i1O+lm9pdLxO1GCDaMcm2xTN3faaA0a0Bcrn1422jQcz2h29pemkHp4cs5crtIaipjjEuTVVuv06r3aUrR1ktNlW9FJHensf7GxSj9sNtyjqzyP5OcUUWGzApZut9q/dNbS6YyfssnxLI2ZNqOgJ1eDcVDedylHs8zjWWeO1X9nfjPpfvwOBMdT/+h28sr85rfsUsbG/Z02oQFNbCIrKLOdoeU6+J3IMjs+hP+SrozgSwDHD76bENhOMsSWMsd2Msd0tLS22CWmxSPHFQq2xgXaxeqni97TfCjfHOaUzT7tAEi3btGNVbh83ZQx6dVKhSu4g08rcn/I65dUuX9rxsqKCwT6P2vHa/3tbBqS3PCXnK/k5aMcmK3MONenUVyB1/Ny5vj8b8jAYZcwG0q2zBJEt9MUuMKK9f6nacC3cJ/n45HTSuYZxuxb/pF3XGA+lpJEvp3ST7RaeaC+T03FKNzlfqcTKes1jGqrOWvy5UzxYst3hlGYq9fBsoS92AWPA2oTImsq5bieV+NyOdpDRZutrnUynfts9Jyc71c6mTL6GVnccxWVUjpVzqvGLPx6AwNKrm73V2YG4H072d2/3Qsuz8Z5kyi7IV0fRbl6A5U5xzp/knNdxzusqKipsE9JksEUhHteWrK4UjCppbdOUnoy/NdEODaMKlPH/xnOM6pDGdDWxD7tzjB9guzLEPxqwbLNTwepLeZ3yapcv7XiVxxu13sqh/d/pHrWH5F7zlJyv5OegHZttUufp1Fegp84aMZbnXN+fDXkYjDJmA+nWWYLIFvpiFxjR3r9UbThLiHIlH5+cTjrXMG7X2k3tusZ2VEwjX07pJtstLNFeJqfjlG5yvpyuY3TgHPMopjZZ3YkFylPZEanSTKUeni30xS5Q1bjGxaq5l8IlMN1Oag/JjnaQ0Wbra51Mp37bPScnO9XOpky+hlZ3eqvnmnJo8rF9LYeTUmxf03Gyv3u7F1qejfckU3ZBvjqKTQBGGX5XAThxNgmV++JKUO8fbYXbxSyS91Vl8XhD47ZSv9uybW1DLXY2HtN/P3LDFMRUxZTezsZj+u91uw5ZZHrXNdSiqsxn2vbgvMnY2XgMa+trEFMV23N27P5c/62oilXWu74Gbhez5FdyMcuyHSNLvZayjbK5B/HzvKZtq+dPxrpdh/T0jflaPX8yqsp8cLsYduz+3HZpgQ2vHzada3ePtPsxstSL9QtrLdevLPagzO82bY/Z3ZOGWpTn6DqKWp11Ks+5vj8b8jAYZSQIIjM4vX8lPqHXNnxtQy1e3BMXbNtwS12v6Rxq7rTdV+gVLO3ymvoa7Nj9ud7+PThvMnbs/lwfPXrzYIt+jm2+6mtwqiNoez2j3bK2oRav7f8Ca+pr9OvY2S9O+VrbUOt4Hclgg2jHJtsUlYWpY60qCz263ZOcn2S7o7c0tbWWjedvuKVOVw/PNcp9EkQRKPG74XUL+H8ffaHbrzsbj9naQUabbU0vdaTEZ79cTIlPsLVJI7IMWVH055H8nFxiz8intm39Qqv9a3cNre4k10/t+GNnAiZb0Vg3ncrRGYo41lm78rldrE/3yWNjf795sAVVpT6IAreco+U5+Z64XciIXZCXqqeMMReATwBcDeA4gPcALOCcf+R0Tm9qUZoqWUrV04Tyl8CgK2gaVZg6QnFVJrfIIDIGhXNd9dSoKiorcbXH3lRPdVXThPqRneqpO6EUFZI5YooKQeiH6qmmauZi4Cp0lVe3KMDrZpCV+Hp62nUllwAVHHIsPsVAEgUICdVTl8BQ5BUQjHJEY4Z8SXH1qUDEXgXLTvXU6xKg8vhyA0JCwVRTPRUNZRIEq+qpdo6QUPsKRs0qbF5vr1pPWa1uZqekZyzPub4/G/IwGGU0MORDjaR6SvSRrK6zdu9fl6wA4EOueioKgOKgeqqphfdF9ZRzDtaL6mmyyulAqp7GFBWuAVY9TTfNfFM9DYdjCCoxyLG4XelL2K8xNR5a5Rlg1dNAFGCs76qnPilhVxu2FUiCRZFUVz11CZAT9dl4Da3eafZysU9Ae1BJqPPH3xGtDp+t6qkgMFP5Cjzxd8SXZFNqebVTfAdguaedIQWuJNVTrRxa3pNVT5Pv70DZBXnpKAIAY+ybAH6J+PIYv+WcP9Db8ekaMQSRIKsbBIJIIquNbiPkKBIJcqbOEkQCsguIXOLcXR4DADjn/wngP4c6HwRBEARBEARBELlGvsYoEgRBEARBEARBEGcJOYoEQRAEQRAEQRCEibydekoQBEHkPxTTSBAEQRCZgRxFgiAIgiDOir466gA56wRBELlC3qqe9hXGWAuAoxlIejiA0xlId6DJhXxmUx5Pc85nD9XFDfU1m+6JHdmePyD78zgQ+RvS+gr06Rub7c9joDnXygukV+ZcqbP5/vzyuXwDXbZssQt6I5+fpxPnYpmB1OVOq76So5hhGGO7Oed1Q52PVORCPnMhj4NNtt+TbM8fkP15zPb8DTRU3vwnn8qcT2WxI5/Ll89lc4LKfO4wUOUmMRuCIAiCIAiCIAjCBDmKBEEQBEEQBEEQhAlyFDPPk0OdgTTJhXzmQh4Hm2y/J9mePyD785jt+RtoqLz5Tz6VOZ/KYkc+ly+fy+YElfncYUDKTTGKBEEQBEEQBEEQhAkaUSQIgiAIgiAIgiBMkKNIEARBEARBEARBmCBHkSAIgiAIgiAIgjBBjiJBEARBEARBEARhghxFgiAIgiAIgiAIwgQ5igRBEARBEARBEIQJchQJgiAIgiAIgiAIE+QoEgRBEARBEARBECbIUSQIgiAIgiAIgiBMkKNIEARBEARBEARBmCBHkSAIgiAIgiAIgjBBjiJBEARBEARBEARhghxFgiAIgiAIgiAIwgQ5igRBEARBEARBEIQJchQJgiAIgiAIgiAIE+QoJpg9ezYHQH/0l+7fkEL1lf76+DfkUJ2lvz7+DTls2V7KAAAgAElEQVRUZ+mvj39DCtVX+uvjX1qQo5jg9OnTQ50Fgkgbqq9ErkF1lsg1qM4SuQTVVyITkKNIEARBEARBEARBmCBHkSAIgiAIgiAIgjBBjiJBEARBEARBEARhghxFgiAIgiAIgiAIwgQ5igRBEARBEARBEIQJ11BngCAGGlXlaA1EEY0pkFwiyv0SBIENdbaIQYTqQO5Bz4wgCCK3oO92/kOOIpFXqCrHgVNdWPz0bjS1hVBV6sOGW+owcUQRfbzOEagO5B70zAiCIHIL+m6fG9DUUyKvaA1E9Y8WADS1hbD46d1oDUSHOGfEYEF1IPegZ0YQBJFb0Hf73IAcRSKviMYU/aOl0dQWQjSmDFGOiMGG6kDuQc+MIAgit6Dv9rkBTT0l8grJJaKq1Gf6eFWV+iC5xCHMFTGYUB3IPeiZEbnKmPtf7tPxn/38ugzlhCAGF/punxvQiCKRV5T7JWy4pQ5VpT4A0OfMl/ulIc4ZMVhQHcg96JkRBEHkFvTdPjegEUUirxAEhokjivDCiitIheschepA7kHPjCAIIreg7/a5ATmKRN4hCAwVRZ6hzgYxhFAdyD3omREEQeQW9N3Of2jqKUEQBEEQBEEQBGGCHEWCIAiCIAiCIAjCRNY5iowxkTH2PmPspcTvsYyxdxhjBxlj2xhjUmK7J/H708T+MYY0/jmx/QBj7NqhKQlBEARBEARBEERuknWOIoAfAvib4feDAB7hnE8A0AbgjsT2OwC0cc4vAvBI4jgwxqoB3ATgEgCzAaxhjJFWL0EQBEEQBEEQRJpklaPIGKsCcB2AXyd+MwBXAdiROOQpAN9O/H9u4jcS+69OHD8XwLOc8wjn/AiATwFMH5wSEARBEARBEARB5D5Z5SgC+CWAewGoid/lANo557HE7yYAIxP/HwngGAAk9nckjte325xDEARBEARBEARBpCBrlsdgjM0B0Mw5b2SMXalttjmUp9jX2znJ11wCYAkAjB49uk/5zSZUlaM1EB3wdWwylS5xdmRTfc2HupEPZch2+lJnYzEVzd0RyIoKtyigstADlyvb+jKJfCebvrMEkYpzqb5SGzE0ZI2jCOAKAP/IGPsmAC+AYsRHGEsYY67EqGEVgBOJ45sAjALQxBhzARgG4Ixhu4bxHBOc8ycBPAkAdXV1ts5ktqOqHAdOdWHx07vR1BZCVakPG26pw8QRRf0yejOVLnH2ZEt9zYe6kQ9lyAXSrbOxmIqPT3Vh2ZZG/Xmsa6jFpBFFZAgQg0q2fGcJIh3OlfpKbcTQkTV3l3P+z5zzKs75GMTFaF7jnNcD+AuA+YnDbgXwYuL/v0/8RmL/a5xznth+U0IVdSyACQDeHaRiDDqtgahu7AJAU1sIi5/ejdZANCvTJXKffKgb+VCGfKK5O6IbAED8eSzb0ojm7sgQ54wgCIIYaqiNGDqyaUTRifsAPMsY+xmA9wH8JrH9NwA2M8Y+RXwk8SYA4Jx/xBjbDmA/gBiA73LOlcHP9uAQjSn6i6PR1BZCNNa/ImcqXSL3yYe6kQ9lyCdkRbV9HjFFdTiDIAiCOFegNmLoyEpHkXO+C8CuxP8Pw0a1lHMeBnC9w/kPAHggczkcOOzipAA4xk4lH+92Cagq9ZleoKpSHyRX31cEMabNGMM11ZV4ZX9zv9Ml8gvJJfa7zmU6PjBVLMNAlCEVFAOZPm5RwNK/H4P5daMhCgyKyrFj9+dwiVkz6YUgCIIYRIxtqEtgWPr3Y1AzphwlPjfaQzJ2Nh6DSxSorc0wWekonis4xUl5XAJu+e27ltgpAJbjn759OjbcUmdJQ3M4+5OXdQ21AIBX9jefdbpE/lHul/pV5zIdH5hOLEN/y5AKioHsG2VeN+ZcVoVFm97T79fahlqUed1DnTWCIAhikLFrQ9c21OKxVz/RbdK1DbUo97mprc0wLB7WR9TV1fHdu3cP6jVbuiL4zpo3LKMaq+ZeikWb3jNte2HFFQBge/zvv3cFFBX96k1xysv2pTPBOR/wXpp0e4CyuKdoSDMxFPXVSH+ei1Nde2HFFago8vQ7byfaQ7hh/Vu2dfmCEt+AlCEVmS4j0Of8D/lL01udPd4WxI1Pvm25X9uWzMDI0oLByiKRXWR1ndUYc//LfUrzs59f158sEdnNOWsXDHR76tSGrpxTjaWbG/Xf25bMsG07BrKtzWPSekA0ojiEOMVJFUiiZZsWO2V3fCiq9NuYcsoL53zADbV0R1toVCZ7EQR21h/hTMcHxtKMZehPGVKR6TLm27sRU7n9M1OpI5MgCCKbyUR75NSGlvjcpt+KQ9tBegMDBwWADCFanJSRqlIfglHFsk1yiY7HD0RcVSbTTiZdxUlSpsxPMl3XRIHZpi8OogOV6TLm27vhcnhmrhx0egmCIM4lMtEeObWh7SHZ9NupvSc9jYGDHMUhRIuT0iq51gtzYXmBZVu5X3I8fiDiqjKZdjLpjraQMmV+kum65hIYHpw32ZT+g/MmD6rTkeky5tu74RYZ1tTXmO7XmvoauEVyFAmCILKZTLRHdm3omvoa7Gw8pv/W2vXBsl3PVWjq6RAiCAwTRxThhRVXWFRPk7dpw/d2xw/EVDOnvGRiGlu6ipODoUxJDD6ZrmuCIOCpN49g5ZxqXR3tqTeP4IHvTB6Q9NPLQ2bLmG/vRkwFXt57HBtvm2ZSPb31inFDnTWCIAiiFzLRHiW3oYwxPPXGYcyrHYU7/m6cqV0fLNv1XIUcxSHGKU7KKXYqk3FVmUzbSLqKk5lWpiSGjkzWtXK/hB/9w8QhrzeZLmM+vRuVhR58K0n1dF1DLSoLSYyAIAgim8lUe2RsQ1WV49s1o2yvMVi267kKOYrEoJPuaMtgjnIS+cO5UG/yrYwul4BJI4qwfelMxBQVLpu1LwmCIIjsYzDao3xr83IJchSJISHdHiDqKSLOhnOh3uRbGV0uwbR8CUEQBJEbDEZ7lG9tXq5A3bUEQRAEQRAEQRCECXIUCYIgCIIgCIIgCBPkKBIEQRAEQRAEQRAmyFEkCIIgCIIgCIIgTJCjSBAEQRAEQRAEQZggR5EgCIIgCIIgCIIwQY4iQRAEQRAEQRAEYYIcRYIgCIIgCIIgCMKEa6gzQOQ/qsrRGogiGlMguUSU+yUIAkt7P5F9ZPszy/b8EVZiMRXN3RHIigq3KKCy0AOXi/oyCYIgsoV8b1vzvXxnAzmKREZRVY4Dp7qw+OndaGoLoarUhw231GHiiCIIAku5n8g+sv2ZZXv+CCuxmIqPT3Vh2ZZG/Zmta6jFpBFF5CwSBEFkAfnetuZ7+c4WaoGJjNIaiOovHQA0tYWw+OndaA1E09pPZB/Z/syyPX+ElebuiO4kAvFntmxLI5q7I0OcM4IgCALI/7Y138t3tpCjSGSUaEzRXzqNprYQojElrf1E9pHtzyzb80dYkRXV9pnFFHWIckQQBEEYyfe2Nd/Ld7ZklaPIGPMyxt5ljO1ljH3EGPtpYvtYxtg7jLGDjLFtjDEpsd2T+P1pYv8YQ1r/nNh+gDF27dCUiJBcIqpKfaZtVaU+SC4xrf1E9pHtzyzb80dYcYuC7TNziVnVRBEEQZyz5Hvbmu/lO1uyrRWOALiKcz4FwGUAZjPGZgB4EMAjnPMJANoA3JE4/g4AbZzziwA8kjgOjLFqADcBuATAbABrGGN59aRVlaOlK4LjbUG0dEWgqtx2eyym2h6XyTwYKfdL2HBLnf7yaXO+y/1SWvuJ7CPbn1m6+UtVf9Op373R3/OHOv3BpLLQg/UNtaZntr6hFpWFniHOGUEQBAEMXtvv1LbJsoLjbUEcbQ3geFsQsjywI33ZbtsMFVklZsM55wC6Ez/diT8O4CoACxLbnwLwEwBrAcxN/B8AdgB4nDHGEtuf5ZxHABxhjH0KYDqAtzJfiszjFHA7oaIQB1u6TdvXNdTi0Vc/wSv7mwc0MDfdoF9BYJg4oggvrLjCVkUq1X4i+8j2Z5ZO/jItspTpoPh8C7pXVRWSW8CquZeiQBIRjCqQ3AJUVUX29WcSBEGcewxG2+/Uto0vL8CBlgCWGwTP1jbUYlJlIdzugRkHynbbZqjIeAvMGBMYY8V9OF5kjH0AoBnAnwEcAtDOOY8lDmkCMDLx/5EAjgFAYn8HgHLjdptzch6ngNvm7ohl+7ItjZhXO8p03EAE5vYl6FcQGCqKPBhZWoCKIo/lpUu1n8g+sv2ZpcpfpkWWMh0Un29B9y2BKBZtfA+LNr2HG598G4s2vYdFG99DS46WhyAIIh/JdNvv1La1BKK6k6htX54BwbNst22Ggow4ioyxZxhjxYwxP4D9AA4wxu5J51zOucI5vwxAFeKjgF+yO0y7lMM+p+3J+VzCGNvNGNvd0tKSTvayAqeA25iDIESJz236PRCBuRT0O/jkan3NRjItspTp9yNX3r9062xM5fbftByeTkvkJvSdJXKJfKuvjvYttRFDRqZGFKs5550Avg3gPwGMBrCwLwlwztsB7AIwA0AJY0ybJlsF4ETi/00ARgFAYv8wAGeM223OMV7jSc55Hee8rqKioi/ZG1KcAm5dDoIQ7SHZ9HsgAnMp6HfwydX6mo1kWmQp0+9Hrrx/6dZZl8Dsv2nUm0sMMvSdJXKJfKuvjvYttRFDRqZiFN2MMTfijuLjnHOZMZbS7WeMVQCQOeftjDEfgK8jLlDzFwDzATwL4FYALyZO+X3i91uJ/a9xzjlj7PcAnmGM/V8AFwCYAODdAS3hAKOqHK2BKFRVhcoBWVUhMgafJKLEFw+kbQ1EEY0pcIsCNi2ahmNnQno8z4XlBags9GDDLXWmud2bFk3D6e4oti2ZgWBUwagyH0oNI4zG658ORBCWFdN1k4fdjflcv7AWSzf3zBenoF9ioNDqWabiBMr9Ep6+fTqOtgZN71CyyFJynES69bvcL+HpRdNx9Iwh/bIC0/myrKC5O4KYyuESGCoLPaZYi1hMRXN3BLKiwi0KqCz06IvPp8p/rlHhl/D8ipmIxjgUlUMUGCQXQ4nH+q0iCIIgsouBarOd2t4Kv4SNi6ahyWD3VpX5UFnosVy71OdGW0hGRFbAGMAYwHm8nZEk14DmNxWDdZ1MkilHcT2AzwDsBfA6Y+xCAJ1pnHc+gKcSCqUCgO2c85cYY/sBPMsY+xmA9wH8JnH8bwBsTojVnEFc6RSc848YY9sRn/YaA/Bdznl2zckyoAXvPvLnA7jj78bhruf26i/I6vmTUVXqQ3dE0V+ca6or8f2rJmDlix+aXqTkQFyvJOBkewR3G9JbW1+DLzpDGFlSoFdWu+Dh1fMnY0SxF2PK/Y7HXVNdiWfuvDxh1OXmC0BkH4Ml1BKJqZZ3SKO/Qe2xmIKgrJjSX9dQi1hMgSS5IMsKPm7udgzMj8VUfHyqS1+EXjt/0ogi3VnsLf+5hqoCpzqjlvtRXE6OIkEQRDYzkG22U9urKCqiSW3e+oW14Nxql/7g6otNbeeD8ybjqTeP4PtXX4yJFX64XOKg2Bj5IjqXkamnnPNHOecjOeff5HGOAvhaGuft45xP5ZxP5pxfyjn/P4nthznn0znnF3HOr0+omYJzHk78viix/7AhrQc45+M55xM55/+ViXKeLcnSv+2hePDuvNpRupMIxOdf37NjHyIxbgrunVc7Csu37rEVsjAG4kZkjqXJwb9b9yAS4ybRC7vg4Xt27MPR1mCvx72yvxkLfv2O/iK3BqJ5IdVPDC2tgSge+fMBrJxTjW1LZmDlnGo88ucDfRJqSbV0RDpiMP0Jam8JRPWGSkt/2ZZGXZyluTvSa2B+c3fE9nxtf76J2bSG7IUKWkO5WR6CIIhzhd7ao7NZxsmu7W3ujugz2LRrLN0cb1NPdoRRkVhKaV7tKEvbed/OfXG7OdEGD1b7mS/tdEZGFBljPwSwEUAXgF8DmArgfgCvZOJ6uYRdD8P6hlpUFHpQ4nPbBusKDKbtTsclC1nIDuI2AoPpWKfg4QJJTOs4VVXzoteEyA5UVcWts8bivp37TD2C8aUS0jk/dS9epsVgUgXep9rv9O7GFHVQ8j/YkFABQRBEbjIYtqFTG6HNrHlw3mQ89KcDjvaxtj2mcmCQ2s98aaczJWZze0LM5hoAFQAWAfh5hq6VU9j1MCzd0ogfXD0B7SHZNlhX5TBtdzouWcjC7SBuo3KYjnUKHg5GlbSOUzjyoteEyA4UDt1JBHp6BJU0fYZ0evEyLQaTKvA+1X6nd9clCoOS/8GGhAoIgiByk8GwDZ3aCCXhQN63cx+WXTne0T7WtrsSoVKD0X7mSzudKUdRa92/CWAj53wv7JesOOdw6mEYO9yPnY3H8PD1U/SKpcUKelwMG26p07fvbDyGNfU1puPshDYqCz1Y11BrOm5NfQ08LmY6VgseTr5usjiG3XEbbqkD5/Y9PbnWa0JkB071ifP0PMV0evGc6vJAicFU+CWsTXr31jbUoiKRfmWhx3Z/ZWL6jN27u86wP9P5H2wKPYLt/Sj0ZHypX4IgCKIfDIZtaNdmrqmvwYbXD+vplvjc2Nl4zNJ2PjhvMnY2HtPb4MFqP/OlnWbpGl99SpSxjYgvcD8WwBQAIoBdnPPaAb/YAFFXV8d3796d8eu0dEXwnTVvmF6eqlIfnl8xCwwsLdVTxhgkkSGqcHDOexXaMConugQGv0dEsddezTSueqpCZEipemoMMm4NRG3L9MKKK1BR5BnI25dNDGnHx2DV16HA6R1Jtz6le36m1cii0RhaAlFd1dSouAakr3oaU1S4klRPzyL/Q95R11udPdEewqenOjC+sli/H4eaO3HRiGG4oMRnew6R92R1ndUYc//LfUrzs59f158sEdnNOWsXDIZtaGwzZYXjyb8ewvbGJj3dbUtmmFVPYwoYSPW0F9LKSKZUT+8AcBmAw5zzIGOsHPHpp3lHXyuBk/TvcH88YFdffiLhAGrOmjEA2C0KKEuzsrlcgq2hZScnzMAgMpium4wWZJxOmXKt1+RcIlW97W1phkwzEEtTDER97O8HXpJcGCk5f2LdbhEjSwsc9zu9uxp272KuUlnoQTDqxyenunXp81Flfn0ElSAIgshe+mMbnk1b6xYZ2hNiZ1q65w/z6eelahud2s+BduzyoZ3OiKPIOVcZY1UAFjDGAOCvnPM/ZOJaQ4mtMM3CWgz3SxAEwbaCGaV/VVWFwuNT7VoDUZT63DjY0m15qSZUFOJgczcWbzZf57xiD8KyCoVzeN2i7mxqeXOq7E6COkU+F2IKR1RREVNVMABqIn92L4xxTcVyv4RtS2ZA4YDXJcAlMrR0hfXyZWFPyjlLKrGXdJZm6C+9jab1d2kKQWC4aLgf25bMMKWfXHd7uwcDIWvdn3US0zk/1f5cQlHshYoURR20DgqCIAhi4EinLU+3rZVlBS3BSNwmBSAyhp/OvQSr5l5qsbc121RRVSgq19vI4QUSPB7nEUUA+PhkJ5YY1gd/cmEtJp1XPKS261CPSmZq6unPAUwDsDWx6WYAuznn/zzgFxsgzmbI3mmK28o51Vj10v5eDUsnJ/NX/+8TvLK/2ZTe9qUzccP6t0zXuaa6Et+7agJWJJbJ0F6ui4b70RaS0dwVMRn6xrw45fuRGy7DmWAU5X4JFUUedIZkfRkOJ0P6kT8fMClUamvYPPrqJxblyjxTQs3ZKSappmaeaA9Z6ptWDwdiGmCqNQT7SzqObnNXGP/6wv9gXu0olPjcaA/J2Nl4DD/7zpdRWeTt9/TX/q6TmOr8s7iHQ/7S9VZnW7rC+LS5G/fs6PlerJ4/GRdVFqKiyDvIOSWyhKyusxo09ZQwkLN2wVCRblt7JhDGifaIpc28oMSDMn9PG+Fkm2pt5MXD/XC77ddRrCiU8O01b1rysnPZLIwYNjTtUIbXYkwrgUx11X4TwD9wzn/LOf8tgNkA8u7r6CSaocnw9qbuZKt+urkR82pHWdKzk8qfVztKdxK14xY/vRsnOsP46ESnZR2ZxU/vxulAxDHfFYUeeN0CVr20H/PXvYX6X7+D7khMX5smuTxa/ufVjjIpVGpr2CRvJyXU7CGV2EuqpRn6S6o1BAci/d7WIAQAJbEEx6qX9uPGJ9/Gqpf249ZZY6Ekpnj3V9Y6VRlbHPLYYlhHMdU6i5m8h4NNJKbqTiJgXEN2YOocQRAEkX2k29aGo6ptmxmOmtsIJ9tUayNPB53XUQzH7G2fyBAKM2bDWoyZilEEgBIAZxL/H5bB6wwZmvRtcu9De0jG1FElWHbleASjMbR0wTJU7PRylPsl/dwSnxvBqAJ3QhbYeHy5X7I9v6UrggJJtN0XluMvlE8SsfG2aSiQRLSHZKzbdQg/uHqCPnqoHb/xjSP4xfzJOBOI6sdpL6+W/+Q1a7Tfva312NIVcZwSqw2vu10CXAJDKKrAJ4nx4OWYSlNYBwCneqtJNmtLMyTv15Zm6C+ZXjNPVlTcWFuFuTVVUDmHwBhe3NNkcnRVFXjqzSNYOadaH1F86s0j+PdvXQIg9T1KRaoyRhUVFYUe0/XX7TqEaCKP6azDaHd+rq47qKgcs8aVY/FXxkEUGBSVY8Prh3XHnSAIgsg/7Nraa6orwRjD8bagbvPJKrdt1+WkNsLJNgV62lBFjtnuU1Ru2+73Zm9mXBQvC9ZizJSj+B8A3meM/QXxoc2vAMjaaadni12g7oPzJuPF94/j/m9Mwl3P7e0ZKl5YhxHDPAgl1ib0SSKuqa60TH0bWerDT+deYppSumnRNDxywxT8aHtPeuWFkm2FDssKRhR77Q19Fp9yF4zEK9jP/+tjVBRJePiGKRAFZjp+6qgS3DprLBZtek+/5pr6Gvg9cUNZe7m1tWkqCj1YduV4lBdK2HjbNMiKapsHReX6NAPjEDoAy/D66vmT8cKe4/hOzUjTlLQ8m8I66KQKMNeWZkie4jFQwiIum46P5DXz+vPxLfaKuPJLI7Bgw9umKSdF3h4nTxCAJV8Zj/+17QP9mF/eeJl+jXK/hKdvn46jrUFdXCV5uZje8piqjB6XgH/55iTTO/3IDVPgSUyNTXW+1yXg3tkTLVM1vTkaz1foEdEw80LL96bQk5sxlwRBEERqku0RLXxJC3/pEaqRHNv1091hRGUVciIW8SdzJqE9JGPp34/B/LrReufjjt2f4+OTXZAcOsPdAsPq+ZMt7arbwfZQVY7PWgMmO2FUmQ9FHpejTklf6W+n9UCQkRhFAGCMnY94nCID8A7n/GRGLjRAnO3cbqOxqKgcP3t5P26ZOQb3P/8/lge7au6lWLTpPSz9+zFYmJjmpkn8vnm4FWsbalHic+PmxItgPHfHspkIyQo4B1wiAwfQHZLR3BXF8EIJPskFl8DgcQlgLD6VS1E5Xt57ApdWlWDM8AJ43SKOtgbBAL1Cl/ndCEbjxwqMIRCR0RaUUVnsxa2/fdeSj2eXzIAkCgjHFIiMgYODc6AtKJuc2613TkdU4Wg6EzK9QM+99zlqxpSbnOOf/OOl8LoFrN/1qeWlnl83WjcejfnQlhPpzZHIcE9PTscipKt66rQ0Q39IFV/X3zn5x9uC+OkfPrJ0wvz7ty7RVUa/aA/hTx+ewFXV5+u9k6/t/wLXXnoBzi/xIRZT8dmZAI4l1d8xZX64XELKPHaGwwhEVMQUQOEcImNwiYDfI6DY6015/Ugkho6ojGiMQ1E5RIFBcjEMk9zweFxo7gzjn9ZaYymeXz4LlcW2sRRD3qvSW5093hbEjU9av3vblszoVRmWyGuyus5qUIwiYSAn7AI71fu2kNwvW8lJHCa+7JpiWu7NbhYZY3HVfYXDViNh25IZjm3Eyc4wfvjsB6aObZGpKPF79DbYJTC4BIa2gIxANIaRpV4EIioEFhdtlFwMlQUenApGIMe4vt3tYhhRELd/4qEdcZuXA5BEAV90hHAmIOt2QtymVnDPjn224pZ9VZS3c0YvLC/AmHJ/yiXx0kh/8JfHYIzVJG1qSvx7AWPsAs75noG8XrbhdYv42be/jJBsP1RcIIm4obYK100ZiZuefNvUcw4Ay7c0YtOi6bbnNrWF8MDLf8O9syciLKt4+1AL5kwZid+9exS3zhprEp3RRuK+8eXzMeeyC9ARlLH2L4csI3O/uukycACLNvb04j++YGriZYra5kNWVPyfP3yEV/Y363lXVBXf/90HpmmrzZ1RABwrX/zQ9PJ+Y/IF+N4z75tGYLvCMgAXvnVZlWlEYV1DreM02mBEQcNv3jEZ6RMqCvWPnU8ScaozkqkA4JwnlWRzqqUZ+oPbLWJSZaFFlVQTYXGak5+ukAxjwIqvXYS2gAwg/jFf8bWLwAyPXXIx1I4dbumdlFzxg84Eo2gLRE3195EbpqDY60ZlsTdlHjkHTnfLFme4QPKkdf2wGsOpzqjlfE8ZgwcuRB3iSKMDFEc62KgOCzOrGerIJAiCOBex6+Rc11CLR1/9RLfrkoULU3W426X59O3TEZFVk1r/uoZayDEVTGAo80m2Kv9FXpdtWIXiEI6hqFx3ErVty7Y04vffm4Xj7RFTG7p6/mT84o8HMH1MCeZcVmVpX0t8Ipo7wpaZPn63iPZOGae7o6go8uDz1iAeffUgHltwGYJRxWQnrJ4/GaPLCtDUFtcdMYpbXjTcjwPN3X1WlI/EVNM1NtxSZ3tcphTrB3qe0sO9/D00wNcacrSX48cv7MOHJzrxRUcYkZgKfyIGcNuSGVi/sBZTR5Xo0zQXf2WcPvI2dVQJVs6pRjSm4ntXT4gLyriY7blhWcEv5k9Gsc+NscP9mF83Gsu37rEN2N34xhHUz7gQK1/8EF976K/43u/ex7Irx1vEIn747AdoOhMybWsLyPjR9r1oDURRVWp2FKpKffjsdFAX3GlqC2HF1j0YXui1vMDDCyX9ZdOOXbalEW0B2bTtvp37UCC5cOBkt22gMk9cNzkfR04HTMc+8ucDONDche+seQNXPPgX7HGB/9kAACAASURBVD3WMeQBwLlMLKbiRHsIR1sDONEeQmyARUW0NQQvLPdjZGmBSamzv3PyRRaPbV354oe48cm3sfLFDxGKxns0NcKyaisGo8Xxyopqqb8/2r4XcsIRS5XH7rCKlz5owsbbpuG1u76KjbdNw0sfNKE7rKZ1/e6w/X7tfAb79yJXu0AExmzLI7BcLRFBEET2YdfJqQkQar81W0mzcTW76jtr3sCBU12mdb2B+KhhcppHW4O6k2i8TiCq4F9f+B+c6AjZ2miSwHDv7Ikmobl7Z0/UwzGMVJX6LGFTWlqhqIrHXv0EK+dUY9uSGVg5pxob3ziCZVeOj9vPNu1rV9i+3Q/HVLR0RXD3c3tx9cN/xcoXP8Td104EwGxF2LT+zaY2s7hlOkJ76TwvJ1v2bNJPhwF1FDnnX+vl76qBvFY20BqI6hK8q17aj7lPvIGbN7yNLzoj+N27R02VfH1DDdbtOqRX6qmjSnD3tRN1ldEFG97Gv3xzEkJyj4Grnbu2vgaFXhdW/+ljtAdlHDkd0NOxC9idVzsK333GLExzxmGEsEAyz3PWRvDW7TqEB+dN1l9MbfTv0VcPosTnNqURjamWF1jhSOt6Wt6cRg5bu6NYU19jysf6hlo8+upBS5mXbu55QZzSG8wA4FxF65W6Yf1b+OrqXbhh/Vv4+FTXgDuLTmhz8o30ZU6+rHLbj7cx6D0dsRin3ksAYA6OTWLdWLhFhuumjMSiTe/hqof/ikWb3sN1U0bCLbJ+XT+mXx+272eu+lVukVne8zX1Nfr9IgiCIPpPb2r9xt/RmJK2kxK2mUXnZIOdCUQxr3YUmrsijm2cXfvtdgmObYR9WwxbZfMLhnkdncve2v3kPN23c5/z8QlPURsgSpV+b4ryfek4z5RifcaVDxhjT2b6GkNFNKY4SvAae2fu2bEPJQUSWrojuqrSsivHW86L92SELS9IodeF7z3zvn6tR189qCtTamIyRuwUUZ1GCINRc2ULRhVUlfrw/rF2PPSnA1g5pxo7ls3Extum4aE/HUBLd0Sv+FoaX3SEsDbpBXbq/Um+XlWpDyc7w7blqCr1oSsso7LIg21LZuD1e7+G51fMwvklXn0ZAacyO6U3mAHAuUpzdwSPJvXEPfrqJ4O29IIW3G6sT0axnVQ4TVEx9oI61U9NLEZ02K9NuREdHDXNr5EVblm+ZsXWPZAVntb1U+3nvEe1VXtGT715BLk6U1NWOB5/7aCpPI+/dlC/XwRBEET/ceqITbbrJJeYtpMi2nScarZk8nVaA1GU+NyONqns0H5HYqpjG2HXFnMOi41938598LpF3Q5PvrZTu+t2cCzB7Wf2aOk/OG8y1u06lDL93hTl+9JxrvkFfUk/HTK5PIaG/WTaHEdVORhjjstUJPfOMAZsvG0a3KKArXdejvagbH9egduyTWBxJaaq0gJsWjQNJzvCeOvTFqytr8Vjr32CB+dNNi0qWua3KqLubDyG9Q21WJo0d7nM78Y11ZX63PRSv1tXWH3/WDtWvbQfq+dPxr079qGlO4K19TV47LX4aJ72Irx+4BQWzhqDZ5fMgKJyqJzjDx8ctyi1rmuo1Xt/tG1PLKjBE385iJauKJ5YUKOPhFaV+vDw9VPgdQuYv86sfjWhotCi2llZ5DGVed2uQxb1qr44G+c23LJQ7YPzJiMuoZQeqeIaetsvCAwTRxThhRVXnNX5xjqmEf9Y9pzvdQvYuvhyS9C61x3/oEqiYKt+JiU+uIIg4PUDp7Dxtmkm8aWLR1wEIPWIYIlPwKZF0yxiOSW+ePqFHgFrG2otMRSFHkHP/93XTsTxtrCe37uvnajnP9dQVI5X9jfjlf3Npu3/el31EOWIIAgi/7BTPddiFKeOKsEPrp6AscP94Jw7LpWV7KT4JBFPLJhqEnW5oMSD9Qtr9ZleRntxft1oFHpdljbwwvIC2+Xgqkp9UFWOEp+EccP9EAWGMr+EEp8ElXO8+P7xuH3tEiDHVGx4/TC+e9VFtm1wdySGP/7PCdv2tcQn2Cq++yT7+9DSFbGUcf3CWhR7XXjmzsvxs5f34/1j7br96aQoX+GXHJeNS6VSbyRTivUZUz3VL8DYHznnszN6kQGgLyqSmgpRa3cUI0u9aAvIKPa5oagcCufY/u5R1Iwpx9LNjZg6qgT/8s0vwSeJpof3u8UzbNVNn759Ou5KOGnatu1LZ+Boa9BktD58/RQcPd2NmRdVQBQA8PiUO86BQCQGlXNHgZsLywvQ3BWB1y1gzV8+xQ+vvhgukUFgDGFZQXckBsYYLhjmhZBQimpqC6E1EMWr+0/h6uoRKPdLGOZzx5VJp43G6a6IKX/rG2oxotgDWeUIyyo+Ox3Ao68eREWRhB9fVw0GIKpwcK4iJKtYsXUPZo0rx7Irx+NMIL4galmBhB9t/8Byj15YcQXK/ZJFtSs5MPrp26ej0OtKa/3Fs1BIzQl1s7MhHQXK3u5XKkXQvqp4JZMq/Y5QGMfORCwfy1FlHgzzxRVB2wJhNCUFuq9tqEVViQelfm9K1VNZVvBZW9Ck6ltV5sOYRLzlibYgbrC5h9uXzMAFpQXoDIXxuU0eR5d5UOzzorU7DEVVEVXQo3oqAqIgoLzQC1lWbIPiJyaUY20Y8jmcvdXZL9pDuN5G6e65pTNxfoZElYisJ6vrrAapnhIGcsIuSF6zWhSAYESByoEHXt6vDxw8csMUuF2CSYAwWRRQVTk6w1E0tYUt7dGE4X40B6KIxuLqol2RGLxuAbdv2o2KQg9+9u1L0NwV7bEDygpQ6nfhWFvYpKIfn3LqRZPN9pElXpzoMLflv7zxMlQWe7Bgwzu2dowoMKjgCBpUT90uhtICEbIChKOqLrS3/0QHnmtswvevmmCyqdc11GJkiQetAdnWThAEZmsjJSvKV/glfHo60KvwYl/s0z4q1qdVXzPuKOYKfTG8zwQiOHCyCxvfOIL7vzEJ3RHFVHnXNtSi8chpvLj3pK5SqikWaTy3dCY8bsF03oPzJuOpN4/g5unx9cQ0h6srEsPdz+21dSpvSSxhsfG2aQCgX2fqqBIsu3I8LqooxOdn4gpNRudTU2LS/n1m8eX6S3VNdSV+fF01JJEhKMdfJIEx0wfkiQU1EBjgk1w4diZoKV9VaVyqX+Ec16/rMQC1HqtxFX6onMMtMpwJyOgMyTi/xIcz3VFEYgr8HhdKCyRc+dAuy/1/476v2Urm91V2WOMsl2PIiQbBid4+PE1tQXz/mbgAklF17PEFUzGytCB+v052mdTMNiysw8Tz4verpSuCH7+wz7I8xQPfmYyKIo/+/iSP1k08rwhl/njPlywr8Y+djSpqS1dEX4tTQ+tAqCjy4FRHCCc7wxbJ6vOKvRgxLO50pOMM95aH5s4wDrV0W8owvqIQlcVenO4K40SHtVG7YJgXw4u8Ka//RUfI9N5o+59bNhPnD/OlvMc2ZLXRfaojhMOnA5b7OW64X39mxDlHVtdZDXIUCQM5ZRfY2T4PzpuMh/50QB8J2750BmIqoKgqpIRd1R6O6U5mRFYQiXHcttG6nNrvFs/AyY6QaWaZpjx67+yJAGD55l9YVoBXPvoCV1WfD87jM/de2/8F/uGS823bTKdBl53LZjq2KTGVp73Uxi9vvAwPvPw3VBRJuHf2l9DaHdE7t71u0XYpj+1LZ6atGp/KnskwQ7I8xh8A5/lpnPN/HMjrDQWqyhGKKnCLAu65dhJUziyxSMu3NOJ3i2fg6urzcfOGt/Hw9VMsQ+Aq55BEZpIA1l7OH18Xn4NdWeRBUFbAYC8MYxSo0URitN/vH2vH0s2N2LZkBhZtes9yriaCo/2rqMCOZTPBAJwORPHAy/st0w/X1Nfgp3MvgaoCzV0RnOyM4IJhXuclLBLxiEYn8e5rJ5rSXD1/MgCg4Tfv6uvkaMe1BwOoKvWhotCjOy3BqBLvAVK5ZSqindRyOsth9Hc5hlwjlWNcIIm2i7n7EnXsdHfEoma2ePNufQ0/VVVtp66qajygOhRVsPGNI6a6v/GNI/j3b10C+FOvs5gqbkJWOb6b6AHVqCqNrwGqkUqsRlU5jrWHTKOekZiqj3pGFdU24F67RiCqYMtbR01TU7XpMMN7ub42NTUasw9KlxOCQqnuca4Rjqn4xR8PmOrEL/54AL+86bKhzhpBEEReYmf73LdzH1bOqcbSzY2oKPSgtTuqj6RdU12JH1x9sWnkcE19jaM4TDRmVRG9Z0c8/fOKvVhoWKtb2/f88pmoGVNuWjpqTX2NY5vptLRSb22Kk45BzGapjf+17QPdWfS6BZw3zKsPRBzvCNku5dEX8Zj+qrwPBgMdo5h3S2AYSTawdyybiTKHGEVZUXVHThNWMR4XjCooL/Rg1Uv7LQYtYwx3PbcXK+fE43OG+dy286PDck9Fag/JkGzmk2sBxcnnannS/v3sdAAXjyiE5BL1tV+SA4Eff+0gvnfVBMsoiSZtn3yNI4k0tX12Aj737NiHzXdM18tQVdoj9FNR6MHjC6YilFi8VLvmIzdMgcct6qNPQP+cvVx4UQeSVPfKSXXs+RWzAMBxnVCtPioOQeTbl84EAF2NLNnJ0fz55u6IrXS1NtqmBXcn1zctbqIvYjbJaYiJTLSHojjVGbasj1RS4EaZ35PyGi6B4c3Drdje2GRK/4dfnwAAjnEY7iQxG6f8pbrHuYZLYGjpjmDp5kZ9W1Vpj3gPQRAEMbCkUkD9wdU90y2BuLp88vILK7buwVO3T3dsr5zSVxwcPCchuG1LZthegznYn721KZpSv905dnk6f5gX986eaFr/fMMtdagskmw71b324R+2OOWfZZGE+UAvj/HX3v4G8lpDQbKB3RqIQu1F9UhTdbJbaqLU74bXzWzVmkLRmK6WtG7XIYws8SbEbHqOWz1/MjyGgOJ1uw6hskiyHDeqLO5YGbc9fP0U7Gw8hgfnTdb/1Zab0D4cTstu2L3AlcUey3XXL4wvYcEY8MSCuCKqXZpNbSHd0dQEaDSBoPePtaM7HLM4LT/avhehJPXU/jh7/V2OIddIOSKXYjQrlSIod2gAtGnuTmpkmh+XarQtlSqq5KD85TYofwkOqqWaX2LsnNCuf8+OfXq9k1wO10hMdfZJcTEaY/prE0HxAOB2CbbvtHa+x0EK3JPYn+oe5xq0PAZBEMTg0psCalWpD6PLC0ztjJMNxwDb9kwQ7O3jYFTByY6w7T6n9t+pjXhxT5OlLV89fzKKffZtcJFPwIbXD9um5dSuc8BiDyx+ejciMftO9b6QSkE9G8iI6iljbAKA/wBQDcCrbeecj8vE9QaLZAN73a5D+MX8L2NNfY1plG3jbXXoCMk4r9iLrXdejgde3o8X3z+OTYumwy0yiAIQUwBFjRvdq+dPhsAY2kMynnozPgWv1OfGL2+6DKLAEJEV2yH0J+qn4i93fxWcx4NxCySGkgIJv1s8Ix7/JzAUeAQUe914dskMiImgXUXl+LdvXQI5sbyHtuwFYwycc9OHwlheJ4XXznAMo8t8uuqpWxTg9wioKJLAOfCf+47j6dungzHY9px0h2P6FD1RYOC85zi3KNheM1k1P9UoU2/0RVUqH5BcIq6prrTEt2n3KuV+UcDmO6bBJYhQOIfIGGKqoiuCpnoWKue20zU0R9FpNE0bXUqliuoWma2iqNHpUAzLS2h5eOrNI/i3b12S2G+fR63eDS+QbNXOhhfE6wznQGmBS38n4iOBXF++IuIwLebxBVPj54Ph5b3HLaqqd37lorTuca4hKxx7PmvFM4lvl2CISyEIgiAGHjvbZ/3CWpT5JTxyQ3za/45lM9EaiGLdrkO2dmHV/8/el4dJUZ3rv6eqeu+efYZt2EVwRBAGcYBEUW+IC8pVFBM2BcMiMSbGuOQmRBPMva4/17BIVATRgGIeDSYuQVHjEmVAjCKLbM6wzcIsvXd11fn9UV01XV1V3T3MDMww530eH4daTi19Tn3nO9/3vW++CwTAlv3H8eK8Cq2u8LWt1ehXUGpkn581Bj1yHRDjsqmdtrL/okRR7LNj3fwKxJNs6rrKalQ1hLFqzlgIvEKWx3NAOEaR62yxwTaO4LvjQRwPCFhfWY2yXl6dfZZkGbJMTdnOZQvn1Uq3UGxF6inHcaZzkT9ePaL1P2gHoUPIbAgh/wJwD4BHAVwJYE7iWvekOacvgNUAegKQATxNKX2cEFIAYB2AAQAOAJhGKW0gSlz2cQCXAwgBuJFSujXR1g0Afpto+j5K6fOZ7jmbIuBafxRvbK/GxWW9IHDKZFCSKQSeA0+UOhuBIzjSFMEv1rUUw66acx6ioowFLyg532ah6gffVJw1ldBmzoSB2ra1PzkfM/6sZ2+aVFZiSANdNmM0DtT5Map/oXJfHIFEKaav/DeKvQ78z+XDdEXFy2aUQ06wjvbMccJt4yDKFHGZwi5wqA/EdLnoa24ai1nPGAuW1/7kfETEOHiO1xik7IIyKX93x1GUDyzCk5t2Y86EgfA6BB1z1GPXnwuBJzpWrdVzxyIalzFv9RaNbCf1mq8uGo8Sn7YGcaKENLrzuwvraTwuY+cxv4GhbFgPHwSBQzwu43BzGLEk6Qi7QNA7xwVB4BCNxrG7LmioITyzyAOHQ8jYfn0ggt3HjEQwZ/bwotDrRHM4goPHjYyk/ROMoJkQjESwv97IKDqw0AGPMzvW0/pgBEcbIzpGthKfHT3znCj0ONEYiqIpLEKU0MKaxitp4nluB2KxOHbXBg33cGaxB3a7gBp/BNcs/diyX2fqz5nesQlO+fpkuj7blGCBTf09+iUx1TJ0O3TqPquCkdkwJKHLzQvM5j6yTA32RZW2uPLcUoPdcdo4hGKSoSypb77CnB+ISAZSuHhcxq5jfp1k2yPXjUSh127aVp7bhqaQqJs/qjY7lXl0cIkHTeG4zp6oc+tbLh6Cp97dY2AxfeS6kYiKInrlewxs5jkOG6YuN9rr9QvGmZLZpM5PM73/tsxd24hTx3pKCKmklJYTQv5DKT0nse1DSun305zTC0AvSulWQogPQCWA/wZwI4DjlNL7CSF3A8inlN5FCLkcwM+gOIrnA3icUnp+wrHcAkW/kSbaKaeUNqS752wGWCwWx67aIJ7ctFtXYzWprAR3X3YWREmG1yGgLhDD0eaIJrT50HUjNUaoFbPKTR0flQTjm8NNkKHoM/bKdSo0vokV9ogow2EjkGRlcirJSl1fVJRQ7HMkCHI4cJyyz5Y4V6YKa2ky/bzKPjq42ANCCMS4DJ7XM5s+e+MYhKISvE4BNp6D284jnKhDIyAJJ5nAY+cQisloCouoaghjQ2UVbr3kTPTKcSAkygjH4nA7BHBEEWYFIQjHJOxPksz47RVligRA4kMFAHXBKMS4jPpgTPfRSGbYTMYJOHttQZczCCoysWw1hqL47njY8KHuV+BCntuRkbHzeDCKquMhA+to3wI3CjwOHGkK457XvjJELH8/ZTh65bpwuCGE5z/ej2vH9NNF024YPxC9TdhuU5ENo+mhhhCaw1HkuByaAVP/3SffjfpABEebTBzFXCcKvU7UNIVBOCAWp9r5doGAykBJrguHGkI41hRCj1y3tl/9d598NxpCERxpjGJ+UkTy6Vnl6JXnQL5bMTCRSBz14Zh2fqHLDqdTSQKp8Ufw9+2HcHFZL10E7vKRfawMVKeedGfzmzF0O3TqPquCOYoMSeiy84JkWLFq33vVcBS5bagNttilIrcddaEYfv+3rw3H/9/V5+BIs3HRdlgPH2oDUVNJpMeuPxe98hyQ5Za5b1yWABDTQMVf5legPhDVzTf65Dvx8Fu7cE7vXEwZXQo5kfnkc3JoDkvgk+y9+hxcwp4XeXg0hlvkMfJcHAJRirpATOfUPjptJEoLlIy46oZIi2OZ70Sxz4Ecpz2tPEYyO7+VlIaKbOe2skzREI4iHJMhyYo/UNwO8hgdknoKIEII4QDsIYTcAuAQgJJ0J1BKjwA4kvjbTwj5BkAfAFMATEwc9jyAzQDuSmxfTRVP91NCSF7C2ZwI4B1K6XEAIIS8A+BSAC+19aFqgzHc/IKe6GVU3zzcMH4g7v/HN7hh/EDc9PwW3QqFw8ahMdTCTlric5iGqg81hHH7y9uxbGY5Nn5RjRUfHtA6o88loCEoYvPOY7hiZB889e4eAxmIVVTSZeex9L1v8evLz9I5ianso+o5N4wfiFp/DNuqGjF31RasnjtWezZFKLUv6gIxXTRo+cxy/C3pnh+YOgJ/+6IaV4zsY4h4lvgcKE6If3ocAp6aPsqy46uRFZedx7r5FZCoIjRe4DIfgBxHTpil9CQ7macUmWoUg0lyL+o+tZg8z525hjAck0xZR9fNrwA8Sn2dGZmNmpcpyhQrPjyAFR8e0F1jesWArJ7PigVNTloU8zk5HA9xmnOi1S84lQ9qXKJojsQNZDZFXqUNp51YRj0BwOficDxkM7bvSqTnckqd4pIpwzUDYxM4JEoYEYnEsafeGLUdUuhJOIvUlBkuDel0p4bVb9ZVay4ZGBgYOhuydziMrNrLZoyGwBF81xjGjc99rgVJfnbJmShw23DT9wbh9pe36+a/kkwN5DcLX6jEywvGQZTN0zYLPHYcbojost8euW4keuc5LW1EKCYZbPWvLx+GQFTW2chlM8vhc3B49+salA8sMtjnfgUO7Ks32vVBhQ40RYjBXjeFRPhT5gmPThuJAo/dNEp4RpHHVP94WA+f5dw124ijqk99rDlimJ+nyTTKCu1KZpOEXwBwA7gVQDmAmQBmZ3syIWQAgFEA/g2gR8KJVJ1J1eHsA6Aq6bTqxDar7WbXmU8I2UII2VJbW5vxvtQJcnJBr8rQObW8r4Gg4/aXt6MhKGqkNgDgdQimxbKiJGPx5DJERQmzxw/Emz//HhZPLsPKD/ch12VHsc+JH1cMQH0ghtnjBpiyhy6cOBjFXgdicRl3XXYWin1OlPgcWDJlOBw8h1cWjsOKWeW489KhpmQicyYMRCwu49Hrz8ULN41FsdeBsCjhjh8Og0PgMGPcQDSGjOQyC1+oxLVj+gGAdv3pFQPgcwp48sfnYt38CiyeXIYn392DHUf82HXMrxzrU6I3xT6HJsRe64/iUEMItf6oJoFR4FGO61fgRpHHgT21AVy99CNMeOA9XL30I+w65tcxWrYW6kBszzY7Aq3tr1bIRN6TyRFUawhSz1drCK3YzNT6vkxkNgJHcO/kYfjgzouw+Y6J+ODOi3Dv5GFZM2Cq5Eip98clsYj5IzKe3LQbiyeXtfTPTbvhjyi1BaIF86uYuEl/RDZlZlXP94ct9oeV/Y1hGR/trsHgEi965DoxuMSLj3bXoDGxvz4cM72/+nBMub+4OTOcGO+afZYjBJPKSrBiVjnWza/AilnlmFRW0qmY3xi6B9rrO8vAcDKQbX9VHYmvDjWhuiGMrw414UB90HSeY8aqffParfj6cDOawiLW/uR8vHv7hfjt5LOx8YtqEEBzEtXjb395O0STuUSx1wEpESk0s9M2njNIatz+8va0dl2V21Jt5XMf7Yed57Hxi2o8d+N5ePf2C/Hcjedh4xfVsPE8Li7rZbovYGHXG8MyHn5rF2KJ2sOYJGPpe9/C67AZ7vW29dsREWVTZvmaQBRPpNj1JzbtRk0gavm7WbHU1wdjhuMO1ocM7yJT+9mgoyKKAyilnwMIQKlPBCHkOiiOX1oQQrwANgD4BaW0Oc1EwWwHTbPduJHSpwE8DSgh+0z3pk6Qkwt6U/UIk1HdoOQ5P/GPPXhg6gjcteFLRERJ+zs18nj3q//RRVi2HqjH/1xehogooep4SEvT/M0VZabXGlTswb1XnY2fvqjPu3baOC3Co64MFXv1kc1irwNeh4A7Xmk5d9Wc8xCNy5iz6nPd6krqudUNYdgFDn9dNB65Lhvu/8c3WvpqaqQzxylg3uoteHXReBAQbWUr32XLSgexIzQPu4qOYmv7qxUykffYTGRW1A84AOS4eCybWW5YdctxKY6m04JoxZlY0ZJkC6KYhMHKdXEYM7BItxK4fGY5cl3ZrWvZeIJlM0braxlSGDStJDrUz00mVtFMzrSVs6xGNZ02DuUpz7hsZjmciZBipvuLW7zDeCdb3Mi2zzptHH52yZmGPqW+DwaGk4X2+s4yMJwMZNtfM0k+pbRpOZ/9+V++wKo5YzXh+alj+po6hNUNii5x8lxgVN88TWai2OswEMc8MHUEAKWtUX3zNP3sxrCosZ6mlsTYeIJFF52BhqAIQCHb++WkM2HjCa4Y2Uc3f1WPtwGYnLJvWRqtRkJgGjHlOXON83Q6zan3uuiiM0DSZAJly+gfi0so8trN5w1tzDTqKCv86yy36UAIsUFxEtdSSl9NbD6WSClV6xhrEturAfRNOr0UwOE029uMEq8Dy2aWa5ISyU6j+v9klOYrNMDbqhrx8FsKw6HXKWgMR5t/NRFLpgyHTKlG5gK0RFiuH9sfM5/5Ny56+H0sfu0r3HNVGW763iDsqw2aXstl4zUnUW3n9pe343hQNKwM3XrJEN35qXo51Q1hVB0Pa6yO2rkvVBrOVRmprl76MWY/+xluGD8Qo/rm6SKd6jM5bXyik8u6la3aQCSrVZOO0DzsbjqKyayhH911Ef66aILOIXfZFEdL7WPqR9RlU/b7IzIq99fhxXkVeP+OiXhxXgUq99dp0TSeN6fK5hOEnE4bjzsvHYolG3fg+qc/xZKNO3DnpUM17aHmsGyartIcbmESM4s+q4hLFE++u0cfjXt3D+JJVLlWUU0105HnzGmyeS4hb2ERVVV1EPkMUc2IaL5yGYnJWd2fU+DM32Eb0ktOJTK9DwYGBgaGE0cmyadkpJPNqG4IozEUw/VPf4rFr32F+kDMMsuIS7D6q/tuvWSIdg/bqhrx4Ju7sGTKcLx/x0SsmjMWOU4BgJJd8qsf6u2bKFE835FLewAAIABJREFUlWLXn3p3D0SJIpxIPb3+6U/x0mcHEYtTRK2ybiQKUaKG+e7Na7daPgel5hFTK3k8KwkxgSO6e1382lcIxyRdtlO2v0Uqw7ld4OGyC2mztU4U7TqrIIRcRgh5EkAfQsgTSf+tAhDPcC4B8AyAbyil/y9p1+sAbkj8fQOA15K2zyYKKgA0JVJT3wIwiRCSTwjJBzApsa3NsNl4DCvx4p4rz8agIjfWza/AiNIcrEhxHgFoucq985wozXdhW1Ujlmzcgbgk46bvDcKSjTuw9L1vUei1W0pAHA/GdD94Q1DE7S9vxxOb9mjahOq1Hpg6AvWBmGk7bjtv2Na/0K07P1UvBwDcdt60vX4p56raj+r+uzYozqH6b1W8tbohjEA0jkllJTgejOkGS10gptUuJl8rFpd0DoHLbj5obAJn6ThkQnfTUQSg1XMmp/6qaI5IWPPJQV1axppPDsIfSegsSjLu3bgTFzz4Hi58aDMuePA93LtxJ+KJtIxgtEXORf2gP/jmLgSjyvlxi7RONRpmtTqppn1mShWOyxRv76jBgjWVuP7pT7FgTSXe3lGji7ZJaVb8AEXbyNTZTbwmgTfXQRT4loigmTZSckSwLRFJiZq/Q6mL1vRleh8MDAwMDCcO65IQ4zc232XD8hQNQlXbuzTfpS3gq3ZHSHEIVXto4whynAKWTBmOdfMr0LdAP8/cVtWIOas+x/FgDHtrAwjFJPAccPdlZxkcHiu7LqXMJ1S977iFdEU8wexvts/GE1PtRct3J1NLPWYzbUeOI2lLWsyQSTc6+TiBJ6b32Va0d+rpYSiMo1dBYRtV4QdwW4ZzJwCYBeA/hJAvEtv+B8D9ANYTQm4C8B2A6xL7/g6F8fRbKPIYcwCAUnqcELIEwOeJ4/6gEtu0B2w2XsfCV+OP4PFNu/G7K89GQzCG5248D4FoHDX+KP737zvxhylna+lhJT4HjjZH8NxH+7Fm7ljU+KOglKJXrtM0VS81mqY6btUNYXAEurSzh9/ahYUTB5u2E0pZMSrNd+FwYxiLJ5ehxKeknJpp1ygMTsb2av1Rg+bL1PKWIG6yc6iuQml/h0T85ooyndyHupqzZMpwzFn1ue5akkw1hk51gKyeOxazn/1Mty0QiRu2ZUsvrH4UUwuM8xPP0N3AcwQf76vH+spqbVtpvgu3/pcSSbZKTVWdJI4Q1AaiWLCmUrdfXTXLpD3Em/RFdZUOyJwqzFmcn9wXMh0TsdA5fOxHirZU2ELbVN0vZ9BpzKQVqUYkDfenvUMLxypVYLSLINP7YGBgYGA4cTht5iUhBETjg1BxPBzDE5t24/5rzkGvPBe+qw9petsPTB2Bh9/apR1b3RBGNC7Dbed1ZC9uOw9CCIp9TuS67Ql9Q/PvfI1fmS+U5isspv5I3GDfrGwEz+mdI7UMLJ6S9qoeL3BEiwSm7hMlqmVLqXqQqp6v1bWt7PzDbynR0r4FLuytDWrzA9MF4DSOYibd6OTj3PaO0VduV0eRUrodwHZCyFpKadoIosm5/4I1VeslJsdTAD+1aOtZAM+25voninynDff993CIEjX8cMU+Ow43RbBgTSUWfH8AZo4biJ45TiyefDaaw6IWyv7ronGGXO0/TR+NP723R2trVN88FHodmvhpIBo3yGxsqKzCn6aPNq1RVDuPmqf91Lt78PaOGu3cBd8fYHCW8j02PHLdSF1e9qPTRiLHZcOvkrapdYgqklNx1X3qykwgIlqu5gwocuvuc/nMctz3Rsszqg7BqzeP1w0angOueuojw3HZ1hg2hEWtwFgd7E9s2o0/Xj2iU9UotifSsZ/ZE9GyVJ1De8IRLPE6TB3rkkRE2JZYXUw9X03LzOQUZLp+LC6Z1uepqcI2juDp2eU41hTVjFaPXId2/WzvsdinX7Er9tm1exQ4c2c4+RnmfX+Qjrnt0WkjtWdwCJxpvYUjkTrqspvvd9lbzjc3CF0z9dTr5EzrXr3Orvk8DAwMDJ0JRR4HVswq18qJ1Pnhko1fG+Y6EVHC2ztq8PaOGq1W8O7LhqF3ngtLNn6NbVWN2rGl+S5L0jG7QBCLU03U3mnjsHLWGMxboyz0qtJyTWERz914HvI9NnAE8DkFg31zCJzpvCPVFqpzz5Uf7DPlKnAIHKoaQqb2X+Bgyh3gspvPSRwChzkTBhq284n5gV3gcMfLX2JbVaNmn83stlp2Y4VsGf2LPI60/BMninbVUSSErKeUTiOE/AcmBDKU0hHtdrF2Rjr9mVgsjtpgDDaegCME0XiLxorTxuFIk8JklFpEunxmOYSEpqEMGCZBuS4B01f+G8VeB+7777NR448hz22Dz2mD18GhPiBiwQuVKPY6cOelQ3Wd0YykZumM0Xhj+yGMHlCInjlOFHrtiIoS7AKHQ40REEATIz3W1EI/PKmsBD+7eAiefHcPppb3RaHHjgKPHcs370VjOKYN5MaQiNICFz7aXYMJQ0rAcwQOgUNYlDS6ZPU+CIBgTEK/AhfqgyLq/FH0yXfizx/sx7Tz+uIX674wDJalM0bjSFMEJT4Hcl02hEUJVzzxL8PvsflXE9GvwK05NocaQpjwwHuG4z6666KsNNhO8PxOrZeUzhFU2c8O1oc0R6p/oRsDCj2azs+B40GdgG3fAhcGFHg0imVVCyguyRASWkDqvuPBKI40hg0ahL3yXCjwODJKP0SjcRwLRhGLU03M3i4Q9PA44HAIqA9GsK8maHDCBpV4UOhxwh+J4GC9Ubupf6EDPqeiMdgcjuCYXzQI6/bw2ZDjciIYiVjSZHucTtT6IzjSFDE4cr1ynSj2Kecfbja23zvHBo9T2V8XkiAmPaNNIChy8/A4nYhE4qgJGd9BidsBp1PA8WAER5qiOqO/YlY5euU6UODpejqKwUgEQZHqJhV2gcBjI/A4sxMuZjjt0Kn7rAqmo8iQhE49LzjWFMYX1U26BdZtVY2Guc7hhhCmmeja3n/NOcj32FHTHNXNDQo8SvZVONYyN3Y7OBxpjOKxf+7W5pXFPgfsAsHOIwEUee1w2jgkaxD2LXDB4+DBE4KjzVGdfX3z5+NxtFk0zEt65diwP8neq5IdT27ajV9OOhMCx+ts7JGGEJ796ADuvHSYoa0clw1RUUI0xe4WunlTe85DhgTOsL3Ia4M/LOG+JF3y1XPHwsYTNIREvWzczHIMK/HClsFZzBatlHrLqr+2t6PYi1J6hBDS32w/pfRgu12snWE1wGKxOHbVBrHxi2pMr+iPpnBc9yMvn1mOJzYpAyE1wlea78LiyWUYXOzFjc8ZhULXza9AY0hEIBqH1yEg121TROw5AnvCARMl5d/JqZoAMKmsBL+78mzEZUVIVOAJREkGTwjqAjEcbY5g64F6TXcxeaB6nTz21YRQ5LWD5wh4jpiKXa+ZOxaHGsNwCDxKchwQJQqXnaDOL+qils/eOAY1zVH0zHWi6ngYT2zao604qe9ATSt4cV4F6gMRxCVqmOi77QKqG8MYXOxBXSCGXrlO1PqjqA/GsHzzXgBKMfTgEg/4xApWckSx2OvQWLJCMQkj++Ya2LzMkEmA3gKd1iBkcgSPB6PYddRvWAUb2tOnvS9RlBRHMNEfS7wO3YfMTDRWdRRjsTgONoYNH8/+eS7Y7QKONIZxz+tfGcR5f3/VcPTKc6HWH0FtIGqICBZ7HSj2OXGkKYzrlhuFel9eOA69EmL3mcTbjzSGseVAHUb1L9Qck20H6zFmQBF65blwpDFsKgb88oJx6JXnwrGmMBrDMfBJRkiSJeS57OiRuAczAeJ7rjwbffLdONQQMgj+qv/uk+9GjT+CnYcbMbgkR9u/t6YZw3rnafqix/xhxCVoosQCD/TwuayMQqeedB9qCGH1x/tx7Zh+4DkCSaZ4Zct3mD1+YFaLPQynJTp1n1XBHEWGJHTaeQHQMtdJN1eSZYp9dQHU+qOG4MRn++px0Vk9dIuwivC8E4GorLP5Q3t6ce/rXxsCKEtnjMY9r32N3115luk8UOUwWDXnPDhtPOIyhZ0noBSWNtXj4BCMtjipOS4OzWEZR5oi2vxRjeqtm1+BUEzCK1u+w+gBhbq27rz0LNO5+ssLx4HnoC1kChyBw8YhKsp45+sjuLisly5VddLw3uiZ49QcNpedR0SUseuoHy99dtDwDPdeNRw2nrN07rLXv2y1HnhW/bW9U09VvcODhJCeAMZCiSx+Tik92p7XOlmoDcZw8wuVeO7G8yBKMLAoLXyhUkuBM0unzHMpoXSzfTFJhtcpIN9jQ60/hh89rRfPJgDqAjGcUeLRnT+qbx5uGD9Qd/xD146Ay87DxnOY8qePdNf6zRVlmsP19Ad78fP/OhM9cx1ojsQRl6hlzViNP4qZz3wGAHj39gtx43OfYe1Pzjcwq85dtQX3X3MO6gMxXY1h8jtQ/45LMnJcdvxq/XZd6uDLW6oxe/wAzdlOTlutDUTx1PRREOMyVn64z/DhWTl7DF6adz6qG8K6D9vK2WOQ58o4UDLKRXQ1ZKLBtmI/Wze/AvAoH5tv64KWUiXxuIxdNX5DNGtoiSLqWhuMYU4iwqxCc9TsAmKSrKW1JOO3Vyg1irJM0RQSDfdf6FZ+j1jcosYxrpyfjXRETJLxs798aXh3798xUdufro5SohRhUUZDsMWZzffYkONUrpGNvMVlT3xsef2oKGH2c5WG/R/eeZH2d2MobviNevgMp3QJ2HhiSleeLGnCwMDAwHDiKPTYsXruWIMo+4qZ5QCAPJcd9cEYbnzuc50NDcUkyJTishG9dY5UdYOiG/jKwnGo84d1NnvZjNG6tEz1+EVrt2Lx5DIU+5zaHDa5rRd/oszlbnzuc12QYf2CClOJCkKAb44EtOuoEcXkbCC1rnJbVSPiMkUgGseKDw8AHx7QvZ+7LzvL0u43BiUtZbY034WVs8bA4+Bx78aduHfjTt05F5/VU0sXVcn3gtE43HbedO7zmytkTEssTKfOt9TzM0nHZXvciaBDCkAIIT8B8BmAawBcC+BTQsjcjrhWR0OddNoFDhxR9AaTRaGLvQ4UeuyW8hiNYVHTkkndp0KmMDhfi9ZuxeEmZbLfEBIxqaxEO37hxMEGRqg7XvkSDUFRq4FSMXFYD+yrDWpsjrX+GBasqcS3NUFUN4Tx0xe3oj4Ys7x39W+VJbLWHzUdSD1znWnfQXI739WHtPoulb3qsnN6GSQRkqU1GoIiblu/HVPL+xqefd7qLeA5zvBBMpPXMEMmuYiuhkw02NbsZ8rfmQRe64JRg2zKgjWVqAsqoq7qmEkdJ6qjZkUdrb7vTGL3mc53ChzuvapMGwt2Xvl3snQEzxEs+P4AvHPbBXj39gvxzm0XYMH3B2iEOZmuQSmw9L1vDQK8qi+aSd7CioZbrXG0FhfO7jfqarCiKxe7KDkPAwMDQ2cDxxF4nYJBlP3xTbuxvaoJB+qDiMUlPHLdSCycOBjLN+/F9U9/ijmrPkfvPBdsFqyacZka2nzy3T3omes0nQvkuWyWzOMUSjBk8eQyDO3pwzu3XYDxgwoBC4kKUBhYT1OlllQmftXGeh2CqX21lLsgRHMS1TbnrdliOU/gOaKx76u2uj4Y0wgiU49PJqdLteXZ2vqOnBO0N+upijsAjKKU1gMAIaQQwMc4SQQz7QlXQvNtX20QZ5R4DLWCD107Ar1ynXj6g71YMatcl7tdkuPA8x8dwIDvDzAlanAIBALHISyaRy/UKOWitVux9ifnY8cRP6obwij02E2PV6+rYlTfPHgdAu54pSVNVF1Zcdt5uKGwqC7fvBdPTR+FhqCotVHgseHe13dgUlkJfnNFGZojcayYVQ5Rkk2LcXmOYPnmvaYFvyqZzdIZo7Hyg33YUxMwFBmbyXMkRyNVxleryK0VFXK2WojZFgt3BWRyBJ2COTOW6khl0pW0irapTpOq8ZfaD9T27RyHP00fheMp/c2e0CjMJF3hsZsTn3g0sXqCUEKrKPn6yQX3HgeHyeeW6iNYM8vhcShtCBzBo9NGGtJiNEeOA359+TAIHA+JUvTOc+HMy4ch8QgZ5S0cAmdZaK+2/+cbynX1FXFZ0to/3bQ/M/3mDAwMDAxtB5WpabZLic9uiDSq88XaQBSSTC1J1DiLDBqruQBHiDW7OSH41Q+H6tpaMbM8rYRScvZQic9hetzQnj6snXc+nDYOjWHRQNT40LUjYBcInvjRKNz6lxbuj8euPxfEIiuQIzC146FYHNc//SlWzh6DHKegzbPvuarMMEdePrMcT7+/19C2Nt/K0tZ35JygoxzFaiiSGCr8AKo66Fodirgk445XvkSx14Gnpo8yjXSsmFmO+6eeg8ONUd3kdPnMctx80SAcqAvj0721eO7G83T1Nxed1RNuO4/6QMx0wKiRuOqGMAiAFTPL4bLzltS+oZiEnklSG7deMsSwSn/Xhi+xZMpw9Mx1gucIXlk4DqIkIy5R3b2vmFWOFbNGo8Yf0+oj1cnyMzeMwU3Pt4S3l84YDY9DwKPXnwtKKf4yX6EWphSwCRwe+9G5iMsUKzbvxfrKapTmuxARZd3grvVH074DdSVGjVqmHidYSDaczlqIVrCiwXbaEk4Qb874KfD6aJbRGCQYPy32C4n9UsoKnzpO1i8Yp5wvKIL2qWNFSHyNbBYGRGUkDcVkbPyi2jCeZo8fiHyP4siaXf8v8yu09kJRc4H3dfMrkO9WUiHz3DYd3Xee26alQjoEDnUBETe/oHc0cxMLGwJn3h95riWqWeSz46V5FZCoWmfc8hvaeQ4Cx6HqeEhXbK9FSS2c/a7a35k8BgMDA0PHQ7LIdnlxXgXueGWL6XzRLnC4/x/f4A9ThpvOHawyaNbNrzC1xS8vHAcesJyHpLa1IGGbrYIUySVLq+eONT1uf20QRV47PDYeeS4bXt9WjdVzx4LnFJLKhlAMXgePqKiX+ch1mcvHlea7QEHAEWjHc4Qgx2XTnNdH39mFe68ajtJ8RUv996/vwJ2XDsWam8aCgOBocyThuOqjfsm2PFtb35Fzgo5yFA8B+Dch5DUoNYpTAHxGCPklAFBK/18HXbfdoYp/K565eSTFYVMKaVNTJxe+UImX5lXAbeex4sMDSk50Eq47r5+WC/7A1BGG1RhVq6Y036WJot7/j29Q64+ZroYUeu3407vfag5Yodd8ZWVAkQcRMY6bnlfu97kbzzMM5gVrKvGX+RWGZ7pt/XY8dv25KSs4dhxriuhWVZJzwkvzXVgyZTjWV1ZjUlkJfn35WSAgCETjuP8fO1EbiGL13LFYPXesjoBFjWqW5rdIdTzzr32Gd7Vy9hiUeDuGFrgrwooiuShRrB6OmWsAPjV9FOABOGL+AVfn7JyFtISalinJ5uNEjQ6FYuZj5S/zK1DgURYXzFbpbEKLmP0FQ3voooHJ9X9W0alkraJMAu+xOMWcVVsMH92XE85uOGbtaMID8BbvkNfeIVDbFDOwppbmOxPPoBAPpEZFc5yKI5rnFEyjqnnOjvqkdywy9SkGBgYGhraDWmUcSbJpbX/fApcm8fA/V1jrC1vZfLPtYlwGb+NMtRcBmN6HkMZGJNvh+//xjUFGIzkyum5+BTgOmHxuqU57e9nMckREc7u/fn6FpT1f8IJiw0f1zcOvfjhUF1h5YOoI2Hmizce2VTXijle+NMyPX0zKGEydu2bLodGRXBsdNavYm/hPxWuJ/3c5qoXklQQrAc+9tUEM7ekzn5xSahkFU4VCqxvCePitXVgzdywawyJyXTbc/49vtE60bMZoNIdFHA+KuPPSYdhbG8SGymrcf8056JnrhEPgUd0QQlSUsb6yWhNKXzGr3PS6x5oj4AlJcijNU1mtJtOSTDX9uNJ8RSDVLHKpFiJXN4TRr8CNv90yARTArGeSBueM0eiR40SB2449tQFDVPOp6aOw+1gAv399B4p9dvz2ijI4BA7rF4wDpVTH7JSNKGl3QKZ3YRd4Uw1AdeUpKpkbg8d/PErZbyFG/3hCbN5hEdF02FpSS80Mgaw5khLWfHJQFzFc+cE+3HLxGQCs6//WJSKGVhHJ5OhUpghWpvTaTIQ5EYt39FjiHYVjsoEYa9HarZqjmSkqWhuMmUZVCycMQu88fQ1EV0CmPsXAwMDA0HZYRZ54npimidb6o9pclCN6/eBRffNw6yVDLO2pVXopxxGERRn3vr4DCycOhhs8YpLy78d+dK7pfVjZiMdSbMTbO2pw+6Sh+Mu8ChxqDKMxLGpOGaDY7n3Hgnjps4O6tp7ctBu/uaLM3LGVaUYH2Yw75K4NSiaVOh8Lx+L45qhfdz/VDWHwHLGcr2U7t+3IOXCHOIqU0t93RLunAoUuu7Zyv/KDfQYR7AemjsDzH+/H76482zJdb/nmvYYomCrWqZ6zraoRu2sCWLJxh0ZdfNP3BiUia4ojl+xEJa+QLJ5chiUbd2DJlOG6e99QWWW6svJqZTVmjeuvheufu/E8y1xxqxRX9e+Hrh1huWqk1heW5rvgsvNw2DgDy9XNiclxQ1g0FOIuWFOJVxeNx/A+uXhq+qiMHf90qjNsK9K9i0wrT06buSOppq7aec50vy2RFpkpoum286aGwJVYTXQIHD7eV68teKjt/3LSmQAUOQjzRZnEPwgMEXeVHU2F02YuaK8+o2X9RBJhTro6TIEjpu9IdUQzRTQz1+xR86iqUb62S8DqffHdcKGHgYGBoaNgZv9XzCyHjTcSAt7xype4/5pzNPvy7o4j2nw4Wd97/KBCgz1dNrMcTguhetUOWn3zrRZJzY7niN5GqHORmCTryG/UfQJH0CvXYVpTmc7uW9lz9Xgr/gxKqTYfq/XDVEbPLvBp567Zzm07ag7crjqKWqOEFAO4E8DZADS1ZErpxe1+sXZCOv2ZSCSO+nAMkkzhtvOIxmVNe40jQEyi+LLqOAYU5xhSwbwODrOeUdJLb71kCAYUucERgsONYWzeeQxXjOyjDS4zWt8/TR8Nmcr42UtGgXo1d/z5j/dj3vcHIddtw9xVW3QDsl+BG7uPBeC281rU49ZLhmhOJ6CsCqVOepfOGI1inx31AdEgXJ7jEhCXqEawEYnJuOWlbYb7W/uT8xUdSJ7AwXOgoBh/v1HY/v07JirphA9uNuz76K6LYBf4zhgl7NR6SZmQTm8nE82yKEo44o8YxOB7+Zya1mK69o82hXGtiQ7iKwvHoWeuCzXNERxtNorZ98xxoiTHiRp/BNcs/dhw/quLxqPE58yo0wgAdf4IZBgF3jkQFPmcONYUxr66oMHADSryoEeuC4cbQ5i2wqjVuH5BBXrnuVHnj+BISjr2shmj0SvXiSKfM6POopXg8fr5Feid0GFspe7gKR806fpsTXMEB+uDBvKg/oUelOQ4Tc9hOO3RqfusCqajyJCELjEvSLbPLruiVRiOSbjwoc2GY9+/YyIEjoAkbL0/ofdLAd3C/7TyUsy/cDBsPIHAEXgcHCQZOB4yCtXvPNyI8wYWYb+Jje2T7zKdC/771xdb2uSpyz/Rbeud74LXxuNwc1Q/J0/Y4LAo48crjfb11YXjsNfkGoOLPDjqj+rmJCtnj0Gx145DjWEcD4roW+Ay1RFP1uPuSAmLE8TJ11FMwloA6wBMBrAQwA0AajvoWh0Op1NAn5Tan3hcxjF/BNet+BTFXgcevHYEHDYO6+ZXIJ6YeP7z6yN4bftRLJkyHAOKPDjUEMIv123XOhEAzBw3AOvmV0CUqbLykCiMzXPbtBTUm743yHSlYmCRB/6IiKnlffG/f9+JJ6efq8v3zvfYcDwYg9PG6aIrA4r0DKPbqhrx4Ju78MJN56MhFEOBx44/vrEDb++owaSyEqyZOxYgwKGGMAgopq/8t27g8Sa544//6Fw0hGK45cVtOqd3UlmJTkOmNN+FnUf96OFzmK7kyBS4eulHnWVQnTZIt/KUKYWBEILmcNywgNA7h2TVvlWtbyyhgxgWJdzz2te6NI97XvtaS0PMFLHkCHDzxDPws5da+t6TPx6F5C7Dc8CRxphhYac0L/FBB0W+x4ZVc8bqWEflRMQumc46+RniEtXaz3Hrz7cJBKp6jdPOGRaF1BVYdX9qNsDypP12gcMVKbqDS5NYU7sa4rIMt0PQ16s4BMRl+VTfGgMDA8NphVSNv3mrt2Dx5DLTORgBcH2SZvfK2WPQK9eFI01h3bFq2dO6+RW4/eXtmrayTSBw2xRnVHUg8waXIM8pIOCL6775xT6HJRGcRClcKTWNLrvCOq7Ou1VSGjEuQ3DyyHEJBhts44FgzCJjBxTFPofhnjiOoF+BogUtUSUjqcjjwNHmMMQUIshk/e/UGsGuWiLVUY5iIaX0GULIzyml7wN4nxDyfgdd65RAEDj08Dm1ydydr3yJOy8dqkUJn3p3D2aPG4BHpvVQVmEiIu5+9T+mqan1wRgopfA4bKgPxRCTZPzhbzsAALdeMgS981ymA2fXMb+uVrDOH8MZJV7IlGJfbRB1/hjufvU/BuFUAiNram0gil3H/LDznDbBBpR87x1H/HjuxvMgSlQr3AWUgVUXiGHxa18ZrlHkdWhFveqxP31xK1bPHasr2lVTaB/70bmmKQpHmyK6Nuat3qJboWHoGKRz9GoCUVMymvULxmVVH5cprdNmkdoq8Kp0ROaPrZ0nuo+9PUW4PZSGjCbfA3Ag8IfjuG19i6P26LSRyHcpH/1MdZChmIwXPzmAa8f0AwgBpRQvfnJQY2aNZCDDiYgUfzOpQbxhwiAAirNtWePYBUEp8Pg/d2NqeV+tXuXxf+7GPVeefapvjYGBgeG0RLL2nlmJ1MrZY9A712Vqa61qHRvDolY6pM7VzJJCav1RPPjmTt03/8E3d2JJGmbVpe99qzt+6Xvf4p4rz4aNJ0qmHyjy3Xa88Ml+zB4/EDNW/ttwf+vmV1izmMoKGV/fArfmXEqyBEmmKPI5kWdI1iF91p5sAAAgAElEQVT4xbovdHZYTZN1pKkl7Grz145yFMXE/48QQq4AcBhAaQdd65RBEDgM6+HD+gXjEJdkOG08+he4EYzFsXjy2SBECc0Xex2m+inLZpaDUooSnwP764L4aVL0TXWg5qz6HH+7ZYJhAC+fWY4nNu0G0FIrqASRKf707re4enQf2HgO1Q1hbdCqMGtPrbX89eVnma60CDyHQcUewz5V3zD1Gu/efqFpO01hEYsnl2FYTx92JhX1ShbFwndfNszQRlfVijtdIFoQvcSl7KI/HAfT/qcqRxR77KaMnsUpK3NWH1tBIBpDqgqbwEEQWj7YmWoE4zLV0iDVfbet397iiGWog+Q4c2ZW9RnTEUUBCjOdGVPy7PEDszq/q8HGE/zs4iFGplu+c6+0MjAwMHRVJGvvbatqxMNvKXOws3r64LILmqNjZmvNah2T2fozzdVicQlv76jRZZgBwG9SmFVFSYbLzsPGE9xy8RBTXoHdxwIG/Ucr7cO4TNEn12XI2Fk6YzS+Ox5Eoc+pk6UqLXAhP8G3kQor/W6Z0i7nDKZDRzmK9xFCcgHcDuBJADkAftFB1zqlEAROF0Wp9UcxJxGmXze/QnOiNP2UuWPBcQQypQhFJXx9xI+ze+cYindV1tAlG3egLhDDE5v26CJ2oiRhanlf3PS9QSjxOfDL9ds16t8ZFf3RM8dhydJ6uCmC5Zv3YsmU4Rhc7EkIkVPc8cNhaAqZM7TuTkQbU/ep+oaGNAGLa9f4o1iycQfWLxinK+qVZGoaRVKJc5K3dVWtuNMFNgvNSjXilwmyDDz/8X7dosDzH+/XokeNkbgpo2fPC85AsS3zbx+ISPjzB/sx74JBOtbUn158Bgo9yjGZWE8zOWIyBZ751z7dMzzzr334XeIZZDk9M2s6ljggsyZSW3+DzgZRoti4/ZCpNiYDAwMDQ/sj1c5sq2rEko07ssraSs7sCYsS9tYEdGyemeZqVjbOLKNoUlkJfnfl2XjDwkaYzZ+tdBcFjhiCPALPwW3nEIza4XPxulTZYo8ddru5q2SZHUVOrwXOjppVXAeFKOcrSulFAH4A4OoOulanQqHHjhUzy7UQfGm+4kRuq2rEj1f+G7Oe/Qw7j/px0cPvw2nnsaGyypLhsNBjx7IZo9G3wKUNnNtf3g67wOEPf/tG+/fumgC2VTVqETueI1j4wlaEYvGENptyD2rkcfnmvagNRFHscyAal/DjlZ/i+w9uxpxVn8PrFLBy1hjdOQ9MVc55YtMe7dnUff0L3Vg5W3/8spnleGXLd3hg6ghDOxsqq7BiVjmK3Da8NK8C//zlhXjv9gtBCJQaseR2Es+evK27aiN2JpR4HVie8lstn1mOEm92K2guO485EwZiycYduP7pT7Fk4w7MmTBQYz2NxSV8dqAR++qCqPVHsa8uiM8ONGYdSbbxCmvqDx79ABc/8j5+8OgH+HhfvcbKCig1gIb+llQDqDpyyUh25Fx2zuIZlPMzOZo+l/n1fS7lfHW11qrvt/U36GxIjsBe/Mj7mLPqc1wwtIcWgWVgYGBgaF9ksjOZoEYbS/Nc6JnrRG0gmnU7VtdWNbGTt8+ZMBAOgcPEYXobMXFYD2uGcEoN899kZnM1yNOv0IPeeS7kuR3ok+9GjlP5f/9CD/rkuy2dRECZyzx0rX6em8zgfrqgo1hPt1FKR2Xa1pnQVhbJZBwPRrG9qglFXjtkCvz0RaMQvRr9U9/+j0wYDtfNr4DTxkGSKL4+4tcR3Ly9o0bXnqpz89yN5yEQFfGzl77A4sll2HqgXmNGBIBANI5clw2iRPH0+3uR7xYwc9xAyJTCxnMo8SqFu0ebIzjcGEZ9MIblm/dq7b9+ywRIMnT56gA0Bi1Jplj76QGMHlCI0nwXcpNC9k2J3PWtB+px5bmlurD/Q9eOwIAiN2QZWlFyc1hEjkuAw8ZDjMudrfC3S7CbdRTicRk1gai2GlfidUDIkkhFlikO1AdxsL4lvaN/oRsDCj3gOILjwSh2HfUbahSG9vShwJPZEYrHZew85jcQwQzr4dPu8XBDCG9/fQQXl/UCpRSEELy74wgmnd0LvfPdqA9GsK/GyMI5qMSDQo8z4zMcaghpBAAq1DHdJ98NWaaoC0YMrKtFHqeOfTYdM+2hxhCiScyzDoGgT57banyc8kGTrs9mw1TL0O3QqfusCsZ6ypCELjcvSGdnWtNGOnvY2msr9jGKiCiDJ0rkzsYTNIREVCUxqPYtcMFt480ZwheMQ1iMg1Ki2UhClBrGbOYRHfncnQinlPWUI4TkU0obAIAQUtCB1+p0yHPZ0TPXiXmrt6DY68DD141EjxwnDtQFNSdRZY4CgMZwDCtmlWvi9KX5LqycpexXB03PkKi1d+slQ/Dry8vAEeCPb+zQnLhlM8vx0Fs7UeuP4dFpI7Hyw324YfxAXZ3Uytlj0CfXhePhGG65ZAh4oqyK5Ln0H4eeOU40hUWtUFc9N/U4FYpGTFRjKEWitkodsNNWtMghrJhVbiBDueOVLzUdyDmrPtfaLc1XCqktKP8ZThFSU65bA44jGFDogc9pMzVOcZma6ii9umh81veWmlaS6si6HBxGDyjE9JUtbG5LZ4yGy6Eck+9yoNCrZ2Qr9DqQ73Jk9Qwuu7lOoxpx5DjFKUxnoNPVYdYHY/ixSaF+VyV64jmCed8fZHDMmY4iAwMDQ8ehPchV6oMxzH72s1bbI6trcxxBiU9hwFHnlesXVJiS39xz5dkG/g81Mvldg4TvjuuduDxX+2WkZZoHnC7oKOftEQAfE0JeAUABTAPwxw66VqeDGStjvssGr0MwFY4v8DiQ57JbsjimtkcIAU8Ugo77rj4H91ypRNvynALuvWq4Rqxz33+fA0op1i8YB0qprl11ELbmGTINgOTCaBXVDWED+YmVMKnbJFzPyGtOT6QzTqKFfIYYz14qIZMjG4rKeOGTg7p6h5Uf7MPP/2sI8t3ZGYB0z+CPSKbt33LxGSjwZD4/E6zGWlcdK2FRwv/+faeu5vN//74TjyUkURgYGBgYOic60h6pbcckakF+U4ahPX14ddF4Q+bZyXDiuiKLaWvRIY4ipXQ1IWQLgIuhhDavoZTu6IhrdVaYdZ5k0c3USEIyRElGrT8CjuO0jp1tZ0w3OW5tikFrB0C64uTk7WrtZupxqcQ16nZGXtO9kInIJRuoqbGiJGsp1ckRRbvAozEcw766oOaYNIZjumu0xQDYeM60/fYim2mPd9SZIHDEXBLlNFuZZWBgYDjd0JH2SG2bI9YEdFappN3BiTsZ6LB00IRj2K2cw2RHzCZwEDiCcEzvDNYFowhFJeyvC+KJTXtQG4hi9dyxiMZlHc3w8pnlyHEJONQYN607yuT0pe7Pd9mwpzZgEClPFq9PPkeNWiY7q+nabgiLiMUlvPiT83HfGzu0Gsrk4mT12hsqqwzUxA9dOwI9EmI76seAkdd0T5jRbremH8TjMg43hxFL1O+JkoTDzWH0znFpzmK+y4ZbLznTUMdoRYPdWhR77KbtF7dTXy702LF67lhDbURXHSuFLjuem3MeqpPqT0oLXChsxzQhBgYGBob2R1ttdjZt1zWHTGWz2ttGtEfN5umGDiGz6YpoKzmILFPsOubXDZSHrh2BB9/cZekMqkQ0t14yBItf+8qwUrJkynAUeu3oV6AwMqW7VrLTZ7Z/xaxyPP7P3bqwfXIOudk5qrbibT8YmrZtVdNRdQ5XzCpHkceuczLNnMvj4ZhWrKzWSQLoKoO0yxWtdyW05WNdH4zgUEPEUB/YJ9+JQo+yGFHjj+CapR8bxtyri8ZnTMvOBseaIpi63Nj+hoXj0SO37e1n+gaY4JQPonR9tqY5goP1RvKg/oUelJipNTN0B3TqPquCkdkwJKHbzgs60sGSZYqjzRHca0J4du9Vw0+YL8HsOq20q10dWT1UpyIfJ4Q8SwipIYR8lbStgBDyDiFkT+L/+YnthBDyBCHkW0LIl4SQ0Unn3JA4fg8h5IaTce/1wZjWuYAWAo6FEwejuiGMg/Uhw/67Nij7VdH6ZKg1e4vWbkUwKmW81rzVW1AfjFnuX7CmElPL+xquoeaQm51z14YvMbW8b8a2F77Q0rZ6LY7jUOxz6Oosi30K7XCxT0kDLPE50a/AjT75bhR4HLoUW/W403RwMmRAW/pBJCZrTiKg9MlFa7ciEmupcYyI5jUVETH7Osi092BRsxFtpxrCTN+AroaYJGtOIqA8z23rtyMmtc/vwcDAwMDQcejIuRvHEYiSjLd31GDBmkpc//SnWLCmEm/vqIHYjjbidLOr7YVO5SgCWAXg0pRtdwPYRCkdAmBT4t8AcBmAIYn/5gNYBmgMq/cAOB/AWAD3qM5lR8KqmDcvkcqW5zYncMlz2TTR+mSoOozVDWHEZX3UN1PhsNX+1DSA5BzydPefTdt5SSl7XZlUgyE7yDJFrT+KQw0h1PqjkOXOk5lgpWGYPI54YqGTmGTb2vKMqhBvavvtZTxPNzIbSy2sTtSvGBgYGBhODaxsansyY59udrW90KkcRUrpBwCOp2yeAuD5xN/PA/jvpO2rqYJPAeQRQnoB+CGAdyilxxPyHO/A6Hy2O9SC22Sozt6ovnnIddlM96u1RakCo6rIvToQkiepVtdSnT6r/SU+h6Wwarr7z6btxrBoei8Mpx/U9Iyrl36ECQ+8h6uXfoRdx/ydxlkULAxKMjFKJqHctj6jjSOm7dvayahl+gZ0NdgsfrP2el8MDAwMDF0Xdgubam9HG3G62dX2QqdyFC3Qg1J6BAAS/y9JbO8DoCrpuOrENqvtHQq14Da1Ey/fvBe3XjIE9//jGzwwVd/Jl88sx8i+uRhQ6MHQHj68evN4vPeriVgyZbimt7h0xmis+Xi/LvRtdq1kp89qf+9cpSbxo7suwl8XTdDlXZud88DUEdhQWZWx7eUzy7Ghssr0XhhOP3T29Ixijx3LZpbr+uiyFCKZPJcdPXKcWDJlONbNr8CSKcPRI8epq5NtyzPmOW0o8jl07Rf5HMhztg9ZTqZvQFdDrovD8pTfbPnMcuS6uoKJYmBgYGDoSHgcSmprsk0t9jngcbSfo3i62dX2QqcjsyGEDACwkVI6PPHvRkppXtL+BkppPiHkDQD/Ryn9V2L7JgB3QpHkcFBK70tsXwwgRCl9xORa86GkraJfv37lBw8ebNO9W7GeSpTiggc3Y1TfPCycOFgrxD23NBfFPkV0W5ZlSBQghEKWlfQ5nhA0RUT89q9f4anpo3Si81aFw+p2tb1U/cR09+yy84jLFGJcPmHW005OQNOeOOkP2N799URxqCGECQ+8Z9j+0V0X6fpoW9DWwvhYLI7aYAxxmULgCIo9dtjtepJnUZRQE4hqx5R4HbDZlJXDbJ4x3fkAEI3GURdquYcitx0OR/sRTbfyHZ2SAZltnz1YH0Sui0cwKmvvy+Pg0ByW0K/QczJvmaHzoFP3WRWMzIYhCd12XtDeSLVvoiRB8VeIZiMAirgM+JyCNndt6xxUldaKSzIEE2mt0wxZvaQOk8doRxwjhPSilB5JpJaqtJ3VAJLZWUoBHE5sn5iyfbNZw5TSpwE8DShsUW29UVPNFg9Q64+iNN+FbVWNmk5Yab4Lr98yAbuO+fHoO7tww/iBuGvDlyj2OnDnpUNxxytf6tj/XCli9GbXsmZsMq+NOlGGp3QakQwdh/buryeKjtbwaw/mMbtdQB+79ectHpexqyZgkK8Y1sMHQeAyPqMoSthZEzBQdQ8r8WrOosMhoE87Ooap6AoaUdn22Xw3j4PHo4b32b+gcz8fw+mHzvKdZWDIBqdjf7Vi7rfxBHNXtWxbOmM0euY4sOuoXzdnPlGmUlmmGWXkuiO6gpv8OgCVufQGAK8lbZ+dYD+tANCUSE19C8AkQkh+gsRmUmLbKYNVODsuU8xbvQVTy/virg1KJ184cbDW4YEW9r9UQhsztDZd7mSlEFqRgnRmQhQGa3R0ekZ79MtMfasmENWcRPUaC1+oRE0gCiDzM9YEWpwa9fybk85naB38Edn0ffojjPWUgYGBoTvBirn/UEPEwGYejVPDnPlE57GdvazmVKFTRRQJIS9BiQYWEUKqobCX3g9gPSHkJgDfAbgucfjfAVwO4FsAIQBzAIBSepwQsgTA54nj/kApTSXIOangOIKhPXz466IJujSxI01hHbMoAN3fKqobwhDjmSdMrWVsOhkMT1bRoSHFXrZy00Vh1Z87C6NnNhHJuCSbM6MmqLYzPWM2zKoM2YO9TwYGBgYGwHoO4E7JrKtuCEOm5rbjROaxjPXUHJ0qokgp/TGltBel1EYpLaWUPkMpraeUXkIpHZL4//HEsZRS+lNK6WBK6TmU0i1J7TxLKT0j8d9zp+6JWmCmMaOmt6nMogB0f6vINq2vtYxNJ4PhyWqFpiYQZSs3XRgdqZnU1n6ZzapgNlTb6Z4xG2ZVhuzB3icDAwMDAwAQC/mqUEwybLM69kTmsYz11BydylHsblDT2zZUVmmMqMs37zVQAGeb1tfalMCTwfBktUJjFdHp7is3DG3vl9msCgocMbAQPzB1RNaOSYnXYcqsWuJlNXUnAq+DM32fXgczUQwMDAzdCTyBwT4/dv25KC1w6bYtnTEar22tPuE5cyoY66k5OlXqaXeDmt72x6tHQJZlrF8wDpRS2HgO6+dXIE4Bp41DkSe7iE1rUwI7OoUQsCY+EXiuQwlRGLou2tovsyHb4TgOz3+8H4snl2ksxM9/vB9/vHpEVtew2XgMK/Fi3fwKS9ZThuwRjFE0BMK697m3phmFHjty24dIl4GBgYGhC8DMPj/9wV789KIz8NyN54HnCBwCB4+DxzXlpXDZeby6aHybWU9Pxpy4K4I5iqcQqfS/xW3skK2hy089tleuOTNqW64BtKzQpNaLlXgdptu7+8oNQ9tR6LFj9dyxOFgfgtvOIxST0L/QretbhR47bvvB0Db1P5uNTysH0laJj+6EEq8DhOQgLgEUgEyBIT1zUOxhEVoGBgaG7gQz+/zQtSOw9tPvcNk5vTCwyAMbz0EtYZdkmAZUmA1uHzBH8QTRlg4oyxR1wShCUQn764J4YtMe1AairSJzEUUJx0MxiDKFnFiB5zmCYEwCBUBBcaRJ+due0HQU44q2okyVc+57Ywfe3lGjTJJnjcHQnumvnUoSMqmsBL+9ogx8ot7S7B2kW6FhKzenL1QtIlGSYWulFlFb5TFkmcJl53BGiRcSVfRIBV7Zrp7PcQSDC926CFbqQk2mMZ5uvyxTHGoMIRqn4AgQFmVExDj65LlZHzeBLJuTdSnbWfopAwMDQ3dCodeOF+edD54QOG2KDfjZJWcgGqeQKUVzJA67QPDzl74wnT/LMsWB+qBuwbhvgQs+h2CqD251Tv9CNwYUerq13WaO4gmgLRNZs3MfmDoCD7+1C/NWb8FfF03IqI0mihIONIRQ54/qtGOWzhiNp97dg1p/zFSL0SZwuOXFbbrr1vpj2FbViHlrtuDVm8ejJMdped1kkpBRffNww/iBmP7nf2d8B1Z6b11BB46h9YjHZew85rfUKMwEKzKabMYGAARiMdQFRIMmn8vGIU9Q+rcoSthVG7TUQcw0xjPtb4pE0RASsWjtVt349DqjyHdbj7HuilA8bvmb2dPoYTIwMDAwnD4ws63LZ5ajZ47D1KaunF2OMX/cZJgjNIZjONYcweLXvtJFJWsT82az+arVOXluGwq6cXYLW6o9AbRFa8Xs3Ls2fImFEwdnTeZSE4ii+njYoB2zaO1WTC3va6nF2BAUTa+r/jsipr92MknIwomDNe3H1r4DhtMbmTQKM6GtFNXBqLkmXzDaErXKpIOYaYxn2h+KyppBU/cvWrsVoSjTBTRDNr8ZAwMDA8PpDTPbuvCFSkTj5jY1mpCOS50jhGOSYR58xytfomeO03K+anVOONa9SRaZo3gCaMtE1urcPJctazKXuEzhtvOW7VhpMZpp0OS5bAAUso9M0dBk6mCrazDWUgYxg0ZhJrSVojobTb5Mx2Qa45n2M13A1oG9LwYGBgYGS6b8DDYidY4gWegrSpRqf6fOV63PadszdXUwR/EE0JaJrNW5oZiUNZmGwBGEYpJpO41h0VKL0UyDRj32oWtHwM6n7w7J1MFt0XtkOL1hSzDaJkNlus0GbaWozkaTL9MxmcZ4pv1MF7B1YO+LgYGBgcHKtqazEWZzBKfNvJ2jTRHt79T5qtU5ao1kd0X3fvoTRFsmsmbnrphZjpF9c7Mm6yjxOlBa4DJoxyydMRobKqtMtRgfnTYS+R6b4fjeuU4smTIcxT4HCtzp7z+ZgObc0lysmFV+Qu+A4fRGideB5SmaeMtboTGY3M8+uusi/HXRhKzHBgAUuuymmnyFrpa+mUkHMdMYz7Sf6Sy2Dtn8ZgwMDAwMpzfMbOvymeVw2ompjchzcaZzhCKPw9DOo9NG4pG3d1vOV83OWTl7DIq6cX0iABBKu3lMNYExY8bQLVu2ZH18W1lP20rZa8Z6ahc4xCSKuCzDnqAOppTClsJ6qmo1AkBElCC0kpWys7yDU4xTerOt7a8nGyrraVyST7h/tQWRSBz14ZjGaFrossPp1JOiiKKk3KOFDmJbWE+zaf8k45QPrkx9NpvfjKFbodP3WQAYcPcbrWrzwP1XtOWWGDo3Trt5wamYq6VeM99lQ0NYhNtG0RiWs7YRye2o8+BwLP1znAZz09YgqwdjVvgE0RbGzvZg+7TZePTIdWU+sANxos/RVvkDhs4PQeDQO+/U9E9ZptjfEMrYvzLpIGbq35n2Z2qfoQXZ/mYMDAwMDCcHp2quZmZb1X97WkEabmqjPSdwTjcHSz1lOOloC2ssA0MmsP7V9cB+MwYGBobOBfZdZgBYRLHToSPSOc22A8hqW0esGrVV/oCBIR3aq3+1NQUl0/lqeq4oybCdgvTczoRYXML15aWYMroUMqXgCMFrW6vZN4GBgYHhFKE1tvRkpGxalXN0s3TRkw7mKHYitCXMb3XukGIv9tQGdNtXzx2LaFw2HOsQOMx+9rMOTzFQWa2SP0CMMZWhvWATONP+ZWuFE9bWlJtM58fjMnYe82t6k2rB/rAevm7pLHodHCae1QPTV36qvY9lM8vhdXS/d8HAwMDQGZDtXO1kpKiKooSdNQFNb1e1EUOLPdhbz8oWOhLMCncitCXMb3VuTSBq2H4waVAlH3uwPnRSUgzaKn/AwJAOAkcMrL8PXTuiVVILbU25yXR+TSCqOYnq/oUvVKImEM36Hk8nBKKyNgEAlPdx8wuVCESz095kYGBgYGhfZDtXOxkpqjWBqKmNqGXpsR0OFlHsRGhLypylSKmJ+Lnbzpse67bzhm0dkfqVLH/AUgUY2hvhmIQH39yFxZPLkOeyoTEs4sE3d+Gp6aMyFrKraGv6aqbzRZNxqY7X7ohMYsoMDAwMDCcX2c7VTkY5UTobwUqZOhbMUexEsArz2wQONf6IImVBCASegyjJcNl5xGUKMS6DEGJ6rsAb0/BCMcn02FBMP7A6Mh2UMUsxdBTsAo/aQBQL1lRq28z6croawbamR2c632YyLtXx2h2hiiYb3gdbPGJgYGA4ZchmrnYyyonS2QhWytSx6J6zklMEWaao9UdxqCGEWn8UcspquVWYPxCJ45qlH+OCBzdj2tOfYm9tAI//cw92HfXjmqUfY8ID7+H5j/YZxEiXzyxHsUmb/QvdptfpX+hm6aAMJwWZxkJbkE26jFojOG3FJ7jwoc2YtuIT7DzmRzwuZ91GOuQ5BXNx4ITmU7HHXGC+uJuOt0KX+fsodHXP98HAwMDQVXAyyonS2YjlJnPffJet3a7d3UEoZak9QMcLmGdb7JvK3sRzwFVPfWRYLXnuxvMwZ9Xn2vYVs8qxobIKU8v7aul2Gyqr8MerR6DQY+9UrKenCU47Yd2ThZNR+J6JBe1wYxjTVnxiGFfrF4zT9B/bwqR2uDGMe1//yjAe771qOHrnuVDrj+LPH3yLa8f0A88RSDLFK1u+w08uOKOjIu2nfCCn67OHGkL4/d++Nryve648m2lRdl906j6rYsDdb7SqzQP3X9GWW2Lo3Oi284KOZh5NZyPMtv/x6hEsay0zsvqBWOrpSYJVse9fF03QdebUMP+hhpBp/jXPEd32PJcNb++owds7anTH3nOlZJk6kO02Bob2RLZjoS3IlC6TTY1gW9KjRUk2HY+/vUJpPxaXsOLDA1jx4QHd/tnjB57Q9bo64jI1fV+/uaLsFN0RAwMDA0O26OhyonQ2wmruy9A+YKmnJwknWuyr5n4nozTfBUmmuu2NYdH0OJanzdDZ0Bl0NNUawWS0Z41gpvatxnV3Ha9qnUkyWI0iAwMDAwOQ3kYwW9qxOG0dRULIpYSQXYSQbwkhd5/q+znRiaFZ7vdD147Ayg/26SQANlRWGfK0WY0hQ2dEZ3CSSrwO07qGEm/7rIhmap9JxOjhtnNYOmO07n0snTEabvtpa6IYGBgYGLJEOhvBbGnH4rSsUSSE8AB2A/gBgGoAnwP4MaV0h9U56XK7I5E46sMxuO0cYnEKUaaQZAobz0HgAEoBUaaQZQqeIyAEEAhRGEllCoEjyHNxaAzLiCf+7RA4jW0xGpchJc618QSiRCFRCgfPQUpqwyFwIASIiC3tcASQKGBLXFeUlHuzCxxkmSJOKXii7JMTxzltBIGo/l5S23UIHAgH8AQIRlvuz2njEJda3oFd4OAUiO692HkOPEcAQiH+f/bePU6K6sz//5y6dVf3DMyFGURmACUIQYOBRmNgY4hkXZOQdc2gGBkvmKBI1Gw2IWZ/u3yTXTevX5SYZDXhmlWjoImBzbqru8Z8NcSsipGBSBIi4gWZAWVuPTDTXd11O98/qqumqruqq4cZmO7hvF8vXkzXudQ5p5566jlV5zyPTqHnjrnSiTYAACAASURBVHEEyOgmBI5gnMwhlaXI6qbV71z7DRPgCJy+uNuTUg0IHEG1zKE/N5ZRgYNJAd00weX6SSkQFTmAAFnVhJZru8Rz0E0TPCEwKQBCYZrWkgZZ5KEbpjPW9bKEaLToyuyy3otgy6we0J/RTDdNCkXNeu6HGpmDLEWcPQ2nun2jPQanq48uRv3TXDGZDZKJPsWELHFQVOu4yHMQCKDk9Eg8wuFExgBPrPwZ3arPrctqZA66CQgcCupPawTVIu+MY0zioenBekBVdXSlBse8IS5BkrxjrmkGOgeyTp7GqghEkb3dBsaWzNqwPYoMF2VvF2RMHemspeOqo7xjoxFi2U1BulYUCHQDGB8lGMh6bUCJJ4gKhfo1pVq2nG3jihzBeJctPCHOo08xHbvXLitLOTvTdSwmcZD4wnP0pAxE8+w3+9nBcXBsPLuOExnLjoxKHDLqYF3VMgfDQME5xsscTigm4lEOAxnvuQeyFBxHnP7JAgcTVn/zbd4amUN3ynD67K4H8J6zWuaQTBkQeQ4EFFGRQ9rVVrtf42QelFL0Zwav2fgo8dQ1Ejp2rO5RvBjAm5TStwGAEPJTAFcCCJwoBpHJ6DjYk8KhrhOYdXYNuvuzWLN9n+OE46Gb5qMvreErT7zmHPvhdXOh6abn2IbWBB547g08u7/T+r18HsbJAroGVKzetgcdSQWXz27E7ZfNwOpte9BQFcHXr5jpOdfG1gQiIocVD73qHLunZQ5+8tI7WLHwHNRXSfjuLw+gq18tKGvn++rl50EdgBO41GlLTMTyLa84x9Yvn4cJ1RJ6BzQnMHhTrYyHVlyEvpTq6ZvfsR9dNw+yxOHmhwcdlqxbOgf3PnMAXQNZbGhN4Knfd2DTbw85afVVEnbsbsfnEk1QdYrbcuNit2fry+/ipbd7sKE1gbZ3uvHka+8H9vNrfzUTmkFx66NtnvOPk0Xohokf/fpN3LjgHNy1Y5/vWG9oTWBGfTxssliW2DLrucau/ox2uqoaeLsn65MunJbzV8IYjUQfK4kgmTi3PlJwPF+P/PlIH+7/9Vt4eMVFkAQOfWnN0anF6rGP2+MYpgdUVceBrsIxn9kQdyaLmmbg9c6BgjyzGqvO+MniWJNZBqOSyGR0nNA0dJ5QsWprG5YlmnDFnEnoS6nY8tu38fefnoWelBaoa9cvnwdd15GKRQrs4MdXfgRHj+u++nXfkYECOzYmAhFRwNs9WTz1+w585sLJHp299YsXo1/RPTbgwysuQkYzPfao3zkun92IOxafhweee8Ox8dz5d/75GP5w9DjuWHxeSc+bDa0J1MgcDvdqBccnjpPwZqd1br/nR/6zKqj+cbLgsb83tCaQyqj42vY/4JGbL0J33nWx7dwvf/I8SMLgnGDv/1kcYFsNT8eO1XU9kwG0u3535I4NmR5FxW1b2zB3aj06ehVHCABrX1VHMuNMkOxjyZRWcOy2rW1oSTQP/t62BxzhnJsDAFoSzc7vVYumF5xr1dY2dPQqnmN37diHlkQz1mzfhyPJDFoSzb5l7Xw8xztC5G6LplPPsdXb9sAw4NyUTn97lYK++R370mN7cCSZ8Rxbs30fVi2a7ozH0vlTPGlHkpmcF0jeURDu9qy89Fyn7GWzJxXt55Fkxpkkus/ReSKL3pSGlkSzo0D86rltaxt6FPVkRGbUsWU2qD9neno5tOF09LGSCOpPn2IWHM/XIwtmNKAjqaC9V4GqU49OLVZP/vEwPdCV8m9jV2pwzDsHsr55Ogeyp2EUy5uxJrMMRiXRo6hQderYdFfOa3Jst5ZEMwQf29Cta1dv24OJ42O+dnBWp4H61c+OjYgiAOLYgfk6WzdQYAO29yoF9qjfOVoSzY69bdt47vxXzmty8pT6nOCIj928tQ2qTp1z+z0/8p9VQfXn29+3bW1Dc10cHUkFJiUFZWw799ZHvXOCdNa//uHq2LH6Gs/vc2rBGltCyC0AbgGAKVOm+Fakm9YFNHLLkuwLYFPqsY6kghpXXJeOpAKDUk++Gll0frv/dpeJSXzBMTtvTOIRA+8c98vHEf+0fJ8Rfu0ban+D2mr/zbtOaue3j/nV506jlAaOkfscQW2KgQ8da30EY/uNBKXIKzAos27c/TnT08uhDaejj+XASMhs2D1u5Pock/hA/VZK/WF6YCTk6kymUsamVJllMMqBoehYYFA/mnTQpq2RRV97L1/X2svz8/OdjN61/8734B9UX5CdmX8OW48H6fNituNQn0NGCc+P/PEr1f62xyhobN12v82p0rFj9YtiB4Bm1+8mAEfzM1FKN1NK51NK5zc0NPhWZHtU4jmCtGoUOOEo9VhTrYw+RfP85onXW5Pbc2mQF9O0ahQcs/OmVQN9ihZYtk/RYFL4puXLkV/7htrfoLbafxuuk9r5DZMGttHO31QrgxBStJ/F2mSPU9hYl5vHxVLkFQj3IHmmp5dDG05HH8uBkZDZYrrU1s2ApYeCdEcp9YfpgZGQqzOZShmbUmWWwSgHhqJjedc9yJFBm7ZP0XztvXxdKwTYwSejd+20fA/+QfUF2XT557D1eJA+L2Y7DvU5xJfw/Mgfv1Ltb1svBo2t2+63OVU6dqxOFF8FMIMQcg4hRAJwLYD/PJmK6mUJG1oT2PtuD5rqZI+n0aZaGU21UXz/mgs9x2rjYsGxDa0J7GhrH/y9fB5Manq8OO1oa3d+b9z5VsG5NrYm0FQne47d0zIHO9rasW7pHEyujVreT33K2vkM08CGPG+MG5bPgygQz7H1y+eB51HgubGpTi7om9+xH103D5Nro55j65bOwcadbznjsX33YU/a5Nootu8+bLXRx7vVlhfedso+v/+9ov2cXBvFpusTBedvHBdBXVzEjrZ23NMyJ3CsN7QmUC9XptcsW2aD+nOmp5dDG05HHyuJoP7UyFzB8Xw98tLBLjTVymiukyEJpMAzXlA9+cfD9EBD3L+NDS7veo1VEd88I+VNt5IZazLLYFQS9bIESSCOTffkng7HdtvR1g7dxzZ069r1y+fh2PG0rx0cEUigfvWzY7OaBoA6dmC+zhZ4FNiAzXVygT3qd44dbe2OvW3beO78T+7pcPKU+pwwqY/d3JqAJBDn3H7Pj/xnVVD9+fb3htYE2ntTaKqVwRFaUMa2czdd750TxCL+9Q9Xx45Jr6cAQAj5NIAfAOABPEgp/Xax/EP1emqaFEK+19Och1GOAHwpXk9NEyJ3cl5P7fycn9dTankZNU3rb24kvJ7m+haVOOiuMRDzvJ6aOc9LpXo9VXUTHJfzesoBhjFyXk8JgePViuOCvZ4aJi3wmsW8no7t9HJoA/N66iW/P6V6Pe3PGOCY19OKYKzJLMC8njI8lL1dEOT1lCNAZIheT20bsNy9ntr2stvrqf1csdNG0uupqlsRDdw2r93W+hK9nvalDAh5Xk8du/80ez0dsxPFoVLKA4HBcFHWDwQGI4+KMLoZDBcVIbNsoshwwewCRiVRkryO1aWnDAaDwWAwGAwGg8E4Scaq11MGg8FgMBgMRgjsqyiDwQiCfVFkMBgMBoPBYDAYDIYH9kWRwWAwGAwGY4ww1C+EDAaDEQSbKDIYDAaDwWAwSoItVWUwzhyY19MchJAuAO+egqonAOg+BfWONJXQznJqYzel9IrROrlLXstpTPwo9/YB5d/GkWjfqMorMCQdW+7XY6Q50/oLlNbnSpHZsX79xnL/Rrpv5WIXFGMsX88gzsQ+A+H9Lkle2UTxFEMI2U0pnT/a7QijEtpZCW083ZT7mJR7+4Dyb2O5t2+kYf0d+4ylPo+lvvgxlvs3lvsWBOvzmcNI9Zs5s2EwGAwGg8FgMBgMhgc2UWQwGAwGg8FgMBgMhgc2UTz1bB7tBpRIJbSzEtp4uin3MSn39gHl38Zyb99Iw/o79hlLfR5LffFjLPdvLPctCNbnM4cR6Tfbo8hgMBgMBoPBYDAYDA/siyKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiSKDwWAwGAwGg8FgMDywiWKOK664ggJg/9i/Uv+NKkxe2b8h/ht1mMyyf0P8N+owmWX/hvhvVGHyyv4N8V9JsIliju7u7tFuAoNRMkxeGZUGk1lGpcFkllFJMHllnArYRJHBYDAYDAaDwWAwGB7YRJHBYDAYDAaDwWAwGB7YRJHBYDAYDAaDwWAwGB4qYqJICHmQENJJCPmj61gdIeRXhJCDuf9rc8cJIeR+QsibhJB9hJB5o9dyBoPBYDAYDAaDwag8KmKiCOBhAFfkHfsGgOcopTMAPJf7DQCfAjAj9+8WABtOUxsZDAaDwWAwGAwGY0wgjHYDSoFS+gIhZFre4SsBLMr9/RMAOwHclTv+CKWUAthFCKkhhEyilL43Em0xTYqelApVNyAJPOrjEjiOFORJKlkoqgmOAJRa/wix/nGEwDQpdEpRHeGRVk2QXD6DUvCEgBDApIDIEadMVjehmxQCR1AV5ZDKUmiGifEyj1TWhMgT6AaFZlLwHIHIEZig4EGgm9ZxkefQEJeQVDQomuHkq4oQDGStPGauPCEAQCAQQKcUlAIcB5im1U6BEAg8B47A07aIYL1/4DjrvNSkIIRANQbHw6AUAsehsSoCQSh8X6HrJjoHstAMEyIfnG+kON3nq3QyGR09iupc83pZQjQ6qE7C7pOw8ppmoHMg66Q3VkUgivyI1V9KnrD0bFZHd3owfUJMQiRSevlTnV5p5PenRubQp5gwKAVHLD3FcwSqQUEpDdS/YbLDGD1KeX5WCmPt/gMGr09WN0AAxwYIex6y5yeDMXapZK020Z78UUrfI4Q05o5PBtDuyteRO1YwUSSE3ALrqyOmTJkSekLTpDhwrB8rH9mNjqSCploZj9x8MaoiAjK6AZ4QRCUOqm5CUU0omgGBIzjal0FM4pFWDUyqiaBf0fGVJ17DskQTFn1wIh547g3cuOAc3LVjn1PvPS1z8JOX3sGXPvEB1MREHFd0rN62x0nf0JrAU7/vwPSGKnxwcg2e+n0Hllw4Gbe58qxbOgdVEQEmpfjSY3vRkVRw+exG3LH4PNy2tc3J98Dn56KuSsLRpII12wvbcMdl56EmJmDry4dw6cyJnnZuap0HE8RT3/rl81ATE5HVDKz75QHccdkMmJRC0Uw0VEdwuCeN+587iK6BLDa2JjBrYrXnoaLrJl4/1o9Vrjr98o0Up/t8J8tQ5fVUkcnoONiT8lzzDa0JzKiPIxoVfO+TLTfMx8yJ1eA4Elpe0wy83jlQkD6rsQqiyA+7/lL6kMnoeLMnVSATH8ilZ7M63uguLH/ehDgiEaGk+k9lerlQqswG9ScuApd9738dvTJOFtD649/5XncAobLDGD3C7ttyoRSZrZT7Lwi/CTuAgutj2wB3Lj4v8HlYKc/PsUq52AWMsctYvIv9nji+gSUppZsppfMppfMbGhpCK+5JqY4SBYCGqgiOncjgcxtewqX37sSyzbvwdmcKA1kDNzz4O5xQNPSmVKx98o9YtnkX1j75R0g8j6888Ro6kgqunNeE27a2oSXR7Ey+AKAjqeCuHfvQkmhGb0qDZsCZJNrpt21tw9L5U7BgRoPz9215edZs34fuARW9Kc053pJodh5udr47Ht8LTafOJDG/Dbdta8ObnSksu3hqQTs7+9WC+lZv2wNVp+hIZtCSaEZGM5FWDXzt569h8X2/wdon/4iv/dVMNFRFsGprGzoHsp5x7hzIOg8du06/fCPF6T7fyTJUeT1V9CiF1/y2rW3oUVQrPe8+6UgqWPnIbvSk1JLKdw5kfdPt69GdyvrW353KllR/KXl6FdVXJnpz6d1p//Ld6dL6eKrTy4VSZTaoPxFRdH6v3rYHpmnpXfuYW66AcNlhjB5heqFcKEVmK+X+88OesF+1/kUsvOfXuGr9izhwrN9Xr9o2wKqtbegKuIcq5fk5VikXu4AxdqnkieIxQsgkAMj935k73gGg2ZWvCcDRkTihqhuOMgSAVYumF0yuvvLEa+joVdCRVHDWuGhBem9KdX6blKIjqaBGFj312nlrZBExiQdH4JvOcwSGSZ2//fLEJB4xafBNetC5gs5h549JvKftNjGJD6wvJvGokUVMqJJ8J6GrFk1HR1KBbpie8pph+taZn2+kON3nq3T0nMy56Ugq0E3rfUz+fWKnq7pRUvmw9IzmX39GM0sqX0oeLSBdK7GNo51eaZTSH1t/rlo03XPMlqtS62GMDmF6oZKoZDkLmrAH6VXbBtACnofs+clgjG0qeaL4nwBuzP19I4AnXcdvyHk/vQTA8ZHanygJPJpqZed3/qRrbnMN1i6Zjan1MWy6PgGeJ2ioimDT9Qn87JZLsOn6BDKa4dTBEYKmWhl9iuapF4BzPK0aMCl8043cXkL7b788adVAWh18EAedK+gcdv4+RUNPSi3Ik1aNwPrSqoE+RYNBgyehTbUyBN4rhiLP+daZn2+kON3nKwdMk6KrP4sjyTS6+rMw8wycYulCTubcNNXKEHLLxySBx+WzGz1yf/nsRkgCX1L5sHSe+KfzpLT2lXSOgHS+xDaOdnqlUUp/mmpl9KRU1Mii55gtV6XWwxgd8p+fQOH1qxQqWc6CJuxBetW2AYKWB5+Jz08G40yiIu5kQsjjAF4GMJMQ0kEI+QKA7wD4S0LIQQB/mfsNAP8N4G0AbwLYAmD1SLWjPi5hyw3zHaXoniTNba7B1/5qJu5+aj8uu+83uPup/Tih6Lj/8x+GxHP4zv+8jruf2o/qqIANrQk01cp4ck8HNrQmsKOtHfe0zHHqsvcG7GhrR11chMgD65fP86RvaE1g++7D+PPR487fG3P12nnWLZ2DCVUS6uKic3xHW7tzfjvfA5+fC1EgWLfUvw33tMzBxp1vYUdbO350nbcdjdVSQX3rl8+DyAMTqiTsaGuHyPs/gNKqgY2tCTTmlpLZNFZFCvril2+kON3nG22Clh7Zk8Gw9Hq58JpvaE2gXrb2udTKIu5cfB7ufmo/lm3ehbuf2o87F5+H2pyBH1a+sSrim25fD1niC2R13dI5kHNfzmtkzrd8jTyo7mIR/zyxiJVH4jnfc0g542dCzL8PE2JSSW2okfmAdL6kMQpLrzSCxiurac5vWx/ZL77s+7TWNXEMkx3G6JH//LT3KNr74yqJUnRMuRI0YZclvuD62PecpV/9+3amPT8ZjDMNYjkHZcyfP5/u3r07NJ97E7gs8Th2PIuVj+7G2iWzcfdT+z1v6ppqZef4PS1z8N1fHkDXQBY7Vn0UmkmhGxTjZcvrKZfzcmpQCgICgMIwgajIIWuYiPAEhokCr6cmpXj0pXewdP4UjIsKeKcnjQlVEgSOAyHAQFbHhLgEI+f11KQUv3n9GP7y/EnIaNZ5uwdUzJwUg5Ln9ZQCOHhswHE8s6k1gYZxEjTdqocP8HrKccD3nz2IPkXF33/6g4hLPLoGVNz6qHeze2N1BHUxqajXU90wIZxGr6dDON+ovjouVV796OrP4qr1LxbI6i9WL0RDdSQ0HSju8W+45YHinitNk+JQTwrv9qQdJ1FT62OYVh8HxxEcSaaR1TRERNEpb/+eXBsDYHks7c2o0A1rCThHCAQeqItankt13cSh3hTaexXnHM11MqbVxR25KOb1tKs/CwoDmj54z4oCQMCjoToC06QYULPoVwbvm2qZQ5UUcd7cj7DX01H/1FFMZo8m0xAEeMYrKhEoKsX7xzPoSanY0daOWz8+HapugiMEfYqGHW3t+PZVcxy5ApjX03JmiF5Py1Zmj/YpkCWCdHbw/o1FOCgqxdk1sk9N5UMxp0KAtQdcUQ1oBoWi6ugeUD361Y/T/bwuYyrWLmCckZQkr+XvnqvM4DjiMUpqZAn/vnoBFLX4+v67duzD2iWzceujbVA0E63/9oqjpNctnYN7nzmAhmoJX79iFtp7FUytj+Fg5wA27nwLe9v7nDpfvOsTjrE7XgaOJNPY9NtD2PTbQ/jZLZfg2s27Ctr8s1suwbK844tnT0JU5GBQa8nqgGLims27PH24fHYjvvnZ8/Gv1364ZOVvmhTdqSxuXzwDPLG+/tTIEiZURfGL1QtLdosuCNxpfeCe7vONJmF7hUrZSxSNCpgcMCkZbnkAEEXekfN8OI5gWn0c1VHRV550k+Ky7/1vQbnfrFnk/H1CNfDw/1ovWHiOQDVNbH/5ML546QfQEBEgCBym1cURk4RA4ycSETA54t+H+rgUYIzJTh+qpAiymgrk+lAlee+JsDEKS68kNJNiwbd3Fhx/Yc0iTKmPYdL4KC44+3zc/thejz4EgG9+1rvHrZjsMEaX/OdnpaIZJhb8886C424dU65wHMHMidWBz+PG6qgzoZdFDmeNl8vuec1gME4fY8PKGEU4jqCxOoqu/iyaauWCryh9irV0yr0nLxbhHSUtChwEjuCH180FIQTXbHoZHUkFm65P+H6hzN/PYS8j6Ugqzl6C/DLuPYr2sajIex7YR5LpAuP+2f2d+OZnz8eU+viQx8OPsWAgjAXcMmPjlq2w9OHWPxIUMzjt/UP553fvH1J1w3nB4uaGBecM1jMM4yfMGAvrw5lG0DXjXfqkqz9b4HmxUve4MSqbUnRMOROme5huYjAYNmyiOELY+y/yYxB995cHAAxO2LbcMB8T4pHCt3Nx72Rt4863cE/LnLyYhQnwnPXVzi7vPu/GnW/hR9fNRW9Kc5bLNY6LQDdM56EWtC/kdBj3jPLAT1bdMhGWPtz6TzUxydo/lB/jLObaY2M73GlJNKNGFp1ljEOR97BldMzYKp3qKIeHVlyEDtdS36Y6GdXRwWs22nLFYNiUIq8MBoMxFmB7FHOMxNput+FomBT/8vR+PLu/05nkTaqJokb2GpPuMoQQfOs//4hn91uRPuY21+CuT83CxHFRHOpOOXsF3UGK3fu1JlRZBpMdT7GpVsam6xOYXBOFalBouhm47HOkgiEPcQ9KJVPRexHCrtOpTj+V9KaySKs6KCXO/kNCKGKSgLq4NXHTNAMHOgcKgkTPLDEwe6UED3cx6o0qJrP9mSwO92Y8+5g3XZ/AlLooqqODk+0zSL8wylhmS5VXxhlHRdsFjDOOkuSVTRRzjPQNVopB42dsbmxN4P7n3nAmmI998SO47sevBDoG6ezP4HPrXyq6XNXtRGS4bQ4rX2HG83A4Yx8I5X6dS3FE816fgqtzy7xtmmpl/PzWj2JSCctNS3HYU2aM+oUpJrNHkmksy9sj3VQr42e3XML2G565lK3MMnllBHDG2gWMioQ5sxkt8j2j6iZFV38GJrU2wXMcgcgREA7Iaga2ffEjMEwKw6R48WAnvvXZ8/EPn5kNPpfvoZvmAyAYyOpIZXXwHEFa1XEkaX25tB9WjdURXyciimbl5TjANAHDpBAFDjwhUDQDYs5RRzEj3+4TAXU8nIouBx+mSfH+iQxEnuCxlZfAMKw823fnHITkGc/sy0Dl0pNS8f1fHcDaJbOdZZvf/9WBAu+TxbC95GmG6ZEjm+HIR1LRoOk6zptY5XgkPKFkkVQ0p31qQJBod1DpYm0oxWFPmFfSsDEI894ZVr6S0E2KhqqIR6Y27nwLuklxtE+BYZqQeA4GRdl7VmS6bexTTF4rgZFeEZKfv1YWkVQ0dg8wGGMANlEcYdxfWxqqIvj6FTPx0Ivv4At/cS6++vPXPJ5O66sk/M8fjmLRrImO19M7Fp/neB9tqpXx/WsuxPiYiJsfftVT9m9/+nt0DWSx7YsfQVOtjIaqCMbnnOXkv+U0TeBYfwZRkfMsS7W9rXYNZLGxNYGYxOOGB3/n6zL7wLF+/MeednzmwslY7arDXq73ZnfKSb/pocG2rl8+D1agDf8xKscvUozimKaJGxec49k/e0/LHJimGV4Y1gTn9WP9Bcs+Z02sdl46DEc+oiKFTjnnjb+9RzEqDsphROAC9uRyuT4Wb4MYUF7Mlc9kdBzsSRXsk5xRH0c0KoSOgaYZeL1zoKD8rNzS2LDylUZM4vH1K2ZizfZ9Hv0Uk3hctf4lR5e608uxv0y3nRkUk9dyJ0xGhyrDpayMYvcAg1G5lM8TdozQk1Idhblq0XSs2b4PLYlmZ5IIWF8e1mzfhyPJDJbOn4I12/dh1aLpaEk0O4ahne8rT7yGI8lMQdlVi6ajI6ng20/vx/rl83Dn4hn4zv/8Gfe0eIOEb2xN4LiiYiCrO5NEv3pWbW3Duz1pT/rKR3ajJ6U6fVo6f4ozSbTzrNrahs6BbGD66m17kNW9Ewj3GOWfi1H+GBTOJBGAE/7FKPFleudA1png2OVtOQKGLx8nFLPgPrptaxtOKINySACsW+q9V9YtneOswwhrg8AR3/K218MeRfVtQ4+iljQGnQNZ3/Lu9GLlKw1NNx2jGxjUT5puenRpufeX6bYzg2LyWu6EyehQZdgv/6qtbWhJNJdUnsFglDfsi+II416SZsdQtP9305G09k/xHHHy2Mf98uUfs/M/u78Ta5fMxrioiGf3d6KrX/Ush6mLi7hm0y7cd/WFvnW7z+t3HnspXUdScdqan0fPLX8NSjfyluOUsmyPUb5QSn2vX6n7nbWAZZ96btmnqhu+y7pKlY9SloVldBP3PuNdPnvvMwfwg2s/XFIbFNXwLf/D6+YCcTj3REEfc20IG4Phlq80tID+arn+BunQcusv021nBmHyWs6MRBzdUuqzbYuw/BYMdwAAIABJREFU8gwGo7xhE8URxi+uYbH4hoZJnTxxyT9ERf6jxx2fsalWxpG+DJpqZDTVytjb3odbH21z0h5feYmnLfl1u+vxi7dohwtoqpWdtubXYceUCkznvR+uWSiOyma410/k/Zdt2nIiByzrkktc1hUVON/yUdcSRYEj6BrIOveK04bcF8GwNkgC71veHoOwOGthYzDc8pVGWH+D9Fe59ZfptjODSo6jONJxdIPy27ZFWHkGg1HelNdTdgxgx/pqqpWxcedbWLd0Dna0teO+qy8sWKY2uTaK7bsPY93SOdi48y1EBB7rls7B5bMbsen6BLav+igeuflinDshVlB248630FQr476rL4QscuhNq1i/fJ4n3z0tc/D+8YzTlvxlqe56NrYmMLXeex47Rpndp+27DxecY2NrAo1VkdB006To6s/iSDINCopHbr7Y91yM8sct48DQr19jVQQbWxO+cgJYX9P8lnWV6iiCAr7l3aVjEufbBjvWYlgbwsagXpawIa/+Da0J1MtSSWPQWBXxLe9OL1a+0qiKcL79rYpwHl1a7v0d7r3BqAzsWK358uqO1VquhOquIcqwX/6NrQnsaGsvqTyDwShvWHiMHCPpVjjf66miGuhNqaiOCiCEgCMEAk/AEwAgoJQik9vb8KPn38TyS6biS4+5YiG2JlAbF3G0L4OMZiAi8JhQHUFE4MATQBQ4UFAoqoE/He33LJUDgLv/5gKs2tqGhqoI7lw8A1PrY1BUA3VVEjI5r6cTqyLgeS7Q01m+11PDpB7Pg8XSOY74bo6fOC4CRa1Yr2hntBvs4Xp2tD12+nmwPJJMY+E9vy4o8+JdnyjJ9Xx7bwofu3dnwfHffv0TaK6zyvemMuhNaQUhNOriIuri0ZLaEDYGpXo9DfLiWarX0xK9gI76zVVMZt/rSyOlGgAIOAJY83GKuMSDgsAwKSSeMK+nZxajPmhBMvteXxoDWR2EcI68UmqiKiJgUk35h8dgXk9PGWe0XcCoOFh4jNGC44gnTECXmfU4kgGst2xP3r4AhglkdRMCR0AAfOpDk5xJImB9ybh1axvuvvICrHj4VU/5/7x9IQwTzmRLFnlIeUuxugay6M9oeHjFxTBME7Ik5P7n0dWfxXhZzAUk98qLZpjo6s+A4zhHyZ9siIuu/qzv5vhfrF7IYk6NEqNtzAoCh7MD4hUOd/keRwhu/dg0LJ0/BTxnTTK27z4Md/cU1XS887rP8bNbLgHipbXB757I76N1X1EQQgomNcXGAACIc19S19+ll68kTIrA6zG5trL6GCYXjMrHpMCKh3f7648KIExGhyrDfvnZPcBgjA3YRPEkcRvaosBB4IgzYauVRfSmVSiaAZ4jkHgOj6y4GDc8NBh64kfXzcX7x609Th1JBZfPbsTaJbMxbULMd2P4uQ1xPPmlBchoJvoUDcdTWWQ0w/l619WfRVVUwNon/+jZUzW5VoZAiPVVQhJwuFcBAZBWDUyujeKEoqF7QIXeaCIq8FANqz4CihOajl+0dWD5JdMQEawYZhyBE/NREjiouonjGR2yaCKr6+A5DpJAkFFNZwIyXOckjJGlFPfnxSaSpklxqCeFd3vSzte4qfUxTKuPO3nCvoYVq78+LuHxlR9BVqfO2/qIQDxLl4rFEIxKHL5w6blQ9UE5/cKl54J3zRTd8Udt3I6X6uMStlyfwMpHB8NPbLk+UfLyKV03cag35flima7TMa0u7rSz2BgMt3ylYVKKOz8xHQtmNMAwKXiO4KWDXTApxZFkGialiAg8JIEglTVgUIqoyGNCvDD+61gal7HGWLk2JqX47tIPobku7ui49t4UzApZoXWy18EuZ5omDGo5Nqvk68hgMMJhE8WTwM/QtmMSNlRLuHPxeZ74ZuuWWoHI1y+fB0U10Kdo0AyKLz1m5ZnbXIMbF5yDz295Bd/53Id8v2S83ZVCfZWEHW0dqI0JuPqiKXi3J13gbKOhKoKOpOLsqdr2xY/gmi27fOOQrVs6BwDw+O/exZq/mokjuTJ2+sbWBK79yFT8y9P7ceOCc/CTl95x4uf51XdPyxz85KV3sGLhOU58xi03zEfjOGlYzkkYI0uQ+/NfrF6IhupI6ESyT1Fx7ESm4KVETUxEXTwSGgOwlDhexxW9IEbgpHEUHEdCYwgKBDh6Qi04/5TawTfcUkgcRV03IAgc7r7yAmeiJggcdN2AJIWrzV5FRVd/tmCMxskiGqujoWPQmw4oHxXROC68fKVRHeXxwck1uDYv9mV1lMeSB15yXqbdcdkMTyxYvxccY2lcxhJj6dqMj/HoU6SCWK3jY+X/TDvZ62CX+/6vDhTE0a3U68hgMMIpvw0eFYCfoe2OhZgf32zN9n1o71UgizyWbd6FWx9tQ01s0N37qkXTHaV737NvFDiduadlDu5/7iBWb9uDlZeei6Xzp6C9V/F1trFq0XSnnR1JBV39WXQk/eOQrdm+D2eNi6Il0YyOZMY3TplhAi2JZty1Y5/zf1B9dh53fMaVj+yGqg3POQljZAlzfx4WR0tRDd/rqeS85obFAAyrv5QYg8XSB7L+cRQHsqXHUexKqVjx0KtY8fCrWLZ5F1Y8/CpWPPQqukqMBaYGxFlTc3uRw8ZANQLKG6WVrzRSAdcslR0MA9KSaC6IBZvf57E2LmOJsXRt+gNitfYr5RWuxY+TvQ52ObcdMJTyDAajMmFfFE+CsLhBfml2zEQbngy613bHCNvb3ofv/vIAHr35YnT2Z9GnaPjuLw9gb3ufVS5XR0zii7YBsIxfW3kHxSEzKC3abo74x4MMqs+d1z6mBsR8q4TgxGORsP13YRNJIyCOopGb94fFAAyrPyxG4HBjEALhcRRLqaMYYUtbQ8c4oLxZYvlKo5TxDtI57j6PtXEZS4ylazNc/TCanOx1sMuVch8yGIyxA/uieBLYhrYbO26QHe8rPy2tGs5yNwDoHlDx/WsudMq5y+xt78OhnjS++vPXcOujbc4ksalWdvYHplUj8Dz23z+6bp7jojqoXe8fz6BP0QLrA4C6uFTQzqD63LEj7WN2zLf8vCyu0ugQ5v48SL7t6xUV/dOjojcGYH66HWMsrP4gebFj5oWlh53fzmPHQbS/8ncNZJ08pdRRDDGgvFjiGMiBY8yXVL7SKGW8g3SOu89jbVzGEmPp2gxXP4wmJ3sd7HKl3IcMBmPsUPHhMQghXwHwRVjh0/4AYAWASQB+CqAOwB4A11NKi66LKNWtsK6b6BrIIqMbONSdxv3PHUTXQBabWhM4a3wEukHRPaDiVtf+qE2tCTRUS+AIQVY3nc3vokCg6dT5LQkc0qoBWeCgmxRa7rhOKQzDcvAg8gQ8ITAoRTKlec5jxRWTYMLypCryBGnVwL3PvI4VC8/BhCoJHcmMs+eqsVrCP/7Hn9BQLWHNFbPQ3Z/Fmu37nDAa0ybEEOE5REQO7x/P4l+fe6PoHsX7rr4Qz//5fbR+dBoM09roHhE4CDxBV3/hmEyqiaImF1euAh0cVLQb7DBnNWF7CLtTGcdZDM8RSALBhHgUHEegaQYOJdPocDliaaqTMa025uxR7M9mMZAZvBeqohyqIxFnD2K+I5fmOtlx5BK2RzGVyeCdnmxB+jn1EcSjUQBW6IoTmlbQh3GiiGhUgKrqUAy9oI0yLzh7FIuFv1DVXJphfYHlCYHAW/EVJUmAaVK8/v4J3OJylrP5+gRmnTXOGeN3ugdw2DUGU+pknDOhykk/1q8U1D+xWg66d0b9hioms6lMBr1po8CBUW2MR2e/DsOkePFgJxLnTPDsPbVDBwHECcVTbNwYo0eYzPsw6hcsSGZTmQy60wY0l7yKAsGEGO/omHLDrfMNk+Jfnt6PGlnCLR+fDpEnEHkO9bKI7vSgThN5At2EJ8yV3x7Fx1d+BDzH+ToXO8OoaLuAccZRkrxW9ESREDIZwP8CmE0pVQghTwD4bwCfBvDvlNKfEkI2AniNUrqhWF2l3GBBBmp9lYRf/uEo5k2rx+pte7As0YS/njsZqayOeETAY7sO4apEE1SdYnVuj83lsxtx+2UznN9NtTLWL5+H37zeifnn1HkmYOuXz8MPnz+IZ/d3FjjO+f8+PRsmpXi3Z3DSaqdbzmQSME3gX597A1/4i3Px1Z+/5qmX5wiqIgIkwZrMTayOoGtA9fRx/fJ52HOoB5fOnIioyMGkQM+AirSqgxDLLXZXfxYTqiRIAlfgFMeeQF53yTQAwNtdKaetW26Yj4jA4YYHf+c7KSljxvQDodhEMpPRcbAnVeAsZkZ9HNGoNQk68H4/Vj7qmmhePx8zz7KuaVj5sIkgUDyGYCqTwXsnCmMkThoneiaKxdpwOtLbTygFk+nmcbKT/mZPqmAMPlBi/T6M+s0UNlF8uydb0J9z6yM4/1vPOb9rYwIOHkthQnUE46ICvv30fkcv2uNTbNwYo0eYzPtQtjJbTF7LcaLo9/Lv4RUXIaOZzr1y+exG3LH4PE+f1i+fh6dfO4LPfrgJs3LP5Hyvp/EIj45kpqi+PoMY03YBY8xRkryOhbtYACATQgQAMQDvAbgMwPZc+k8A/M1InCjIiUYqa2DhjEZn0nfFhyZh+Y9fgchzWP7jVzBvWj0EjnfSAcsxw+o8xwyrt+3BlfOaCpxYrN62By2JZue37Szm2f2deKc7hRse/B1WPPwq9rb3edI7kooVgmNrG1oSzc4k0V1vR1LB8h+/gtffG8Bf//BFaCYt6OPqbXuwcEYjbnjwd0irJq7dvAtX/uhFfH7LK7h28y7c+ODvcFzRcNNDr0LVBx3XzG2uwdols8FzBEvnT8G3n94PzaCetq58ZDfe7UmzjfFlhh0Xa3JtDA3V3hAEPYrq68ihR7GuWU9KdSaJdvrKRwevaVj5MGc1wGAMwSn1cZxdI3sMkj7FipHodkRz00Ovos/laCK0D6ch3c9ZjjvdbwxKrb/S6AtwDmJfM/t3RrP0R1SwdOuz+zuddHt8io0bY/QIk/lKIkxeyw0/BzbtvYrnXmlJNBf0afW2PVg6f4qjf+3nwsTxMs6ukTG5Noa0aobqawaDUblU9CtWSukRQsh3ARwGoAB4FkAbgD5KqZ7L1gFgsl95QsgtAG4BgClTpoSeL8iJBkcAEOKk8Zz1t/1/jSyCI15nMUEbwmmAoxC3kxr37zCnNnZ6mPOZWC5URZATDbsv+f3Ir8dOn9tcg6/91UzP8pR7WuYgIpCCsrG8MBlsY7w/Q5XXU8VwndWElQ9zVjPc9pWSp9LTy4VSZbaU/ji6FoM61i+/X8zWchuXM5GxJLOV0hcbP53s9rwOBNsk9r0WpH+Hq68Zw6Nc7ALG2KWivygSQmoBXAngHABnA4gD+JRPVl/tTSndTCmdTymd39DQEHo+KcCJBskFobfTKAYdz9ibv00KT9mgDeGE+G+St53D5P8OckKTnx7mfMZ2gsMHbNK3+5Lfj/x67HR3yA9gMHxG/pdu97ndx2SJR1d/FkeSaXT1Zx1vj2cyQ5XXYui6iaN9Ct7tSeFonwJ9CB5oh+uoJcwRRJizmjBKdWZTLM+pTg8bw+HWXy6UKrOl9Med7ta3+fm/fsVM3P3UfizbvAt3P7UfX79iJqJn3hK4smMsyWyl9MUmXyfPba7BhKpISTaJfa8F6d/h6mvG8BhJu4DB8KPS7+RPAniHUtpFKdUA/DuABQBqcktRAaAJwNGROJkkEt/Ya1GRx/bdh7F++Tw01coYyGhYv3yec2xHWzt003DSAWBHW7vnt70f4Mk9HQXnsOtwn3PjzrfQVCujNi463lP90hvHRbAhV94vPuOOtnbcd/WFqIuLaKqV8dLBLmxoTRScf/vuw1i3dA5EgeAHyz7sW8/G1gREwRqj+rjk+5bRpNRTdssN8zG1PuY59sjNF+PYiSyuWv8iFt7za1y1/kUcONbPJosjhL0H8JpNL+Pj63bimk0v4/Vj/SVPFiWB870P7GD1YV5V62WpQMY2tCZQn3Ns1FgVwca8dMtRU6Sk9o2TOd/6x8mD6q4mIE9NLk9YG4dbPnQMQ8qHpVcaYeNp6yFZsozSLS+8XaA/N7YmIEucb/zJMtjudsYzlmQ2TF7LDbdOnttcg69fMRMnMprHJgiySbbvPlxU/w5XXzMYjPKm0p3ZfATAgwAugrX09GEAuwFcCmCHy5nNPkrp+mJ1lbIJ+Egyjdsf24tVi6Z7ljXd//m54Agg8gSaYXkx/dHzb+KOxTOgGwZEgQdHrC+SWd10vCzaXk8N0yrTn9GQ0UxIAkFNTAJPCPic11OBECsGG7He4GU1EzxHwHMARywviLb3Q44jUHUTAkdACEAIoBsAx1ne2RTVQETkcTyt4ujxDDbufAsA8MB1c2GaFONkHqmsyzsrT6AaFBJH8N1n38DBzgGsWjQdjdURVEUExCM8KAVkiQNHCFSdQjNMLNu8yzNZbKqV8e+rF4CAeJykAF6vpxQUn1v/UkHZX6xeiIbqsnn4VOym9aN9Cq7Z9HLB+D5x60dxdo1cpKRF0H3ww+vmYnJtDEBxZzhAcY+hAKBphuWsJpfeWBWBKJbmfr0jmcbed3swd2q9c6/Zv5ty7TuSTKNG5tCnDMq5/dvuQ7E2HkmmkcpqiEdEJ93+Pbk2hiPJNE4oWYyTI066/dtODxvDYuc/2qeg7VB3QR8T0yYEXcNRnykVk9mOZBq1PtcjqZhQczpzywtv4/bFH3D0XXWUh6JRj0OjY/0ZLLzn1wX1v3jXJ5xxZYweYfd9HmUrs8XktalM5cytk5dt3oW1S2ZjR1s7WhLNjg7ac6gHNyw4x9fraTHHNMWci4W1pYI8nZdCxdoFjDOSkuT1tO9RJIR8gVL6b3nHvkMp/cZQ66KUvkII2Q4rBIYOYC+AzQCeBvBTQsi/5I79W3AtpSMJPBqqvW8/G6olRETOmfwQQiCLHG5cMA0mpYiIvBPOwp4kRgQOGd0Eca24PNg54EzYVi2aDlWnmFwTxTvdKVRHRTRURxARCNKaAYAio+lQNAM1MSvshsARxCQeJrVCY0TsEBu5ietAbhLap2h4bv8x3LF4BqqjImbHJPzg2g/jsV2HQIDcfkECQggACo4Q8DwBMaxwHbUxAfcunQOesyau23cfxo0Lz8XkvKUnpkmx5Yb5BSEW6mQJSdcyWmDQcYp7crB2yWxs3PmWE0OS7VscGsUexKXsKSk2UZME3olBaONeWloKPE8Cf5smxfv9GSdUgmZYvyfXxDwhPIL6Z5gUUVFwNCABEBUFzxdpSeCR0rzylNJMpw+6bqIznYXqakMnzeJsgYMgcJAEHntyk0/AWm5+4P0TuGR6o1XepDiu6BgnD77YOK7oiEUs/SEKnK8uEV3GFclT4e7fmmHijp/uKxjXF9YsKjhWCRgmRf7dbQDIaAY++b0XAFgy9tXLzwMhBBpM6CbBWeO8jpYkgcflsxs9xu+OtnYW461MKHbfVxKGSaHnvWPXKcp61Yv9nD2StJzHbdz5VoEfgU3XJyBwBLLEW/aDbunEsEkcx1nhNSilEHmuaP6w8EsMBqO8GA1nNksJIRlK6TYAIISsB3DSn4kopd8E8M28w28DuPjkm+hPrSzizsXnFbiBzmoGPr/lFXQkLRfTX/7keZ6Ygd+/5kKIAofbH9vrxB986MV3CmIR3Xf1hYiI3nzf+Pc/OOnusBf3XX0hoiKH6/9tMKzEhtYEqqM8Ht/1Lj5z4eSC0Bs72jrQp6i447IZ+PyWXZ56l140Bb/603tYOKMBGZ063s8un92Ib3zqgziuaJB4DksvmoIVD73qpP3DZ2bDNCm6+rMeY53jCGZOrMYvVi90jPlaWcTBrgHfB4RhmHi9c8Djmvueljn47i8PYG97n7V/i+15KImwB7G9pyT/i6K9p0TTjIJrsaE1gVmNVRBFHtUijw2tiYL06txEMuz8YfUfz2SRTGsF8lsVzaI2Fg2tvzbO46yamPNF21kWFh+cLFSLPA72ZHzCS1iTt+MZFX0+bYhLPOqrohgn8ZjWMA7X5p1jXM4xU12cx4mMVNCGulwboiIKXNFvaE0gmvNZlc3qeKO7MPzFeRPiiEQEZ790/jWs1HtkQpwPDDcAWH176Kb56OhT8OWf/j7QwBwf4X3HdXyETRRHm7D7vpIIk9dyxt6vuLe9D9/95QGsXTIb9XEJZ42P4p//60/o6lcLYiQXm8gNdeLn54F15SO7y23FEIPByDEaVsXnANxECPk8IeQRACql9Auj0I4hk1Q0XzfQb3amnGMtiWbc+qg3z1eeeA3JlGblXzQda7bvQ0uiucDZy1d/Xpgvf6+NHfbiqz9/Db25vHb6bVvboBvA0vlTfENvrLz0XMsFdl7amu370NGrYOGMRnQkB43nuc01uHHBObjhwd/hqvUv4datbejuz6KhKuKkLf/xK/iLe/33EeaHWEgqmu8DoielonMgW+Ca+64dVn/tySyjNIIexHZ4irA9JX7X4jaXu/MeRcUDz72BtUtm42e3XIK1S2bjgefe8IbHKHL+sPrTWdNXftNZs6T6+wNc1/cPITxGRvNvQ0az6uhO+5fvTlvlTwS04USuDWFtDKs/aL+0JFbmG/li4Qb+799diu987kPoSWnOJNHOkx9KpyvlP25dLNzOqBN231cSlRYew417v+Le9j7c/dR+yBKPf/6vP+HZ/Z2+tkexkFVh+jifMK/YDAajvDhtXxQJIXWun18E8B8AXgTwz4SQOkpp7+lqy8kSpODc4R2CXEzbeez0UvPlp9thL/LPax/LD9XhTuM5UvS8fG75qp3u57l0zfZ9WLtkNgAUpIW9FSz2gAhyNz6jsQprl8zGvc8cwL9e+2Hfehlewh7EgsBh1sRqPHHrR333lJQSmuHZ/Z1ODDubf/jM7JLOP9zQD8OtfyTaMNrpGdXEvc8c8ISBuPeZA/jhdXMt388VRrH+2ktPf3bLJaEGZqWFLTiTGEvXppL74rfaxzRNR58H2QhBE7mhTvzsL5ruMkPdusBgME4fp3PpaRusrTzE9f9ncv8ogHNPY1tOiiAF5w7vYLuYDspjpwfliwgcNl2fQGN1xDfdDntx68em4ewaGc9/9eOOo4c+RYXIczBMioduugj3P3fQ2eNnLUsjmFQj+9ZLYTnjObtGxq+/9nHwHAfT9N/L5p6s5qcpmo6+NJDKGjAoRVTkMSFu7SPK3z9kUgqS279puxvPb9fBzgHc+mibZ2nkqWAsba4vZZ+WHbDej6Br4Q7N8K0ls3DZ7EkwqbWP9fn97znpYYZAKfUXSy+lfr/++4XHKNaGWz82DUvnT/Hsxx1KerE2jMQYDHefaDnh19/LZzdC4Aj+799dajn24q0xdb+gaKq1QgqZJgXHkaLjbjvc0AwTYgkONxgjS5hMVxKl6JhywzQpulNZZDQDPLH2IU4aL4PjCLr6s2iqldFQFUFdXBrSRM7Wxw1VEcc5V1o1IEv++e0vmvlLVW3HdgwGo7yoaK+nI0kp3qL81uLbewW/9NhedCRdexQfHfoexXVL52BCdQTrnnndd5+AvUfx4mk1WPLhJu/+iOXzMC4mYnlur2T+nsaHVlyErGbi/ufe8D3v5FoZJxTds//ykZsvxg0P/q7ggXH3lRdANUzc/dR+37T6Kgk/fP4gnt3f6dmvYJoUrx/rx6qtbc442P279WPTCvrkbv/G1gRmTaw+JYbdSW6uL1vvZnb4i/y9tKWOX9heokxGx8Gewv1zM+rjiEaFYe9RVFUdB7oK65/ZEIckhdefymQC9w/Fo1EAQE8qgyPJTMEexMm1UdTHo6F9DEsPa8Nw6z8JmR11C7aYzPalM2hPDo7X5bMbC/YauvWjrVvWL5+Hp187gr+Z14yZE6uh64av7EyoEpHKGrgpt796qPcEY/iE3dc+lK3MHlcyONxbeH9PqYtgvBwdhZYWx09frFs6BxPHRTGt3lqCcKgnhWMnMr62SdgeRbvsUPY1jpUXs3mUrV3AYPhQkrye9okiISQG4O8ATKGU3kIImQFgJqX0qdPakDxKvcFMk+L9Exkc7VPQk1IdT6V3Lp6BqfUxCDyH1w73IDGtHrphveUWOQLVMJHV7RAYBgyTYmp9zDnW2Z/Fxp1voWsgi7VLZuPWR9swt7nGqTcqWiE2VN0Ki+EXeuLhFRfjk9/7jefYozdfjDc6BzBeFvG1n7+GjqS193DVoumoj0toHBfFlx/fizsXz8DaJ/9Y8Eb/S5+YgS89NmhMf/+aC6GbFFURASaFJ812PuPug92OX6xeCAC4av2L6Egq2HR9omCi+a0ls/DJ8ydB1U3L22ounMepfvvf1Z912uUeu5DN9WX7QDjJ/ngo5vX0SDLtK38/u+WSksNjFKu/qz+Lf/jFvoK39d++ao7T/mL1l9K+Y8cV9Gc1ABw4YskZYKI6ImLieDk0hEjYOUpJf+Sldwq+SN6w4Bwn/Z/+608FY/DNz55f8hjnMepWWDGZPXZcQdYwQMDBpFa4j2t9xu/uKy9AU62M3pTqjElLohl3P7W/QMfklwOAFQ+/6jleakgYxvDp6s/i6dc6cNnsSaC51STP738Pn7mwKUgvla3MHk2mcY2PfD5xyyU4uwzDYwQ9E+6+8gJcMHk8Gqoj6OzPOGGp3DbC2TUyzhoXLTqRc5d1138GOqgpW7uAwfChPMNjAHgI1jLUBbnfHQB+DmBUJ4qlYJoUSSULk1I0VEdw1vgofnDthTBMgFKgLi4glTUxp7kOlALjZB4H3k+hvkpCz4CKZZt3eer7r9sXIqubmFBl1fXAdXPRr+iolgX89uuLoBvWpFSWOJgmRdawjOqg/RE8AbZ+4WKcNT4KgeNACGB7H48InFNmb3ufM4l7Yc0ibLp+HgBrD5BuWksJU1kNmkFRXxXBti9+xIr7yBEIPAHNheAgxCpzIqND4AgymoGvXn4eeM5awvryNy4DR4CMbkIGN+u/AAAgAElEQVTVDVRFOGxYPg9RkUdM4vHYyktgmCZ0w1o6++Rr7+PyCybl4kMSSDyHuphl/J7Kt49jbXN9Kf0ZzjK8UvbnqKrh7D2FbkBVDU+8NMPwvqAyDApRHGz/J2c14vyzx8EwKSbXyjieavS03zStWJ26SUEM01l6WGr7MrqJdFZHfVUUukkR4Qh6BlSIvDVZ1QwTDVURzx7AjTvfckKIlLLHcMG59Vh56bnORHDLC2970u9cPN2JwxYRONy5eDq6U4P7LG9eOA3NdXHoJkVTrYzx0WlDGuNKIqObeOWtHiyY0QBQK/yA3/jGJB7xCI+YJOOs8VGsXXI+eA5oqIrANK2xtHXMQFZ3XsDl7+e263OHhGGcWlTdwKJZjeCJFUqCJ8CiWY0VqWe1APnUymSPolu/2/GU/dp7zoQ4VN3Auz0pRAQOj958kRP32VIrJkxKkcyFCjIphSTwqIkK6EqpzvMjJhE8cvPF1rObWOc73JuGabL7i8GodEbDqphOKV1GCPk8AFBKFULyI4aVH37LKy6f3eiEy7jzE9Pxwck1BUtR3u0eAEUVAHjW/c9trgEIwd/+7PcFyzDtr3M/eekdrPzYuVANirc7U4hJPNKqgfMmVvnv9eC5gnAassRjR1s7/v7TH/Qtc/R4BvVx0RMSo6lWxoM3zYehm85XFbu+qRNi6OlXHc+pdj//Y087Nv32kJPvb3/6e3QNZAuWjwo8wbpfvl6wtOXBm+YjlTVwzSZv2I6BcdYyHnsJbInLQofEWNtcH9afsKWpYUtDw/YaDXdZZVWUwwcn1xSEnqiKciW1Xwxon+iSFyt8BR8YvkIWeN+l39HcGEYE//AUkdxkuzrKo/WjU7Hi4cGljuuXz0N11Cof5l4/LLxG2BhWGuNlHrNd1/yhmy4K3EudTGme8EPrls7Btz93AfqzOu59xtItbv20bukc1FdJaO/1Gsqnet8zw0uNzOHtHg23bX01T+bF0W7akAm7/0eTIP3ov78XWLZ5FxqqIvjesjkYUE088D+Fz+f1y+d5tpNsaE3ggefewLP7OwOXicckHv1ZHQ2ul3gMBqPyGA2tphJCZFgObEAImQ6g7P1j96RUvNuT9riNbkk0O8p4wYwGX3fZC2Y0gFKKKXWyx539nYtnOPn93FHftcNaerflt2/jeFrD2if/iGWbd2Htk39EX1otCG+woTWBrS+/46ljzfZ9SKY0tCSa8f//95+xfvk8T5l1S+eAUgp3SAy77JFkBrfn9l266zMMFITXuG1rG5bOn+LJZ4fxcP+9amsb3j+e9Q0NciSZwR2PF57v3Z403u1Je44Xc719MrjdhdtjU8mb68P60zmQ9Q3zYrupD3NjHxG4Allav3yeYySFhZ4ISx/I+LueH8iYJbU/Iga0TxxUd2HhK3RKfcPT6Lml+gTwDU9hm0OK6h9eQ1Gt+sPc64e1L2wMK4101vRc0/ufO1gwvuuXz8PkmqgzSQQGr8ux41m09yq+umXN9n2IiTya62RPfe6QMIxTTyWHlMiHg//9P/rTxGD9+I1PfbDgfvr20/sdG0TgeNy2tc33Hlq9bQ9aEs3ObzsfYNlB+dd1zfZ96E1paO9VRvRZzWAwTj+j8er5mwCeAdBMCNkGYCGAm0ahHUNC1Q1P6AjA60Y6aKmUkVvKqRnU486+vkpy8hcLhdGSaC4wOG/dugc7Vn0UP115ieMxVOQJNv32UEEdMYlHDDye3d+JOy6bUeBO/xufmlXQLwC+xzqSCgwasOzV9cbQbrvf33Z7Sj1f0JKxkVyu5OcuvJI314f1RzP8vdmWuqwypRrY+vK7eOimizzLKr902QcwoYTyw00Pa7+imfjh8wc9sv7D5w/i/3z2fCf/yZ5Dy50jo/uHp/hBLoTLaIfPqDTyl/Ltbe/Dvc8cwOMrL8HRPgV9ioaamIjuAbWonvDTLR1Ja0ngtLp4YEgYxqlnLMmsEnL/jyZBuuu4onnaSwBPSAz72R4Wmiv/d1ior0pcWsxgMAY57RNFSumvCCF7AFwC68X8lyml3ae7HUNFEqxln+7lJu4QF3zAcjeeI+hTNJxdI3vc2W+6PuHkDwqV0adoqI9Lvko4o5tY/uNXnLQXvv4J3zrSqgHVMNFUK6N7QC1wp9+naJD4wmU0+X11+kP8+2m4HvZ2vX5/u9tTyvncoUfcx0d6WSjHkTG16b5Yf0Sf6+1ehldK6IaX3u7BE20dnvQvf3JGyeWHkx7WfiMgzuM/5uI8jlQb/cJTjFQfh5teafjpz66BLHTDxLLNu9BUK2Ptktm+usqtJ/x0iz0uxULCME49Y0lm+YD7ny+DvgTpx7605mmve3m3baPYz+sge8Tvd1hIsErdwsFgMCxO++vU3H7ETwFI5DydxgghF5/udgyV+riEqfUxz3KTHW3tzhLQlw52YYPPctCXDnZhR1s7eB6edHfZjTvfKljGck/LHOxoa0dDLp6iG2tvAfGUeX7/ewXLUdctnYPauIgdbe247+oLURcXfc/RVBstaPs5DTFs8F2+RwqOb2hNYPvuw57zbtz5VsHfG1sTOGt8BDva2nFPi7e/k2ujuP/auQXtn1ofw9T62EkvCzVNiq7+LI4k0+jqz8KswLfXI01DXCqQlY2tCTTkxrQhLvnKsp1eL/un18ulpVfLnG96tcyVVL6xKuLbfnsZoW2Qusk3SIfbhpqA8jW58sNNH+4YVxoRgfNdyvf+iYxHVzVWF8ruuqVzMLUuhuY62Ve3bGhNYEKsMsdlLDGWZDZIXsthj6KfftywfB4aqyXPscZqyXmWb9z5FnTTwIbWhO89tH75POxoax+sL5cPsGyZ/Ou6bukc1MVFTK2PVewWDgaDYTEa4TE2ADABXEYp/SAhpBbAs5TSi05rQ/Ioxa2wrpvoSmWhG5b3L4EjiIocsprlAVQzKVSdOh7DJMEKAA0KPPun93DZ7LPAE+KEBIhJHDKa5b1RFDgYJkV/zoOoapiokUVIAodD3Sl85QkrtEVTrRWiorkuBgJrOY9uUog8h3iEIJWl0A3TCcthgsIwAY4AHMmF6dBMxCQehFjeWiOC5ZJeM6jTNkKAb/1noXv+f/rrCyDyBFnddPJWRTkMZKzffM77qcRzEHnO8XoqcATVMgcla52D4wDTtL7+8LlxVHUTFAS6aToBgWtyRsTJeD09yfiIpVKxbrD70ll09WfRkcw4DpKaaqNoqI6gJhYJdWNvmhT92axzzW0ZqI5EnODNxcJbdPVn0d7Tj4njY075Y8fTaK6vdr6CZjI6ehTVSa+XJY+TFturn98ywmPHFRzuTRfcM1PqYpg43jJm3utT8F5fqqANk2rimJT76lSsDe/1KdBNHRzhnXSTGhA4AZNqrPAabYe6MXdqvSPje9/tQWLaBJxdI+O94wrGRYjj9VTgCGpkDieyFJPGy+hNZUFBkVEH06MSBwKCunhpY5THqH/qCAuP0Z/V0d6rODLZXCcjLvEwqaW/AAKOAIQAukGh5cY1InCoj0fQp6h4rf04Jo2PIBYRYZgmDBOojwuojZdfbLszkbEis0HyWh0RHB0zmrj1I5/bmgJY2wTUnKdSPncv2c/9qMABoNBNOLaBSSkAAkXTIYsCOAKP11O7/l/96T18YOI4TKqRIfEcCKGQeB4TqiIVu4XjJKlYu4BxRlK24TE+QimdRwjZCwCU0iQhpCJeOSUVDVdv9MZWu3x2I/7pry8ApRTX5YLdz22uwfeWzQFPOGi5kBYt8yejXzEd40bgCExYiljgCVKuhw4FMKVOBoEVN3FyrYzHV14CPedqOiryyGgmJJ444TJAKXpTBmIiD3AEmklBAIyXOaSyllFlK/XxsuA8HHhiPTwyuomIwIHmzikKHLr6vUtVAeAfP2OC5waXklAAj7x4GFd8yAproeomtrzwNm77xHQoGRUxaXBfw/9j783DrKju/P/3qe3euvf2cntj62YV0VbZGhV1xiBk1HwlYxxaNAIqY0Bwy+Sr6DwzD5NkmMx3FB3jEhbNBDVgXCD+zJBvTCYYNNEYpUH4KhEJIHQD0k337eWutZ3fH7V01a2qe28D0ov38zw89K1T59Q5p85e57zeaYlCo0BQYKAoFJQALAOIgj7Y1ifXjKdm06lsC21PSNYkEegF4XwJtZ0clsioWP3rfZjXUIcQWEiqhtW/3ofvfv0ClIf0MyWv7/4cI6Jha6L3+u7P8TcXjACg5+uP3z5gaQBKioYX3j2Eb115DqpLApAUFW09ToBBW49knVWpDAtIyyJSsgbGGKhUl4p9WnnOtY2QZQjOGRa25F44hiAUYKDadjEzBBhTFUZa7l0oG1MVRqHHafQJi15fAL0eEMLALLaKquH3+ztw3ohyK49+v78DU+oq9Dj6gJ7N6ylJxYHWbkyoKbXcPm7p1H+HC4vjYLKMqqEkwOLcYRHrnXEMIKkUAsvo7SbRB7GqQVEMcgxiSQl8SEB7QkJU5DG8LAhKVbAEoIRA4AlEVu/m/HQnh7D4d9G+IPMvrwMDzOPVPprlXKMUQZ6BolHIigaBYzEiLOBETwrdKRnhAA9F1ccpiqrh09YEtu09ga9dNAITavTGh2V7wz/RlcKIaBg8y+AvrXGs234Au5o78c5DVxXrUdGKNgSsPyaKMiGERS/1tBr6F8YBb5qmOQ6Db9t7Aku/Mh4JSQXPEqycW49te0/gvq+eg1hSsTDgXvjoJ26eilKRx+INH+Dy8ZVYdNkYS/De/ALCc4xFHq2Ninj6lmmQFc3xpcQuP/HDm6aimyW42/BzdX0NVlx7Hk72ZByY/2zU9erGyXht51HcMH2USw7gkTf2YVdzJwB9SwlDgBPdaZc8xupff2KFt2bBdJSKHI51qrjjWR29fd+ciRhbFUJXUoYoMOhMKrj/1d2e0iBn6qvfUNNHPFNGCFz484fnTYY5dxEFb2kI0YATEFDMnTLKIf2wdsF0EGPaFOQZb2kJgzoqSSq6UooL314dUguSz8hnIg8cas+4wh9X2bs4EAmQnPIU+eIgcAStnYrLvTaq+4/4yGNEDHmMsICcz48EGUQjoksew5QIGWryGJUhf7mQPUfj2PDOIVeZXd04GaVBzpLF+M7fTMK4aAj72xOufJtYGcahWNK1u2BidQRHYjpZ2fwyNKYyhLGV4eIg9wzbUCqzucrrQDT77hqvPveFxZdADDCQVOAOW91Zs2A6jscSWHjZGAuqZ++jNY3iZFzCqq17HX3J8+8eAl+Unila0YaE9UdNfhLAawBqCCE/APAHAP/eD/Hok2kaxcmE3iDe9Mx7WLV1LxZdNgYapbh9w/v4yurtWLV1LxbMHAMC4sBFe+Gjv/3Sh2jpSOlfua4c75Kc+M4ruxFLyI5rsYRsTRLNa3b5iX94+UN02PzMa6hDS0fKhfnPRl2v2LwHS64c7ykHcN8cHVBidgAtnWlPeQx7eHdt2om0pKPQqyMBPHDNJKx8/SNc9ehbuOdnu5BRKP7rDwfREvOWBjlT8hemnqDdaqODVx/xTBmlcOHPH9qyB+YudEXzkYYwzndmFM1dBjbtREbRDHdv/xlF99+Rkjzx7R0Fymfks66U5hl+lw3Dnw/V356S8NS2T7Fybj1eXjoTK+fW46ltn1pxSEre/pMZg7x6mvIY+SRChpo8Rq78WLF5j6/sRWuPZMliLHlhR8588dpd0BbP4ER32iE/dKI7jc5Bmo8D2YZSmR1sUh8nExmr/Hv1uYc7klBUuNJ016admF0/wtWWmX10azzjkqt5aMse/OPXzu+fhBataEU743bWJ4qU0k0AHgTwfwAcB/ANSumrZzsefbX2hL4NM3twfDSWdly7+8WdLgx4Pnw0y5Cc7qb5SUhky0/Yn5vPj/nbLw51FaI1UH701/tAjOv5wlM0iupIAMtmTcipyeSXN2fiq99Q00c8U+YncaIaM0VZ8ZGGUAqTz8gnLZEthWC5nyHph3zhF/IM86urfWHotsvHWV9d+1v+ws9dLTCPBprlSq/Zvvi1kSGBtdzzhZN9XVY1z0WNlAdtuWinZ0NJHmOwpSUt9+6u8apLIYH17Reoz3VJUXNKcaTlYh0qWtGGgvUH9fRfAdQBeI5S+jSl9M9nOw6nYn7bGLMnc+aky/4ly8RH282Oj1Y1mtPdNFNCIvs+jVKsX9SAzcsuQ2UkgGl15dZz/fxko6794tDckcJNz7yHO3/ahF3NnQWHJ6sU982Z6DvAMydrfnlzJr762fUE33noKrx21xVnCmQzqI1jGB8qqN4c5PsSm48qms89u36Y7myB/vMZyxBcXV+D9Ysa8PLSmVi/qAFX19c40PX5npHvq+vp5sEX5T4Q8PynYrnSa7Yvfm1kUlIt93zhZF9nfBbI1IE53h/Udrr1eiDZYEuLKWsFePe5SUl13GNabVQnrPtd92vLO5OyJVdUtKIVbXBbf9TkzwB8E8AOQsj7hJDHCCHX90M8+mR+g+fsyVxtVATPEJcURjY++ombp6K2Qtctevbtg1iTJTnx+PwpiGbJWUTDPB6fP8Vx7Ue3TANDCFZt3YvGdX/E7Rvex4PXTsK0unJsaWrGqGjQhfHORl2vbpyMZ98+6LrPS1KjIszjsRudcbCjss3wn3nrAMZWhX0nlpVhHdXtJQ1yJr/6mXqCo6IhVJd86QhsnpZPXiLfl9hwgHWV1zULpiMcYK3wvTD4ZvgC642WF9jCpCHyWUhgcM/siY6vgffMnoiQ0Nvc5ZPH0HKsrhcSx9OVv8jnn2HgQtg/PG8ymEE6NosEvdMbCeplxQvZv7pxMmpKBNSU6pI7qxsno8wn3ypF7zItCt6LJuZ52qKdORtK8hi5yutANHub7dXnjqkIgcuS8DLb9Tf3Hne19+sWNuB7v/gI9764y7Mtr6sQrfa+aEUr2uC2sy6PYT2YkOEA5gN4AECUUlpyiuGUA/gxgAuhA3L+HsA+AC8DGAt9YjqfUhrLFU4+rLCmUez7vAdLftoLQ1i/qAEBjsHtG3qhNf98XT0EjoAlDCRVg6pR8AwBYQAGxJKzEFgGINS6ZspFmAQ1UWCQljVQqm8VZIkuWaFRQGAIYISXUTR8/7/dMhbf/foF+mFyQqGo+nZA1pDMCArEIW0gCgx4FpBV/WyVnRQpyxSSRq10iIakh2QLj+MI0pJmyQAEOMZ6nqIBGtWQlil60jI6kzLqKkREQzzSsu4nwDHQYEhlEOKQ1AhwDBiD7GoS2qIij1hKdlAKgVOT0DDNxInLBjrcLrfgYwMag50vPZKk6Hhz411XhwUIQi9QIhfGXtMoUlLGJe0gCr0T8Vz+FUVDV0ZyST+UBQQrjvkw+rncj8WSmG8AGUyrjYp4ZelMjIyGAACt3WmEBbjSkJCAmtJgXnmLtp4MQjx1+U/K+sLE0VgS5SLjcu9MaRgVDeV9fr7w8/n3sH5fIclVZo/FkuhKZVAqBqz0dKcyKA8FdTKuRqFpFJwhuZMx2geeYwBKIakU5SKDtKy3kfa2t0xkEA4GkckoOJnsLTNVIQE8z+JoZxIZQ9aouoRDty1Ps8tdkZB6ejZU5DGOxZJQqeqSx2EJa7UxhVqutvp0Sb2SpCCWkvUxB0cgKb0SWEGeQUbpHWMILIMSQ7JHoxSMMeagFFbbRam+LR8EUDXg9Z0teHNfGx6/eQoEhrGo7iGBQVrSAMM/pUCA71t9GaR1bUCPC4pWtCwbmPIYhJAfA6gHcALA7wE0Ath5GkE+AeANSmmjIbMRAvBPALZRSv+DEPKPAP4RwEOnE29V1RAOsnjh7y9BWlYRDnD4wS/3olwU8MLfX4KUrEJRKX7wy724d/ZExDOKgyr2w5umgrcRSWujOikyLat49vcHXUS/n9w+A90pBf/w8ofWNZMmtviKcRgVFdGVUsD4ECw7U7Ihh8E46I+rGyejqiSA1W84KaVlIR4iz1i0wKvra/DgteehzUZM9aK3Pj5/CspDPBY/t8PxjGiYR09K8UzbuoUN6EhILj+joiJiCclBVN1w+wx0pxUd/mPz/+S2T634P3vrDAQ4Brf+5H3rnr6QUxVFwycnelyUzPOGleSbLA5Iy5ceRdHwaVvC1z0fnVCSVE/i38RKriBqqaJoONbp9h+u5Ap6fj53v7M2mm1RLB91tCxIMLa6FDdn0TPLgnp5CvE0p/9ykcnpnu/5JTzrm0YAKBW4nO6DzcJBBu1JxkUrDQcJPj4a96Qxt8UzWN04GeUhHn86cBJX1Q+HrGiONsss2+dU+ueXSeB9tPEiJCTBt1x9wbqsQ96GEvW0VGRwqF22yOZmWsZV8vk92yxXW80wxLO8TayOYH9bPG85lCQFhztTONmTgawoiEZER95vWHwxelIK7ntJH5Pc+ddjMXdqLZoOnUTDuCrPtsmrzfrKpCrE0yqWbeztf9csmI5f7j6KKycNc/T9hdaXYl0rWtEGjvXHKLgSAAugE0AHgJOUUuVUAiKElAK4EsB/AQClVKKUdgK4HsDzxm3PA/jG6Ua6NZ7BgdYEbv3J++BZBgt+/Cf8Zm8r5tQPsyYod7+oQ1pOxiUXICGbSNoSS+FkXMJ3XtntSfQ7Gktbk0Tz2kNbdPrfis17ICkUyzc2QWAZz7NUAsugIyG76I8rNu9Bi0EJNK/dtWknZIVCUnoH2PMa6tCcRUz1orfqFNa06xkcw/qmTY+T24+kUBdNsyWWtiaJdv/2+C95YQcOtycd9/SFnNoaz3hSMlvjmYLLx0CyfOnJ556PTjgQ3HMRSZkcZ2pMy0ct7G/3082jwWZ+lNeelDdsxiQ9r9i8B593ZTC7fgRkhbraLLNs58ovsy7UVYRz57mPLuuZIDR/GWwoldkun/rb1Ufqaa622K+8tcYzBZXDtoRkUc8n1JS64tvSkbImiQDQOGM0lm9swuz6Eb5tk9f1ykjQlYa7Nu1E44zRrr6/0PpSrGtFK9rAsbO+jEcpvQEACCHnA7gGwO8IISyltPYUghsPoA3ABkLIFABNAL4NYBil9LjxvOOEkBovz4SQpQCWAsDo0aNzPkjRqEUQtRNCTViL/X/AmwzqRzH1o5B5hWHeyxD9dzyjeN4Xzyi+YYQEFiGwjmsMgYOY6JWOfPTW7PD80pbPT6H5kC+8QsmpfuQ2ZYCIJ5tWaHnNl5587gOV6JlNJPXTgSREP7/n5z4Q0vBFuw8UK7TM9pVWmk16plTfOurXXhQSfr48Leqynp4NpTJ7ptKSqy32o436+ckuh/Yxi1d8s+uKOa7xO5/d1zrqR1IvpL4U61rh1pdxbNGKdirWH9TTuYSQhwH8BMAyAG8C+JdTDI4DMB3AWkrpNAAJ6NtMCzJK6TOU0hmU0hnV1dW5H8QQC8xiJ4SaBDH7/34AFz+KqR+FzCsM816N6r9bezKe97X2ZHLGI5tSqlE4iIle6chHb80Ozy9t+fwUmg/5wiuUnMqzPhTQAUZtK7S85ktPPveBSvQslEhKKfD8u4ccXxyff/cQ7Mex+zsNX7T7QLFCy2xfaaVm/TfrPiEEGvVvLwoJP1+eFnVZT8+GUpk9U2nJ1Rb7lTc/P9nl0D5m8Ypvdl0xxzV+OzL6Wkf9SOqF1JdiXSvc+jKOLVrRTsX6YyT8NehnEudRSs+jlC6mlP7kFMNqAdBCKf2T8Xsz9InjCULICAAw/m893UjXRAKoq9DPx2zeccRFEDOpfFuamlEVEVwksB/eNNVFEK2KCHh8/hRPot+oaBA/vGmq45oZ/urGyRA4YtFGveiHW5qaURHmXXTL1Y2TUVshuiilPEcgcL0N/pamZiu99mvZVDSdwhp0PUPRVN+0rV0w3dOPwBHDrfd6bTSoE2Jt19ZlUVafvXUGxlSGHPf0hZyajwI62CxfevK5i4I30U80qKHhgLd7OKC7h3z8m9TRfETPfO6Uen+xNyeC5SKDe+ec66Ce3jvnXMt/Ic84XSrpF+0+lAiSQO70elEV120/YP09vCyAN/ceB88RV5tllu1c+WXWheaORM48Leqynp4NpTKbr34WarnaYr/yVhMJFFQOS0QWtUZ9ONDa7YpvbYWIJ2+eZl3bvOMI1i5swJt7j/umzet6dyrjSsOaBdOxeccRV99faH0p1rWiFW3gWL9RTwH96yKldOtphvF7AN+ilO4jhHwPgElzaLfBbCoopQ/mCqcQWlRnMg1J0Yl6AkcgGwSxIMdApQABhUZ1dD0LAskk9RlkUKo56X3t8QziGQWqRjGsLAiRZ6EZ1DCeY6CoGlRNF8sNCaxFIOMYAknVEGAZfauLcd1OKtMoLLKqYsSTYQgEhkAMEAfZL8AxCPCApABp2UmiTGb01XrVIJ/uONSOGeMqwTK6hpJJYJUV3Z0xSKgadIKpolIQg+hqp6JqBqlQUSk4Vqeplgo8ujOyIw5nm3qqqBq4IUQ99UuPLKu6u5HPNZEAeF5frW3ryeCXu1swu34EKKUghODNvcdx3ZRai+j586YWXD+91nJ/fWcL/q6hFqOiIRxuT+AXu4663P922iiMqQznJYLmc2/ryeCfX9vjIv3+4IbJqC4J4HB7AlVh1uX/ZELFGAP2crg9gWiYRY/tnhKRQcy4Jx91tCWWRNQjjrGUhtpoKK+7XxzbEypGV4ZxpCOBtKQgHOAt90RGRlDgMboilDd+Htbvn21ylVm//OrJUBD0tpsCx4ABkFJ0qrLAMlA0ncZYKQqIy4qLelphkDX9SL/2uhINs0Xq6RdkQ6nM5qvffbFcbfXpUE+PxpJ4Z38brpxUA0WjKAkwiGd64xsOMJAUClntJaGe6EpiWFkIQYNa2tsPEyQkDe09KQwrCzn654yioUxk0J3SitTTAT4uKFrRsmxgUk+z7F8BnNZEEcC9ADYZxNODABZD/1L6CiHkDgBHANx4ms+AplGcjOvbnUSeRdJocCnVEOQYUKpPeDRVh8JwDPRJDgEUlaK1W3KQzdYvbADDEGvylJZUEBCEBcY8EycAACAASURBVAYgBMmMigCvT/oEo9NQNIqulGIdKDflOAjRBXVZhoAQgo64hBKRg6xq+uQS+rZRVaMoCfKgtvOJxEhbR0LHzXMMgaRoONadQW2FiL+0JjC2MoRFBrDHtNqoiM3LLoOsUahKb6chqRpkY1LIMQDPMWAJkNE0UOhxUTSKlKRA0fQBXbnIQ9X0g/2iwOrIe2NSWG5MCs1JotlZeA0ssq/1RfKCYQh4Vn+PPMsMhg4pp3Ecg5HloqebplHE0hLMJSIKIJaWUMUGwTAE5UEOs+uHQ1I0MERfgJhdPxzlxoCZYxm83NSCx3673wqzNipi/iX6+QiOIZ7uf9egH0MO8gwyWUdNMios7bpwgEU6S/E8rcLSaSwPcrhvzrkuUqAZv6owCynreKmk6ddNiwRYnOiS0BJLIySwxjasICqMRQeWocg+DaMa1/U4MmhPqpAMWQVZpVApRUmQNfx7Zr11PRLw3kJlppElBJ93pTChpvcsrv03gXf8CAbWea9CLRJgkJCpo0wmZArRkPIxz0//y+sfWbTj9QsbMLw8gPJg74QvmVQdGogqBWIZCdUcA4ZhDKCRvnjBGKKTZl3RNIoTPSloVH++ZvgdJrBWe+DX9hQtv0mK3sfZLSVTSMrAOgteiJUEGKSzKmBa1a/31XK11X7lrZByKHAsDrTFMW1MBTiWoCtNcaIrA43qklQCJ6I7raC5Qz/nWxkJ4C+tCdSUhRBPq+AYgkiARUrWsHX3Mfz1pGFY9ct9ePTGKfi/e47ha5NHWhNGvVbpRgBwrJ6u7H7btEImgcW6VrSiDQzr74niaY/GKaUfApjh4TTndMO2WyyVgcARdKVUh27iP113PrrSMpIZFWUhHp+dTOLJbfvRFs9gw+KLkZF1XPvK1z9ynKm6c2MTVs6tx6qte/H4/ClQKcUjb/wZd111DlKSiu2fnMB1U0bhLptUxLqFDXhq26doiaUwra4ct10+Dgt+/CfL/bEbpyDIMw4JDrukxiNv7EN1iYB7Zk90hLu6cTJe23kUX7toBMZWhdCVkhESGCQyCla+/hGqIwGsbpzsQM7/6JZpONyexP2v7rauPT5/CniOwT1ZEiClIR4/2LrXGuCtbpyMqoiAzTuaceWkYXjit59i8RXj8NrOo7hh+iis2LwH1ZEA7pszEWOrQjjRncHDv/oEbfGMLyI7u+MpD3LY1xovSPLiy4bijksSTnT3EgjNLURBnkFpMICkLCOjaGgxBhBJSUVthYikLKOMZ8ExwJoF0x1laM2C6TCztVxksWHxxS7/5aI+CQpwwCEPzPo4QxqCYSiaPdzHGO7tScmTFLh52WUYXiZCA9ASc/sfW9k76FA14GRcsuqlWS7LjG1wATa3fIWmAZ1J2ZUHYQOqVBrILY8R5IBj3bIrj0aW8kYeMohGRJdchLm1TeRzx2+wGSFAV0px5UdNCe/Ig4fnTUZbj4RdzZ24c2MTNn3rUgBACYB249zi510Zx3tZu7ABIs+gJZbJ2R70ZDI4GZddeRoSGJSJntqUReuD5ZOMGUxGGOB4u7s8jR5AaSkPcpg7tRaLn/vA0caZ0jI/W3KpY2zy9oOzcP6ocpckkCmXIcky/ul/nQcKilnnD8PtG/TFY1NWI/u9bv2wBet//5mrP/2y9bdFK9pgt7N6RpEQwhBCLrdduvNsPv90LC1pIGAceOh5DXVgCEF7XMI9P9uFqx59Cytf/wgPXDMJ1ZEAWjr0AWw+gul3XtmNWELGvIY6xBIyVmzeg8YZo63Bjnm/XRZi2awJLqDH/a/udklw2CU1ls2agHkNda5wN7xzCAtmjsHK1z/CVY++hXt+tgvdaQUxI6xdzZ145I19WHX9hXhrxSysuv5C9KQVa5JohmOmw35t+aad0DTqkLPQJ5xpC59txm/JleOtSeID10yy4vPAq7utPPVCZJsdzw1r3sEVD/8ON6x5B5+2xvGkMam255+X5MWXDcXdk1J9pAj0JfK0THHSGEDc9Mx7WPn6RzjZk0Fa1teMU7KGp9/c74DFPP3mfqRk/ctAPKOhOyU7/HenZMQzuns+tHyPj3uP4Z5R/Kh/unu3j/9uG7peUr1lFyS1MPmKtKy56tFdm3YiLRfmP57xzuN4hhbkP5/7YLO05FPmJOpI40Nb9HbM/N3Wk0Fa0vQtpcZujuz3snxjExIZLa8Ejp9ERzw9OPN0oNlQKrPxlHd5ig+gtLQl3HIkdmkZRaOONpAhxPP9mHIZpWIA33llNwIc67jPlNXI9tc4Y7T1296fftn626IVbbDbWZ0oUko1AI/Zfr9/Np9/OqZo+tay6kgA6xc14OWlM3FuTQQExDXgNAcz5gTRj/xpkvtaYvoqernIe0pwmNYSS1nn8foiO2GX7vDyN6+hDne/uNPVoVRFeg+O72ruxOLnPoCqUSx+7gPwLFPw8xlCPOUszDSacTJ/e02CzTzVJwTOPT9eHc+dtkm1/blekhdfNhR3PrS7nDWAMMuDbLirGsVv9rbizp824aZn3sOdP23Cb/a2WtsDZY26tC+//dKHlv/TlX5gfSh75mp0Ieh61ece9QzF8XTzeKjIYxRq+fLDNLO9APR33m6cOVQ0apzR9gYd+eaXrT0Yank60Gwo5a/sk5bs8tqf5iejYdaf7DbQr000ZTrM96dmyWf4jVXsFHV7f/pl62+LVrTBbv2x9fQ3hJB5AH5O+5Ok00cz4S0PXjvJsQVz07cu9W2MTfz0uu0H8PQt0xBLyNa2qmiYx/d/sRdAL+JdUjUIBvraREu3xPRtpstmTUBlWMDwsiCurq+xJp/2Z5vh2M2ckNonptn+KsOCZxoYhmD9ogas234Au5o7HQQyv+dXRgKYVleOXc2d1jWGEE85CzONZlg8S7Dh9osxpjKElXPrrefa87Q26kZk+3U82YS02qi35IWJ4s5Oy1BFcXMMwdX1NS4YjIl29xswaMYgiDcmatn5xRfon/Pxny394OfOM8S1FXp142Tr+fn8F5KG040jxxDc+ddj0ThjNFjjLPLmHUcKzuPTff5gM1XTF+FWzq3HyLIggjyLeEYBAFd7YrYX5rb67379AgD6V2KNuts3M188r9vag6GWpwPNhlL+sj5pYU8hLV8UtMWU0ciOo9kXn4xLDne/NBFDLsN8f9nv0T5Wsfuz6zLb+9MvW39btPw29h9/2af7P/uP676gmBTNy/pDHuN/A3gVgEQI6SaE9BBCuvshHn0yUWAACteq9/GutOfXjaSkoq5C36tfXSIgI2uObVWysU3OPNsXDfPY0tSMaJh3SHBcXV+DB66ZhFVb96Jx3R9x8zPv4b4552JCdRg/usUpJbFuYYNLgsMuqbFu+wFPiYuKsOCZBk2j2NLUjAeumYSr62uwunEyGAZ44uapvrIcj7zxZzx47SRMqyu3BvAcSxxyFjq+Pmjhs7c0NWP9wunoSulnImc/9hZWbd2LB67Rw7HnqRci209zqbok4MofL8mLLxuKuyToLR9REtSbgwDnp9NlwGaCjCfSPWz4F3x0vni2MGmHSNAbwx4xwo8ECKpKAlh1/YV4eelMrLr+QlSVBBAJEMPdx78NNFEmeqehrEB5ilIf91Kbf/N80OzH3sLi5z7A3Km1lv98eZwvj4aS1ACgi38/eO0kbGlqRndaweLnPsANa97Fzc+852hPzHdmamPeO+dcMIyeHybJMZ8Mhnk9uz2oDnvnafUQbQfOtuWr14PJCmljCjGvYxP7TvRYC0anY17SG3ZpGZFnHBJcBz0kNOxyGd2pDNYumI7ffnzckgcDgHf2t3r6e2d/q/Xb3p9+2frbohVtsFu/ymMMJMuHFdY0iuZYEl9Zvd1xfVpdOf7tGxfizqxD7SVBnTr6zFsHcd9XJ1oHxE2rjYp4aelMgxamy2ooKkWAZ8ARAlmjEFgCWaUWzMHud9O3LsUPfrkX8xrqUBkWUF0SQCTAQlJ1GYl4RkEkyINAx1/HMwpKgzx4luCFdw9h+thKlIs8ZFVDNCSAAo6D+eZq/byGOqzauhcbbr8YD27eYx2CP9yeRDQsoFzkcbwrjfaE5PjyuPGOS3HoZAJ1FSIqwzxSUi86W2AIYJAiGQagxu6v+R7pNIE/6xc2YER5EOWie7XV73D8OVVh4+xSfsmLU1jVHbQY7KOxpGeZennpTIyKhnCiK4WDJxOuL3bjq8IYVibicHsCfzpwEpdPrLaove/ub8PMCVUYXRlGVyqDlo60o06sX9iA2oogysQAjnWm0JVMo1QMWNS87lQGZaEgRpaLONaZwm8+OuaS57j6wpEYWS7ieFcKnQm3//JwECPKRByNJfHCu4dcX/NuvXwcRhno+nz35HM/3J7A8c4k6irCVhyaOxIYWR7CaEMCJFcet3alcLQrjXt/1gt+euqb0zCqLIgaIw0lIuOS7+gpUELEw/r9s02uMnu8M4Ub1//Rqu+utnLJTLR0phANcQgJPFSqy2VIiopvvdCEl5fOxIgyESe60/juLz5yfS3/3t9eiJpIIK8Ejp+ERtFO3zoSGWQUBarWS/tmGYoAx6EiPLjkMY7Gkvj+f3/sKmff/foFfvXP09p6MrhhzTuu8v7aXVecEeKnnfzNMQTtCQkpSUUkwKEqIuBkQoLAMvr4QOTx+30nrHaXYwh4jkBSKH778XH8zQUj8P3//hi/2duK+Q21WHLleEvuyqutnH/JGMQSEkaWixheGuwz9XSQ2qAdF/SnFb8o9psNTHkMovPJFwAYRyldRQipAzBiIJ9XNBs1AuClpTNBKUWQZxEJcKiI8KAa8PLSmQjyjKUBGOQYCCyDu2efk3ObGcsQaJr+hYFnAJDeiXta1nREdCSA6kgAy2ZNwPiqEAI8B0opvvv1CxAOMOhJq2AMrUMWgMoQhAMcOAKA6A15kGOs8xNLvzIBaVlHzpu4+ADHYOXcemvyyBDgjr8aj1FRXQZDoxRP3zINqqHVOL46DIbo+oaq5j5HRAgwaXgElALdaRVBjgFhCGRFgwxda5JjdP+m7uNjN05BZ0q2JpwtsRTOH16CX9xzOVKShp60gpSkGvpPgKJqUIx3MbE6gp/fdTnSsgaW6NtuOpL64fiA8ezujIxUj3fHpCgqJEXVz8soKhRFHdQDxFwD3nxnhdKKhkfe2GeVh86UjEfe2Icf3jwVgL5F6brJwywIBQFw3eRhiJmglrSKsZUBvLx0ZtYkRkWZqJ+dGV0hOiAWoytEtCf0bdOyqmHWeTVgCaBQgCXArPNqIBvnySRFQ3VJEBmlt9xVlwSRNDQxFI3izlkTkDJ0wAIcgztnTUCPjWevaBR3z5lgTcQCHIO750xAzIiDolEsuXI8MoYGaYBjsOTK8UgYz2AZgotGlTjScNGoEisPFNtWSjMP120/YOVxStEQDXGOPJJVFSml13/2RizWuA7b/9k2GM97Afq20UcbL0JdRRibvnWptfjw4M91IqMGigtGhi2NQ54hKAmzSEscfr78MsgqRUrKGHI7AsZXhcEyBBVhAeWiAEXVoGkaKNUlOCil0DQNAOPQFI2GnbmunQKbZAgPgk/LUpIuuWBmKQHAgCAlqb3qx4PEFI3iopFlOH9EKTRKMaJcxEUjy/pc/yRFxeXjK61Jl6pRPPv2wVM+r2eWPYGjiKd7F5EiARb6zk4BimhoO7MEw0sDSMsaBI4BzzL4xvRRSGQ0WE2rLtOMWefVQNUovvPVSfj+9ReCNWS0GKPvvvaikQCAREbBsa403v+sEzdfOgaqcXZYklSHHulQ62+LVrShbP1RM9cA0ADMBrAKQBzAjwBc3A9xyWteX6tWN07Gv/73Xlw/ZTiuOLcGJ3syONmTwtjqUizf2ITqSMBxlnHD7Rd77slXNIpbfvwn6/4N7xyy5DGypSjSsoY3//w5RpQFsfg5J776z0c78dtPWrHimkk4GZccfn9401TwLHFIZqw1ZDbschWVEQFbmprR1iPhgWuc5zC9ZC+evmUaZEXDd17Z7fgK+eivdfR2PK2gMyXjoS17XPlRG+2V8vjR7/6C2y4fZ8FrssMhhOBYpxtDzjHAt17ovfbsohkI8AxuNfQe7V9Fb7t8nEMiJFtmQ5IU7GtLuPDek6rDg7LzypcegfM+u2JuexRYBm3xDO78aZPT3dg6Gs2Duc+Hwa8KswW4K1i+8YMsd74P/nNj+E83jHx5IHKMq8yvbpwM0cjjs5HGwWQVYRbdacElB/LI312IJ393AAwhOJwlR7B2YQOGlwroTCnY/MERzJ1ai2GlAhZeNsYhCbBmwXREgiwOd6aweIMzvydWhrG/Xa8rjzZehO604MrTiZVhxyA3lxXR//42lOQxSoMsZp0/DLc86yyvpcG+nbMLB1jP8hr20VnNZWbZa+tOIhoRHfn84pJLHRrMtdFe6aoFz+oSW14yF2sWTMcvdx/F3Km1qIvyePrNv+COvx6HjoSEDe8c8uy7tzQ148FrJ0HkWWxpasG7B9sd9Wio9bdFK9pQt/44HHAppfRuAGkAoJTGAAzYzeleRM0Vm/fgkcbJmFM/Au3GxGzamEqr4Vs2a4LjLOOT2/bj8flTHHvy1y9sgKxqWDm33pokrrjmPJSJvOscZEdCxv2v7vaUzFi+sQlXTKzGrZeNRUss7fL7Dy9/6JLMWG4jgprpORpL4x+/dj7umzPRRRz1kr2IJWRrkggA1ZEAJEXD6hun4IW/vwTVpQErnOz8aIn1SnnMa6jzJJzeN2ciVjdOBkA9MeTHuzKOa0t+ugOH25OucMzw7RIhLTEnjtsLI758YxPaBimuO196GAA/umUaNtx+MV5eOhMbbr8YP7plmtUYMAR46pvTHOX1qW9OgznOPV3phkLcn9r2qUN+46ltn54x/2cjDYrHeeYVm/dYK/Vf9PMHm/lJmlw+sRqrGyeDZYirHVi+sQmyQtHSkbIQ/bKHPMZdm3YiJWnoTMiuMtGe6q0rdRVhzzi0pwpvB4rof38bSmU2KXmnxdzV0JdwvMprX8MBesvehJpSV9wkhTquVUcCOBmXQDVg5dx6TKsr95S5uGvTTut6T1rDgpljEEvqEl5+fbfZ15q7MrLrUVtC8myfB2t/W7SiDXXrj+UbmRDCAqAAQAipBjBgewo/omZXSkY4wKK6JICWWMqxvdRLgqJE5PDC31+CnrSCkiCH//jVn60vemsXNuCuq87B4uc+wGM3TnH5zSeZoWj61peTPRlPdz/JjOx7ulIyxlaFPMOoyjovYdeGnFZXjgeumeRYWVy3sEHXkoylckp5hOCtMVlXIWLFq3vw+M1TC05TPmkQe7r1zrN3m6Ffvg5Gy5celVKkDbiS+b4eu3EKVOO8MscSRIIcVl1/oUXpjQQ5cGxu+YkzJS1BCDxXqgkpLH1+/u0fdL5oeQw/NL25ffaLlt8YbOaXHk2jeOSNfXhsvrtdbImlkFEpqiICWGOLfq58CfKMdf7RXqbM+/OV60KsiP73t6FUZs9EWQH82wkvGad8ZpY9r7jZZWO8+uuH5+nQOa+4mOMOjVLc/eJOPLf44pz9unndPIdqXlcLbN+LVrSiDSzrjy+KTwJ4DcAwQsgPAPwBwL/3QzwKMhMNbbfaqK7fRSlwpD2J2qjo0HbL1k1cNmsCjndmcOtP3sfn3Wnc+pP38Zu9OhHMXG0zv9h5aS6aMhsmhjo7LoQQHGlPWvdlu/tJZmTf09qTAcd40xjtE0t7nMz0Za8sLtvYhPvmTPTMD/sz/dwOtCXQFs9AUb3T7JWmfNIg9nTrWy31iSXHeL/jwYhtB/Knh1Lg/ld3O97X/a/uhsm1SssaFm/4AIuf+wA3PfMeFj/3ARZv+MASk/cL3xwU5Ht+IfHzWqk243eq/u1jOD8txjOVhv52H2yWq0y1xTO+bd9nJxMQBQ6qRnHfnIm+75VjCJZnfbkxy5R5f75yXYj5EZiL6P+hVWbPRFkBeiUsssPxknHKZ2bZ84qbZivnfjrFrE/fb9Y9Qog1cbT3qdn3m9dNboJ5nS2wfS9a0Yo2sOysTxQppZsAPAh9cngMwDcopa+e7XgUaiyBpwzEuu0HIKsUT27bj4fnTcauw+0WInrd9gOGBITupzIsWF/gcn1dA4B12w+4nhcN83h8/hRLMsPutnZhA17f2YInt+1HXYXoeG5tVD+jmC2ZsXZhg1uuokLElqZmsIx3elkGnnEyJ5FeaRpdGfLMD/MLVoUhCeL1PPP6M28d8MTajyhzSl88u2gGxhjP8wrHLhFSG3XiuIcaFl/gGFc5WbNgOgLG+TiN+ny9oYV9rWJ86oQ5RirzkY4wpSdCPmj5sIGWzxZ0zo4fzxLP9PFsbo1C+2o/yZOGIO8dxyBvSHTkQf3nk9fIl0clPu4lBcp3DDZjfNod8/qzbx/E2qx3/vC8yXhy235wLMHmHUcwtiqEd/e3+earX5ky71cp9Y1DoVZE//tbSPAusyFh8JXZXOW1L+YlYeEn45TPzLJ3wEPmQuCIdc2vv05JisvfmgXTsXnHEWucURvVz6qvbpycs+9eu7ABHAs8+/ZB2xiid6Lo9fziPLFoRRuY1i/yGISQ6QD+Cvr203copTvPeiSyzA8r3NaTwT+/tgcr516AE91OGYjf/u+v4PYN71tE0otGlYBSYlESP+9KI6NoqIwE0NyRxMrXP/LFv6+6/kIsfu4DAPrWkPvmTMSEap3cp3c++uqcKZmhGMTS13e24LHf7kdtVMSWZZeBAJAMEinLEMTTMlQKREXekqcApcioFAT6pKIjIaG6JABFpWAIfLHfAKxwGaJ/bdU0Cg3wlP94eelMy0+AY6BqerxZhiAtq9aqKSG6NAjH6ijulKST09ZtP4C2eAY/X345ZLWX4MYwOi1P1SgUqg/qqwy8ukkbJISAJYBqUDMJQ8AxOmHPi0R4Clj8AYvBbuvJ4Mdv/8WFK//WleegukSXp5i//o+u9/XKnZdhZLmYV9ohHxr+WCyJ5z1w6bddPg4jDf87D7dj2phKqzztOtyO6WMqrfDzPT+ftEUu/0B+vP3RWBL/8/Fxl0TH31wwwkrjX1q7MaGm1CozB1q7cU5NKUYaEiPhAEGXTb6iTGSQyFAMKxNxLJZEWpYR4HnLPSPLCPK8lUcnupIYVhay3M3fo6IhHOtMoSxIXPIYXWmKkeXOVX7D+v2zTa4ym+t93PPiLuxq7sTPllyKtKwhJLAWRbYtnsErd84EpfpX4sZ1f8R9V01wSLeUBBjEM5pnmXjlzstQHRbQGs+AAvhXjzh8728v9MtTTytST70tX733sH7PtC9aHgPolbAoRMYpn2kaxefdaXAsIBvEZo4h1gJXV0qBwDG+/fX/fHwcV0ysAccQsCwDSVER5Fm81tSCl5tasHaBvkhLAWQM6iml+uIjQwiI8TskMDjRnUFXSrHy5gc3TEZ1SeALlwTpZxuw44KBbEV5jH6zgsrrWZ8oEkL+BcCNALZAj+Q3ALxKKf23sxqRLPOrYJpGcTKRBtWAtrjkoO69uORSZBQdklAV0bUIBUOK4tDJJKoiAlRK0ZmUMbwsAFUDOpMySoMc/o/tjOIPb5oKjiUOqqj51Swta4beIEEyIyOWlBEOcGBIL9zh6voa/PN19SBEJ1aaE7JYQsKLfzqCG2fUYVR5EBlVw2cnk/jV/zuOWy4djWhYAEsIeLa3gdcokFZUfHYyiSe37UdbPIO1CxswuiKA7pQGjeodPM8QaMYkTKUUHQnZpSU5rFQH3MgqBYUuYyGrmvVMSaWQFA2E6BIWJUEGRzp02qY9nMqIgJaOFII8A1HgwDEEosCCAFA0DZTqKw4lQRbxtGp1jjWRAHi+sC1fdkR+gX4HbIeQj7yoKBo+be3BUls+P7OoAefWlIDjGKTTCv7SnnCRZs8xqHWJdBoJmUJSehckBI4gzBOEg0EcaU/g2y99iGWzJjikIZ64eSpGV4YRT6fRk9GgqHrZYQkBxwIlAQaRYBBdyTRaOp3lYP2iBtSWB1AWCqI9kYakuP0LHIPKcBDdqTQOd7jpimMqAigVgwCArmQabXEZzR0p6xxmXYWI6giPslAQXak02no83Et4lIlBfN6VQkJSQCmxEPGEUIQFDsPLRLTEkuhJZVxajyViALXRENp60kjJKiSFWv4FjkDkWVSXBNHanQLLEqSl3olgUGCgqhQ1pSLa42kEObgmimkFqIwEvYrFgB10A0BPOu2imq5b2IAxlQF0JjVIqoa0pKK6REBCUqFqFCfjEqoi+m4Nve1S0ZXS8OS2Tx36stEwCxbA8W73+xxbEQZj6MsRUJzocZe7SUa9KNrpmSyraEtmoNrqLcsC1SHftnbAltnuVBpHOtzldXRFAJFAwFooEAUWiqZrG5/KokFfFx00jeJEdxpJWcWR9t4+fN3CBtSUCjjemcGPfrcfd/zVeOv4gRn3Q23dGF9d6tS/XdRgfQ3XqL6YKyvUGi90JGUc60xh3fYDAPRtrecNL4HAMvj1R8fwva2fuPqfs0kG7odFmwE7LhjIVpwo9psNTB1FAN8EMI1SmgYAQsh/ANgJoF8nin6mKCpOdOtkvJeWXIpV11+I4WVBhAQWb+79HH91bg0UTcMiQ5bh6voarLj2PNe1e+ec68JO3zt7Ik7GJXAswYvvHcHKufUYXhpEeYjH7/78ORrGVlrnasztmiGBxV2bdqI6EsCq6y/ExGFhxBIyFthkNuxI/vULG6BomiVmf3V9De6bc66jg1vdOBlVEQGSouHOjTsdnUd1RADHERwxBt7VkQDumzMRY6tC6ErKIATY9J4+GX1p6UzIxmT0hXc/ww3TR7nkAR55Yx+qSwTcO3uiI22rG/XVxpIgh0dvnILqkgCOtCex8v/7CG3xDH50yzQkJdXhxy7bcVNDLWadP8w1OTivJpJ3sijLKj5pjZ+S34FoDEMwaVgJXrvrCs8OUlE08BzjgNXwHANF0awBcYnI4bnFgyM6zQAAIABJREFUl1iTGJ5ztiddKQUttkF3bYWIMK+fYw3yrKc0RNDISwLgZFx25XdpQF9N5hh90mePn8AxMMfqAgsc63T7H2ti9glQ6hV/WxI4Bi6gjym7AgAc0VfM7e7rFzXAzIYAT9AW11xxqAjrN5SJDGJJxiX3YG2/5YHPuxWX/8qQnkdhgeSUEghyGDJSA4B+BiLIO995kGfQ2i3jtg1O6YCn39xvLbI99c1pWPHqHmswPK4y4GrfzHzxet+qquFILI3D7UmMKg+iJMjj8flToVFqlTtTb7Fop2eqStHuUe8rAgJ4Pr//gWQs8S6vLIE1CfLqj/syIerrhMrr/rULG1AZ5vGXE90I8gxSsoqHvnY+RJ7BozdOAYHOGyCgmHVeNT7vlp39Akuw4Q8HMeu8YTp8LsBh8wdHcOWkYQ4YzWM3TkGAZ1yL3TtXzoGqEdcELZDVvge+gIWYolRN0Yp2Zqw/vij+CsA3KaWdxu9yABsppXPPakSyLNcWE3Ow97MllyIksKiKBHC8K42a0iAOtMatwce0unI80qjTwxb91/vW1or1ixo8t5uunFuPO3/aZP29autebLzjUvz7/92Lf/n6BZ7bQ+xbVAFgw+0XW8/3e47dT657ADjCNq/XRkUsfu4DVEcCLlra4/OnoFTkccfzOxzbanOlGUDOOEiq5nK3p9MrbW8/eJWlaWV3t2839LNCtip62KBdOcy3bepEVwoHTyZcE73xVWEMKxPzuh+LJa2FCdNqoyJeWTrT2laZb2vpF+lu5kGue87E9tz+TmOW9fvIKFeZ9Ssz2e2dvd3M/m2m3y9fvK5vWXaZqyybOq67mjsLbkOKlt+GUpnNlRbzul8fWOgWy75u0fS7f9X1F6J+RElB5dwrTRtuvxiLn/vA6p8n1EQ8+1qvuur1bs/W1tN+2uI6aMcF/WnFL4r9ZgWV1/5YJs0A+JgQ8hwhZAOAjwDECSFPEkKe7If45DQ72OO1nUfBEIKbnnkPjev+iNbutAWpMZHTi5/7AK3dTpmKXBhp8++JNRGsnFsPjtXR0X5AjmwJCLtMRT5QTr57/CQnTDy2Fy3tO6/sxrHOtJWefHEpF/m8cfByt6fTK21+gJZC0OtDCdteiJl48lVb9+KmZ97Dqq17cdvl4yw8uaxRTw1A2ZR+KMDdKz9N9y9aGqKQ93mq8hbKWZK3+LLJY/iVmUKkfeztaK588SuT2WX5oS263qrdb9FO34ZSmS2knPn1c4VKpfRVasXv/pDAFlzOvfyb/b/ZPys+baNXXfV6t2dLQqYoVVO0op0Z64+J4msA/gnA7wBsB/DPAH4FoMn4N6DMjpqeUz/MgVhvT0iWTIR9EpWNjc6FkTb/3t8ax6qte6FRgoe27AGTJcsxra4cG26/GJWRANYvasC0unIATpmKXDIU+eKSlFRfeQkTj51vImoPO1eac8WBAqgICy73fNIf2flluheCXh9K2PZCLB+e3G+RQjM6/Xzu/S0NUcj7zHePn8wCcwbjeHV9DdYvasDLS2di/aIGXF1f86WVx/DL70KkfeztaK588bruV5bNyedgztOBZvnK/GCyQsqZXz+XLZWiaRRtPRkcjSXR1pOx2tG+Sq343Z80zvQWUs796oh9jOAnVeNVV7PfrWZA+DYvu8wxjsmVrlO1olRN0Yp2Zqw/5DGeN/8B+H/238a1AWV26YSakoCjsV23/QBqDUmKyrBguWVLXJi4aPO3uVXPlGqwyzd0pWRURwIAqIWDn1ZXjgevnYSVr3+Er/7nW1i1dS8euGYSrq6vQTTM47EbdZkKLxmK9QsbHPIYW5qaXThu3U8QNSWC4/rj86dg3fYDePbtg1izYHreyZo93V5xMdO8panZhbpf3TgZdRUiKiMCVv/6Exd2u8KWTnv8okbaXt/Z4oleLwQzXhMJnLLfwWj55DECnLeelmCcI8nnXuIjHVFiSEfwnI+8hXEA0E8+IxQoTDoin/wGAJT6hFFqhCEwxLP8CsbA51TjYKahXGRw75xzHV91751zriVvIQreEieiMDTlMUIe6V27YDom1IRdeWCX9nni5qlWO7p2wfSc78VT7sRnMGkO8gezTM5As1KfMl86CMtsOEcbY8qjePWB2VIp5jm6G9a8gyse/h1uWPMO9p3ogaZRREXeUzojKnof6PS6f+2C6RhfEwbPek8CzXK+unGyZ5tiymOsbpyMijCPaJjHs28fdPXPj93Y2xfb41oputM6f/0f0bjuj45xzBchIVOUqila0c6M9Ys8hvVwQnZSSqefgXBYADsAHKWUziWEjAPwEoAK6KCcRZRSKVcYufZ2p9MK2lOShZ+XVQ08S8ASgrSiQeT17RidKRmRIA+W6CuOqkYh29D43SnN+s0xBBlFR71nlF5yIc/pVDGTJskx+jMOtiXw5Lb9AHSy2PDSIKoigr5dkOrPSykaghwDjQIU1IGtZggQ4BmkJA0hgUHSRlMMcAxYBo5rosCAYwFJ7sVgM4SgJ6O4yIGlQQ6yqseZMYionEFSTUmaQ1JDpTqZVdF0+qlKKRS1151SHcZCKYVGYcVH4BjIqma4A5rWK9UhCgwo1eEkFiGSY5CQVQRMCiyl4BnGigNLAI4lyMj6OwkJLGSl9/1UigKCwcEpjwH0llnFIz3HO1PY8dlJF6Z+xtgqjCgX0Z5IQ9XcVFOWIagMBxFLpNGRkHHEVg5GV4jGQEJ3F1g3kVNSgWg4iOOdKZR6SDt0pylGGOf/ykXG5d6Z0jAqGsLxzhT2n+hySVNMHFZWkH8AeeUlTvakEeThkrdIy0BVSRDHYkmUeTyjK6VZ5zAjQQbxdK+7+ds8A/m9X3zkK8VwoiuFSMAdv7ghr3E0lkTGQ14jwPOD7rwXAP/8TOvthKxRQx5IB4akFA0cQxAOMOhKqdb9CUknIctqL505EiDIqEDAo0wmJKA5lsS3X/oQLbFegjSAQtuBohVo+c79etiALbO56j/PMTqVWaMQOQYK1beye8kutfVkwLEUyUxvOKEAA0XVk/7L3S2WRI99fFApCujOyJYUlsjrdFVzPGf2+0GesfrFsMAirWgOuSrVeCaMvrfMSIM1HjHkuMzw/ufj4/je1k9w/1cn4vrpta54mfeb/Yb52xxzfP+/P8Zv9rZifkMtllw5Hqwx/qgOCyCE9JU87msm7VTVNIsCzzEEVSEB7SnZGMOdnhSJjw3occFAteIZxX6zAUs9tduZqlTfBvBnAKXG74cBPE4pfYkQsg7AHQDWnkrA6bSC/e0JVEU4HMrCt69unIzXdh510T2fvmUaZEXDd17pxU+vXdgAgQUe+82nuO3ycXhoyx5cPr4SCy8bg7uM7axX19fgntkTrd/mMx55Yx/a4hk8fcs0ZGTNgbV+eN5kPP/uIdwzeyI2/vEw3j3Yjp/cPgM9acUa/NRGRTx58zSUiBze+bQVDeOqnOS5BdNRGuKx4Nk/OeJbGeEhKxp+8Ms/47bLx+HtfScwd8ooBzlww+0zcKQjhX94+UNHnKtKAhBYYvm1A3BWN05GNMwjI2u420ZJM9Ny91XnIJ2VzrXGF6f/tOWf6bZuYQMCPIPFWXTEtz5pxYxxFY5389iNU/BffziIu646x3pHXnS6tQsbMNGQgxhsZpbZbLqgmZ5okMfY6lILlmS6R4MGtZQFDnZKvkRNgQVSHgRJ84iKwOYmcpYGcxM9y0UmN/FTIIhGRBdRVBRIQf4BoCxPHEQ+dxrK8jwjXxwIoa5y/PC8ySBEH+hFArnjFwky6EgCt25w5kFlyeD7OgPkzs89R+Oe9OS2eAZrF0zHT412b8PiixFPK7j3Z7tcbdHIUt7VfpvhswzBqusvxLnDIogldYL0UGgHBpppebasDybLVV4PnExbZHKvfsVO0w7x1DeclAxMH1tpgWPMfq26hEdLdwptPRms2LzH9ZwXFjcgGhGx9cMWXDdlFO7atNMx1vCK12M3TsGbf/4cc6fWWnHxGo+sXdiAp26ejDFVJa547fysHdPHVjrvXzAdW3cfxdyptfisrRu3XT4OF40sw1fOq8Hi53r76/WLGiBwzj78VMnj5pfLx/9nn6uNXbuwAU9t+9SiJq9b2IDzhhXlb4pWtFzW37Xj+6cbACGkFsB1AH5s/CYAZgPYbNzyPHStxlOy9pQ+YNa0Xt1CoBfgseTK8a5D4rGEbE0SzWvLNzaBZVjMa6izGq4lV463GlUAmNdQ5/htPmPZrAlWuObkyXR/aMsey9+SK8ejJZbC0VjamiSa99330i60dKQwu36E1RFYcdu0E7JCXfFVVUBWYcW5ccZoxxnNllgKLbG0NUm0x7mlI+Xwm+1+vDODjoTsmZYOj3Qu37QTXFb+mW7LNjahpSPluHbXpp24fnqt693c/+puzGuoc7yjZbMmuO5bvrEJ7amcH6EHrJll1i89+dw7U5qne2dKs9yz68KyLPd8/k/HPZnxdk9kCvN/NuKYz13TvM+Jalph8Yunvd3j6d40DibLlV4vcJLZJi63tXstHSlrkmi/t6Uj5VlmzfDveXGXRWv0umewtgMDzQiB5/ZH0u/fDftuucqr2Yf79Sut8UxB4WQUzTUeuGvTTmgaQXNHygo7+zkTakqxfGMTGmeMtvzbxxpe8br/1d16/26Li9d4ZPnGJkwfU+kZr9n1I9z3b9pphTttTCUe2rIH10+vdd1350/dfXh2XhVq7QkJS17Y4TlWWL6xCfMa6qzfy07xGUUr2pfJzvoyKSHkCgAfUkoTACKEkP8E8ASl9PApBvlDAA8CKDF+VwLopJQqxu8WAKN84rIUwFIAGD16tGfgJgksHxHMbn6EToY4SWjZfvPRUf3CNf2xxvmpXIRQv/Np2TyBlljK2G4CR/iFpjUksK70ZruHBBbrFzU4RNntBMN8+Zcdnlf8c+Wn6eYX5kCj8RVSXoH+J24OdPeBEAc/d9XmXh0JYOXcekf9GGzU0zNRZvPV4ULavULCHyx5OliNEODheZM9vqL3d8yc1pdxgd2yy1Mh/Uq+Mufnlot2boZp76/tf/vFq9DxiF+c/fpbM1wTqON3X6HU1Hxm0k7zjaesZ6iDc3HNtELb2KIV7VStP74orgWQJIRMAbACwGEAL5xKQISQuQBaKaV2WqpXt+PZ2lBKn6GUzqCUzqiurvZ8hkkCy0cEs5sf9EWjThJatt98dFS/cLP95YLO+NFBs9vj2qgIhhBHnPuS1qSkutKbHTYFHGCDB6+dZAldF5J/2c/zeoZffhVCix1oNL5CyisA8D5llR8g1NEvmvh5Jqin/eVuTnqCHIMHr53kqh9BY4vUYKGeFlpm+0ortZNOzcl1rraokPDz1ZuinZ5RCjz/7iGsnFuPl5fOxMq59Xj+3UPoR0yCp/VlXGC37PJUSL+SKxxZ9aaLcgzJ2X+ZYdr7a/vffvEqdDziS4T26W/NcE1/fvWsEGpqIWbSTjtTsmc/k01N5tj+3lh3elZoG1u0op2q9UcNUah+4vp6AE9SSp9A79fAvtoVAP6WEPIZdHjNbOhfGMsJIebX0loAx041spWiTj1lGOpJC3327YMuslk0zOPx+U5C59qFDVA1FVuami1imEkTNe/b0tTsIv/Z6aijokE8cfNUh7uTmCr53vfkzdNQWyHizb3H3bQ24/xfdnxZFuBZWHHevOOIK36jokH88KaprjjXVogOv9nuw8oCnttsCSGehNO1C6ZDyco/023dwgbUVoiOa2sWTMfrO1tc7+axG6dgS1Oz4x150enWZhHbBpPxHONJ7OS5woiZZ8M9F/Hzi35+Iffko6J+0XGkgOeWS3NMPdSop7nS40dPNtuFZ98+iNqoiNoKEU99c5pnW1QuMm4i5MIGBAViXScMvEm3xfNLZ8QqRcGz3g/GdjZXeTX7SL9+xU7T9gunTGTwzFsHPMnHDENRVyFaYWc/50BrN9YubHD01/axhle8HrtxCjbvOOKIi9d4ZO2C6dAo9YzXm3uPe95vhrvrcLvVr2anef0idx9+quRxk3a687N23DN7oqu87fys3XrGuiFMNy9a0c6UnXXqKSHkLQBvAFgM4EoAbdC3ol50muHOAvCAQT19FcAWG8xmD6V0TS7/hVBPRYFBT1o1ngfwLIO0pELgGFDopDGWEDAMwIJAsVFPIwEGaVn/zRJAo/oqn0k9tShhHtTTjKJZBDGN6oe1E7KKAMdC1TQoKsWzbx/E3bPPsUhl5n2KGScCAPr/HEschFA/6ikFoGqArGjQKAUFAYVOHlQMEhrPMuAY6KQzg4zGMwQqKNq6M4gEeQgsAUOIRUUVWAYpWcVXVm935fXbK2bp+WlQT818CHAMpFzUUwBpKYt6KqkW3S0X9VTRKIIGudZ8XwxDwTEcqkt8O5EBSzc73J7AP7z0IZbNmuDYtvjEzVMxujKMw+0JVIVZF7GvPaFidGU4LzXUz//JhIoxRvgVYRbdNvdSkUGH4d4SS1ogHdNqoyJeWjoTtQYxNNfzj8aSONDa7aKeTqgpLSh+ANASSyLq8YxYSkOtEcbxziTqKsKWe3NHAiPKQxhj5FFQIEhLvUQ98/eoaChv+IU836t+vLVilpXH+dKYZf3+WSxfmfVLj0lyllRNJyozxKKeBnkG8YxqUWmTGb2uK2ovgdmkx1aKgoMEXC4ySMoEZQEWbQn9ule9efqWaX4k2aL1wQqhEWfZgC2zucpr2EYyz6aeZpM8j8aSCHAEGYXa+mOC410ZHOtK47zhEbAMY9FJgzyDjEJREeRd1FNZ1aAa/X2pQVk3qaOKRhEJsEjLvdRTxYN6avrLppZqlEJSKdZvP4B7Zp+DIM9Y4RZEPQ0wSGY0K/2yrLoIpwDOKPX08+60J2X35aUz9XQXqacDxorU036zAUs9vQnALQDuoJR+TggZDWD1GX7GQwBeIoT8G4BdAP7rVANSFA2xjATNkF/45PMeTKgOo7kjhSe37ceu5k5MqyvHfXMmYnx1GBoAhgIyNRpXRcOLO47gpkvG4P5XduPBaychEuCw3KCP3TdnIsZWhUAp8PSbf8E3L61DZ1JBSGCtgcp9cyZahEkA+NmSSwHARQIUeQZtPRJ+YdDOnn5zP267fByef/cQ5jXUoTIsoLokgD2HOjC+uhR32khrD8+bjEd/vQ+7mjvx9oOzkMxo+Lw7jfaEhJqSAG5Y8y4AYFpdOR64ZpLrnMnz7x7C4ivGYUxlCMs27rQGW593x7Ft7wksnzUBrT0ZSwbgu1+/ALVR0dWIM4bkCEt0iQ2eJWjrkRxxfezGKfiPX32CXc2d2P7ALLyw/QD+dlothpUEQI0OWqVArTH4aE9IoIpqfY3hWQaVYcESTz8aS+KSf9/mevfvPHTVqRabfjWeZdAWz+DOn/buyLZvsQkJLLozmiGjoi9adGc0iMYZEYYAx7tlmAsLskqRklWEA7p7kGPQ0pkBy7CWezwjo9z4MsAxBFt2HNWx7tAn5lt2HMXfXDACgN6Je52/M+mHpSKDrqz4dWU062ueqlHcusG+21y3t1fMsp7/5LYDaJwxGixDICkaXnj3EG69fJx1r8ASHDyZwfJNdvpvA4aV9qbhgc3/z3OQoecxwdFYxkH4W7NgOoaXmtRUbyriyLKAlYftSRWSQq08VClFyBgYmdu0sp9vbk0tCbKe/kuCg1NMuiTIeubXqPIAdjd3Y9LwiEUjnVZXjmWzJqAyLGBYaRCt3Rl0JCW9nblqArZ+eAzXT6+FoumLTa/8oRnXTxuFY91pHO5IWpIuYypCqIuKOBxLorkjhbGVIc96UxToPjNGCLC/TYeyme8gGuZR478YN2AtV3mtCAcLDkfgWPzTa3scMjk7P2vHdVNGYUtTs4va+eytMzBpWAkYhlgk3raeDG5Y847VVry1YhY+OhrHyHKdDF0dCeD+q8/FiHIRbT0ZUGOBtyIsQBQYHGlPYUS5iH/b+jHu+KvxWbTxBsQzMh55Yx8A4N++cSFYhiAp6320wBEA+iTRPE+oUYpYUkY0xGNYSdCaiNnXAniedS0OaBrV65qiQuBYsKexJdSU2PI6owgAo70X04pWtKJ52FmdKBp6hxsppV81r1FKj+AUzyjajVK6HcB24++DAC453TABoCcj4WRcxlPbPsXdV+nbGOyTMy95DHPiZE7S7ptzLkSBxYPXTkJa1rBisz5JzJ5wrV3YAJFn8P+z9+VxUpR3+s9bR1dfc/RcXDNyyTUoIzOAgCaiGNQVZZVDhUHByCFGE1dRf5tlY8K6qyIxxhUG3QgiaETQNeJ6RA2aeEQdUKIjh1wyXDPM2XfX8f7+qK6arq6q7haQmcF+Ph8+TNdb71nvWfX9Ps/KLXv0g93yGRVgGeDRGRU6SychBHcnsYIu3rgdL8wfiwXrarF6zmjMXfOp7gOSvNisqq7CY+/sMsS/d9N2LJlcjk21B9EaEg0b4LU3j9E3rQsnDLRka1wyuRyLN27H8/PON1Fvr5hVif96/WudknrlrEp8sLsRK2ZVmqi3n/1oH1b9db/evgUeh6msd734BR689lzc99I/sO94EFdW9MGne4+bqLmfmj0KAs/gxqc/MT2bO38yRF9weZax3JTz3dR3wcESU9uumFUJB6v5xwFH20XTJqc0Py5/wTFoDMRM8X1ulQSAj78BX7T+E0M4z6np57kYVPUvMtCna+ZUQIf/XfKLDs3/TpKBpoC5fC6uo3xWz0szEfQ6GUw+r9RAv76yugpeZ8fzlGSKx9/dZTisPv7uLtx/1XAAHSZhyWXQTDtFmVoy/2kHyYhozWaohTMMTONsxaxKeH2s3oZW+WttSKl1fI+jex5qwjH79lryypd4dEYF1swdjYff2GGez2ZX4atDQSycMBCyQjFhWA9z33OzqDscMEi6LJs2AnluDo3+KJa88iWuqyq1bnOhe7ZpVwNLCMIx2fQM2K7GZpMBUvVXfIcziM/F446Jgw2yLTXVVfj9O7ssWTvnrf0MLy+6wGDpoplazlv7GepbwmgJxrD6g324+7IheGLmSIRismmufeC1r9EYiGJVdRU21dbjR4MK8G+Th+vjRq/T+losnXIO7rtiKEpyHfBHZIMskZUUV6J8TeLBNhU0SQutDsmH4hOB5qtoXiey4zmLLL4LTutOmFIqQyWyyTud+Z4MQvEFYWpVGW57zuxTd8elg0y+RJrMg/b/wnW1iIjqZK2xlVkduG5dV4uWoIibxvfH0s11mFbzEW58+hMEIqp56yPTK/De4gkoyREs35RFJcXAMpbv4i0XmwUJFNGJ8Qs9Dtx3xTDTBvjB17/GqrhPQSomMZXZzOxbtWj9VgMl9a3rt2Jk3wL897u7DcQGj7+zC5X9Cg3te7g1YlnWXnnqoe/37+y2peae9+xnONAUsnw289Z+hqZgB+29lW9Sd0UwJmPdRwewes5ovHvXRVg9ZzTWfXQAwThZQMhmkxOKqexvEdGalj0iquHhmHV4OB6/zYbyvS0u7SAq1NL/TtRJSVKXj8D6eWnbiYykIwj0cab5r9w0vr9uiNEaVvD4O7tM/VOTpzhZ1tN0bdhuk397OLNn1N2QjkXyzg1fgGcZ/Oqq4eb57NlaTCzvheZgDALH2j57qz6nvrhTr19+bi/LNm8MZuUxTgXSjfvuhFPFkNsSFi2lhrQvjFZ5xCQj6QvDEAzpkYOXF12AD+69GAVeB6ZWleHmNZ/BH5FSysssWFeLeT8egKG98iHJimV+bgeLu178AhzDmuYcKymuxPST11k7aJIWyYfiTOLaQTtAJ64TT904CoWe7ucTm0UWnYnOMD2NAPgHIeTPAILaRUrpHZ1QlrTQFgS7SVuUrCdX7X7tf0rV6xqTmF16RV4HZse/gGnXFqyrxZLJ5VjwbC1eXjQeRV7B8k2Zxi6m/d8aFlHocVjmkzxZlvpcyHPxaAuLpvvfqmvAv19Vjj/OGwvEtbCS89bqJSn27ZH4m2UI3qprwFt1DYZ777l8KEaW5WPbwVZ9kcphjN1U+3qkmcoC+E6U21rbawtuWJTx8Bs7DV+XHn5jJx67/jx0R3AMwYd7m7Chtl6/Vupz4eeXDgLQdaUhMg2PSIrl8/pd/Hllsomj1FrHUPviJynUsn/+8spyAB3MgsnjIJnV1C48kzZIlf+ZJuWQrr3Ul1AUFNaSAaKsoCkYQ5HNS7RM5Azs5iStzbM4Ocg2z0Duhn02XX/NFJqUQyK09bkpGMv4ixjDEP0rY6M/qq/7PMukXI/rW8JwcIzOIWC3tte3hCFbrLGpJLu0v5MPtt+lHTKJa4fEA3Qsbs6a6HKSRRZZZIbOsK17DcASAO8DqE341yWhLQh2VNGShWREqc+FAo8DGxeOQ4HHgUnlJVAodMaxh6aOsKVyl6n1RijfxaPU50KOk8fxQMT0RWVFnF0skZ10U+1BFHgclvkU5wimLzL3bNyOBn/UcP/IsnysnjMasqL6i7EWzIAa8+pDU0fgaFtEDxtZlo9Vs6uwceE49Mp34dWfXaBTVFtJbZT6XDjYHMbdlw3ByLJ8lPpUyuweuQJWzxmNF+aPxeo5o/HEzJGobwnph8RS33ej3BZlxbDgJvr0Xffkx1jwbC0aA9FuS5vt5BlLVjonn5m0wvcdfirkO6ZU9MSwXrnokefEsF65mFLR0xC+4Ef98Oc7f4x377oIf77zx1jwo36GTZzVpkfbDGVSBoFjsNKC4U+Im7+6HNZshi7H6XkG3Q08Syzbk4+bS5f6VGF2IW52nIhSn+q7uan24HeW2Ui8bjcnddc27Wo4k+RH0vXXTKGZRyai1OdCSY5gyfCdyRexQo8DJfH1PZ3kVqnPhR1H/bjhqY9t13aNYZi1kL9IJdml/U0IwaGWEBr9Ud0PPdN2OFkzUe0A3cfnRnGOkD0kZpHFCeC0s552VdixRUUiEnY3BbE5ThCT6BNk56O4YlYl/vvd3R0+edVVKPRwONCkmmUYNHcYAAAgAElEQVQUewX86z8Ng8vBmnwT8lw8bnjKzAi5dMo5cDtY/OFve3HbxWeDIQTBmIwirwMsQ+DmWRwPxvDY27tw47h+GFjigSQDAmcmg1lZXQWfm8Nxfwx5bh7H2qNw8gx+9tw2FHsF3X8s8e/EMnqdLPY1hpDv5pHj5OHkVZbV/9hch0Z/DPdcPgSrPzD7Rmr+gT+7ZBDe29GAUf0LTL6dj7yp+jYsnXIOnDwDn4dHMCobfCBqqqvw6uf1ui9jTXUVcl0cDsXNXrT7npxdBVFWcNtz2wzPjGMYeJ2c7v8gSQp2HPObnsXQHjmpGNG6LLtZLCbhaCCqE50oFHBwBD29AhwODsFIxJKIYUChAI/T+b2HByIR7G+Kmtq7X6EAbwbx/fH4yeH9CgXkZBAfAI62hTGtxsyIt3HhOPTMc2VUx+MhGWJCG/McQZGb1cPbogpkWf3azRAClgXyBOaUtKE2LyWHDyr06CQXSej0HVKqPtscjKA9IkGSobcnxwJeB4d/XvGhPncsmTwc9S0hwzh/dEYFSgtcaAqIaA6E4fO6LNttn0WfG1Tkwd6mEOY9+xnGDyhE9bi+Jr/poSXeE2ZfzKIDkYiEb5qCpmdwdjfss3b9NdfJfScyGzvfvEHFXrSERSiKApkClNLv9EVMkhTsbPDjsbd3mdbhRB/CRBK7SeUluPuyIWgOiijOEfBtUwi/f2c3GgNRPDqjAr19TjQFjH7R6XwUNX9LbS9k53f4ffgodhK67L6gKyPLetppyKi/doY8xj4ApkwppQNOa0GSYDfADrWE8OtXv8Liy4Zi2Zs7dN8BUVYgcCyKcwS4eZVqWopTQv/61a8M5kulPhcemV4BgSMo9joRlRQcaQtj24EWXH5uL1UGg2XgD4v40+f1+KcRfXR/yMSDUHMwhl//qQ6NgSheXjQeDe1RwwHwiZkjQQhBrpOHwDOgcTmKpkAMuS4eMlVpqzd8cgA3ju8PUaao/oOZSbAs/qU0JiuY/YdPTJvpDQvGgdIEamyWgFLodNsa9fZ1FhIISyaXY+nmOjw/b6wueXEobpJbs2WP/pXwvTiDJQCd7TAxnefmjYUkqzTeYVHGojiLrMa2GorJKO+VY2Bg1WUibhiJ0nyXYQGSJEWl5paVTGmzu+yC0OiP4pdJTHqbag/igWtGoDhHwOHWMI62BtEjz60/w2NtIfTM96B3vkvv88nxf3XVcPTxuXG4NQSvk4E/gRo+x8UgEFHQO9+dNv6hlhDWfrhPZyWVFYqNn32LG8f318P//NURlTWVUhBC8G7dEfxkeC893KpvvTB/bEbhANDQHsbxQAzzn+0YP0/OrkKR14GSXLUNth5owsi+hTrV+7YDTajsW5hRHodbQphhEb5h/lj0jstfUKqAZ1m9DUVZBkMYXaLkWFvI9Ix65LkzakMLdPpuK1WfTdWeXx5u1+eG9xdPAM8xkGV1fjrcGsbyt3bhl1cOA6VA73ynZd+ZNLwXijwOXQaDYwiKPQ44HBwUhaIpGENMknUa/1NB0Z+FGZrUlNa+hS6H3SER6MJ9NpM5JlMk9r9TaR6pKBTHg1HIigJFAY4HYvBHRLAMQY9cJ3Y3BAxrLgB8eN/FUOLyUZKiynoQAEfbI3h56yHcNL4f8t28Ye1XNCmu+DWOZdR4hOD+P31p2gslk/F83+1wmtFl9wVdGdmDYqehy8pjjEr42wlgOoCCTihHRtB8hX564QA0+jscqz0CizyXAw6OQIwfkBiGgBCYfFzqW8IgAH7z6tf47YwKHA9EEYzJeHdnI5a/vRsA8O5dF0HgGaz66358sr/V4H8l8Aw4QuBzO7CyulKdlGVVzuCZm8eAYwgccS1EjaZakimag1H43A5c+fjfTPWaObYfCDGbucoKRSgmIxCVEIpZ+w2IsoI/bTuEd3c2YuGEgeid70JpvgAppvoQqbT01qZ9HT6b6kavORjT6bg1qCaoIQRjMgaXeC3TUTeB6m8HSzB+QCEWTBgIlhCwDEFzMAqFUku6exfPmhYgjf1Uow7vhguUjpgkY3pVKcp75+qm0QxKdX8PUVbwwTfNmFLp1uUrPvimGVNGqqY/kkINfR0AGv0x3f+NUuBQcxi5ro7FPvF3Jv51n+xvRWW/Qr2Pf7K/FTPHdvjnuR2crnnJEMDt4E6ZjyMAxGQKn4fDC/PH6hschlG1wrQ0nDynz6IEgJPPvAyiTbhG3MEyBA1tUfTI69hUNgeiKIn/lhSKa2v+jmRoL1BUXTQeAs9CoaommFfgu62PYqr21MavZsb2q1fMm8+mYAz5LrX+92/egfs37zCkdfGwnmAYBoQQAOoBkmHUF0GJ/l2AkcY/i1MLhkn9u7vgVPoIJ/e/UwkCAkVRy7v+4wOY9+MBce1hFuf2ycXvbxgJhVIQAMfaozjWHkGDP4bBJV40+KN48PUd+ovWieU98MyH+3FH3NedAmBZgqL4vK8d8ggh6JXnwpG2sOVeyM7v8PtshyyyyOLEcdoPipTSpqRLvyOE/A3Av5/usmQCzSfGwRGTSebKLV+bzDpWzKrEpPIS00ZG4BjcfdkQnagm2dRyd0MAjrhMw7aDrYbN0fpbzseMuB6SnVnnH26qQkyG0eRqViWcDmuKaEKAw62qP6GVVMcTMyv1uifHPdIWwWXn9sS4s4vwixc+x3VVpZgwrIch7/W3nG8ZV/OZUChwuCWMUp8Tq6qrDF9Ga6qrwDHAfWtVEh+rdPY2BjF3zaco9bmwZu5ozB7fDzc9bZRrEBWK5+edjxue+rvBnCXZx+MMMnsBAOS6WPTMdxtozFdWVyHXpX4ZyXWylhICmgafi2ct5Stc8S8ruS4GzSHGIn111+ewkRtxJOg4WqWvEQ/lu1kM65OP65PSz3ezGaWfCdGEz2WtczigUNDLYNWGWhnS5ZGujD4Xg5YQb0rfF29D3iZ9zZ8r12X9DLVn3N2Qrj21+XLp5q9w+yXqRlUzZ9PMUm8Y09e+3VjmRMzLsziFiMUk7Gw0m0sPKfbA4eiMd9YnjlNFZvN9IXlNe+32C1E9ri/mrvkUxV4B919dbpLNeHRGBXKcDl2eq8DtsJS6+k3cYkqbt3vkSACBQYbqqRtHoUeuNeleVp4iiyy6F077CkkIqUz4N4oQshBAzukuR6bQqPjz3Q79kPjwtBFYvHG7pfTEovVbcd8Vw3THbH0yzXNasiwum16BZ24eA4+Dxev/OGJyJl9VXYXnPt6P+hZVUsMuX5axoIVfvxVRUbGUEjjWpgrvLps2AndMHGRK77bntqJnntMybq88J9pCEn7xguqXMKWy1JT3A6/V4YmZRmd/jfRm+fQKtIVjuPvFL3DhQ1vw2Du7sPbmMXj19gux9uYxKPQ6cMtaNT2N/CcxnZrqKjh5BiPL8lHfEsbB5rAp/0Xrt8Z99IhOG/7yogssD3/fBzV3Z6I9LFtKBLSHM5PHkGRrKQFJ7pBusE5fDWcI8MTMkSYCIq3ZRck6fVFS4wci1tIQmrwFQ6zlMbT0nZwNmU/CgaDVpg6a/EU6iY10ZDXpypguf44hlvG1jWgoat1GoWj3lMcQbJ6ZwDHYuHAclkwuxyNv7sRbdQ24df1W/Oqq4fr1Zz7ch7kX9EdZgQvEpt1YAksZgoZAtNPq/ENDYzBm2ee7o/xIqv7aFZC8pjkdHdIWCycMRHNQNM3Bd274Agebw1h82VCU5AjoledMK3W1eON2HGgOmWSo5q39DJJCs/IUWWRxBqAzXuMtT/hbArAfwIxOKEdG0Kj4H73uPP3LmyYhYSdx0RYW8ezNY9Dgj6IkR8C/bPgCv51RYXlvayiGaTUf6Qepz/Y1Y/0t56PRH0VTMIbH3lGd0T/Z32qS3EgEY2FGWt8ShkKppZTAfVcMBUMIHnx9B5ZNH2EZN2ojQ/DLK4fByTMo9gp6Hsnx36prwO2XDMKSyeXometEodeBlmAMU6vKoFCqE8xo99Yd8WPdT8/HkTYjpfe2g6145E21DIN7eEEpULNlDz7c26R/kbWj6GaIanLTJ405y/dBzd2ZsDOLktOYTcoZmk2miy9TioioGIS1l0+v0BlF06VP4hqHyURImqlxOnmMQIKOpOa/99T7e3HbJWejME0bZWpa6o/I2PL1MTw3b6zuC/fK1npcPbIPCjwnL+ERtomvSbaka6PuhmCKZzat5iPDvVo7NQVjGFTixb9fNRwHm0MQOAYRG6mb311/nnV7y93zYN0dcSZJuqTqr0WdXTiY1zSCjv1BonRFIupbVDmptrCIaTUfYePCcZb3JEtdJUtQaddFScnKU2SRxRmAzjA9vfh053ky4BiCxkAUoqzoX940c0jNjDLZtKI1JKLBH8XSzXVYMrkcjYEoZGqtP6h9tdK+MK6ZO8ZE3lJ3xI8lk8v1/KzyVWzSZwix9NMLxWTEZAWNgSj2NAYt47KMddymYAxLN9dh6ZRzMHfNp2CItRnO4baIHvedf7kIV/33BwCAF+aPtT1oLN643WRuuu1gK5ZursPqOaMxd82nWDK5HBtq6/VnoVF0J+evUEDIYFHSqLnPFBMZO7MoNo3GX7rwdBqBWnxKYfA7rW8J464Xv9A1CjmGYFJ5iYnshkuIn0rjkLPpl4nlS6UjeTJ1TAx/obZe9zHWwq+tKs24jOnSt4rPZthG3Q2pnplVOxFC9Dmo1OfC4o3q3ClwjG27W7Z3N5XA6Y7o6uaa3wWZzDGdieQ1LVEjsTUs2prGa/sCALY6jpr0RWKcZGjrZ9bvMIssuj86w/Q0jxDyW0LIZ/F/ywkheae7HJki36WamG387Fv0K3IbzCGtdI6WTRsBn4fXwzbVHsSyaSPAc0SlcfeZNYo01LeEwbPE8hBV6HGgZsseLJtmna+syGZTuFmVYFmzCVxNdRUKksq4fHqFqR5tYRFPzBxpWeb6ljD6FrpR6nPhla31prwT66ZuyDo0mOy0l7Svolbmpg9NHYGIKBveaGrtUlqg1inZDIhnkZEpUKHHcUaZyLAMsWw/7ZDBMLAM14glCl0OS7PKQpcjo/h2REYaw3K+i8HtEwdj6eY6XPfkx1i6uQ63TxyM/Lh/nl18JR4/XfncNmahbkdHX8hzWd+TFy+DV7AO9wqMXgercK0O6cKdvHW4pnWZrg7p2qi7IVV7JZuw11RX4d061Uy/j8+JjZ99i2XTRkDgCBhi3TcdHGOaI2qqq1DizW5iTxeKPdbjtrgbzrPpxndnI3lN2/jZt3p5a7bsQYGHN+0LHp1RAZ+H19dtq3V4ZXUVNtUe1H8vmzYCRV4HfB7+jFk/s8giCyM6Qx5jE4AvATwTvzQbQAWl9NrTWpAk2NEKt4WjIITCH1bAEILpq1TtNU1OotTnQn5ceoIhBDxDoFAKhaoballRNZB2HGnHOaX5kBUKJYWMxrqfnq9LViRe19gZBY6BolD4oxI4lgGBejBwcAwcLEFE7KB2D4sy/rarAZef21uXruAZAo7rYEJj4xpQLEPw9RE/3A5Wl5FoDESxYf5YUABH2iJoCsZ0Ou1Snwt/nD8WBIAoU+S6WIRjqlwFBfDAa3W6w/ujMyrg4Bg0B0UMLPFAYBkcDxi1HVdVVyEUk3Hnhs8N7VvocSDPxevSJNpX2gXP1urt4o5v3hNp7RkGaA+LKM5xosCTfjN4AtTcXZYGOxN5jPv/9KUp/P6rz0HvfHWxT0Vj39Aewb/97z9M8f/jn89FSa7zpOUr0oU3+qNw8xStCfIc+S4GIVF9e324JYRaC2mLqr6F6B2ntGwORsAyqi+ilobXyUBWgAKPWoc9De0YWJKrh2u/+/jcONYWhlcgpjIEohQ98lR5DZ4DRAkdVPLx35lIgBxuDaN2/3FzHfoVoXe+C0daw/pclNhGLy4Yh175xpcwcXT6Z5t08hgKlcGQDrkQ7fdjb+/GxPIeBtkbMT6XEYZAlFQG6HyXA8eDUfzby+a++cA1I+Bz8d9VAieLU4xYTLKUKLFBl+2zh1pCYBgKRSEG1mRFId9ZHuP7QuKaxsdZ0SMxdb5ycioDcCwuMcUyBJRSLN1cZ9iTTCovwa+uGg6ZUvAMg0I3j+MhEeGYDIaoshkPv7ETxTkOLL5sKNrCIkpyBPTOc/1Qx1aX3Rd0ZWTlMToNXVYeYyCldGrC718TQj7vhHJkhEBERlQUIfA8YrKCF+aPRVMwhnBMRigmQ+AYcAyBLFEwjOp/JUrqZLzxs28x58IBCEYVlBW4EYzK4BgCgVcPe//vn4bhhjF9dVHbFbMqIfBEZwEt9gq4Y+Ig9CtStdQcHIOopIBnGbAMMbB8rppdhWc+2I8pI/vg3k3b9bgThvYEQUdvoADCMZXCmgHRAxSqmqYEopJe9/qWMCKSAifPwMWzWLq5znCwc7AEokwRkWSIAQURUYZX4HTWtJ9eOACtYRH/+X878Msrh6EkRwDPqAtrr3zB4Iv56b7juGBwCZbFiYI0c9OHpo7Asjd34Kbx/fH+zmNYe/MYtIVFrJ4zGmUFLrXNZbVimq6cHPcZeam2Hj/98cDT3GM6H4UeB+67fCgONKuHCAfL4L7Lh+pveEu8Au65fCgOJoTfc/nQjL+ucCzBbRcPMmh9PjGzEhxr/GKZ7D+nHbxlhWL8gEKdql3z79F8HHmWYNXsKixI0DhcNbsKPKfGVw/zxk2IRKH7lHIswaj+hZBktb9TCozqXwg2wYEvHFN0XUINe44F1N8e9Yvf2T1zIcfTUChwds9cCHFTRUmh+LY5YpAI+TZBIiTfxaApJMcJldSXKTIlKIyzpgocg6r+RSbWUu0LeIlXwIWDi3VyGgLgwsHFyHGoz7DYK1i2UXE3/ULGswQCz+tkQQCQ6+IRlSiuOLcX3A4WoZiMsgIXnv7bXtx84QBVv01S4ODUQyLDEBR5BNz5kyEmBuNCjwOKJu+SlPcZot/WLeBwcOjTzRhOraD2V8bQX90OFlGp63zRTzT7bPRH8eHuBozuXwQK1Yda4Bj1sBdfg7fub8IdEwej7ohfHzs/nzgYhAA8UTkJGIaAYyWwDMG+40F973L/1cMREWU0BWN48v09+I9rzkVJjtNUpuxYyyKL7ofOmLHDhJALKaV/AwBCyAUAwmnidBryXAz2hYAbV3ds6JZNG4GH31BlLWqqq/DwG1+i0R8zUUmvnFWJmCTj4Tc0GY1aXeJCY1C9Y+Ig/Pa6CjhYBms/3IdVf92PSeUleH7e+WgNibh1/VbLfNfMHW3QgHNwDK4f3QcFXhc2LBiLlqCoHzaTy1VTXQVZUfDEX77BTeP745kPzXIbGuX8gaYQ5q75FJPKS7D+lvNBiLrxfu7j/bhkWE/dF63UpxKWPP7ubsy9oD8efmOnLuRb6nOhd74LUUlGRFTf5hOi+nkUx9nVRvXNBwjgFTj8cf5YKHFdykBExOLLhgKguLKij4GCe+WsSoRjMoIxGWcXe3BlRR/MXfOpHr5iVmVGttVnmjyGKMoIJZHJ1FRXQRRlCAIHRVEQlYzhq2ZXQVEUAAwiEQm7m8w09oMKPfGvihQegcXSKefoG3iPwELbghMQvL/zmIHoYeNn32Jg8QAAgNfJ6lTtic/KG5fncDsIBI4xpC9wDNy8+izyXQz2NUVNUgf949IWHgfB3qaYrfQFAOS4GDRbyFPkxE3HWAYQYxRi/KAnUQoeBO44j0M6iRAAiEoK6pvDeh1KC1wANAkSINfFYc3cMWDiX/V5jkDjiZAkBfUtZvmOQYUcOI6BLCuWbSTLSrd8k+9xENtnmtyPb7ygHxoDMcO9ieP17CKPYW4s8QpQFGopjzGkxItvjgczHvuZbHSzm+EzH6n6a1cEz1IM7Z2PfceDJlkibU+xqroKpQUCNt06HmFRhqJQPPj617plUE11FfJcnEFuSru27qP9qOxXqL6kvGIYaNxyKrHfn2nrbBZZ/FDQGaan50E1O9X8ElsA3EQp3X5aC5KEVCYmVmZwieaPD157LoIxWf/ilnjfmrljsKcxoIetml2FpZvrLLULNRbPbQdbsXrOaH2DlJxvzZY9psPfozMqkO9xYO5qlewlOb/kdJZOOQcxWdFNOa3uWXvzGNy14QvDge+F+WNx3ZMf48Frz8V9L/3DFEe7rhHdaItR30I3ZqxS23HBj/ph8nmlhk3wilmVyHNxeOC1rw0mpunqod3zx/ljdd29xHDNXDEVGvwRXLviQ1PclxaNt3wrGkeXNTFJZ7qZzmwxXfzDrWHMsIi/YcE49M53oS0UwbcWh5yzfALy3OlNUw+3hDDDInzD/LHonUF4uvQzaaPj/ggOt0V0Snmtj/bOc6IoJ30djrWFsddiUzagyKObpp6M+W26NrBAp+/EUvXZVPUZ/9BfDNeenzcWNzxlvvelReNR4HJYHghLcgRcu9I8xrX5LPn6y4suMJFwZLLRzW6GTyk6vcHs+uwJjL9OxaGWEHYdC9juKbS9zPpbzoeLZ/HV4XbLe9fMHYNLf/ue4dqjM85DTFYMe5ma6ir0zje6fTT6o7hmxQcZjbVujC67L+jKyJqedhoy6q+d8er5awAPA3gawEsA/hfAP3dCOTKCHaV3IqFKzzynrVQGQ2AI0/5eOGGgJWvhwgmqqaSd5EO+i9f1FBPj3rnhC9Q3h/V7kvNLTsftYFPKbdS3qDIf2iFRu6a1R888p2Uc7XpZgUvXd3v4jZ043BrR75826ixL3UNRhu5blExqY1dG7XpMUizDNXPGVNBIcpLjRsTuSZ2fjoY+Jlu3lRhnu0sXX7SJr0kNBKI2GoTRDNNPI59xovIdiTT86e6JSop+SNTCFq3fiqiUeR0stSIzLGPacBsyG6mbktmke6aJ1+yIfCKigoZA1FIv0a7P27WzlTROJnqrZ5omaxbWyLS/dhVICk25p9D+bvRHEZOVlJJTydeKvA7TXmbhulqEk9hQzzQZqiyy+KGgMw6KrwC4CkAEwCEAAQDBTihHRtAovRNR6uugiC71ucASoktWJN+nUBjCtL9THXwAe2bQ1rCY8vCXmEfy34nphGKySW7DlFdINF3T2oMl1u2iXd/TGMSm2noMKPJg+YwK9Mh14pXbxuOF+WMNOomJ5dcO1Vp5EjUUS3KFlM9Bo/82lTcD+nv7uqSN2iVh12c1GnrWJlz74nGy8dMdck40fTbD8HTpZ3LPydZBtomvZBg/bRulGH/dEemeafI1u/Fq9xLDdn6wSctKGieTjW52M/zDQKb9tauAY0jKPYX2d1MwBlmhtvcmn4NLfS7I1FqTUU66V5PsSI7fXWWossjih4LOOCiWUkqvp5Q+TCldrv3rhHJkBCfHYMUsIz37smmq9IP29/FATJeuSLxvZXUVKFUMchbafXYTcUmOgNVzRqN3vmApWVGzZY9tXE3PKPFLnFW5rOQxkmmwH51RgT4+p+Ha8ukVEDhGr3Nyutr1FbMqcaQlqPuhXbL8Pdzw1McghGBTbT0km02bQlVSHY+DxTM3j8HqOaMBAEs316E9LJraI1GCI5H+O7H9MyFocTlYy7q4LISEuwPcNtIOGjsszxA8MXMkVs9R/VxXzxmNJ2aOBB/f5OTaUL9r/nc8Y5Z6eXRGhR4/3SEnxyZ9zT/QwTKWz0MjsNH6YHK4RgSTCXV9OvmJdHXwCNZyCx6how5W8fn4i4t0z8hjE66lT2xkILrpOTHlM028tmJWJYJR0Xa88jbt7mDt5TEylcbJZKOb3Qz/MJBuDupqyHGxKC1wWZZZ28toewGeZVCS47DcN8iKbLj26IwKwxjVUOpz6VI/Gs40GaossvihoDN8FJ8E8Dil9B+nIK0yAGsB9ASgAHiSUvoYIaQAwAsA+gHYD2AGpbQlVVp2tt0N/ghcPNAeVsCzBCwhiEgdlPg5LgZUUc3t3A4GoVgC3b7AoC0sg43/HUiQb3A5GBxuNTrDJzuW98wTDHIXDo5BKCaDZYDWkGSIq27kOcyKO5pPKi/BL68sB4HGxmaUARAl1bxOI9LQ/pcpBUsIWIZAlFVJEELULxgKBSRFAUDQHhbh4AjqWyIGRsIcgQPLEEQlRff9GVmWj/uvLkeBR4BC1TLIlGJmglO8uikWIMlquWSFgsYlRrwCi0hMgRgvv5NnEBEVtIVFHGwJY1PtQfzb5HI4OdZA9+1yMDoduFpvFjmCNfnEodYQonHiEoUCAkfQJ9+dyq+oy/oiSJKCtmjMUHeng0Ge4ADHMWiPRHCwOWpizCwrEJDrdKKhPQKWpYjEaEJ8AlkmKMl1IhiJQAbgDxvHAQvA43SiPRxBg1/EwQQil7ICF0pyeOS6nGgORiCwMElLRGVVmuJYWxhugaA9ITzXxSAUl55oaIuA541yKG6BgSgCJXlOHG4JIc/FmNJvCyu6/1AwEgFgLgPidWgKRHCkzUxW0StPQKHXidZQBGFRgSR3jBmOBVw8g3y3E+2RCOqbo5if0MZPzlbJInKdTjT5I3Dy5vwjIlCY44QkKQiKMZN8h4dXn+Hh1jC+OdZmku84u0eeLnGShE4/Qqbqs/5IBAzM7UHj10RZgawAHAs8//EBTB99FjwODrH4HMWzBAUuHoQQHGgJmfpevwIPKKWqPEYCyQ3PsybJhhwXC3/YTEST9VE8eYiibPkMbNDpDWbXZ+36qwIgx9nh1366iI2s8gFgkMdwsIBMYVgXCFHX26NtEaz+YB9+celg9MgTIEkUoqJKanGMKvvFMgRggPawynoqySpZTY7A4mi7cT15avYoDOlp7vOJ5SSEgCUAwzCnvF06kVCqy+4LujKyPoqdhq4lj0EI+QdUWkQOwFxCyF4AUagFpZTSESeQrATgLkrpVkJIDoBaQsifAcwB8A6l9EFCyH0A7gNw74mU28MDe5ui2Px5PWaO7Yu2sGQguNAOOH/+6giq+heZCDy2fH0MgahoSd7y3o4GLJ1yDvoVeXCsPYKHXt+h+wQuWFeLtTePMbB81sQFuR94bQduv2SQgfFQUcwBjjAAACAASURBVBSIkoL/ubEKrjj9+AOv1VmysdZUV4GAYsG6jnpoLKe3XXw2IqJiYDP975kjIUqK6gep1W1WJQSeg8vBoihHwLdNISx+cTsaA1EsmzYCvfNd+iHxv6aeg5hEdQIKrW02LhyLqKQeRuoOtSDXVYC2kGho3zVzR+Nw2Hwo3vx5PVb9db/+OyYphoPnH26qQksIpudR5JXRI8dlWjQCUdm0uevOONJqPuTk9VA3D6Eo1Rd1QDUTWvBsLTYuHIdcJ+ByAPstWEP7xRn9KIADTWayGo3xjyVAxIJ1VTPlFVh1TNmxknoFkjLcI6SOn+diUoZrSHWPkwMEPolVlGcQl5KEQoFGf8xEdlPqUzeJLAA+iZWU5xhoW2Innzp/SVLwbbM962mBk4fP6zKxrhY4+VPXiU4jGNi3x29e/Qq3TxyMSEyGgyOYOqoMr28/glH9C0zzWp6LQ0swZup7iqJgT1PINMYHFrqxs9HM8Lvl62N4obbedMizYpo11IMhGNIjBy8vuiDLepoEUZSxoyFgauuhJd5Uh8UuiVT9VcPpemlglc/am8cgKimGa8/NOx9tYclQZm3dv/2SQbj/6uEQeAb1zWGEYrJhbC2fXoE//G0vfnbJILy3o8E09p6eMwqPTK8AAfS50rLdGIJCj+N7bZfsy5ossji1OJ12EpOh+iZeAeBsAJPiv7Xr3xmU0iOU0q3xv/1QiXL6AJgClVkV8f9PmCynNawSc0wbdRZEGSaCi1vX1SIUVXBJeS9LAo8plaW25C2Xn9sLc9d8itl/+LslcUxzMGZyED/YHMbUqjLcun4r5q75FNc9+THmrvkUtz23TX2LLvBgCMGs//k73qprsCS+WbiuFg1+Y9r3blIF2puDon5I1MJagqJ+SNTrtn4r9jQE0RYWcdPTn2Dumk+x7WCrTtrBxH2oFk4YCI5hLdstJgOz/ufv+KYhgKG98iFK1HTfweawiZxCex6Jvw/GiXy0ayzDWj4PSYaJWOJMI6CwI/RoCEQBxGUbLP2oVKKW9rA1GU17WA1vswlvi4e3hhXL/FsTwq3in67wTNOYu/pTwxibu/pTPTwcsya7Cccyi58u/6ZwzDK8KRzLKLy7IVV7TK0qw63ratEciuG257bhUEsEl5/by3Jei0rUNFctXFeLRpsx3hi0bscplaWmeaApGMON8blOe6Y3Pv2JaZ7Q9Ov6+NwozhGym9M4GgJRy7bW5qXuhEzmmNO1rljlcyDhpYh2LSZRU5m1df/W9Vux82gA4ZiC5qBoGlt3vfgFplaVYdH6rZhSWWoKv3nNZ2gLiynHxelqlzNtPc8ii87GafuiSCk98H2mTwjpB2AkgL8D6EEpPRLP9wghpMQmznwA8wHgrLPOskxXI7XQnNStNtiSQkFtwihVzSCtwhLTTLbTL/W5DBPbyLJ8LJwwEH0L3SBQBbcT06xvUU2tKKVQEsqSjvgm8Voi+1ki7BjQ3A4WbliHRUQJK6urEBVlMMS+bbR87drXLu9E0gCr+tjlqVBqIpboLgQUmfRXID0rqUbEkHhPqS9zMpruHt4VynA66tgVkGmfTVWfZHZmt4OFg2N0qSDtBVt9S9h23KdK325u0v7W5oHuMk90VZxJfTaTupyu/mKVj9W6aTc2EseVnIYdVVtD7cITf9vV8/tul1OZfnfQRM10js0iixNF1/S8/o4ghHgBbALwC0ppe6bxKKVPUkpHUUpHFRcXW96jkVrICoVCYUtwwdiwEBJCbBn3NOmGUp8LxTkdrJ6lPheemFmJTbUHAaiHxLsvG4Klm+twyfL3MPvpT3DP5UMwsizfkF4optn9d5QlFetp8rXWsGhJlJOKPMcu/fqWCBws0CvPadtuJF7OkhwBHMtAocCk8hKsml2FF+aPxarZVaCwjpsoe2FVH7s8GUJMxBLdhYAik/4KwJbQQ2OA5RliSWqQKRlNdw/vCmU4HXXsCsi0z6aqTzI7cygmY8dRP5ZursPdl3XMg6U+V8o5+rtcJ3FWoMR5oLvME10VZ1KfzaQup6u/WOWjrdkjy/L19dRuXUgcV2wadlRtDbULz6Se33e7nKr0NRPWa1Z8gAse+guuWfEBdh7z68zVXQWZzrFZZHGi6PYHRUIID/WQuJ5S+lL88jFCSK94eC8ADSeavsYAufGzb8GzMDGgakyF79YdsWQpfGVrvSUj54pZlXjq/b36fTwLPDK9An+5+yKsvXkM/m/7Idw0vr9uvpmsU7R443bcMXGQnt6yaSNQWuDCu3VHICmynp8d62lJjsNwTWM8K/DwJnZRn4c3sVz+7rrz0MfntGRMXTZtBHrlC2gPS1j74T5wNu32bt0RLJs2Av+y4Qus/2gf3AKD2ycOxtLNdbjuyY+xdHMdCr0OE1uh9jy0349dfx7KClyGe+SENkiMx7Ewfb0909jYSryCLcMjoPoAFuUIWDrlHLwwfyyWTjkHRTkCvIK6yUnHGppnE54XD0/Hapou/RynTXxnZvEzYT092TqebBnShRe6HJbhhS5HxnXsTkhVn021B7F8egU21R7Esmkj4PPwqNmyRzedWzhhoN7HBc78EqSmugo5LtZyjBd7rNv5la31pnngTJsnTjdKvMIJM1N3NWQy/k5Xf7HKp2+hG2tvHoN7Lh+ir6frPtpnKrO27mv7BwdHUODhTWNIG38rZlXila31pvAVszpebKer5/fdLqcq/awJaxZZqDjtrKenEkR97fsMgGZK6S8Sri8D0JRAZlNAKb0nVVp2bFH1LSFQKoMhrCXrqZNnEJWUOOshMbCUuhwMAhEZHMvA7SDwRxQoGqsoq/o5OTgGL9fW4/JzewJQ03OwDESFgo0zcEoKxUXLtpjK9v7iCQBUnxieIeA4gmhMUX8nlMVjwXoaiVFTHhxDwDCAoqiEJVpZE1lPRVkBG2dLIyBxllD1a6usUL0skkJ1oo0ZVaX4xU8G6fdwDAHPEXx1yI/fv7NbNx3730XjsWLLN5haVabrKW6qPYj/mHIOREUlvWEIgUIVxCSKQFRCcY4AB8vA6QACYZUZlWUIHCwDloHheTh5BnlO1XQkFUNchiYmXZrdTJJU8XFJVsCxDEq8Arg48cahlhDUJ0z0ttF+9/G50eiPQlIkKApJ6BcUHMOhOEfAgaYgoqIEj8Dr4cGoCCfP4axCDw61hCDKMniW1cO13318btS3hPD2V0dwSXkvKFR9pu/WHcGlw3uhNB7uD0eR6xL0+O3hKHJcAkp9bhxoCiLPxSKYwHrqiTMM943nHxVFCHxH+bTffeKspweagnByBJLS0fc5BohIFH0LPbZ1FHhOD1eb09iGkgL0LfSgviUEnwXzaktY0euQ42QRjhnnC39ErQMARCISmsIdbJyFLgeccTadQy0hBKOiqXweoaOOSej0zzap+uyBpiCKPKypvZqCMiSFIhiV4PM4cLA5hIff2Gnw535v8QSdQbMtIiIqKaBQ5xqeIfBHReS7HCjOcVqO8UQmTienMq1GJUWVCUgYN0D3MEXryjhTWE/t+uvxYMf4BTqX9fR4MIprV3xoMMNc8KN+uHF8f50ZnCEqEyrHELy/swEjyvKR53aoLixUTZdjCLRd4vFAFBFR3cfICtW/UnoEFsGoDJkCTp5BkSe1b+733S6nIv1DLSFc8NBfTNc/uPdiuzkW6OL7gq6KLOtpp6FrsZ5+T7gAwGwA/yCEfB6/9q8AHgSwgRDyUwDfAph+ohm4HQwOt4pYuO5TFHsF3DFxEPoXeUAI8OtXv8JbdQ0o9bmwqroKPg+PmKzoJnz+iKwfqtrCsn7Y0/wN8108eue7cMWIXoiIChau62Dp0tLTDlalPrNPGccQiAqF28EgHFMQiSi6TpuW9/aDzRjex4fmYAxNwRg21R7EHRMHI9fFgQBoSpLZSGRBy3PzaA2JyHPxEKkqpdHgj+IXL3yO+hZVguO+K4ahLaxuzvrkO9Hoj6LBH0XPXKde3g219djdEMDCCQMxpEcOKABJpnDyDO6aNBg8y6A1LMLJM7hpfH/cu2m73tb3XjEMMYUCoGj0R9EUjOl+SaU+F15eNB4xSUE4qC58HYdDBa9uO4zKfgX619hSnzUb3FM3jsKgYu+JdpEuDavXQC4Hi6PtERxri+rsjT3yBPTMVRk7fS4eOxsiJvmMISXqG1qPwCIYk7DrWMAQ3y2oGz6vk0GDX8a+4x3hpQUu+DxxjUGOYFT/IsxMYMGtqa6Cg1PHjZNjEOE4Q/plBS444xt2J8fgcFvUVP5Ct3rglxWKPY0hlPfO0+u8pzGEIT1z9d9OjsG3zSEDk++jMypwVoFbD28NKTjU2lGGAg+vf1F08SyOtUdwayID8qxK9Ii3oYO1Zm7tkePQ02/0R8EyLBgCiDJFIH6gAYBoVEJDKIpYXLJFlCkaaBQ9CCAIKtvw8UDUVL6inO5pBuniGbSEZVBK4i+pgJawDCfPYMx/votSnwsvzB+LxRvVuWHV7Crku3ideZRhCAghOOaP4k/b6vFPI/rgtue2Gvpvocf6yxXPqy8wMmFL1IhqsjgxaG3d3eEVWOxvimJBwvjWJK0Scbr6i1U+ogVp2aq/7sfMsf1UqnlQHGiO6Eylw/vkIc+t7jm0l7KvbDuE5W/vRqnPhU0Lx6E5KMLtYNEekVCzZQ8aA1FsWDAO+W4B+d/hsWbSLidz2DsV7a6ZsCbvu7Km5ln80NCtD4qU0r/B/kQ88VTkERUpFq6rRbFXwN2XDTEcOh6aOgKN/hi2HWzFgnW1WDK5HEs316Gmugq/f2eXfohcNk1V/ij1uSzTeWJmJZ74y26DiYOW3qbag7jn8qFYNm2EgY760RkVONQawcd7jmPCsB6GDammx1ic48AdEwcbJDYemjoCv39nF24Y0xcxWcHSzXWGfO/dtB1LJpfj8Xd341+vHAaZUlwf39CvnjNap50fWZaPm8b3N6SdqAO5/pbz9UlW87FMrPPy6RVwO1jc9tw2/drz88bilrXWbZ2YtnaYvWvSYBxtM27WtbCfXTII151/luGNan2Lygan1UG7Nm/tZ3julvMx83/+brtB7E6QJAU7jvlN8hhDe+SA4xhQStEWEg0SAsumjUCP+MLaFIzhsbd3Ycnkcv3L7mNv78LSKeeiR54TlMIyfnHchCwSozjuj5rCcwUOeS5AlmHJivrignEA1MNto0X8vDhZAsOQlPnnu1n0zHebpCPy3R0LPAVM7Jh3bvgCGxeqZSBxX53kPEi8PyiU6v1Oi3/r+q16fEk2Mwzeuq4WG+aPBQBwLEFUoli0vmP8rJhVCS6uIRKISWhNkopZMasSHp6FIHCglFqWr7taiDg4gmN+yXSwLvMJ+nzX4I/giZkjban7f37pYPxpWz2uG9NXn5cAte0fe3sXfn7pYKPWW9IYtzM1e3nRBdnDYRYGxGSqHxKBjjX7xfj47wqwO+jsbQzi9+/sNslmPXb9eQhEZcxd/alhDOY4WVwwuARNSbIzy6aNQHGO8L2YDncFiQvNhDW5DFlT8yx+aOieDi2nEbE4g6SVn6DmH6P91ljBFq6rxdSqMv364o3bISsUD00doX4lS0rntue26vdr0NKbWlWGOas/xcNv7MSSyeW6T5mkUCiUYkplqWlDunijWq6pVWWmDblGh+12sLaMqFq+UpIcSCIbmp3f5MIJA1HfEsYDr9XpfolW99714hdoDoqGa5ocSLq07920Hb+6ajg4ljVt1rX6LVq/1fKNqh2jW4M/esb4IqSTxwiLionefPHG7QiLKiuqTBXcNL6/wVf0pvH9oVA1PCpZx4/G5TVEhVqGi3ESgJgNK6soZ5Z+unB/xJq63h/poK5PJxESs8kjllCGVPFFG1ZErQ0iorW8RiT+DCKSTXg8/XTPsLshGLV+ZsGogjVzx0BSKGIShT8i2VL3L3hWlc1JlBXSoIWnGuNZVtMsMkXMZvyLUtcZf1a+esumjcDv39ltKZv18z9+jvokmalb19Xi0uG90BSIYf6z5n1GrpM3mGafKnQF/8BETdQP7r0YLy+6oNu+PM4ii5NB9qCYBpqUQKpDFWBk/Uq8rv3mWQaPvLkTZQUuy3Ss5DFaw6Ke77aDrVjwbK2uU6SZa6aiqrYrc6HHgdawaMtY2hoWVTOPJDrtxPvTtcdbdQ0gAJZMLsegEq/lvcmSFkfbIxm1dX2LSkPOIDXdt2TBNmvH6Ja8AHXnDWI6eQzZ5hCjMclSCsuXIhrZW7r4duEaW5w2phJR6uuQ5zjR9LXwTKjrT7YM6eKnY0U8WfmLdG3c3ZCqvk2BqOovmCOgZ54z5Zhn4/7HyW1f6HGkPQRmWU2zyBTpxn9XQPJB54/zx+r+vd9FNktWKAis11rt5d6pRld5aZPVRM0ii+xBMS00KYF0lNEPTR2Bmi17DNeT79t2sBUHm8OW6RR4zCykNVv22B7mCjwOvFN3zHZDmuogWOBxoGbLHtRs2WNiLNVY0Ao9DhPVfCKDaqpDpva39nWEwJqyPlnSQmNVS9XW2t+yQiFwqem+OYbgj/PH4pXbLsCq2VWYVF6CPj4nVs02Mr+tml2FIy1B/PnOH+Pduy7Cn+/8MRb8qF+33SCmlcewCdf8W2WF6n5gmkxJsVfQD0m8TZ/TfHMdadJPJ8+RLn2eISYZlUnlJRnLe2RUhgzqkMwE/OiMCj2+wDEmpt8VsyohxN++n6z8Rbo27m5IVd8euU70zHNi5ZY9tvOnNuYdHGPJxJwoP5QYL3GMZ1lNs8gU6eYPKyiK6md/qCWERn/0tLzUSTzoEACNcauSVLJZiZIaq+eMhoNjbNdknmO+l3plX9pkkUXXQbdmPT2VsGOLavJH0BRSvzZFJWrwoamproLPzSMqKXjw9a91n0QrH0XNv+7pOaPQHpZ0QhjtcPb+zmO4/vy+ICBQKNXTm1RegtsnDjbku2JWJYpyHDhwPITVH+zTCWC08EQfxeS4K2dVItfNY9ZTqj/epPIS/PLKchACxCQKSVYdx1/45ACmjSpDOMFErtTnwuq5o+FxcCCgaA6KBmf+xHr+4aZREOUO/85kf4jl0yvg5BmDj+LvrjsPOU4W7XESi0Tfw8S0f3fdeXjy/T247eKzEREV3PXiF4a21Mh4eI7glmc6yvfEzEr83/ZD+OmPBoIQojvJ5wksdjYGTf5RQ0u8XZaRLxW7mSjK2NEQsK1PNCph13FzfQcXeSAIHI77I9jdEDA8r2XTRmBQiRdFOU74IxEcaIqafCD7FgrIcTrRHongW4vwswoF5DqdCEYiONwuor45bCC76Z3Lw+N0oikQweFWM1FM73wnCr1qfCuimAGFAjzO9OEA0pahORjBoRZzGfr4nCjwpK9DMBLB8ZAMMU5Go1CA5wiK3GxGZWwJRnCwJWLyUSzzOeHzONP6oVqg01+Fp+qzqdpj+P3v6HPGptp6XFPZx9A3tTF/56VDcHaxB7saA3js7V2YWlWGQo8DJTkCeuU68c3xYFqfpyyraZdCpze8XZ9NN/6T0dk+d4pC4Y9G8W2zOsas1uSauD/i4daI4frjN4xEodeBYETGvGc/M6wJGnlXIlfBqahXZ7fXSaDL7gu6MrKsp52GjPpr9qAYR6qDYiAmgyEESzd/ZZJu+NVVw3X2UY2h1Olg0BxQxeuLvA6wDEFMUnRWzphMIckqSyfHEIREGU2BGPrkO8EQAjYuL6GZfDh5BnuPh9S0CMHR9ghynbx+SNNYVHvmOlHodUChavoKBVwOgtagBI/AqfmxBAQUclwWgCEE/7u1HhOGluBwWwT5Ll6nvs5z8eiV5zRIa3gEBpMfVwli7rp0EK6pKsXRtggiohyn21ZJQIb08GJGnEwEUJle75g4CAOKPSBEpeXmE+rJxdlh61siKPQ6IMoKvAKH44EY/BHRkPaAYg8uWrZFX6zaIxJ65jpR5FXNZYMxBcGoqB9CNZT6XFgyuRzn9M41MO8dbg1jxqqPTPduWDAOvfONbzUT0GUXhEZ/FP/z/jeYNuossAyBrFBs/Oxb3PLjs1GcI+Bwaxj3/+lLU1++/+pz0DvflbY9DrWE8Oe4vAWlFCQub/GT4b10+YvfvGoeK/9+1XCU+txp5SuagxEEorLO+KlQlezEK7Ao8DhxqCWkE9Uklu+F+WPRJ54+zwGi1CF9of3WnvuhlhCcDoJIjHbIp8R/94nLVzzx7jeY9+MBehs+9f5e/OySs3UJkJMpw+GWEN6yaMNJw3uhdwb5A6klUCzQ6burVH32cGsYtfuPY2TfQp26f9uBJlT1K8L4B98F0DF+a7bswe9vGInjgSi8AoeIKON4IIaKsjwUeATbw172ENjt0OkPx67PpuqvVmtGoz+Ka1Z8YJovThdRUqM/iqgk49kP9+nrghCXgpEVClGmePK9PZgxukx/iZ1YzpduHQ+OJfjiYBvcDhatYVFnPV065RzMXfPpKa9XNx2vXXZf0JWRPSh2Gn4Q8hjfOwIxGUdaQygt8OCnFw5Aa1jEg6/v0HW8/vWfyhGKyYiIMg63RVCzZQ8evf487D0eRM2WPfjd9eepEgVEJaBgCPRN34d7m/DC/LEQWAbhmIw7nv8cT95YiZjUcXiqO9yGohwnHnp9BxZOGIjeeU4UeQVwDNE3TZr/IgC8f88EfNsUQu98F/Y0BjCo2IsrH/8bgA5Zjt55Tvji5lQRUcbBljAOt0UMDKiAOuH/76LxhvaIyRTP3DwGgGouRgBMq/nIcM+MqlIMKD7bkNa2g62Yu+ZTvHvXRbhk+RY8fO05uGBQsb6JVkDREpTwn//3NX47owIxSYHEU0x54gPTM/nL3RcBUH0WGEL0ur8X15W89Lfv4YX5Yy19HHrmOk3mK6KsoNgrGFg+a7bs0X36uhtikoxVf92PVX/db7h+4/j+ANT6vlXXgLfqGgzh/3aloodbtYfmjyIpFK98cRS9fB49/JUvjuLiYT0BqP270W/0+Wz0xww+hK9tP4YplaXqRoUCr20/hqtH9gGgSrvsOtqO8t55kBQKIT4OBvfMRYEnM/++l/5+yJD+S3+v19PX7nnuo3rDPc99dFC/h2UIfG7j9Ohzc/pGJZMyNLVGUejt+LpwtDWCPLe6eRIVCn9ENb1WFSzVemtkN+nyB+L6qazKYsuzTHfYRNlClBX8dXczhvbK11+s/XV3M0aUFej3aL6Imvlcgz+K37xap8/FH9x7MeCxTD6LLE4pMumviehsn7uYJENWKD7Z34rKfoWGef1315+HxS9+gYUTBqIg7subKOHVGhYhKwpEGQbdYw1Wfo2nol5ZKZossugayB4U0yDfxaI94sD1CVT7D00dgUfe3KlvWJa9uQM3je8fl7IYgiOtYSzdXIdl00bgcGsYqz/YZ2k+CgBH2tQvaHPXfIo/zhuDo+0xk3lrsdeBey4fopuZJstBPPLmTl1X8HBrBCxD0BaOYdeRdgztmaP66MQlJ5750JxGTXUV6g614qGpIwwahv2L3AjGZDzwWp1uBvuzSwaZzOEmlZfoh44ZVaWoHtcXexuDKPWZqbkB4O1/+THComKSLzirQDWH+a/Xv8ZN4/vD5eAs0yAgGFmWj8ZA1OC3yBCCbxoCBp+l5Lj5bh6+BKIhQNXESzbDWTZtBJz2ZqddGpp/XXLd+SQfxeRwzYfRrj1c8fbIJPz+q8vRHFSfjYNlcP/V5Xp4rpPFhGE9DDqKK6urkOtUwz0OFj3zXMb+MasSnviGRPNhNNUvflBKl34m9+S5GEwbfZbBtGza6LN0HcVU2qYAUOBh0R5hTX28wJNpGzCYfF4p5q4xUtV7HGr+3dg0yxI5ThbV4/oa6rtiViVynCxGluXr81soJmPFrErc8fw2XSpHm4sVqn5l3d0YsNRJtbreXdsri85Fqv5qhc7W5HNwLFhFMczbk8pLsHxGBXiW4NdThmPR+q1YMrkck8pLTO4smoTXPZcP0QlxtDokcw1kfQmzyOLMQtb0NA67T/Z2JmZLp5wDJ8+AYxg0h2JYurlO11F88NpzUf2HT+L2/efBK/BoC4smsfg1c8eoJpgsg6ikwMUzlnk9d8v52NMYRL9CN2Yn6INp4Vq+ml7j4o3bsfbmMeBZBks3f4VFF58Nr8BjzupP9HtNecw7H5QCPEvQkuB7OKm8BPddMQxtYRFegcOyN3cYvkSV+lx4ceFYiDLV/SuPtEXwUm09pozsoy82mi+kQik4Ri1XcjovzB+L6578WC/j+AGFuHF8P4MfluaPdMOYvnDyjO63WFNdhVc/r8cn+1sNB+Jk3ctnPtyHB64ZYXhTeaQtjOk1ZlPLFxeOQ6+87md62tAewZ5Gs4/hwGIvSnKdaA1F8W1z2HTgP6vAhXy3gMMtIdxvYTp6/1XD0TtuNjnDop9umD8WvX3utPmnM9tMm74/gj0WPpQDS7woyVHTX5tgYqWZ3t44vr/B9DRVGY61hXG0PaILTGuC9j1zneiR50KTP4JDbWYfwj55ThTmZGYeezLhjf4ofvnydtMzSu7bCej001CqPnuoJYRfW/S5X101HKGYjLawiOIcAS4Hg0fe2IUNtfUAzHNxH5/L0mz6xQXjMN3ielYjsUujy/bZVP010a1BQ2e+2FEUiuPBKCIx1eqJUgonzyLPxePB17/G1KoyfU8wsiwfy2dUGHRIAeM+QzM1VV/gVaHAw+PXr36lczL8wF/AdNl9QVdG1vS005A1PT0VsDMxKytwYfGL23HfFUN1qmntf+3LTbFXAMcwhreOiV8AeZagNRTTfeleue0Cy7xkCix55Ussn15hGT6oxIslk8vx8Bs7cd8VQ1HfotLEK1Q1AYyKCiQ5ZihjchqSTHHj08aD5MiyfNw0vr/BUf2hqSPQ6I/pbxSLvQKCURmN/qiJrGZTbT2WTC5H7zzV93JWgqB9cjqa2V5iGTfU1uPmC/sZTCC1tvvlleVwcAyWz6gAxxJ4HKxuavnIcjKuaQAAIABJREFUmzuxcMJA5Do5PD9vLI4HomjwR/W4v7rK+Aa0O2hifReERVnX3dTa7eE3duKx688DAASjMtZ9dACr54w2+L/9/NJByHcDILA8ZJP4lJJOIzAmW2v8/TEuNm83pjTT1LQahLHU9eNZgisr+pje9vNsx5yYznSUAtaC9vF7AzHrNvzZJWejMIP0TzZcURTLZ6Qo3bPPEps+xxAYv6rGLTE01LeEMaDYg1/88XPcd8VQSDbSMNG4OXVi2Ok0/cvizEKq/mqFRKmK0+lzZ3VAXTZtBH7zap3+RT5RW3jbwVa0hUXLMaSty2cVuvHOXRfh26YQ/v2VL9EYiOKJmZX49dWqtnE38SXMIossMkT35FI/jbCjbd/TGERjIIpQTNbNHBP/B4A7Jg6yFIRfOGGgbqaWSLjidhgpoUeW5WP1nNGQFYolk9WvcVZl2d0QwIJna3VTzFKfK04YQ3DHxEG468UvdG0xO1psTXA+8SBpJXyvlV8r37LpFWAZYimCPbG8BxY8W4vjgZj+hdIqHa0Mmklha1jU5Q84loGDZfDg6zuw4Nla/WvsjqN+TK/5CMfaI9jTEEQgKmP1nNG6mdqCZ2tx6/qt+KYhgGtWfGiIm2wWk05OoruBZxk0BqK67qbWN7T6ODgWH+5twk8efR+XLH8PP3n0fXy4t0lvl3Q6iumkG9Jp/NnFZzOUhmAYYlk/bXMiytRSrF6UO6wnMtE5tDrsSgl1aA3HsPd4EI3+KPYeD6I1HDPUwUrCg/sO4Snb2OYZyd3UQCRVn0u8duv6rZj34wF6vFKfCzFJ0ediO307Saa4Y+Ig0/WsiVwWJ4J0c6QVOkOTz0q4fvFGde3VyuwVOMOYafBHLceQtndQFIqbnv4Ec9d8im0HW1HfEsZtz20FBclqDWaRxRmI7rkTPo1w8gxWVht19zStwWXTRsDn4XXdLu1azZY9KPW5cFah23LDXOhxYGV1FSRq3FBHRFnX/xpZlo97Lh+CJa98iUt/+x6Wbq4DQwj+e+ZIQ1kS89PKsGJWJWKSDIUq6FeklkHTTLTSGFP98RiMLMs3HCTtvj4Wehx6+eas/gQN7VHbN5ClPpdeBqt0tDKsmFUJiVJsXDgOI8vycMfEwVi6uQ6X/vZ9LHnlS9xz+RCMLMvX61mzZQ+KvQK8Aoclr3yJi5ZtwfOfHMDyGRV4edF4rJ4zGitnVcLn4Q11XVVdZdJFK/EKqEl6xjXVVSjxdk+TtHT1SacXl05snmcJnp4zCqvnjNa1tp6eM0r/YsezNoccVjvowVK/k4nPRk6ewcokDcKVsyrh5Dv8A600zDIVsweAHJd5XK+srkKOq8MHMNVhl+cIfnbJICzdXIfrnvwYSzfX4WdxSRYA8AoMbo/3YS389omD4RWYjMJ5lljqMGptTKm11mV3dSVI1+cSr2mHca1NNn72LZZNG4G+hW5wDLHsW+GYhP5FHts+n0UW3wWZ9tfOhh2JTn7cT7++JWzYdwCqnrHdnqemugoxm6/2skJPq0ZkFllkcXqQNT1NA0mmcPEEa+aOwf9v78zDpKiuxv2e3mZlGWAgKEYWEUWUZRBBTULcd5KI+xIQQROX6Bc15pdoSEjyGY2f0aiRuIsb4BK3uO8bRhFBwAUEEhEiiIAMs0/f3x91q6ierp6egYZe5rzP00/X1rfPrTpVde89554TDYuXxuHKY/YiHIbmZsNvjt2LTXWNnDmmL5FQyIl0aiMRBk1g792lmLKiEJvqHCuYG256Y20jr3+6hjsn7EtxNMwpt85JGAn8+ez5XPWjvZk2bggDKstoNoYNNQ1ceexgyosiNDTHueKYvVhf00A0HCJutiSln/f5Bh6b9wWXHr4HZUVhHpg8mg21jazaUOvN83OjqLpBbVIFhOndpZjrThrG6bc7rqSpjtupawkPThlNTX1T4P5enYt56NwxrNvcwI0vLWHyd/oDQvfymDcv0a37pQ8tYMakURgDT81fxWVHDKJPRSnTnlzkubfGTWI+p+tOHMrs97a4v5bEIhRFhHWbG7wGoht+u3fXImafM4bGtqUayGkikRB79OrErHPGBKZOCIWEgZXlzLL1jdr97khwNJIiGI79vTFQ2xBPcMu86dQRdLEBPmPhENefPIyfPbglV+j1Jw8jFnY7YXD3W8sTXEfvfms5vzl2L6/8buVRHpg8mrhxUriEQga3DyQ41vdp44Z48wdLY2HP2T5doBmA2vot97WbggPi1NYbOhenL6OxyXDjS0sS6nDjS0u8OlTXx72gVGCtYffOZeaU0XQpTb+/OQ7vr1jH/ZNHJ6TPOHzITgCUxFIEFIrlp4UsnOJ8h1tYJxwrYIiXL/kesXCIaCTEmfv3oyQWpmtJjHWbGwJ165RRu9KrS/EOd/1TCpO26mu2cFNLAIFy+oPArdpYx8NzP+e+s/dDgEg4RGVZzLtXRISwwB9+uA9diyOsqa733tv+mAtL11R7cxc7+DxFJcfQOZDbhnYU09BsDBPufM+LGuqfk3DzaSMwxslBNP6Wt73G2kUPfsDa6npuPHU400+vSkhK/6fj9+HrzQ2s2wz1jYlzoO6aONKLdJhqPmJxNEznkhChEGzc3MQFD2xpjP/ttBHUNDQmBNi49cwqbjm9ihte/JRxw3dOmi/pPujBsTTN+3wDd7+1nPvO3o9YWLjl9KqEYDJ/O72K5xetZs+dunry+TuX7nF/OWmYF5lw1jmjuWb8PknJfVsGtFm8ehP3nb0fazcFWyjXfFPP7W8s4+eHDeLrzQ18U9fozRNpGaRn5fpaLp41n2njhnDDi060Nn+k13vOGkV9U7xgoyBGIqGUOSDjcdNqBMgQJF2va8bv47kfGOC8+xNdO8+7/30eOncMgJfaxd+Ri9h5fABdS0JJUYD/dnoVXa01rylu+M+62qT/79fDyX0QjQilRREvqipAaVHEs+a5XgAty3ctkuDMg5xw53tJDSh3HqWE4NoThvLz2fO9Mq49YShiiwiFUsxRsvvTzjE0wftdi2D30ihV/XokRUXtXhr1yg9yjX2kRTqbfKG1a+Y2dN1tN7ywhFlzV/LmL75Pz06Jyc27l8W4+NBBSXOyenUupkeZusUpmaEtz5hs4Z+XWFleFPgsv/qZTxwPmzOq6FEWY8S3K5IGTipbRP0Omu/oBoibeEA/rn7mE8B5Fk2+5z0NFKUoBYJ2FNPQ2Ow06K44ZnDSnISf3vc+MyaNIhYO8dqlY72IYpcfuQcbahu5+eWlXHns4KTR7eOrdmH3nuVJ86g+/7rO6zi2Zs0riYWobYjz1xYWjb++tIRTRu2aUObke+Zy25lVXHnsXvzuiUVJspw7dgDnzJhLn4oSenYu5qWff49YJMSjc1cyZrcerN9cz8wpo718h6WxEN326o1hy0jlvM838OdnP2HauCH0ryxj7aZ6/vDUR14HtLHZ0K9HGTOnjObrmkYqSqMIJOXxcxrKePMpg0ZBj6/ahVUbnPN054R9vWvStSQamPtvQGUZN546PCGC5Mr1tfx7XY13rrecq47xcguat+Kve11TPDBYzF9ssJj6FMF/Gmzwn7qmOFMfX8y5YwdQSpiGZmfd/f2G2jh/ffHTRN198VN+c+xelBWn7gS5nbhNdc3MW/E1+w+s9JJdv7VkLfsN6EG3MqhrjLNi7Tc8OGV0QjLsbqXdPXnTzaOMx+Glj/6bEKzGjZzq7g+aozTTyujOQWwZFdGbZynBFgmxEYO+qmkMtDjOOmcMO8UiNDalyHWZpwGY6hrjzF3+VZIFtdtevbnnrFGEQ0Jjs2FzfSOz5q7ksME9ERG+WF+TYB10g4Y88tP9qWuMExY8ayM4icfVoqhsK63pa7bxP99Xrnc8hqaNG8KAnuUUR0OEQ3D9KcMT7o223AdB7w33mXf+/fMS8is67wMNFKUohYB2FNMQs+6jqebrhUT47ROLuOCggZREQ5x3/zwvD+Evj9oTQXh/xTqmv74iIdVEJBxKisLnjz4WZKX70/H78NsnFjH5O/35VpfiwKTpkw7snyTjxtomGptNoAWkc3HEs5b87AHnYT9zymhmzl3JD0bsTGNzYr5DdwTxsiP2SLA2rq2up3t5zMu56NKnooRVG2qpa4wzsFcZxhiWfFntzRdq2VAGvHmWfsvotScM5aqnP+ZXR+/pNfKr65u838eNCXTFK4qEAq07/nPtP1cd4eWWLvlzxBcsxsXvdpnK7cpzXU3xezfPYXPcBOrur48Z7O1vrRNXHAmxS/eyhNym14zfh2LrGlsSC9G3snPC/r+dXkVJbMtovzuPMsm11DfP8viRu7By/ZY8iseP3MWbI9gUN+zfvzuTv9s/IeqpazUtjQVbTUutDCIE3t9eZNkU84CamuO2joXleioCA7/VJcGC6kaR/PKbOiKhECWxMPfN+Q+HDe7JhQfv7qXBSLKIhyTJ0pip9ASuS592Njs2relrtmn5fJ/3+QYm3vUub/7i+3QribFqYy3raxq9KS/VdU3s1KUk7VSLVO+NZgOVnWJMP6MqYVBMA0UpSmGgHcU0hAWuP3kY39QGz7NzLWOLV2/i3kn7cfNpIwiJJLlrTvneAL7YUJcwh851AXFH4moampOsdHdNHMWGmgbWbW7w0jssXr2JGZNGBcoTlPzWyQEXC4zA+sDk0UwbN4Qi6zLTp6KEnp0cS8W66oYky47r5jnhzne57sRhXHHMYHbrWc5/1tVw79v/5sf792Px6k1eHW88dTj1jc58Ntc9tLK8iBtOGRboErN2Uz3nfX83BBJcF4uiISo7xajsVMSytZvpU1HiRWdbud6ZSH/5Ix8mWaFmnzsmcM6d/1z7z1VHeLlJGmtWaSyU1FG/+bQRXicnaoPJtLx2bkcwEg4F7nejrqac32P/P5Zibq+bdkYkOcrupQ8t4JGfOG6X9Y0m0Bo3+5wxXnlhEa47cSgXz9riWnrdiUM9GYyBddUNSekxuhQ7rp/lseCE22W2o1bTkHoOYkWZU35r8zTTnYOm5hSupz/JT9dTkMDzMfW4IVz60AJmTRltc6P2pVtZLCEnYlu8AdJZ0dtCNnPhKblGan3NNrFIOOUc80/WbOKcGYlTYa5/4VN+dsju7Pmtzq3qcapyy4pCXHjw7gltnltOr6LCBsxRlEzT3jmHyrahHcU01DXF+f2TH3HlsXsmzdebfnoVNQ1NTD+jilte+Yz1NQ1UdiryLBmQ2EBs6Wp66UMLEpLX9uxclGSlE4Hxt7ydINPK9bXEDUlzJK49YShFdk6Pa9XctXspkbCktNJ8VV3v/b+buPp/Zs1nbXU9907aL/A3rnU1bgznzHDqNvGudwFYsqaaK44ZzMCe5SxZU011XZPXgXN/t3J9LX99cSmTvtMvoTPYo7yI4mjIs9IeX7WL57p488tL+X9H7WktQcVcM34f7nxzuWeViYZDgbI2NsWJFYeTOi7dyqJMP6Mq4aXZUaIghlNYs9w0g5tS5Fk8/+CBVJRBcSzEThUlCYFgohGh2HYkG5uDXVdvPHU4kN6aFhICO3GhNNa2RmttSxWVz90Pzn39x39+nCDjH//5sZeLsTGN+2tdUzwwBcfMNLki3TmK0bATNbVlZ9y1WMaiwk2nDufrzY3e/dGtLEosKvb/mwNdT+vy1PUUDJMO7J80JxSc89gQN0x/fQVPLfyS+yc7z6Xhu3Tl3LEDvPqnyiEZjxtqG5sCr0d7PAgy0dlUCoXU+ppt3KjWLQc0IiHx3neQOPB7zgzHrd0Yk9JSnqrc5jhJwefOvXeu3heKUiBoRzENYetG98Ob3+bEqj7cOWFfIuEQIcFzs3StDZXlsZQdslQNx/6VZTxx/gGs2ljHrx9dyNTjBnsRVpet3czqDbXBLnIhoaI0yr2T9sNg+O/GOq56+mMArjtxGCWxcEKn9p6zgi2QazbVe7Ls2r2UkmiIG08dTiwSxmBSzhXsU1FC9/KihJQa/uPixrGKdPG57PqPmzV3JUvWVHPhwQPp1aWYSEi4wM5zeOL8AwLdZMMh4cTpc6gsL+L/HbUnVxyzF2C456xRXnTXICvZptrkBO1TH1/MLaeP6JBREEOhUOBo+B9+uA/gWNveWraOWXNXer/pU1HCzw5x8tDVNcRZt6mBCx+c512fG04eTnE4RJcSZ+Q5yPXUs9amsKZNtda0dJ24VCPbbvnpXGMhMdek/xjX6pku/H26jmC6qKnNBp6a/0XSHMgJ1nW8qclQ15gYWfbaE4bS1OSUXxQOBbtah/NTf42B299YlnDNb39jGb85di8OG9zTm3u5cn0tYXHmf7Z8Rkw/o4rKTsUJ19m1Av53Y902exCkc9lWOg6t6Wu2cefptny3rd5Y2+rA76oNtfzhqY/4xZF7UNPgvJP9cxjbW67eF4pSGGQ/RNd2QkSOEJFPRGSpiFy+teX0LC/ycgrNmruSiXe9S0jgtNve8eZYudaGFetqaGw23lw7F7eBGLR92drNfFPX5EUfvenlpdQ0NLHmm3qKoyHueXtFUl6w604cSmNznJP/Poexf36FM27/l1fm2up6enYuShrhu+rpj7jp1MS8bG7UU3d9yZpqTpg+h1gkTGWnInqUFSXl2/PnYrz6mY+47IhBvLj4S64Zvw+HDe7JJYcPsvkPX+WKxxZigMMG9wS2zLt0y1tbXe/Mk6hpoLHZSZoNUBwNBwYKqW8ynlvuCdPf5pRb57B0zWZWb6wjbkxwbr2wsPyrzSkStId2eALkXMCNDOnP4XfxoYM8a2pJLBx4Lt35b01x43USwbk+Fz44z+skpcvTGAmHmHhAv4T/n3hAP6+TFouEAq+Xm54jXfmua2xL+aO+6xsRgvXFHuKmtvHjd/1MdT+7HcHyouA8jW6exLAIY/foxcS73uWga19l4l3vMnaPXp7ra1PceNYK9xz/fPZ8X9RUAi2e+Zq+rCQWnFfy+UWr+dXRg7n1tWWAcx5LYmF+fXRycLFzZsz1UgK4uFbAG15ckvQcba8HgTtA4aejuKsriaTSV/886GwSCknSuy2V/roDuI3NcS4/cg8umT2f713zCif9fQ6f/HcTK9Zt9uaHt6dcvS8UpTAoSIuiiISBm4BDgZXAuyLyuDFmcXvLikbD7NGznJlTRtPYbIi24sYZDYf4+6ufJc3v+ttpI4hGJNDd7s/PbslhOO3JxUw6sD/GGHp2LuKiBz/g3LED6Fwc4c4J+1Jd30TX0iixcCgpiuelDy1gxlmjvMZ0S/meW7yGCw4a6I2A7tS1hGlPLvJyILmy+EcCW44gAl7kUf98yfvP3o9IWLj8yD29OZiuDD+9733uO3s/Fq/e5KXeuHfSfp5cf/znYtZuauBP4/f23G79QWr853dTXWPStl26lXD1Mx/zq6MHB7o7/t+JQ7nhxSVJaUo6iptpEKlGht2OcteSGL06Fye4BffqXOxFjkxnbUtXfn1TsoX36mc+4YZTHNfUMATmYQy3Uf5wyMnF6Ze/e3ksIcdZbZrIrpVlsSRX81tOr6LS6ky68PjV9XGe/GBlYNTULqVQ2xh8DlyraXqLZopgN3naU6xrjNOrcywhiuRj76/k2heWMGa3SmbNXendt11LYtQ2tM2651oBV66v5c/PbjnffSpK6N2lpF2DQ6lc7zrqc6Qjs6mumVc++jJJX8cN35luZdmWLpgg/XWD0/3p+H1ojhsufSR58GnauCF0Ko6mdCPV+0JRCpuC7CgCo4ClxphlACLyIDAOaHdHEZzOYiwS5qS/v0lleRFXW0tEkEum66734JTRNDY5yc7vfXs5J+y7K3e/tZwZZ41izaZ6NtQ2ep0tgIE9y7nimMFc9fTHzPt8A3dO2DfQNe7OCfvyTW1DYCNp3eYGdu1e5h3bUr5VG+u8VBhX/WhvThm1K784Yk+Wrq32ZGk5EuiOIAJ8sb6Go294I+l/V2+so6+dCxkklwAzbaqCz9Zu5uKZHzDv8w0M36UrFx48kAGVZYRDQqdivDlggee3JrGj6AZAOb5ql5SROpvihrXV9fTuqsm2/fiva9C+vt3L6FQcDTxfkRSBVlyLYNryJfhauZejrtmZF+zvRP3+yY+43nYk05W/uaGZ215bnhSR9PyDdvOOSRfZNRoNM8gOELmpYXqWFxG1ucXqm0xgePzuQ3YCHIvg9NdXMP31FQmynTq6r1N+GtfXdOc4VXqNfFVpY2DZ2hou8VlRwalTp+Iob/7i+wl6mM792MV/3LzPN3jPv0d/ekC77/90AxRKxyESEmbOdQYyXPpUlPCjqj5ZlKp1WuqviBAWmHrcEKY+vpBJB/YPfH+XxsKtupHqfaG0RIPNFBaF2lHcGfjct74S2K/lQSIyBZgC8O1vf7vVAv2jZpc9tCApOIprkQN4a9k6Dl7Vi2lPLmbauCEcN7wPzfFmJh7QjxUt8vfBlgaqmzC+T0UJu3YvDRz9u+bZj/n10YMDG0k9OxV5o3gtf+tPsuuOIl586CBESPjf1kYCUzXOahqaCYVClISCG7clsQiVnYpobGxmY12T52K6trqeHp2K6N25GBHh4y83ce69c7lm/D5J5/e6E4fS2VoC/OfDDbzz5AUHJFmAbj5tBA+99x/PCpHvL6726Ou20lpHrGd5UaC1rWd52wIXuK6tqVI7FEeD5zi2NZl1LBwKnGN58aG7e+vF0eDIrv7/iEbD7FxRmvIcjOzXIyE8vv8cRNNELU13DtPtT3cOc4W26mxJLET38lhSnaafUcW3Ohcn3btttWJk2trR2n2hFAZt0dmyomCPgrKi3HA9TUWQ/sbjhosPHZRyHm9NQ3NaN1K9L7LHjmgXdLSO39bUd8VVR28HSXIDMSY/XZVaQ0ROAA43xpxt188ARhljLkj1m5EjR5r33nuv1XL9ObSKYyEamgz1TXHiccNVT3/kBba59oSh3P7GMn528O707lpM56Io/1lfw7rqBnp3KWJDbVNCA/DWM0cysLKc9bWNCSNygPd/7uhfKBSioiTKkrXVCY2f6WdUMahnJy8Xkl/WaCREJCTUNiSW0/I/0o0EBoWHv2b8PvTqXExfa8lMFz6+sbGZNdX1gVaapqY4a6rrEQybG5r5/OstOewqyqI8vWAVp43uiwGWrd3MDS8uYW11vfcf8bhxym6OEw4JRZEQBtleo5tZ7XW2RV+3J+61amp2rOY9y4vS5uFyiccNK9Zt5t/rarzru2v3Uvp2LyMUkm1OQ1Bf38TSdZsTItpOP6OK3bqXUVQU8eRf9U0tDU3Gi9waiwg7dU6fT6wt56CpKe4NfPg7env06pRwTGvnsLX96c5hAFkfJWlNZ+vqmvi6vgHBsQA32+dD95IYxcXB45ltzWmouQ/zlqxfpFQ6W1fXxDeNjTQ0OboaDgmxiNA5Gk2pr7lMPG7YUNvAaut1FPR+13umTRRku6CjdRS3hjztKLZJXwu1ozgGmGqMOdyu/xLAGPO/qX6ztTeY+4CtbWim2RiiISciqtsRcx+u/sZKSSxMU9w4qRu2suGSrcZPPG74anM9dY1xwkJCVLRMyuUvZ1s6t9uRgnwh7CjS6cm26lF9fRNf1TR4AxI9SmNeJ9FlWzq7bWF7l9/Oc5T1Vl46na2ra2Jd7ZZr1lonUekQ5LTOFqK+pnu/K2kpyHaBdhTTU8gdxfx+qqXmXWCgiPQDvgBOBk7dHn8UCgndyoogzQT2TLtmZMvVIxQSenYqbnV/JuRKV466ueQ36a7vtupRUVGEnYtaf7xFIiF26lrS6jHbwvYuv9DcvYqLI+yc5w1tpeNQiPqa7v2uKErHo7CechZjTJOInA88ixNE8Q5jzKIsi6UoiqIoiqIoipIXFGRHEcAY80/gn9mWQ1EURVEURVEUJd8o2I6ioiiKoiiKoihb0DmHSnvQjqKiKIqiKIqiKMpW0N7Odz4Fv9GOoqIoiqIoiqIoyg5ge1t1M9kRLcj0GFuDiKwF/r0diu4BfLUdys00+SBnLsn4lTHmiGz9uU9fc+mcBJHr8kHuy5gJ+bKqr9CuZ2yuX49M09HqC22rc77obKFfv0KuX6brlivtgtYo5OuZio5YZ0hf7zbpq3YUtzMi8p4xZmS25UhHPsiZDzLuaHL9nOS6fJD7Mua6fJlG61v4FFKdC6kuQRRy/Qq5bqnQOnccMlXvzGV/VhRFURRFURRFUQoC7SgqiqIoiqIoiqIoCWhHcfvz92wL0EbyQc58kHFHk+vnJNflg9yXMdflyzRa38KnkOpcSHUJopDrV8h1S4XWueOQkXrrHEVFURRFURRFURQlAbUoKoqiKIqiKIqiKAloRzGDiMguIvKyiHwkIotE5Gd2+1QR+UJEPrCfo7Is5woR+dDK8p7d1k1EnheRJfa7IssyDvKdrw9E5BsRuSjXzmW2EJEjROQTEVkqIpdnW54ggvQsy/LcISJrRGShb1uu6X2QjB1C5/NBp1ujPc9VcbjB1nWBiIzwlfNje/wSEfmxb3uVLX+p/a1koY5tvocyWcdcu09d8lFnW2mnZOw6ZhsRCYvIPBF50q73E5F3rJwzRSRmtxfZ9aV2f19fGb+02z8RkcOzU5PMkY+6urW051mcz2TqeZwWY4x+MvQBegMj7HIn4FNgMDAVuCTb8vnkXAH0aLHtauByu3w58Kdsy+mTLQz8F9g1185lFs/HZ0B/IAbMBwZnW64AOZP0LMvyfBcYASz0bcspvU8hY8HrfL7odJo6tPm5ChwFPA0IMBp4x27vBiyz3xV2ucLu+xcwxv7maeDILNSxzfdQJuuYa/dpPussqdspGbuO2f4A/wPcDzxp12cBJ9vlW4Cf2OWfArfY5ZOBmXZ5sL2eRUA/e53D2a5XR9PVbahvm5/F+fzJxPO4LR+1KGYQY8xqY8z7dnkT8BGwc3alajPjgLvt8t3AD7IoS0sOBj4zxrQlWXdHYBSw1BizzBjTADyIc/2UVjDGvAZ83WJzTul9ChkRCeZEAAANqUlEQVQ7AoWq06n0axxwj3GYA3QVkd7A4cDzxpivjTHrgeeBI+y+zsaYt43z1r+HLOhqO++hTNYxp+5TS17qbCvtlIxcxx1YlUBEpA9wNHCbXRfgIOAhe0jLurl1fgg42B4/DnjQGFNvjFkOLMW53vlKXupqhsnFZ8g2kaHncVq0o7idsC4Mw4F37Kbzrbn3jhwweRvgORGZKyJT7LZexpjV4LxIgJ5Zky6Zk4EHfOu5dC6zwc7A5771leTmgESQnuUauaz3fgpd5/NFp1ujPc/VVPVtbfvKgO25wI6oYy7ep3mvsy3aKZm6jtnmL8BlQNyudwc2GGOa7LpfTq8Odv9Ge3yu1m1rKbT6pCPf2riZpL33cVq0o7gdEJFy4GHgImPMN8DfgAHAMGA1cG0WxQM4wBgzAjgSOE9EvptleVJi5xIcB8y2m3LtXGaDoLlJuRi+OG/0LMfpCDqfLzrdGu3R91T1be/2XKbQ65hv8iYQ0E5JeWjAtpy8XiJyDLDGGDPXvzngUJNmX87VbRsptPqkQ9seyWy1DmhHMcOISBTn4XufMeYRAGPMl8aYZmNMHLiVLLswGGNW2e81wKNWni9dM7T9XpM9CRM4EnjfGPMl5N65zBIrgV18632AVVmSJSUp9CzXyFW99+ggOp8XOt0a7Xyupqpva9v7BGzPBXZEHXPxPs1bnQ1qp5C565hNDgCOE5EVOO6VB+FYGLuKSMQe45fTq4Pd3wXHlS8X67YtFFp9WiXP2riZpr33cVq0o5hBrG/77cBHxpj/8233+wH/EFjY8rc7ChEpE5FO7jJwmJXnccCNWvZj4LHsSJjEKfjcTnPpXGaRd4GBNpJbDMc19/Esy5RAK3qWa+Sq3nt0EJ3PeZ1uja14rj4OnGkj0Y0GNlo3oWeBw0SkwroYHwY8a/dtEpHR9j1zJrmjqzuijrl4n+alzqZqp5Ch67hDKpECY8wvjTF9jDF9ca7HS8aY04CXgfH2sJZ1c+s83h5v7PaTxYmK2g8YiBNoKV/JS13dGvKwjZtp2nsfp6etUW/006YIRAfimHIXAB/Yz1HADOBDu/1xoHcWZeyPE/FqPrAI+JXd3h14EVhiv7vlwPksBdYBXXzbcuZcZvncHIUTre4z9xrm0ieVnmVZpgdwXDcbcUbXJuWa3qeQsUPofK7rdBrZ2/VcxXEDusnW9UNgpK+ss3CCZywFJvq2j8Rp8HwG3AhIFurZ5nsok3XMtfs0n3WW1O2UjF3HXPgAY9kS9bQ/TkdvKc40liK7vdiuL7X7+/t+/ytb50/IQoTh7XA+8k5Xt7KeedPGzUBdM/I8TvdxH8KKoiiKoiiKoiiKAqjrqaIoiqIoiqIoitIC7SgqiqIoiqIoiqIoCWhHUVEURVEURVEURUlAO4qKoiiKoiiKoihKAtpRVBRFURRFURRFURLQjqKiKNsNEZkgIjdmuMwfiMhg3/rvROSQTP6HomwtIrKTiDxkl4eJyFFt+M1YEXkyQ/8/UkRuyERZSsch03orIq+IyMhMy6nkLiLSV0QKMc9vRhCRFSLSI9tytBftKCqKkm/8APA6isaYK40xL2RRHkXxMMasMsa4yb2H4eQv25H//54x5sId+Z9K/pNtvVWUIEQksoP+J7wj/icf0Y5iB0dE/iEic0VkkYhMsdsmicindkTwVtciJCKVIvKwiLxrPwdkV3ol24jI6SLyLxH5QESmi0hYRCZa/XkVOMB37F0iMt63Xu1bvkxEPhSR+SJyld022erZfKt3pSKyP3AccI39zwH+ckXkYBGZZ8u6Q0SK7PYVIvJbEXnf7tsjRX0CjxORqSJyie+4hXb0tK+IfCwit9lt94nIISLypogsEZFRGT3hynZHRM4UkQVW72aIyLEi8o7VqxdEpJc9bqrd/5K91pPt9r5WF2LA74CTrK6eJCKjROQtW9ZbIjKoDfIcZXXsDRG5wbXgpCrLb+WxMt5hn+XLREQ7kAVKrultC9lOsc/ThSLyJ7stbJ/dC+2+i+32C0Vksa3Lg5k9S8oOICxOu3GRiDwnIiXiWKjn2Gv6qIhUQKLVWUR6iMgKuzxBRGaLyBPAcyLSW0Res/q4UES+0/JP7W8eE5FnROQTEfmNb19SO8VurxbHI+kdYEyL8m4WkePs8qMicoddniQiv09T7mEi8rY47YjZIlLeouwSK+fkDJ3z7YsxRj8d+AN0s98lwEJgZ2AF0A2IAq8DN9pj7gcOtMvfBj7Ktvz6yaru7Ak8AUTt+s3Aj4H/AJVADHjTpz93AeN9v6+230cCbwGldt3Vye6+Y38PXJCinLuA8UAx8Dmwu91+D3CRXV7h+/1PgdtS1CnwOGAqcInvuIVAX/tpAvbGGXibC9wBCDAO+Ee2r5N+2qXTewGfAD1cXQQqALHrZwPX+nRivn129rC6t5PViYX2mAmu/tv1zkDELh8CPGyXxwJPBsjj6nQ/u/6Ae1xbyrIyvgUUWRnXYe9X/RTOJ9f01u57BRhpy3bfCRHgJRyvkCrged/xXe33KqDIv00/+fHxvQ+H2fVZwOnAAuB7dtvvgL/4dcQu9wBW+PRvJVvaAj8HfmWXw0CngP+eAKwGurOlPTuS4HbKmXbZACemqMvJwDV2+V/AHLt8J3B4qnJtPV4Dyuz2XwBX2uUV9hy94MqQD58dYtJVcpoLReSHdnkX4AzgVWPM1wAiMhvY3e4/BBgsIu5vO4tIJ2PMph0psJIzHIzzsn/X6kQJsD/wijFmLYCIzGSL/qTiEOBOY0wNgKt7wBA7ctcVKAeeTVPOIGC5MeZTu343cB7wF7v+iP2eC/yolXLaepzLcmPMhwAisgh40RhjRORDnJeCkj8cBDxkjPkKHF0Ukb2BmSLSG2fwY7nv+MeMMbVArYi8DIwCPmil/C7A3SIyEKeREk0jzx7AMmOM+58PAFPaWdZTxph6oF5E1gC9cBphSuGQa3rrZ18S3wn3Ad8FpgH9ReSvwFPAc/b4BcB9IvIP4B/t+B8lN1hujHF1aS4wAKfD/6rddjcwuw3lPO9rC7wL3CEiUZzB11S6+rwxZh2AiDwCHIjTcW3ZTlljj28GHk5R1uvAReLEQ1gMVNh7aQxwIc6geFC5o3Gmxrxpt8eAt33lPgZcbYy5rw3nICdQ19MOjIiMxWmkjzHGDAXm4YxKpiJkjx1mPztrJ7FDI8DdPn0YhDNabVIc34R95ojzBI35ygn6zV3A+caYvYHf4lhX0snTGvX2uxlnZBsReda6jdzW2nF+2S3FAccDxH3rcd/vlfwgSBf/imNd2Rs4h8Rr3/LYVLrvMg142RgzBDiWAJ1uoZOt6XTasix+/fTrtFI45JretpQtCWPMemAojlXpPMD93dHATTiN8Lmyg+aoKRmj5fOmayvH+t+rLXVqs7tgjHkNZ3DhC2CGOG7WP7T69oFsCZoUpNdJ7RRjzFS7v84Y0wwgIvv5yjvOGPMFjlX+CBwL4evAiTieUJtaKVdwOqzu9sHGmEk+md4EjhSfxSXX0Y5ix6YLsN4YUyPOXKzRQCnwPRGpsA/o433HPwec766IyLAdKq2Sa7wIjBeRngAi0g1nsGGsiHS3o38n+I5fgfPyB8ct0x2Vfg44S0RKfeUAdAJW23JO85Wzye5rycdAXxHZza6fAbwacJyHMeZw+zA/O01dVwAjrHwjgH5pjlfykxeBE0WkO3i62AWngQLOKLKfcSJSbI8fizPy7aelrvrLmhAkQAud/BjH6tLX7j6pPWUpHYZc01s/7+C0KXrYOVynAK+KE/0xZIx5GLgCGCEiIWAXY8zLwGVs8SZR8peNwHrfvEL/e3kFW9oE40mBiOwKrDHG3ArcDowwxjzq64y9Zw89VES6iUgJjnvzmwS0U2x5CRhj3vGV97jd/DZwEVs6ipfYb1opdw5wgNsOESe2gt+r6kqcKQA3t3bScgntKHZsngEiIrIAZ8RwDs7L4I84D/cXcEzuG+3xFwIjxZmQvBg4d8eLrOQKxpjFwK9xJpsvAJ4HeuNYFd/G0Z/3fT+5FafB8C9gP+yIoTHmGeBx4D0R+QDnYQxO4+EdW+7HvnIeBC4VJ7DCAJ88dcBEYLZ1+4wDt2Soug8D3ax8PwE+TXO8kocYYxYBf8BpyM4H/g9Hn2eLyOvAVy1+8i8ct7k5wDRjzKoW+1/Gcdf/QEROAq4G/ldE3sSZa5NOnlqcubLPiMgbwJdseR63qyylcMk1vW0h22rgl7bM+cD7xpjHcOIhvGKfqXfZY8LAvfb5PQ+4zhizoT3/p+QkP8YJQLcAJ6Lu7+z2PwM/EZG3cOb2pWIs8IGIzMMxXlyf4rg3gBk4btQPGycCdKp2Slt4HWdu7lKctkw3uy1l+8e6WE8AHrDb5+BMIfBzEVAsIle3UY6s4k50VhQPESk3xlRbi+KjwB3GmEezLZeiKEquICJTcdyQ/ryd/8d9HguOS94SY8x12/M/lcJlR+mtouxIRGQCTmCc89Mdq7QPtSgqQUy1o3wLcSbA64RyRVGU7DDZPo8X4bgATs+yPIqiKEoHQS2KiqIoiqIoiqIoSgJqUVQURVEURVEURVES0I6ioiiKoiiKoiiKkoB2FBVFURRFURRFUZQEtKOoKIqiKIqiKIqiJKAdRUVRFEVRFEVRFCUB7SgqiqIoiqIoiqIoCfx/lY5zRXNl6aoAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "sns.pairplot(data, diag_kind='hist')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Using seaborn distplot we can use rug=True to see where the values lie. We can then adjust the y axis and the number of bins to get a better view." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(0, 1500)" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYAAAAEKCAYAAAAb7IIBAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAFmdJREFUeJzt3X20ZXV93/H3RxCM2jg8XC3ODB1opjbERzoFWrusSwxPMQ5rVSroClODnbbBxIR06SArwepKK21WUFNrOhXi2IJo8IFZSsQRsKyuhJFBkAdHZUALI4QZO0hMNBL02z/O7+pZd87cp3PnXr2/92uts87e3/3be//2787cz937nLNPqgpJUn+estQdkCQtDQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1KlDl7oD0zn66KNrzZo1815/318/sXCdmYMjn3HYkuxXkgBuv/32b1XVxEztfqIDYM2aNezYsWPe61+9/cEF7M3sve7kY5dkv5IEkOT/zqadl4AkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTMwZAkiuT7Elyz4hl/z5JJTm6zSfJe5PsSnJXkhOH2m5Icl97bFjYw5AkzdVszgA+CJwxtZhkNfCLwPD9Fs4E1rbHRuD9re2RwKXAycBJwKVJjhin45Kk8cwYAFV1C7BvxKLLgbcANVRbD3yoBm4FViQ5Bjgd2FZV+6rqMWAbI0JFkrR45vUaQJJXA9+sqi9NWbQSeGhofnerHaguSVoic74baJKnA5cAp41aPKJW09RHbX8jg8tHHHusd9WUpINlPmcAfx84DvhSkm8Aq4AvJvm7DP6yXz3UdhXw8DT1/VTV5qpaV1XrJiZmvJ21JGme5hwAVXV3VT27qtZU1RoGv9xPrKq/ALYC57d3A50CPF5VjwA3AKclOaK9+Htaq0mSlshs3gb6YeDPgecl2Z3kgmmaXw88AOwC/gfwawBVtQ94J3Bbe7yj1SRJS2TG1wCq6rwZlq8Zmi7gwgO0uxK4co79kyQdJH4SWJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnZoxAJJcmWRPknuGav8lyVeS3JXkE0lWDC27OMmuJF9NcvpQ/YxW25Vk08IfiiRpLmZzBvBB4IwptW3A86vqhcDXgIsBkpwAnAv8QlvnvyU5JMkhwPuAM4ETgPNaW0nSEpkxAKrqFmDflNpnq+rJNnsrsKpNrweuqarvV9XXgV3ASe2xq6oeqKongGtaW0nSElmI1wB+FfjTNr0SeGho2e5WO1BdkrRExgqAJJcATwJXTZZGNKtp6qO2uTHJjiQ79u7dO073JEnTmHcAJNkAvAp4fVVN/jLfDawearYKeHia+n6qanNVrauqdRMTE/PtniRpBvMKgCRnAG8FXl1V3x1atBU4N8nhSY4D1gJfAG4D1iY5LslhDF4o3jpe1yVJ4zh0pgZJPgy8HDg6yW7gUgbv+jkc2JYE4Naq+rdVdW+SjwJfZnBp6MKq+kHbzpuAG4BDgCur6t6DcDySpFmaMQCq6rwR5Sumaf97wO+NqF8PXD+n3kmSDho/CSxJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6NePbQKWfZFdvf3DJ9v26k49dsn1LC8EzAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE7NGABJrkyyJ8k9Q7Ujk2xLcl97PqLVk+S9SXYluSvJiUPrbGjt70uy4eAcjiRptmZzBvBB4IwptU3AjVW1FrixzQOcCaxtj43A+2EQGMClwMnAScClk6EhSVoaMwZAVd0C7JtSXg9sadNbgLOH6h+qgVuBFUmOAU4HtlXVvqp6DNjG/qEiSVpE830N4DlV9QhAe352q68EHhpqt7vVDlSXJC2RhX4ROCNqNU19/w0kG5PsSLJj7969C9o5SdKPzTcAHm2XdmjPe1p9N7B6qN0q4OFp6vupqs1Vta6q1k1MTMyze5Kkmcw3ALYCk+/k2QBcN1Q/v70b6BTg8XaJ6AbgtCRHtBd/T2s1SdISmfFL4ZN8GHg5cHSS3QzezfMu4KNJLgAeBM5pza8HzgJ2Ad8F3gBQVfuSvBO4rbV7R1VNfWFZkrSIZgyAqjrvAItOHdG2gAsPsJ0rgSvn1DtJ0kHjJ4ElqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktSpsQIgyW8luTfJPUk+nORpSY5Lsj3JfUk+kuSw1vbwNr+rLV+zEAcgSZqfeQdAkpXAbwDrqur5wCHAucBlwOVVtRZ4DLigrXIB8FhV/RxweWsnSVoi414COhT4mSSHAk8HHgFeAVzblm8Bzm7T69s8bfmpSTLm/iVJ8zTvAKiqbwK/DzzI4Bf/48DtwLer6snWbDewsk2vBB5q6z7Z2h813/1LksYzziWgIxj8VX8c8FzgGcCZI5rW5CrTLBve7sYkO5Ls2Lt373y7J0mawTiXgF4JfL2q9lbV3wIfB/4psKJdEgJYBTzcpncDqwHa8mcB+6ZutKo2V9W6qlo3MTExRvckSdMZJwAeBE5J8vR2Lf9U4MvAzcBrWpsNwHVtemubpy2/qar2OwOQJC2OcV4D2M7gxdwvAne3bW0G3gpclGQXg2v8V7RVrgCOavWLgE1j9FuSNKZDZ25yYFV1KXDplPIDwEkj2v4NcM44+5MkLRw/CSxJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVNjfSWkNOnq7Q8udRckzZFnAJLUqbECIMmKJNcm+UqSnUn+SZIjk2xLcl97PqK1TZL3JtmV5K4kJy7MIUiS5mPcM4D3AJ+pqn8IvAjYCWwCbqyqtcCNbR7gTGBte2wE3j/mviVJY5h3ACT5WeBlwBUAVfVEVX0bWA9sac22AGe36fXAh2rgVmBFkmPm3XNJ0ljGOQM4HtgL/HGSO5J8IMkzgOdU1SMA7fnZrf1K4KGh9Xe3miRpCYwTAIcCJwLvr6qXAH/Njy/3jJIRtdqvUbIxyY4kO/bu3TtG9yRJ0xknAHYDu6tqe5u/lkEgPDp5aac97xlqv3po/VXAw1M3WlWbq2pdVa2bmJgYo3uSpOnMOwCq6i+Ah5I8r5VOBb4MbAU2tNoG4Lo2vRU4v70b6BTg8clLRZKkxTfuB8F+HbgqyWHAA8AbGITKR5NcADwInNPaXg+cBewCvtvaSpKWyFgBUFV3AutGLDp1RNsCLhxnf5KkheMngSWpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1KmxAyDJIUnuSPKpNn9cku1J7kvykSSHtfrhbX5XW75m3H1LkuZvIc4A3gzsHJq/DLi8qtYCjwEXtPoFwGNV9XPA5a2dJGmJjBUASVYBvwR8oM0HeAVwbWuyBTi7Ta9v87Tlp7b2kqQlMO4ZwLuBtwA/bPNHAd+uqifb/G5gZZteCTwE0JY/3tpLkpbAvAMgyauAPVV1+3B5RNOaxbLh7W5MsiPJjr179863e5KkGYxzBvBS4NVJvgFcw+DSz7uBFUkObW1WAQ+36d3AaoC2/FnAvqkbrarNVbWuqtZNTEyM0T1J0nTmHQBVdXFVraqqNcC5wE1V9XrgZuA1rdkG4Lo2vbXN05bfVFX7nQFIkhbHwfgcwFuBi5LsYnCN/4pWvwI4qtUvAjYdhH1Lkmbp0JmbzKyqPg98vk0/AJw0os3fAOcsxP4kSePzk8CS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6tSC3AxO6tHV2x9ckv2+7uRjl2S/Wn48A5CkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVPzDoAkq5PcnGRnknuTvLnVj0yyLcl97fmIVk+S9ybZleSuJCcu1EFIkuZunDOAJ4HfrqqfB04BLkxyArAJuLGq1gI3tnmAM4G17bEReP8Y+5YkjWneAVBVj1TVF9v0d4CdwEpgPbClNdsCnN2m1wMfqoFbgRVJjpl3zyVJY1mQ1wCSrAFeAmwHnlNVj8AgJIBnt2YrgYeGVtvdapKkJTB2ACR5JvAx4Der6i+nazqiViO2tzHJjiQ79u7dO273JEkHMFYAJHkqg1/+V1XVx1v50clLO+15T6vvBlYPrb4KeHjqNqtqc1Wtq6p1ExMT43RPkjSNcd4FFOAKYGdV/cHQoq3Ahja9AbhuqH5+ezfQKcDjk5eKJEmLb5zbQb8U+BXg7iR3ttrbgHcBH01yAfAgcE5bdj1wFrAL+C7whjH2LUka07wDoKr+D6Ov6wOcOqJ9ARfOd3+SpIXlJ4ElqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6tawD4G2fuHtW7T6389H9ar/zyQOvO92yUduajTWbPg3ACy79zKzXee1///P9asdf/Ok5tR/Vh9n24x9ccv1+teExn5x+2yfu5nM7H+Wyz+wcuQx+PG5v+8Td+z2G61P39bZP3M3mW+7fb9klU/Y9dXtT+3KgfQ3/PCd/7pd9ZuePtjn5PLzeZZ/ZyeZb7t+vr5O1UfvbfMv9P+rzdGMKo8d9lFE/7+Gf8WzN5d/kgfa7VA7Ul9kc01Ifx+XbvnbQ97GsA2C2bvrKnv1qP9jvyypnt2zUtubiO9//wazbbv/6vv1qP5ymb6Paj9OPJ6YbiClu+soeHv/ek9Mun69v/L/v7lcb7tmobU/Xl2HD604e7uPfe/JH9QNte1SfRtWGl812NGc77nP5eU9nLv8mF3K/C+FAfZnNMS31cbznxvsO+j4MAEnqlAEgSZ0yACSpUwaAJHXKAJCkTs37S+HnK8kZwHuAQ4APVNW7FrsPB9vV2x8ca725rD+q7XTrz7Tt4eWz6cd8j1XS0lvUAEhyCPA+4BeB3cBtSbZW1ZcXsx/ST7vZBu9c/0CYaTuvO/nYOa+rn1yLfQnoJGBXVT1QVU8A1wDrF7kPkiQW/xLQSuChofndwMmL3AdJP2XGudR4oHVne4lzOZ/1pGr2n+Yce2fJOcDpVfXGNv8rwElV9etDbTYCG9vs84CvjrHLo4FvjbH+cuW47M8xGc1xGe0nfVz+XlVNzNRosc8AdgOrh+ZXAQ8PN6iqzcDmhdhZkh1VtW4htrWcOC77c0xGc1xGWy7jstivAdwGrE1yXJLDgHOBrYvcB0kSi3wGUFVPJnkTcAODt4FeWVX3LmYfJEkDi/45gKq6Hpjd/WzHtyCXkpYhx2V/jslojstoy2JcFvVFYEnSTw5vBSFJnVqWAZDkjCRfTbIryaal7s/BluTKJHuS3DNUOzLJtiT3tecjWj1J3tvG5q4kJw6ts6G1vy/JhqU4loWUZHWSm5PsTHJvkje3etdjk+RpSb6Q5EttXP5Dqx+XZHs7xo+0N2qQ5PA2v6stXzO0rYtb/atJTl+aI1o4SQ5JckeST7X55T0mVbWsHgxeXL4fOB44DPgScMJS9+sgH/PLgBOBe4Zq/xnY1KY3AZe16bOAPwUCnAJsb/UjgQfa8xFt+oilPrYxx+UY4MQ2/XeArwEn9D427fie2aafCmxvx/tR4NxW/yPg37XpXwP+qE2fC3ykTZ/Q/n8dDhzX/t8dstTHN+bYXARcDXyqzS/rMVmOZwDd3W6iqm4Bpn5/3XpgS5veApw9VP9QDdwKrEhyDHA6sK2q9lXVY8A24IyD3/uDp6oeqaovtunvADsZfBq967Fpx/dXbfap7VHAK4BrW33quEyO17XAqUnS6tdU1fer6uvALgb//34qJVkF/BLwgTYflvmYLMcAGHW7iZVL1Jel9JyqegQGvwiBZ7f6gcZnWY9bO0V/CYO/drsfm3ap405gD4NAux/4dlVNflny8DH+6Pjb8seBo1h+4/Ju4C3AD9v8USzzMVmOAZARNd/q9GMHGp9lO25Jngl8DPjNqvrL6ZqOqC3LsamqH1TVixl8Gv8k4OdHNWvPy35ckrwK2FNVtw+XRzRdVmOyHANgxttNdOLRdvmC9ryn1Q80Psty3JI8lcEv/6uq6uOt7Ng0VfVt4PMMXgNYkWTys0HDx/ij42/Ln8XgkuNyGpeXAq9O8g0Gl41fweCMYFmPyXIMAG83MbAVmHy3ygbguqH6+e0dL6cAj7fLIDcApyU5or0r5rRW+6nVrsleAeysqj8YWtT12CSZSLKiTf8M8EoGr4/cDLymNZs6LpPj9Rrgphq84rkVOLe9I+Y4YC3whcU5ioVVVRdX1aqqWsPgd8ZNVfV6lvuYLPWr0AfjweDdHF9jcF3zkqXuzyIc74eBR4C/ZfAXyAUMrkfeCNzXno9sbcPgS3nuB+4G1g1t51cZvGi1C3jDUh/XAozLP2Nw+n0XcGd7nNX72AAvBO5o43IP8LutfjyDX1a7gD8BDm/1p7X5XW358UPbuqSN11eBM5f62BZofF7Oj98FtKzHxE8CS1KnluMlIEnSLBgAktQpA0CSOmUASFKnDABJ6pQBIA1J8twk17bpFyc5axbrvHzy7pEjln0+yU/9d8dqeTIApCFV9XBVTX7w58UMPjcgLUsGgJaVJOe3e/l/Kcn/TPLL7X7tdyT5XJLntHZvb8tvavd6/9etvibJPe1T5O8AXpvkziSvTXJSkj9r2/qzJM+bY9/OS3J32/5lrXZIkg+22t1JfqvVfyPJl9uxXLOwoyQNLPp3AksHS5JfYPApzJdW1beSHMngk8CnVFUleSODuz3+dlvlhQzugfMM4I4kn57cVlU9keR3GXwa+E1t+z8LvKyqnkzySuA/Av9iln17LnAZ8I+Ax4DPJjmbwZ0jV1bV81u7FW2VTcBxVfX9oZq0oAwALSevAK6tqm8BVNW+JC8APtJu+nYY8PWh9tdV1feA7yW5mcFdMe+cZvvPArYkWcsgWJ46h779Y+DzVbUXIMlVDL7I553A8Un+EPg08NnW/i7gqiSfBD45h/1Is+YlIC0nYf9b7/4h8F+r6gXAv2FwD5dJU9vOdF+UdwI3t7/Wf3nKtgYdSG5ol4w+MKJv+6nBF8y8iMEdOS+kfRkJgy8meR+DM4bbh+5IKS0YA0DLyY3Av0xyFAy++5fBX+3fbMunfpfv+gy+H/coBjcAu23K8u8w+CrJScPb+lejOlBVp1fVi6vqjVMWbQf+eZKjkxwCnAf87yRHA0+pqo8BvwOcmOQpwOqqupnBJasVwDNnPHppjvyrQstGVd2b5PcY/GL9AYM7Xr4d+JMk3wRuZfA9rZO+wOCyy7HAO6vq4Qx9uTeDWwFvat+c9Z8YfJfwliQXATfNsW+PJLm4bTPA9VV1XZIXAX/cfukDXMzge63/V5JntbaX1+C+/dKC8m6g6lKStwN/VVW/v9R9kZaKl4AkqVOeAUhSpzwDkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ36/wn0UWYodcfVAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "hist0 = sns.distplot(data['capital-loss'], kde=False, rug=True, bins=10)\n", + "axes0 = hist0.axes\n", + "axes0.set_ylim(0,1500)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(0, 1000)" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYAAAAEKCAYAAAAb7IIBAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAE6RJREFUeJzt3X+wX3V95/Hna4lAjasJNDIxgQ1sM1JWd5VmIJQdxhVXhdaGTmFFOiV1sdnZ1a0tnWlDO7NonXV1xxHLtkPNCN3YEYqldmHVytCA27UdU0NBfhjYRHRDhJKw/Kj1B4p97x/nc+VLuDc/7vf+SO7n+Zi58z3ncz7nfD4n55v7uufzPed8U1VIkvrzj+a7A5Kk+WEASFKnDABJ6pQBIEmdMgAkqVMGgCR16oABkOS6JHuS3DdSdlyS25LsaK9LW3mSXJ1kZ5J7kpw+ss76Vn9HkvWzszuSpIN1MGcA/x148z5lG4EtVbUa2NLmAc4DVrefDcA1MAQGcCVwJnAGcOVEaEiS5scBA6Cq/gJ4Yp/idcDmNr0ZuGCk/OM1+CKwJMly4E3AbVX1RFU9CdzGC0NFkjSHFk1zvROq6lGAqno0yctb+Qrg4ZF6u1vZVOUvkGQDw9kDixcv/olTTz11ml2EJ771vWmvO47jFh89L+1KEsCdd975eFUtO1C96QbAVDJJWe2n/IWFVZuATQBr1qypbdu2Tbsz12/dNe11x3HJmSfNS7uSBJDk/x5MveleBfRYG9qhve5p5buBE0fqrQQe2U+5JGmeTDcAbgEmruRZD9w8Un5puxpoLfB0Gyq6FXhjkqXtw983tjJJ0jw54BBQkhuA1wE/mmQ3w9U8HwA+meQyYBdwUav+WeB8YCfwbeDtAFX1RJL3AV9q9X67qvb9YFmSNIcOGABV9bYpFp07Sd0C3jnFdq4Drjuk3kmSZo13AktSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0aKwCS/GqS+5Pcl+SGJMcmOTnJ1iQ7ktyY5OhW95g2v7MtXzUTOyBJmp5pB0CSFcAvA2uq6lXAUcDFwAeBq6pqNfAkcFlb5TLgyar6MeCqVk+SNE/GHQJaBPxIkkXAi4FHgdcDN7Xlm4EL2vS6Nk9bfm6SjNm+JGmaph0AVfUN4EPALoZf/E8DdwJPVdWzrdpuYEWbXgE83NZ9ttU/ft/tJtmQZFuSbXv37p1u9yRJBzDOENBShr/qTwZeASwGzpukak2ssp9lzxVUbaqqNVW1ZtmyZdPtniTpAMYZAnoD8LWq2ltV3wc+BfwksKQNCQGsBB5p07uBEwHa8pcBT4zRviRpDOMEwC5gbZIXt7H8c4GvAHcAF7Y664Gb2/QtbZ62/PaqesEZgCRpbozzGcBWhg9z/wa4t21rE/AbwOVJdjKM8V/bVrkWOL6VXw5sHKPfkqQxLTpwlalV1ZXAlfsUPwScMUnd7wIXjdOeJGnmeCewJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1aqw7gTW567fumpd2LznzpHlpV9KRyTMASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSp8YKgCRLktyU5IEk25OcleS4JLcl2dFel7a6SXJ1kp1J7kly+szsgiRpOsY9A/gd4HNVdSrwL4DtwEZgS1WtBra0eYDzgNXtZwNwzZhtS5LGMO0ASPJS4BzgWoCq+l5VPQWsAza3apuBC9r0OuDjNfgisCTJ8mn3XJI0lnHOAE4B9gJ/kOSuJB9Lshg4oaoeBWivL2/1VwAPj6y/u5U9T5INSbYl2bZ3794xuidJ2p9xAmARcDpwTVW9FvgWzw33TCaTlNULCqo2VdWaqlqzbNmyMbonSdqfcQJgN7C7qra2+ZsYAuGxiaGd9rpnpP6JI+uvBB4Zo31J0himHQBV9bfAw0le2YrOBb4C3AKsb2XrgZvb9C3Ape1qoLXA0xNDRZKkubdozPX/I/CJJEcDDwFvZwiVTya5DNgFXNTqfhY4H9gJfLvVlSTNk7ECoKruBtZMsujcSeoW8M5x2pMkzRzvBJakThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjo1dgAkOSrJXUk+3eZPTrI1yY4kNyY5upUf0+Z3tuWrxm1bkjR9M3EG8G5g+8j8B4Grqmo18CRwWSu/DHiyqn4MuKrVkyTNk7ECIMlK4KeAj7X5AK8HbmpVNgMXtOl1bZ62/NxWX5I0D8Y9A/gI8OvAP7T544GnqurZNr8bWNGmVwAPA7TlT7f6z5NkQ5JtSbbt3bt3zO5JkqYy7QBI8tPAnqq6c7R4kqp1EMueK6jaVFVrqmrNsmXLpts9SdIBLBpj3bOBn0lyPnAs8FKGM4IlSRa1v/JXAo+0+ruBE4HdSRYBLwOeGKN9SdIYpn0GUFVXVNXKqloFXAzcXlU/D9wBXNiqrQdubtO3tHna8tur6gVnAJKkuTEb9wH8BnB5kp0MY/zXtvJrgeNb+eXAxlloW5J0kMYZAvqhqvo88Pk2/RBwxiR1vgtcNBPtSZLG553AktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1atF8d0CSDlfXb901b21fcuZJs96GZwCS1CkDQJI6Ne0ASHJikjuSbE9yf5J3t/LjktyWZEd7XdrKk+TqJDuT3JPk9JnaCUnSoRvnDOBZ4Neq6seBtcA7k5wGbAS2VNVqYEubBzgPWN1+NgDXjNG2JGlM0w6Aqnq0qv6mTX8T2A6sANYBm1u1zcAFbXod8PEafBFYkmT5tHsuSRrLjHwGkGQV8FpgK3BCVT0KQ0gAL2/VVgAPj6y2u5Xtu60NSbYl2bZ3796Z6J4kaRJjB0CSlwB/AvxKVf3d/qpOUlYvKKjaVFVrqmrNsmXLxu2eJGkKYwVAkhcx/PL/RFV9qhU/NjG00173tPLdwIkjq68EHhmnfUnS9I1zFVCAa4HtVfXhkUW3AOvb9Hrg5pHyS9vVQGuBpyeGiiRJc2+cO4HPBn4BuDfJ3a3sN4EPAJ9MchmwC7ioLfsscD6wE/g28PYx2pYkjWnaAVBVX2DycX2AcyepX8A7p9ueJGlmeSewJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjo1ztNAdZi5fuuueWv7kjNPmre2JU2PZwCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVML+nHQv/mn987IdlYd/2K+/v++DcD7f/bVP9zuUYH3XTDMT5RPlE20//6fHabf+z/v48q3vGq/fZzYxsQ6o9OT2fQXX2XDOf/0BdubbJ0/3/4Yb/jxE/a7nwdq70DLD8Wrr/wc9773zTOyrVFnf2ALf7nx3BnfrjTXVm38DF//wE/NahueARyEiV/++/pBHVwZwDPPTrFgDFP1azK3P7Bnxtsfxzef+cGsbPcbT313VrYrLUQGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASerUnAdAkjcneTDJziQb57p9SdJgTgMgyVHA7wHnAacBb0ty2lz2QZI0mOs7gc8AdlbVQwBJ/ghYB3xljvuhGXb91l1zss58bndfl5x50py0I82WVM38HapTNpZcCLy5qt7R5n8BOLOq3jVSZwOwoc2+EnhwjCZ/FHh8jPWPNL3tL7jPvXCfD80/qaplB6o012cAmaTseQlUVZuATTPSWLKtqtbMxLaOBL3tL7jPvXCfZ8dcfwi8GzhxZH4l8Mgc90GSxNwHwJeA1UlOTnI0cDFwyxz3QZLEHA8BVdWzSd4F3AocBVxXVffPYpMzMpR0BOltf8F97oX7PAvm9ENgSdLhwzuBJalTBoAkdWpBBsCR/LiJJCcmuSPJ9iT3J3l3Kz8uyW1JdrTXpa08Sa5u+3pPktNHtrW+1d+RZP1I+U8kubetc3WSyS7PnXNJjkpyV5JPt/mTk2xt/b+xXThAkmPa/M62fNXINq5o5Q8medNI+WH3nkiyJMlNSR5ox/ushX6ck/xqe1/fl+SGJMcutOOc5Loke5LcN1I268d1qjb2q6oW1A/Dh8tfBU4Bjga+DJw23/06hP4vB05v0/8Y+D8Mj834r8DGVr4R+GCbPh/4M4Z7LNYCW1v5ccBD7XVpm17alv01cFZb58+A8+Z7v1u/LgeuBz7d5j8JXNymfx/49236PwC/36YvBm5s06e1430McHJ7Hxx1uL4ngM3AO9r00cCShXycgRXA14AfGTm+v7jQjjNwDnA6cN9I2awf16na2G9f5/s/wSz8458F3DoyfwVwxXz3a4z9uRn41wx3RC9vZcuBB9v0R4G3jdR/sC1/G/DRkfKPtrLlwAMj5c+rN4/7uRLYArwe+HR7cz8OLNr3uDJcRXZWm17U6mXfYz1R73B8TwAvbb8Ms0/5gj3ODAHwcPultqgd5zctxOMMrOL5ATDrx3WqNvb3sxCHgCbeZBN2t7IjTjvlfS2wFTihqh4FaK8vb9Wm2t/9le+epHy+fQT4deAf2vzxwFNV9WybH+3nD/etLX+61T/Uf4v5dAqwF/iDNuz1sSSLWcDHuaq+AXwI2AU8ynDc7mRhH+cJc3Fcp2pjSgsxAA74uIkjQZKXAH8C/EpV/d3+qk5SVtMonzdJfhrYU1V3jhZPUrUOsOyI2WeGv2hPB66pqtcC32I4bZ/KEb/PbUx6HcOwzSuAxQxPBt7XQjrOBzKv+7gQA+CIf9xEkhcx/PL/RFV9qhU/lmR5W74c2NPKp9rf/ZWvnKR8Pp0N/EySrwN/xDAM9BFgSZKJmxVH+/nDfWvLXwY8waH/W8yn3cDuqtra5m9iCISFfJzfAHytqvZW1feBTwE/ycI+zhPm4rhO1caUFmIAHNGPm2if6F8LbK+qD48sugWYuBJgPcNnAxPll7arCdYCT7fTv1uBNyZZ2v7yeiPD+OijwDeTrG1tXTqyrXlRVVdU1cqqWsVwvG6vqp8H7gAubNX23eeJf4sLW/1q5Re3q0dOBlYzfGB22L0nqupvgYeTvLIVncvwWPQFe5wZhn7WJnlx69PEPi/Y4zxiLo7rVG1MbT4/FJrFD2DOZ7h65qvAb813fw6x7/+S4ZTuHuDu9nM+w9jnFmBHez2u1Q/Dl+x8FbgXWDOyrX8L7Gw/bx8pXwPc19b5Xfb5IHKe9/91PHcV0CkM/7F3An8MHNPKj23zO9vyU0bW/622Xw8yctXL4fieAF4DbGvH+n8wXO2xoI8z8F7ggdavP2S4kmdBHWfgBobPOL7P8Bf7ZXNxXKdqY38/PgpCkjq1EIeAJEkHwQCQpE4ZAJLUKQNAkjplAEhSpwwAqUnyiiQ3tenXJDn/INZ5XdrTS2eg/TVJrp6JbUkHY06/ElI6nFXVIzx3Q9JrGK63/uwctr+N4b4AaU54BqAFI8ml7ZnqX07yh0ne0p4jf1eSP09yQqv3nrb89vbs9F9q5asyPKf+aOC3gbcmuTvJW5OckeSv2rb+auQO3v315/wMz/r/Qntu+8T3HEy6rdGzidbH65J8PslDSX55tv7d1C/PALQgJPlnDHeHnl1Vjyc5juGO6rVVVUnewfC00V9rq/xzhuevLwbuSvKZiW1V1feS/CeGuzLf1bb/UuCcqno2yRuA9wM/t5/+HMvwCN9zquprSW4YWfzAQW7rVOBfMXwvxINJrqnhGTrSjDAAtFC8Hripqh4HqKonkrwauLE9GOtohufvT7i5qr4DfCfJHcAZDI/dmMrLgM1JVjMEy4sO0J9TgYeqaqLNG4ANh7itz1TVM8AzSfYAJ/D8RwFLY3EISAtFeOFjcf8b8LtV9Wrg3zE8W2bCvnUP9EyU9wF3VNWrgLfss62hA8mtbcjoY0z+2N6D3lbzzMj0D/APNs0wA0ALxRbg3yQ5HobvR2X4S/sbbfn6feqvy/B9tMczPIDuS/ss/ybD0MuE0W394mQdqKo3VdVrquodDMM8p+S577F966FsS5oLBoAWhKq6H/jPwP9K8mXgw8B7gD9O8r8Zvk5w1F8DnwG+CLyvXQE06g7gtIkPgRm+b/W/JPlLhu+ePVB/vsPwnbafS/IF4DGGb7TiULclzRafBqruJHkP8PdV9aFZbuclVfX37bntvwfsqKqrZrNN6VB4BiDNnl9KcjdwP8Owz0fnuT/S83gGIEmd8gxAkjplAEhSpwwASeqUASBJnTIAJKlT/x8GHh+rmRgSPQAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "hist1 = sns.distplot(data['capital-gain'], kde=False, rug=True, bins=10)\n", + "axes1 = hist1.axes\n", + "axes1.set_ylim(0,1000)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAxAAAAF2CAYAAAD+y36TAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XmYLFV9//H3h1VERVRABBQlxiXGBRAxGgQXRFyIW4IRubgbNdGoP8UVxF0jCjFuUQSXuKEiIoqIgiuyiYALiwJ6ZRUUWQQEzu+Pc5rbt+mZqbl3eqZn+v16nn6m69TpqlNVPXX6W+fUqZRSkCRJkqQu1ljoAkiSJElaPAwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEFpQSf4pyfeSXJLkL0nOT3JYkl368uyVpCT5m4Us66rqK/+WM+Q7uOUrSW5KckWSXyT5eJKHrupyh3zmObMs/8FJzuub3rKt93mzWc6qlGtVtnGcJFkjyfuTXNiO6WEz5F8/yWuTnJLkyiTXJjkzyQdG+f1Psm+SRw5JX+nYL3VJ7tr29dlt31+V5MQkr0+ywUKXb1T6zjslyV+TXJrk+0nemGTj1Vju0O/VapZ134Hy9r9G8j+yKudNaalba6ELoMmV5D+AA4CDgPcAVwNbAY8HHgl8c+FKt2AuBZ7U3q8P3AvYA/hRkneWUl7bl/frwEOBC2ex/L2o//cHzeIzb6Eep1Hai+HlWpVtHCdPA14GvBL4MXDZVBmTbAp8G7gL8AHgB8D1wH2B5wAPAx40onLuA7wN+M5A+nwc+7GQZAfgcOAS4EDgDGBtYHvgJcCdgP9csAKO3sHAR6gXFu9I3e5/B/4jyW6llB+twjKn+l7NhYcDNw6k/W4E64FVO29KS5oBhBbSq4DDSinP7Uv7DvC/SSa1dez6UsrxfdPHJPkQ8D5g7yQnlVK+BFBKuZQacIxEknVLKdeVUn49qnXMZNTbOA/u0/6+v5Ry0wx5PwVsCmxXSjm7L/27ST4I7DaKAk5nIY/9fEqyIXAo8Evg0aWUq/tmfyvJe4F/WJDCzZ/fD5x7vpbkQOD7wJeTbDWwXxbaT0opNyx0IVZVkrWBG4pP89UiNak/0jQe7gBcNGzGTD+2kmyT5OIkX05yq5a2Vuv+8ask1yW5IMl7e/NbnjOSfKxveoMkNyZZPrD8Hyb5Qt/0jMtu+e6R5OtJrmndAA4A1p3NThmyLwrwauBi4OV967pF954k/5rkp63rxRVJTk/ywjbvWOARwMP6mvyPHVjWDkm+mORPwE/avKm6sayTZP/U7mfXJDlisKtRW+a+A2m9LlB7zaJc/du4dpK3JjkvyfXt71tbhTy4jhcm2S+1C9GfknwtyeYD5Zlyn00nyS5Jfpza9e6K1K539+qbfx7Q2/Yb+7d5yLK2Ax4FvH0geADqd6CUclhf/jnbB0l6P2Be37f/923zpuq+1mW/znjs+9L3SPKz1G5Df0jyqdQWmVkvL8mDkxyd5LL2vfxNagA2necDGwH/PuxHcinl6lLK0X3ruHWSdyU5t+3/c1O7Oa3Rl2fHVrYnpXaL+kPqOeHTSW4/sB0vS/LL9l36Y5KTkjy5b/55SQ4eLNfgPknyt0m+0v4nr03y29T/51W6WFhKuRj4f8AmwO5969k5yZHt+F+Tel59ZZI1+8vW3g77Xj04yaFJlrdtPjPJ25OstyrlHCbJ3ZN8pu3z65Kc2r9PW56/ad+1c1s5fpPkQ6kBZS/PsUx9ftq3bzv7lzvV/82Lk7w7yQXAdcDtZ1HWOT220uryi6eFdAKwLMlvgK+WUs7q8qEkOwNfAj4DvKSU0mvG/jTwROBdwI+oV3/fAmwJPLXl+Q7whL7F7Ug9kW+W5G9LKWclWR94cFtez4zLTrIOcDSwHrXLwyXAC4GndNmu6ZRSrk9yDPC0JGsNu/KW5OGtnAdSK/01gHvTKingxW3+mq1cAH8eWMxngM9Su97MdH54LXAq8GxgY+Dt1Ku1f1dK+essNq9LufodAvxzW98PqF2c3gDcA/jXIWX8EbUL0MbAe6nb+AjotM+GSr1H5+vU79O/ALcB9gN+kOSBpZTfA08G/oPa/aF3D8tUV/Qf3f4ePt16+8zZPmif/TErurAALGd6My2zsyQvaOv9fFvuXdp2PSTJ1qWUq2axrNsAR1HPLXsBV1L/R2dqPXg0cFEp5aQO61irreO+1HPA6dTuPm+kXhR55cBHDgCOoB6XewHvpna9WdaW90zq/tuPerV/PeD+bVmzdQTwJ+DfgD8AmwG7snoXC78F3EDtQvfxlnYP4Bjgv4FrgW2pwfJGwN4tz3Tfq7tSzx0HU4/R3wFvasu9OVCZwZpJ+qdv6l14SrIF9QLIJdRuZ5dS/0+/lOSfSim9/7O7tDK9HPhjW//rgCNZ8T872/PTdF4PnAi8oC3v2lmUdRTHVlp1pRRfvhbkBfwtcBpQ2usP1B+vOw/k26vN/xvgmdR+4fsN5PnHlmfPgfRntvQHtuknt+m7ten3U3+0nQ28sKXt0vLce5bLfn6b3r4vzxrAz1v6ljPsj4OB5dPMf0dbziYD+2XLNv0q4PIZ1nEs8IMh6b1lvW+Kcp3XN71ly/sLYI2+9Ie19Of2pRVg34Hl9T6/1yzK1dvG+02xzDe09PsPrOO4gXyvaul36brPptiPJ7XvzFp9aXcH/grs35f2Vloj0gzL+1Ar17od8s7pPug7Tm+dxbHvusxpjz31R9TFwHcH8j285fuPWS5v2/59MIvj+Uvgxx3zPqutY4eB9NdTz00bt+kdW75DBvJ9gPqjO33Tp8ywzvOAg4ek37xPqPdoFOBJq/B9Hnr8++ZfCHxjinmhXmx4PfVH+Bpdlzvw+T2Am4A7zpB/X1bUGf2vT/fl+Tj1h/gdBz57NHDqNMteq++796C+9GMZfn7alyH/39P835zSO+6zKevqHFtfvkb1MnLVgim1xeFB1KuWb6NekXoycFSSNwz5yMupJ+aXlVLeNDBvF2rl/aXU7kZrtSuF32rzd2h/j6NWUr2RQR5JvYr8nYG0C0spv5rlsh8K/K709SMu9YrYzV2hVlPvcluZYv6JwIati8QTBrtJdPSVWeQ9tPR1NSul/JB6Ne8WI0bNod6+/vRAem968Ar41wemT29/79r+znqftRaqrYHPl76WoFLKucAPh5Rhrs31PlgVc7XMe1FbMD7Tn1hK+QFwPrPfl2dTr9J+JLVb1Baz/HwXu1DL9qMh54PeTdf9hu2rdandgqB+Bx+Y5L+TPDrJrVexXJcBvwHemeT5Se65issZJvSdd5JsmuQjSc6nnhv/Sg2Wb089ntMvLLldahewX1NbgP9KvQcoQNdyb09tKe693tg3bxdqK8IVA8foKOABSW7XyrFOkteldk39SyvH99sy7sXcO6yUMnj+7lLWUR5baZUYQGhBlVJuLKV8r5TyhlLKo6lNyKcD+/T3Q212B35P7b40aGNgHeAqaiXQe13S5t+xre9y4GfATknuRL2a+9322rHl3alNz2rZ1BtgLx5StmFpq2ILamV9+bCZpZTjgKe3fF8BLk3y7ST3n8U6ZjPa0VTbutksljFbvW4dg+W8aGB+z+C+uq79vRWs8j7bkPpDZ9i+umhIGbrojR5ztw5553QfrKK5WuZU2wKrsC9LKVdQ/38vAD4I/Lb1z3/q9J/kd9SrxF1sTD1Ofx14ndDm33Eg/0z76pPUbikPof5ovDz13q6u5QFuvlfqMdTWsXcAZ7U+/f82m+UMavcl3Il2jFLv8zic2hX0rdQLLg+mXgSCbt+BTwAvonYdfEz7/Etm8XmAk0spJ/W9zu2btzGwJ7c8Ru9p83vH6B3UVoRPU0f/244VXU5X5/9jKsO+5zOWdVTHVlod3gOhsVJKuSD1JucDqFeiTuib/VTgo8CxSR5ZSum/AfsyareAf5xi0Rf0vf8utY/pTu1zp1FP7Bsn6Q2V+ZG+/F2XfSG1L++gTYakzUq7v+LRwPFlmpFHSimHAoe2vuA7Uu/Z+GaSzcvMowDB1K0bwwzbrk2oLUk911GDr36DP7Bmo/dj7M6sfD/BndvfKYdJncoq7LM/UvfTnYfMu/OqlIE6fOvbqPfZvHeGvHO+D0aky7Hv35ZBd6b+YJrN8iilnAo8tV3F3ZZ6X8UXkjyglHLGFGX9NvCYJNuUUk6eIk/PZcC51HtQhjlvhs8PlrdQzzcfaRdNdqZ+Bz5PDSqgnn9W2vYktwiuSim/AfZMvTngAcBLgQ8mOa+U8o3ZlKvPY6ldzX7Qprei7tdnlVJubgVL8sQuC0sdeGI3aterA/rS/34VyzfMZdSWhHdNMb93zt4d+GQp5a195bjNLNZzbfvMOqWU6/vSpzrHDTu/dirriI6ttMpsgdCCmaZ7wb3b38ERmn5P/YG3BnVoy/5RWr5JvWK0wcBVqd5rMIDYjHpD3LGluoR6r8KbqZXld1Zh2T8GtkhycxeGdrVuqh8anbQK493UK1Xv6/KZUspVpZQjqD9MNmVFhXYd9SbNufC0rDzqzMOAzan7oed8aitPv8cPWVbXch3X/g7eaPnM9vd7HZYx1DT7bDDf1cDJwNOz8qgzd6PerHvcsM/NsO4TqDelvi5TPAwrSW8Y11Hsg+uZu+9FT5djfya11WqlbUnyD9Sr/P37sut3CYBSyg2tO+EbqeeM+0yVF/gY9R6sD7QuaitJHXWpd6P7N6ktVldNcT74wzTrmVYp5Y+llM9Tuz32b+uwbX8CU2jntFOBV7Skwc92kvoQuXdTL458riX3ulj9tS/f2qz4/vUb9r1al3qOHRxoYa9VKeMUvkm9Ef3nUxyjXivQrYeU49lDljfV+en89vfm/du6Qc5myN+uZQXm7thKq8sWCC2kM5J8l9p15FzgdtRRJV4EfKGU8tvBD5RSLkyyI/XH1rFJdiqlXFBKOTbJZ6lXkventlzcRO2WsCvwmrJilKfvUUdBeRQrms2hBhYvBX7brvb01tl12YdQRyD5cpLXUbs4vahtV1fr9AUgt2bFg+QeSr0ZcconGSfZj9oC8F3qVavNqaMAnVrq8xSg3vj84iT/Qr16fWUp5cxZlK/fbYHDknyEOvrKO6h90D/Zl+dzwBuSvB44ntqK84why+pUrlLKz9ux2LddYf4Rdd+8EfhsKeW02WxAx302zBupfduPSB0i9DbU4PMKZm5BmMqzqFfCT0zy36x4kNy9qaMdrU0drWxO90HzC+DxSb5JbWG5YCDoXhUzHvtSyo1J3kS9+v5paleSzaitMWdTu7p0Xl6SJ1BHuDmMek5Zn3o8r2TlwHYlpZTLWzenw4FT2v7vPUhuO+r/8aHU4/MZ6o/MY1KfD/EzauvAVtSHQP5TKeWarjspyUf7yncJdXCJZ7HiHqveth+U5H3U0XgewMAP7tbt7gBqy8U51B/pe1FHUOryILfN2rlnDWrXse2pA0MEeGIp5S8t3y+pP5zfluRG6g/wqR6wN/R7leR44JVJLqQGbs9hbrs+vol6nv5ekg9QW4U2pP7YvkcppfdU6W9SRwI8nbrPnsLwH/9TnZ++Qf2f/98k+1CDo1dTu7vOWVnn4NhKc6+MwZ3cvibzRa2UD6dWRtdSn0T9U+oJeJ2+fHvRRmHqS9uYeq/EWcBmLW0N6lN/f9aWd0V7/25q60H/un9C30hLLa03QtPBQ8raadnUeziOBK6hjqxxALWl4+aRhKbZHwezYkSRm6g/Kn5JHaVj+yH59+pfLvVq7FHUq4XXUft1f5yVR8a5cyvfle2zx061jwfKdV7f9JYt74uB/dt2XkP9QX33gc/equ2DC9s6P0/9QXbzyDkdy7VlX961qX2vz6f+eDm/Ta89pIzPGyjPji19x677bJrjtQv1R99f2vfhq8C9BvJ0GoWpL/9tqMNI/pT6/3Ad9Sr9AdQfE3O+D1raw6itKtey8sg+Ux37LsvsdOxb3j2o/0/XUbt0fArYdLbfJWrA/Xlq8HAt9bt5JPCQjvv/btRRkXo3915Fvcl5b+B2A2XZF/hVy3d5y7cvbWSuvn3y6Bn+b5dRR/m5pC3rXGpLY//61qD+0Dyf+r92FDVg6T9WG1MvYpzV8lxObcF5bIft7h/N6K/UH/U/oI7stdGQ/A9s86+hDpywH/A8bvm/OtX3akvqj+8r23Z/gPq/uNJ3aIqy7tvyrTVDvs2pLUu/pwbiF1JHNtqjL8+dqMHZH9vrM9T7MTqdn9q8h7djf03b93vQ8f+ma1lX59j68jWqV28YOUmSJEmakfdASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQkMlOTjJEXOwnH2TnDEXZZphPVsmKUm2HfW6Jl2SvZJcNaJlH5vkA33T5yV51YjWNbLtkCbBfNYTc7Uujc4o6/vBuqDV908b0brm5XfLYmcAsQi0E+e+87zalwF79JVhpR92Y+h3wKbAqV0/kGTHJOfNkOe8dqLqf/1pNcs6uI4F37dtX/S276Ykf05yWpIDktx9IPvngXt0XO5sA7unAK+dTdk7lmNYZdN5O6RxZz0xd9rFhWNnyDNYL5QkneufjuUY2QWUWZRhr77tuzHJn5KclORtSTYeyP5fwCM6LrdX59ypY1EeDHxwNmXvUIap6qfO2zHJ1lroAmg8lVKuWOgyzEYp5UbgohEtfj/gQ33TN41oPastydqllL+uxiL+DrgcuA3wAODlwOlJHl9KOQ6glPIX4C+rXdg+SdYppVxfSrl8Lpc7nVFshzRJFls9MQLPB/pbRVbn3DsySdYA0urJVXENsBUQ4HbUH/OvAZ6f5BGllF8ClFKuAua0Vbevbrh0Lpc7nVFsx1JkC8QilGSdJG9Pcn6S65L8Jsl/tHlrJvl4knOT/CXJ2Ule3U4gvc8fnOSIJG9IcnGSq5J8Isl6g3l676nR+Ev6rkRs2WVdHbdn/SSfbOW4OMlrW/kO7suzR5ITk1yZ5JIkX0yyWd/8la4k9F3deFSSnyS5pl012XoVdvmVpZSL+l6X9K13gyQfbWW6Mslx/VczktwxyWeTLG/76OdJnt03f6p9e4urM9Ns465JTkhyPfDYNu+JSU5Ocm07Pm9Lsk6Hbb2kbeM5pZQvATsCPwUOSrJmW/ZKXX+SbJHkq0kub/v5V0l2b7PPbX9PbGU9trfd7Ri/JslyYHlLH3YF8zZJPt2+Hxdl4IpchrQupO/KXVa0Mn2x5T1v2Ha0tBcmOSfJ9e3v84es6wXt+3d1+9/bA2nMZInVE0O2b90k729luzbJ8Uke3jd/7SQHJrmgbf/vkryzb/5TUltZ/9LOXccl2WSWxfjTQN1wWd/yN0vyuSR/bK+vJ7ln3/yt2nnzonYuOSXJE/rmHwvcDXhPb3+29GHnrZXqi16eVjecAVwP3KfNe3aSX7R9dlaS/+xwLErbvgtLKWeWUj4NPBT4E/DhvnKs1PUnyd8nOSa1RfvKJD9LslOSLYHvtmyXtrIf3NvuJB9K8l9JLgV+2NKHtcbcue3Xa9r3vL81bGjrQlauL6aqnwa3Y40kb2zfoeuSnJ5ktyHremqSo1t5fpHkMTPs10XNAGJxOgTYE3gF9aTwXOo/MtRj+nvgn9u81wOvA549sIxHUK8wPwp4KrAz8K4p1vcy4MfAJ6jdhDaldhnquq6ZvLeV58nAI1u5/nEgzzrAPm3eE4A7AZ/tsOx3AHsDWwOXAZ9JklmWb6i2nK8Dm7UyPQj4HvCdJJu2bLcCTmnz/w44APhIkke1+VPt29l4F/AG4N7AT5I8FvgM8IG2zucATwPePtttbFes3kft6vOgKbJ9ELg1sFNb38tZ8X3crv3dhbptT+n73COA+7d5j2JqrwB+ST2G+wBvT/KUafIPenD7+/xWhgcPy5TkydR99n7gftRj9cEkTxzI+ibgq9Tv4uepwdXdZlEeaT4stXpi0LuBf6Ge3x4EnA58s+/c+x/UOmV34J4t75kASe4MfI66j+4D7AB8ajXLc7Mkt6b+QL6Wug8fClwIfLvNg9rK+w3gMdR9/CXgy0nu3eY/hXphZT9W7M/ZuBW1XnghcF/g/NQLIm+nnsPuA7yS2pLw4tluY7tK/2FghyQbTZHt/6jbvR31GO1L3Se/o36foNYZm1K/Pz17UFs7/pH6HZ7Km4HDgQcCHwU+ORgwzGC6+qnfy4D/R91Xfw98hXqsHjiQ723AgdTjeSLwuSS3mUV5FpdSiq9F9KKeCAuwyyw+807g233TB1Mrktv0pe0BXAes35fniL75xwIfWIV17QucMU3+21Cvjuzel7Y+8Efg4Gk+d++2HzZv01u26W3b9I5t+rF9n3lY/2c67rvz2n65qu/1ujbvkW16vYHPnAq8epplfg742HT7tq/8d+pLm2obnzrw2e8BbxxI+6dW1kxRplusb8i+/uc2vRdwVd/804B9pljuSmUe+A5eCqw7kL7Svmj7/+iBPB8DftA3XYCnDTlur5ohz+B2/BA4aEg5B9f1jr7ptajN+3t0/U758jXqF0usnhhcF7WOuB7Ys2/+msCvgbe26QOBY4ad86gXIwpwt9XYx4XaBbK/bnhmm/cc4Oz+dbfyXdY7j06xzOOBN/RNr3Qea2krnbda2o70nb9bngJsM5Dvt8CzBtJeDvximjLdYn1983Zp69lu2HEE/gwsm+KzK5V54Dt02pD8K+2L9tn/HcjzbeDT7f2WDK97bq4LpskzuB2/B940pJyD63ph3/zNWtrDV/U7Nu4v74FYfB5E7YP/3akyJHkR8Dxq8+d6wNrA+QPZTiv1CkLPj6lX+bei/iDspOO6enn/kXrFpeeFwBntMyf0EkspV2dgBITUrkf7UK803IF6dQLgrrTuL1Po35YL2t+NZ/jMoP2Bj/dN9/rpb0O98n7pQKPGraj7kdRuP3tTr35tBqxL3c/HzmL9MzlpYHobYLskr+lLW4N6fO5MvSI0G72NK1PMPwD4cJJdqBX2V0opJ3dY7hmllOs65PvxkOnZtEB0dR/goIG0HwBPGki7+TtVSrmhNbMP3kwoLaQlVU+UUj4zkG2rtowf9hJKKTcm+TH1ajvUgONo4Kwk3wKOBL5RSrkJ+Bn1x+YZbd63gUPL7PvZ/z/gm33TF7e/2wB3B64cqBtuzYq6YX1qnfYE6tXvtal1R+f9OoMb6BtUpLUSbEFtAe+/p28tVpzjZ2umumF/4GNJllHrhi+VUn7VYbld6g8YXjc8vuNnO0lyO+Au9H3Xmh8Auw6kTfV7Y0kygFh8pv1HT/Iv1C4YrwJ+RL0C8BJqU+7cFmT26zqJGgD0XEw7mTL1Cah3oj2KepJ/FnAJtQvT96mV2XT6b2rrrWO2XfcuK6WcMyR9Deo2DHa3grovoO6bV1KbQE+nXqV6OzOfVHo3avcf77WnyHv1kHK9GfjikLyrciNar0L+zbCZpZSPJzmKejJ9NPCjJO8opew7w3IHy72qCrf8v5hqX3VZ1kxpgzdKFuwOqvGy1OqJWyy2/Z3y/7WUckrra78LtbX4EOBnSR7Tgo2dge2p3bKeC7wj9Ybgn3XfOi6apm44ldp9alDvAtR/tbK9itpacQ3wSWau026i2/nuurLyTdO9c9SLqMdhLtyXur/PGzazlLJvks8Aj6Pen7dPkheVUgYv1Ayai7rhFnVoklWtF2CWdUMppbTgccnWDQYQi88p1C/kTqx85aPn4cBPSin9Y+lvNSTf3ydZv5TS+0fdntok/Osp1ns9tQl2VdYF3DzqzUon2yTnUP/ptqPd0NT6iN6vryz3pgYMryul9PKM4gr0bJ0CbALcVEoZ+uOauo++Vkr5FNx838TfsqIvMgzft70f+pv2vR/sbzldue49RcU2K60F5eXUYzHlEIWllOXUPqgfbS0fL6M2A1/fsgxu32xsP2T6l33Tl9LXPzj1RsjB/sJ/7VCGX1KPV3/l9nDgF7MprDQGllQ9McQ5bV0Pp13YaOeqh1L73feWdSX1QsoX2026xwN/A5xVaj+THwM/TrIf8HNqS/FsAoipnAI8A/hDKWWqYb8fDnyy1MEqSNJruT6rL89UdcOtk9yulNK7UDVj3VBKuTjJ74GtSimf7L4pw7W+/S8Cjpuu5aaUcjY1QDqwtXw8j3qOnau64aCB6V7d0F+H9gzupxnLUEr5c5ILqMfrO32zJr5uMIBYZEopZyf5ArVZ8GXUE9XmwJbtR+pZwF5JHkc9ye5OvYnrjwOLWot68+d+1Oa5d1L7E04V+Z9H7RazJfUq+uWzWNd023NVkoOAdyX5A7V7zRuolV8vuv8ttd/tS5P8D7WryVu6rmOEvk1t1vxqklcDv6J2EdqF2r/3+9R99C+po4P8Afh3atP2T/uWcx633LfnUG802zfJ3tQ+lm/oWK79gCOSnA98gdqUfT9qP9VXz/DZjZOsRb035f7Af1K7Q+xaphgCMMkB1C4HZ1GH+NuFFSfWS6j9hB+bOvrRtWX2Qz9un+S1wKHUfrN7As/sm/8d6sgvPwJupLbwXDuwjPOARyU5jnplbth39D3UHxonA99q2/FMRtNdShqZpVZPDNm+q9uP0Xe2euNc6rlqE9qzApK8glqfnEq9gPCv1NaP5Um2p7aWHkVt4XgQtXvPXP0g/Ay1ZeGrSd5ErcO2AHYDPtx+VJ8FPDnJV1v59qF2Yep3HvCPST5NPW/9AfgJ9Qr9O5K8j3rDbteboPcF/jv1WUZHUlsutgY2K6W8Y5rPpd14DrABK4Zx3YBbdvHsfWA9aivLF9t2bEILJluW86l1/OOTfA34y0B3uS6ekuREapfgp1Fv9n8I1EA0yfHAa5L8upV1cBu71k/vAfZLcja1e9Ue1J4H28yyvEvKkm1aWeL2pF5lOZD6o/Vg6j8HwEeoPxr/jzoKwJbUUY4GHUe94vJd6ogC3wGm+3H5X9Ro/RfUyP6us1jXTF5F7Y50eCvPadRm7GsB2tWNZdQbgX9BPdG+YhXWM6faFaxdqfvuf6kjfHwBuBcr+j++lXp/xzeoNzdfTa1c+t1i35b6LIfdqaMf/YzaJel1Hct1FLVRkIAnAAAgAElEQVQf6E5t3SdQ78P4bYeP/5xa6f6UGoj8FLh/KeV703xmDeC/W/mPplbIy1pZbqCOhvI86j75apdtGLA/NZj5KXV/vqmUcmjf/FdSr0IeSw0yPkatGBjIsxM1KPspQ5RSDqMGeP/ZtuVlwItLKV9bhTJLC22p1RODXtOW+wlqkHB/6k3jvXu8rqTeo3ACNYB6IPC4Uso1wBXUQTWOoF4dfy/wllKHJ11tbR07UM9LX6Tu/0OADVkROL2Cep76PrV+OL697/cmauDxa9oV9VKflfNM6uhNpwMvAN7YsVwfo97g/SxqvfL99vlzZ/joran1wgXU/fkK4GvA/Up7BsQQN1K39xBq3fgVaovPK1pZfk+ty99GrTNW5QGE+1JHczoN+Dfg2aWUE/vmP6f9PZH6PVzpItws6qcDqUHEu6n3bT6ZOnjJnD44cLFJ/Q2kSdKacu9USnnCTHkXQpJ1qVcn3lNKmYuKRpI0C+NeT0haWHZh0oJL8iBqt6QTgNtSryzdljrGviRJksbIgnVhSvKZJGcmOSPJQb2741MdmPoU2NPS9+TgJMtSn2J5dhsWrJe+TeqTAc9pn52TB4VpXr2C2rXkO9S+kju0G3MlTRjrB0kabyPrwpRkwyluVOzN35UVYz3/H/C9UsqHWvq/U/uWPwQ4oJTykCR3oPaL35Z6483J1Iek/DHJCdT+ysdTbww6sJTyDSRJY8f6QZIWt1G2QJyU5P+SPHLYFZ9SypGloXZd2bzN2o06tFkppRwP3D710fSPpT6R9vJW8RwN7NLm3a6U8uO2rE9Sb7aVJI0n6wdJWsRGeQ/E31IfHvJS4H+SfAo4uJRyQX+m1jT9LOoVIqhP6/1dX5blLW269OVD0m8hyQuoIw6w/vrrb3Pve9971ht18mWXzSr/Nne846zXIUmjdPLJJ/+hlLLRAhZhrOqHuagbwPpB0uLXtX4YWQDRxow/gjoe/UbU8Xd/m+QfSikn9GX9ILV5ujd82bD+qcOeNDtT+rAyfZT6sCu23XbbctJJJ3Xaln455JBZ5T9p2bKZM0nSPGrPCFkw41Y/zEXdANYPkha/rvXDSG+iTrJBu7JzOPWK03Op4/X25u8DbMTKY/ovp4573LM5dXze6dI3H5IuSRpT1g+StHiNLIBoT048hfogrD1LKTuUUg4ppVzb5j+P2m/1GaWUm/o+ejiwZxttY3vgivZgmKOAnZNsmGRDYGfgqDbvyiTbt760e7JqD6uSJM0D6wdJWtxGeQ/EF4C92pP+hvkw9WFhP2730H25lLIfdZSMXamPvL8GeDbUpy8meQv1iYIA+7UnMkJ9AuHBwHrUkTscYUOSxpf1gyQtYqO8B+LwGeYPXXcbKeMlU8w7CDhoSPpJwP1WoZiSpHlm/SBJi9uCPUhOkiRJ0uJjACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZAYQkSZKkzgwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZAYQkSZKkzgwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLU2YIFEEkOSnJJkjP60vZN8vskp7bXrn3zXpvknCRnJnlsX/ouLe2cJHvP93ZIkuaW9YMkjbeFbIE4GNhlSPr7SikPbK8jAZLcF9gd+Lv2mQ8mWTPJmsD/AI8D7gs8o+WVJC1eB2P9IElja62FWnEp5XtJtuyYfTfgc6WU64Bzk5wDbNfmnVNK+Q1Aks+1vL+Y4+JKkuaJ9YMkjbcFCyCm8dIkewInAa8spfwR2Aw4vi/P8pYG8LuB9IfMSyk7yiGHdM5bli0bYUkkadFbUvWDJC1W43YT9YeArYAHAhcC723pGZK3TJM+VJIXJDkpyUmXXnrp6pZVkjR/RlY/WDdI0uyMVQBRSrm4lHJjKeUm4H9Z0Qy9HNiiL+vmwAXTpE+1/I+WUrYtpWy70UYbzW3hJUkjM8r6wbpBkmZnrAKIJJv2TT4Z6I3AcTiwe5J1k9wduCdwAnAicM8kd0+yDvVGusPns8ySpNGzfpCk8bFg90Ak+SywI3CnJMuBfYAdkzyQ2sx8HvBCgFLKz5N8gXrz2w3AS0opN7blvBQ4ClgTOKiU8vN53hRJ0hyyfpCk8baQozA9Y0jyx6fJ/zbgbUPSjwSOnMOiSZIWkPWDJI23serCJEmSJGm8GUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZAYQkSZKkzgwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLU2YwBRJKHJVm/vd8jyf5J7jb6okmSxpn1gyRNpi4tEB8CrknyAODVwPnAJ0daKknSYmD9IEkTqEsAcUMppQC7AQeUUg4AbjvaYkmSFgHrB0maQGt1yHNlktcCewA7JFkTWHu0xZIkLQLWD5I0gbq0QPwLcB3w3FLKRcBmwHtGWipJ0mJg/SBJE2jGFohWKezfN/1b7OMqSRPP+kGSJtOUAUSSK4Ey1fxSyu1GUiJJ0lizfpCkyTZlAFFKuS1Akv2Ai4BPAQGeiTfJSdLEsn6QpMnW5R6Ix5ZSPlhKubKU8udSyoeAp466YJKksWf9IEkTqEsAcWOSZyZZM8kaSZ4J3DjqgkmSxp71gyRNoC4BxL8C/wxc3F5Pb2mSpMlm/SBJE2jaUZjamN5PLqXsNk/lkSQtAtYPkjS5pm2BKKXcSH3CqCRJN7N+kKTJ1eVJ1D9M8gHg88DVvcRSyikjK5UkaTGwfpCkCdQlgPiH9ne/vrQCPHLuiyNJWkSsHyRpAnV5EvVO81EQSdLiYv0gSZNpxlGYkmyQZP8kJ7XXe5NsMB+FkySNL+sHSZpMXYZxPQi4kjpU3z8DfwY+McpCSZIWBesHSZpAXe6B2KqU0v9k0TcnOXVUBZIkLRrWD5I0gbq0QPwlycN7E0keBvxldEWSJC0S1g+SNIG6tED8G3BIX7/WPwJ7jaxEkqTFwvpBkiZQl1GYTgUekOR2bfrPIy+VJGnsWT9I0mTqMgrT25PcvpTy51LKn5NsmOSt81E4SdL4sn6QpMnU5R6Ix5VS/tSbKKX8Edh1dEWSJC0S1g+SNIG6BBBrJlm3N5FkPWDdafJLkiaD9YMkTaAuN1F/GjgmySeAAjwHOGSkpZIkLQbWD5I0gbrcRP3uJKcBjwYCvKWUctTISyZJGmvWD5I0mbq0QAD8ErihlPLtJLdOcttSypWjLJgkaVGwfpCkCdNlFKbnA4cCH2lJmwGHjbJQkqTxZ/0gSZOpy03ULwEeBvwZoJRyNrDxKAslSVoUrB8kaQJ1CSCuK6Vc35tIshb1ZjlJ0mSzfpCkCdQlgDguyeuA9ZI8Bvgi8LXRFkuStAhYP0jSBOoSQOwNXAqcDrwQOBJ4wygLJUlaFKwfJGkCdRnG9Sbgf9sLgCQPA344wnJJksac9YMkTaYpA4gkawL/TB1V45ullDOSPAF4HbAe8KD5KaIkaZxYP0jSZJuuBeLjwBbACcCBSc4HHgrsXUpxmD5JmlzWD5I0waYLILYF7l9KuSnJrYA/AH9TSrlofoomSRpT1g+SNMGmu4n6+ta/lVLKtcBZVg6SJKwfJGmiTdcCce8kp7X3AbZq0wFKKeX+Iy+dJGkcWT9I0gSbLoC4z7yVQpK0mFg/SNIEmzKAKKWcP58FkSQtDtYPkjTZujxITpIkSZIAAwhJkiRJszBlAJHkmPb3XaNaeZKDklyS5Iy+tDskOTrJ2e3vhi09SQ5Mck6S05Js3feZZS3/2UmWjaq8kqTR1w/WDZI03qZrgdg0ySOAJyV5UJKt+19ztP6DgV0G0vYGjiml3BM4pk0DPA64Z3u9APgQ1EoF2Ad4CLAdsE+vYpEkjcSo64eDsW6QpLE13ShMb6KeoDcH9h+YV4BHru7KSynfS7LlQPJuwI7t/SHAscBrWvonSykFOD7J7ZNs2vIeXUq5HCDJ0dSK57OrWz5J0lAjrR+sGyRpvE03CtOhwKFJ3lhKecs8lmmTUsqFrQwXJtm4pW8G/K4v3/KWNlW6JGkEFqh+sG6QpDExXQsEAKWUtyR5ErBDSzq2lHLEaIs1VIaklWnSb7mA5AXUJm7uete7zl3JJGkCjUn9YN0gSfNsxlGYkrwDeBnwi/Z6WUsblYtb8zPt7yUtfTmwRV++zYELpkm/hVLKR0sp25ZStt1oo43mvOCSNEnmuX6wbpCkMdFlGNfHA48ppRxUSjmI2of08SMs0+FAb7SMZcBX+9L3bCNubA9c0ZqzjwJ2TrJhu0Fu55YmSRqt+awfrBskaUzM2IWpuT1weXu/wVytPMlnqTe63SnJcuqIGe8EvpDkucBvgae37EcCuwLnANcAzwYopVye5C3AiS3ffr2b5iRJIzfn9YN1gySNty4BxDuAnyb5LrVP6Q7Aa+di5aWUZ0wx61FD8hbgJVMs5yDgoLkokySps5HUD9YNkjTeutxE/dkkxwIPplYQrymlXDTqgkmSxpv1gyRNpk5dmFp/0sNHXBZJ0iJj/SBJk6fLTdSSJEmSBBhASJIkSZqFaQOIJGskOWO+CiNJWhysHyRpck0bQJRSbgJ+lsRHc0qSbmb9IEmTq8tN1JsCP09yAnB1L7GU8qSRlUqStBhYP0jSBOoSQLx55KWQJC1G1g+SNIG6PAfiuCR3A+5ZSvl2klsDa46+aJKkcWb9IEmTacZRmJI8HzgU+EhL2gw4bJSFkiSNP+sHSZpMXYZxfQnwMODPAKWUs4GNR1koSdKiYP0gSROoSwBxXSnl+t5EkrWAMroiSZIWCesHSZpAXQKI45K8DlgvyWOALwJfG22xJEmLgPWDJE2gLgHE3sClwOnAC4EjgTeMslCSpEXB+kGSJlCXUZhuSnII8BNq0/SZpRSbqCVpwlk/SNJkmjGASPJ44MPAr4EAd0/ywlLKN0ZdOEnS+LJ+kKTJ1OVBcu8FdiqlnAOQZCvg64AVhCRNNusHSZpAXe6BuKRXOTS/AS4ZUXkkSYuH9YMkTaApWyCSPKW9/XmSI4EvUPu4Ph04cR7KJkkaQ9YPkjTZpuvC9MS+9xcDj2jvLwU2HFmJJEnjzvpBkibYlAFEKeXZ81kQSdLiYP0gSZOtyyhMdwf+HdiyP38p5UmjK5YkadxZP0jSZOoyCtNhwMepTxe9abTFkSQtItYPkjSBugQQ15ZSDhx5SSRJi431gyRNoC4BxAFJ9gG+BVzXSyylnDKyUkmSFgPrB0maQF0CiL8HngU8khVN1KVNS5Iml/WDJE2gLgHEk4F7lFKuH3VhJEmLivWDJE2gLk+i/hlw+1EXRJK06Fg/SNIE6tICsQnwqyQnsnIfV4fpk6TJZv0gSROoSwCxz8hLIUlajKwfJGkCzRhAlFKOm4+CSJIWF+sHSZpMXZ5EfSV1VA2AdYC1gatLKbcbZcEkSePN+kGSJlOXFojb9k8n+Sdgu5GVSJK0KFg/SNJk6jIK00pKKYfhGN+SpAHWD5I0Gbp0YXpK3+QawLasaLKWJE0o6wdJmkxdRmF6Yt/7G4DzgN1GUhpJ0mJi/SBJE6jLPRDPno+CSJIWF+sHSZpMUwYQSd40zedKKeUtIyiPJGnMWT9I0mSbrgXi6iFp6wPPBe4IWEFI0mSyfpCkCTZlAFFKeW/vfZLbAi8Dng18DnjvVJ+TJC1t1g+SNNmmvQciyR2AVwDPBA4Bti6l/HE+CiZJGl/WD5I0uaa7B+I9wFOAjwJ/X0q5at5KJUkaW9YPkjTZpmuBeCVwHfAG4PVJeumh3iR3uxGXTZI0nqwfNBFyyCGd85Zly0ZYEmm8THcPxKyfUi1JWvqsHyRpslkJSJIkSerMAEKSJElSZwYQkiRJkjqbdhhXjbfZ3NwF3uAlSZKk1WcLhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktTZ2AYQSc5LcnqSU5Oc1NLukOToJGe3vxu29CQ5MMk5SU5LsvXCll6SNArWDZK08MY2gGh2KqU8sJSybZveGzimlHJP4Jg2DfA44J7t9QLgQ/NeUknSfLFukKQFNO4BxKDdgEPa+0OAf+pL/2Spjgdun2TThSigJGneWTdI0jwa5wCiAN9KcnKSF7S0TUopFwK0vxu39M2A3/V9dnlLW0mSFyQ5KclJl1566QiLLkkaEesGSVpgay10AabxsFLKBUk2Bo5O8qtp8mZIWrlFQikfBT4KsO22295iviRp7Fk3SNICG9sWiFLKBe3vJcBXgO2Ai3vNz+3vJS37cmCLvo9vDlwwf6WVJM0H6wZJWnhjGUAkWT/JbXvvgZ2BM4DDgWUt2zLgq+394cCebcSN7YEres3ZkqSlwbpBksbDuHZh2gT4ShKoZfy/Uso3k5wIfCHJc4HfAk9v+Y8EdgXOAa4Bnj3/RZYkjZh1gySNgbEMIEopvwEeMCT9MuBRQ9IL8JJ5KJokaYFYN0jSeBjLLkySJEmSxpMBhCRJkqTOxrILkyRJ0lzLIYfMnEnSjGyBkCRJktSZLRCSJEmrabatG2XZspkzSWPKFghJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLUmQGEJEmSpM4MICRJkiR1ZgAhSZIkqTMDCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZAYQkSZKkzgwgJEmSJHVmACFJkiSpMwMISZIkSZ0ZQEiSJEnqzABCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEKSJElSZwYQkiRJkjozgJAkSZLU2VoLXQBJUpVDDplV/rJs2YhKIknS1GyBkCRJktSZAYQkSZKkzgwgJEmSJHXmPRBjZLb9nyVJkqT5ZguEJEmSpM4MICRJkiR1ZgAhSZIkqTPvgZAkSYuS9w5KC8MWCEmSJEmdGUBIkiRJ6swAQpIkSVJnBhCSJEmSOjOAkCRJktSZozBJkiSNudmMOFWWLRthSSRbICRJkiTNgi0QkiRJ88xnWGgxswVCkiRJUmcGEJIkSZI6M4CQJEmS1JkBhCRJkqTODCAkSZIkdeYoTJoTsx1NwjGqJUmSFidbICRJkiR1ZgAhSZIkqTO7MEmSJC0hdivWqBlAaCifkClJkqRh7MIkSZIkqTMDCEmSJEmdLZkuTEl2AQ4A1gQ+Vkp55wIXSZI0BqwfFhe70Erjb0kEEEnWBP4HeAywHDgxyeGllF8sbMkkSQtpUusHb6KVNEpLIoAAtgPOKaX8BiDJ54DdgCVdQUiSZjS29cNsfuQv5h/4tigsPZPy3dXUlkoAsRnwu77p5cBDFqgsmmOjvpLmiVBa0qwf5pgBgWZjMbeGLeayj1pKKQtdhtWW5OnAY0spz2vTzwK2K6X8+0C+FwAvaJP3As5chdXdCfjDahR3sZiU7YTJ2Va3c+lZ1W29Wyllo7kuzDjqUj/MUd0Ak/Xdm4n7YgX3xQruixXGdV90qh+WSgvEcmCLvunNgQsGM5VSPgp8dHVWlOSkUsq2q7OMxWBSthMmZ1vdzqVnkrZ1NcxYP8xF3QAej37uixXcFyu4L1ZY7PtiqQzjeiJwzyR3T7IOsDtw+AKXSZK08KwfJGmOLYkWiFLKDUleChxFHabvoFLKzxe4WJKkBWb9IElzb0kEEACllCOBI+dhVavdzL1ITMp2wuRsq9u59EzStq4y64cF4b5YwX2xgvtihUW9L5bETdSSJEmS5sdSuQdCkiRJ0jwwgJiFJLskOTPJOUn2XujydJFkiyTfTfLLJD9P8rKWfockRyc5u/3dsKUnyYFtG09LsnXfspa1/GcnWdaXvk2S09tnDkyS+d/Sm8uyZpKfJjmiTd89yU9amT/fbqIkybpt+pw2f8u+Zby2pZ+Z5LF96WNx/JPcPsmhSX7VjutDl+LxTPKf7Tt7RpLPJrnVUjmeSQ5KckmSM/rSRn4Mp1qHVt+4nB9GadTf28Ui81CvLhbtvHxCkp+1ffHmlj5n5+rFJiP8HTJWSim+OryoN9/9GrgHsA7wM+C+C12uDuXeFNi6vb8tcBZwX+DdwN4tfW/gXe39rsA3gADbAz9p6XcAftP+btjeb9jmnQA8tH3mG8DjFnB7XwH8H3BEm/4CsHt7/2Hg39r7FwMfbu93Bz7f3t+3Hdt1gbu3Y77mOB1/4BDgee39OsDtl9rxpD7861xgvb7juNdSOZ7ADsDWwBl9aSM/hlOtw9dqH8+xOT+MeDtH+r1dLC/moV5dLK+2Tbdp79cGftK2cU7O1Qu9fau4T0byO2Sht+sW27nQBVgsr1YZH9U3/VrgtQtdrlXYjq8Cj6E+KGnTlrYpcGZ7/xHgGX35z2zznwF8pC/9Iy1tU+BXfekr5ZvnbdscOAZ4JHBEO7H9AVhr8BhSR2R5aHu/VsuXwePayzcuxx+4HfWHdQbSl9TxZMXTg+/Qjs8RwGOX0vEEtmTlH2IjP4ZTrcPXah/LBf8+zeO2juR7u9DbtZr7ZE7r1YXentXYD7cGTqE+6X1OztULvU2rsA9G9jtkobdt8GUXpu56P2h6lre0RaM1jz2IeoVgk1LKhQDt78Yt21TbOV368iHpC+H9wKuBm9r0HYE/lVJuaNP9Zbt5e9r8K1r+2W7/fLsHcCnwidZE+rEk67PEjmcp5ffAfwG/BS6kHp+TWXrHs998HMOp1qHVM47fp/kyV9/bRWlE9eqi0rrsnApcAhxNvWI+V+fqxWaUv0PGigFEd8P6gS+aIayS3Ab4EvDyUsqfp8s6JK2sQvq8SvIE4JJSysn9yUOylhnmjfV2Uq9SbA18qJTyIOBqalP5VBbldra+w7tRm2/vAqwPPG5I1sV+PLtYytu2VLjPb2nJfz9HWK8uKqWUG0spD6Refd8OuM+wbO3vkt0X8/A7ZKwYQHS3HNiib3pz4IIFKsusJFmbepL7TCnlyy354iSbtvmbUq8cwNTbOV365kPS59vDgCclOQ/4HLX58P3A7ZP0nnfSX7abt6fN3wC4nNlv/3xbDiwvpfykTR9KDSiW2vF8NHBuKeXSUspfgS8D/8DSO5795uMYTrUOrZ5x/D7Nl7n63i4qI65XF6VSyp+AY6n3QMzVuXoxGfXvkLFiANHdicA9293061BveDl8gcs0oyQBPg78spSyf9+sw4Fl7f0yah/OXvqebdSI7YErWlPsUcDOSTZsV4d3pvbjuxC4Msn2bV179i1r3pRSXltK2byUsiX12HynlPJM4LvA01q2we3sbf/TWv7S0ndvoyPcHbgn9YbUsTj+pZSLgN8luVdLehTwC5bY8aR2Xdo+ya1bOXrbuaSO54D5OIZTrUOrZxy/T/NlTr63813o1THqenVeNmKOJNkoye3b+/WoF39+ydydqxeNefgdMl4W+iaMxfSijqRwFrV/3+sXujwdy/xwatPXacCp7bUrtZ/dMcDZ7e8dWv4A/9O28XRg275lPQc4p72e3Ze+LXBG+8wHGLjBdwG2eUdWjH5wD+o/3jnAF4F1W/qt2vQ5bf49+j7/+rYtZ9I3AtG4HH/ggcBJ7ZgeRh29Y8kdT+DNwK9aWT5FHZFiSRxP4LPUezv+Sr3a9Nz5OIZTrcPXnBzTsTg/jHgbR/q9XSwv5qFeXSwv4P7AT9u+OAN4U0ufs3P1Ynwxot8h4/TySdSSJEmSOrMLkyRJkqTODCAkSZIkdWYAIUmSJKkzAwhJkiRJnRlASJIkSerMAEJaDUmOTfLYgbSXJ/ngNJ+5avQlkyQtJOsHLWUGENLq+Sz1gTH9dm/pkqTJZf2gJcsAQlo9hwJPSLIuQJItgbsApyY5JskpSU5PstvgB5PsmOSIvukPJNmrvd8myXFJTk5yVJJN52NjJElzxvpBS5YBhLQaSimXUZ8guUtL2h34PPAX4MmllK2BnYD3JkmXZSZZG/hv4GmllG2Ag4C3zXXZJUmjY/2gpWythS6AtAT0mqm/2v4+Bwjw9iQ7ADcBmwGbABd1WN69gPsBR7c6ZU3gwrkvtiRpxKwftCQZQEir7zBg/yRbA+uVUk5pTc0bAduUUv6a5DzgVgOfu4GVWwF78wP8vJTy0NEWW5I0YtYPWpLswiStplLKVcCx1Kbk3s1xGwCXtMphJ+BuQz56PnDfJOsm2QB4VEs/E9goyUOhNlkn+btRboMk6f+3c8coCMRAGEb/AY/owcQ7iGBh4zUERRAES29hExtBsJpiRZT3ykBgtxo+EjI984F/5QQCprFOss3rxY1Vkl1V7SUm4XQAAABkSURBVJMck1zeN4wxblW1SXJKck1yeK7fq2qeZPkcHLMkiyTnj/8FAFMzH/g7Ncb49jcAAAA/whUmAACgTUAAAABtAgIAAGgTEAAAQJuAAAAA2gQEAADQJiAAAIA2AQEAALQ9AGaz6XodUMKrAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "# Split the data into features and target label\n", + "income_raw = data['income']\n", + "features_raw = data.drop('income', axis = 1)\n", + "\n", + "# Visualize skewed continuous features of original data\n", + "vs.distribution(data)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For highly-skewed feature distributions such as `'capital-gain'` and `'capital-loss'`, it is common practice to apply a logarithmic transformation on the data so that the very large and very small values do not negatively affect the performance of a learning algorithm. Using a logarithmic transformation significantly reduces the range of values caused by outliers. Care must be taken when applying this transformation however: The logarithm of `0` is undefined, so we must translate the values by a small amount above `0` to apply the the logarithm successfully.\n", + "\n", + "Run the code cell below to perform a transformation on the data and visualize the results. Again, note the range of values and how they are distributed. " + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAxAAAAF2CAYAAAD+y36TAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzt3XeYJGW1+PHvIYiAqKiACOgqcsUcQMSEYAIxoJjwii4Y0J8JrxG4Koj5mq6YuYqsiiByVRBRRBS8BiSJJEVQF1iJAsqSBc7vj/dttra3Z6Z6dnq6Z/r7eZ5+ZrqquupU6Dp9qt6qisxEkiRJktpYZdgBSJIkSZo7LCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQYyYidouIjIgHjkAs+0XEU4cdx1Qi4lURcX5E3BIR/xh2PCsrIhbUbWC3KYbrbCud1/URsTgivhcRL4mIVbqGbzXers9sW7eD1vuiRlwLGt0WR8Q3245junFNZx5HTT/bcxQvj4jjI+KqiPhXRCyJiMMiYrsBxrhbRLxqgu7Lrfv5LCLWjoi9I+L0iFgaETdFxHkR8blR2IcPSkSc0Njv3BYR10TEGRHx2Yh46EqMt+d2tZKxbtu1n2y+XjOT0+qaZl/7TWmmufFpmPYFRrqAiIj7AAcCv6bE+vThRjQULwYeD+wIvBe4GTgU+ElErNkY7tI63A/7GPe2lO2gn33RD+t0Lu3jM/3alt5xTWceR0Y/23NErAocDiwCFgOvBp4GvBu4M3B8RNxtQKHuBvT6oTcb634kRMSGwMnAuyjz/SLgWcABlGXwneFFNyvOpMznE4GXAl8HtgPOiIg3THOcu9F7u5oJb6HE23wdOaBpbUv/+01pRq027ACkNiJijcy8eQiT3gxYFViUmb9c2ZFFxOrArTm3nuB4RmZe0Hj/jYj4DuUHzH8Bbwao6+ekQQXRWHZXAlcOajqTGfQ8zoJ+tue9KT9aX5SZ/9vV75CIeCbwrwHEOKFhrvsh+AawIbBVZp7f6P7ziPgCsNNwwpo1SzOz+V37SUR8lnLw4rMRcUpmnjKk2Hr5Q1e8c0pEBLB6Zt4y7Fg0R2SmrzF6UY7AJPDAKYbbFfg9cBPwd2oy6xpmLeCLwFXAUuB7wBPq+HebYvzZ47Vf7XcwsIRyBOfXwI3AZ2q/XYCfUX5EXAf8Dlg4wfg/SDkq9Nca34nAQ7uG2x74FfDPOr7zgPc14uiO8eDab/U6/sXALfXvByk74M64F9TPvIHyQ/sS4HZg3cZ6eALlKO9S4HJg7/rZHeq8XQ+cAmzRYx53pvyYvQH4B+UH/X17rKMv1HV0HXAU8KSW62jSbaWu75uAtbrmd7fGMI8FjqvTvwH4C/CF2m+/XttBH8tuQWM6i4FvAq8FLqhxnQ5s1xXzCcAJPeZlcWPdtolrt67Pt/m+dGLcBfhDXbenAk/qGm7CZTbF+npQXSf/oHxnTgJ2aPQ/uMd8HTzBuO4EXAMc3ce+ZUaWQV1H3XGe0LVN9lr3Uy3XKdd9o9tWwE8p35nrgeMpP+T7Hh9wb8pZnEsoZ+8uBY4G1p9kWW5V5/MdfSz/13Yt/68C95jp/WJjW1rcI4bllglwF+CzwEV13i+vy3XzKeblBOCXE/Rbv47rG41uD6zb218p2/5fKLlp3Zbb1XrAl4E/Ub5zFwPfAjZqsdy3reN6+hTDrQV8rMZ4S/37n8AqjWHuDHwaOLsu98uAHzSXF5PvnzqxbNs17d2Y+HvzKuCPlIMBL+gj1mmtW1/z5+UZCK0gIvag7Ey/TTkKeR/gw8DjIuIxmXldHfRASvOW/SgJ+2nAIS0n83jgN5RE9OXabUmj/92Aw4BPAPtQkgLAA4AjgI9SflBuA3wlItbMzC91TWNXSuLbk/KD6OPAkRGxeWbeGhEPoPygPgL4AGVHuVmdBrXbaZQmA2+k/CDtHP1cBLykLpdf1vl5T/3sv3fF8Z+UImAPytHfmxr9FlFOzXeW5Ycj4u6U5kIfoiSR/wK+HxGbZj06FBGvpyTIrwH7A+tQ1sOJEfGIzFxax/9lyun/99cYnkFJjDPhGOD5wJbAL7p7RsRdgGMpzTB2o/xYWUApmgC+AmxMaRrzJOC2HtOYbNl1ewqwRf3MzZSmNj+KiEdm5nl9zFebuO7Qx/cF4MmUH/rvrfPyAeDoiFiQmf9oscwmiuE+lO1wKfAmyg+/NwI/jIjnZOaPmHx77rYlcHfK92NKM7kMKEXjNynr+3X1M9dOEcJU42wtIh5B+VF9Lst+eO1F+W5tnZm/72d8lB+29wPeSflhugFlX7nWJJ/pNC1ru/w/Crydsm7fCWxEKRQeFhFPyMzmNryy+8V+fBp4HmUffj5wT0qTpLtPY1wAZOYVEXFqHU/HfSj5462UwvcBdZrHUPbNMPl2dQ/KdrM35TtxH8ry/FVdLpPtdzpWiYjmb6rsLPfa/VjgIZRlehawNWV7vUedFsAalH35BymF5j1q3CfVOC6jz/3TFLYDHkXJD1cAi/uIdcbXreaYYVcwvmb3xdRHlVelHEn4eVf3zlHrt9T3D6L8gH9X13AH0OLodh02gQ/26H5w7bfTFJ9fhdIM73+A3/cY9/ksf0bgRbX7E7re33WSaTydriM6wMNonDFpdH9P7f6I+n5BfX86EBOsh+ZRvdUoO/F/AfdvdH9eHfYp9f1dKD8QD+oa5wJKsn9rYx3dBuzVNdwX26yjFtvK9rX/S7vmd7f6fsvm8phgHPvVYVbrMS9TLbsFjW6L67zft9FtHeBqlj9SeQLtjhpPFVdnHlt9XxrTuIblj4p2ltG/t11mEyzHTwC3NtdVje084PTJtucJxvfSOtz2LaY9o8ugsZ5WOAI9ybpvO8426/4Iylmcuze63bVuS9+dxviuay6Dluuz8x1do8WwCyjf8/d1dX9iHcfzG91mar94MO3OQJwNfKqfeZ9s/Tf6HwrcOEn/1Rrb36Pbjrdrm96kfv4FUwy7Lb3PqC9pDPOK2m2brs/+J2W/1fNsVI1jLcqBgf9odN+P3vunTizbdnXfjd7fmxuAe3cN2yrW6a5bX/Pn5QU46vYgyini5c4kZGkvfSHlKC/A44BgxQv5jmi+qXdxWa3xWrVlHLdSTvMvJyI2i4hDI+JvlB/a/wJeU+PudlxmNtton1X/3rf+PaN+/rCIeFFErN8ytm3q3+67/nTeP6Wr+/czyx63hx91/snMWynNb/6UmX9tDPPH+neT+vfxlB80hzSXLeUI3B8b8T2OUmQd3jXNwyaIpV/RCX2C/udTfoh9OSJ2jYhNJhhuMpMtu24nZeZFnTdZzsJ0LrodlLbfl47fZOY1jffd2+R0l9k2lPm/41qVLEc/DwUeFRF3bTme6ZjpZTAdMznObShNt+44c5GZ11KOynfPSxunAO+MiD0j4uG1rflMegble969P/gt5Qj7Nl3DD2q/2MspwG4RsU9EbNnH/n8qQWO/ExF3qtP4Y0TcSIn//2rvXrlhxRFG/L+I+H1EXEfJP519SavPU87qPbbx2rHRbwfKd+HXXevoJ5TmsFs34nhJRPw2yh3SbqU0obtLH3H046QsZzWa2sY6qHWrOcICQt3uUf/2usvJZY3+G9a/V3QNc3nX+4Us+6H/L+DPLeO4Ipc/7d5pEnMc8EhKk4InU3bUB1FO/Xa7uut95yLsOwPUH1vbU74H3wAuqzvuqX4kTLSMLuvqzwTDNV3T9f6WCbrdETflxxqU9qb/6no9nHIqGZato+510v1+ujo/bnvOX2b+k3KK/BLKdRgXRcTZEfHCPqbRz912es3X5ZTmHIPS9vvSsdw2mctuDNDZJqe7zO4xSQxBuXakHxfXv/drMeyMLoNpmslxTrYs+12OUM7mHEW5m9KZwN8i4n1T3IKzn+Xf2R9cwIr7g7uybH/QMaj9Yi9vpjRtexXlB+cVEfHpiJis+VYbm7D8OvoI5aj8N4FnU64h2bn2m3IbiIg3U75vP62f24plP5TbbkN/ysxTG68zG/3Wp6zL7vVzcu1/zxrHcynNAP9AaQr7OEqOu7KPOPrRaztvFSuDW7eaI7wGQt06yeXePfrdm3KtAyzb8axPucCqY4Ouz/yAsgPsaHsnpV5HnR9P2bE9ORt3kOlqd9qXzPw55a4ma1BO+e9PaTe+IDP/PsHHmsuoWRB1ltlV3ZOZbnwT6Ix/N+CcHv071z901tEGlIsKabyfCc+mtBs+baIBMvMM4IV1HW1JaWN8eL0u4ewW0+hn2fWarw2AvzXe30T5UdWt+0duW22/L61Nc5ldPUkMyYo/GqdyKuVMyHMp1+dMZsaXwYC0XfeTLcvmcmw1vsy8gnJ0+o0R8SDKQZX3U34UfnGCWH9KuQbqucAnJximo7M/eCYrHnxo9m+txX7xJsr1E93u2Zxelmtf9gb2joj7UZpHfZRyUOTd/cYFUM+IbMnyZ1J3Ab6emR9sDHeXPka7C3B8Znba9xMR959OfBO4ipInXzJB/8WNOC7IzN0acaxO+/1T51qN7nXTXUR29Nq/top1EOtWc4tnINTtPMpR212aHSPiCZQf7yfWTr+l7Hxe3PX55d5n5lVdR2XOavS+BViT9jpHNu44/R4R6zIDtzPMzJsz82eUC5bXBiZLHp1lsEtX95fXvytcUDzDfk0pEh7YtWw7r84Fw7+lXKfSnQi64+5bROxMuTbjS5l5w1TDZ+atWW5x+F7KfufBtVenoOxnO5jI1s0mPxGxDqXI+U1jmAuBf4uIOzWG24ZyvURT27jafl/6Nsky6+VEyvwvaMSwKuXo9+9y2UX1bad9C+WH63MmOvsREc+oRxsHsQxuZma2iaa26/5E4Nl1++kMtw7lx3xzXtqO7w6ZeV5m7kP5of+wSYY7mXLnp31iggfGRURnv3cc5Xt+3wn2B3/t9fk2JtkvXghsEBH3asSzKZM0s8nMCzPzk5QmUxPO+2Tqj+kvUA5+HtDotRYr3lJ49x6jmGi7avv56fox5azJdROso87BqrUozZaaXkG5FqJpov3ThfVv9/LdkfbaxnqHmVi3mns8AzG+doiI7raP/8zM4yLifZQ22N+knBLeiHI07HzKXX/IzPMi4lvAB+qp+NMoD6Z6bh3X7S1iOJeSqH9MSaiXZOYlkwz/a0qb3s9HxL6UhPYeyi0L+36gVZQ7GW1DuVPHxcC9KEdULqFcINZTZp4TEYcC+9WjxL+mnB15L3Bo16nrGZeZ10bEOynLYT3KdRT/pKynp1AuYvxWYx3tX9dR5y5M/SQTKG3o70U5qnVf4DmUQvE4yvLqKSKeQ7l70vcpR7TWptw+cinLftSfW/++PSJ+BNyWmdM9Yn055V7x+7HsLkxrU+4k0nFYjemgiDiY8oPobZTl19Qqrsy8rc33pa2Wy6yXT1POSB1XvxvXUu7e8m+UImo6PkJpLvjtuqx+QDkCvzHwQkpTj3Uz84aZXAbVucAbIuKllLN8S7O/O2n10nbdf4CyjR8fER+jHCh5N+XH3f79jC/Kg/Z+Srk+pHOrzJ0oTaF+MkW8r6ifPSXK8w9+STnosjml2cjqwJGZ+eca5+fqGY4TKUeiN6F8379Szyi00nK/+J26nA6JiE81hvl717h+Q2m+dRblYvKnULapRS1CWSciOs2I1qE0z9ydUqS8ITObZz5/DCyMiLMoTbl2pvedyybarn4MvDsi9qE01Xkq5Yj6TDmkxn58RHyScrvdOwGbUg7EPL8eiPkx8PyI+DTlGsAtKN//7juJ9dw/ZealEXEi5azA3ylNjHet05nRWFdy3Wo+6Peqa19z+8WyuzH0ep3dGK5zT/ebKac0J3sOxNUse8bAs2lxB6X6+SdSCo+baNzViPociAk+81TK8xFupCSAt1DvSNE1XNJ1hydWvINO50mhF7Ps/uzfAR7U+EzPu9aw7DkQF1J+FFzIxM+BeM0k6+GBXd1PoOsuIRONh1II/JzyY/FGSuI8CHjIFOuoc3eW3frcVm6s8/k9SgHRfXek7uX7IEp73r/WdXwl5UfJ4xqfWRX4PCXR3d5Zjy2X3YJGt8WUH66vqdvFzXU7eWqPz7+O8sP2RkrxtwUr3jlnqrh26xpnm+/LYuCbPeJpbvtTLrNJ1teDKIXHP+tnl3sOxGTb8yTjjDpvP6cU+f+iXKx/KKUp4Ywvg/r+3nW+l9Z+J0y17qcaZ9t1X4d7HFM8B6LN+CjXZn2Z0tTwOsp39RQad4eaYvnfhXKbzM4zYW6mnPH5DPCArmFfUdf59XVafwA+B2zctUxWer9Yh3s+paC4sa73Z7LiXZg+VmP/Z43rLFrckYrln9lwe/38GZTnDjy0x/D3ohR019TXIZSms8t9VyfZrtak7CevrP2OphSEK2xDPaa9bR1uqudA3JmSq/5Yl+vVdVvYj3o3JcqZxg9SirUbKMXgo2m5f6r9NqYU+/+gXLfzYcp+sdX3po9Yp7Vufc2fV9QNQZoR9cj4xyg7qoumGl6SJElzi02YNG21ucXDKEeGbqfcFekdwOEWD5IkSfOTBYRWxlLKaey9KG21/0a5sG3fYQYlSZKkwbEJkyRJkqTWvI2rJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhDqKSIOjoijZ2A8+0XE2TMR0xTTWRARGRFbDnpa4y4idouI6wY07hMi4nON94sj4h0DmtbA5kOa72YzR8zUtDQ4g8z13Xmg5voXDWhas/KbZT6wgJgD6s5zv1me7J7Aro0YlvthN4IuBjakPBW7lYjYNiIWTzHM4rqzar7+sZKxdk9j6Mu2LovO/N0eEddGxJkR8ZmIuH/X4N8GHtByvP0WdjsDe/cTe8s4eiWc1vMhjTJzxMypBxZOmGKY7pyQEdE697SMY2AHT/qIYbfG/N0WEf+IiFMj4kMRsX7X4J8AntJyvJ18c6+WoTwW+EI/sbeIYaLc1Ho+xp1PolZPmfnPYcfQj8y8DbhsQKPfH/hi4/3tA5rOSouI1TPzXysxiocCVwN3AR4JvBU4KyKenZknAmTmjcCNKx1sQ0TcKTNvycyrZ3K8kxnEfEjjYq7liAF4LdA8K7Iy+92BiYhVKA8Nvm2ao7gB2BQI4K6UH/PvBl4bEU/JzD8AZOZ1wIye0W3khStncryTGcR8zFeegZiDIuJOEfHhiLgwIm6OiL9ExFtqv1Uj4qsR8deIuDEizo+Id9WdSOfzB0fE0RHxnoi4PCKui4ivRcSa3cN0/qdU5G9sHI1Y0GZaLedn7Yj4eo3j8ojYu8Z3cGOYXSPilIhYGhFXRMR3ImKjRv/ljiY0jnA8LSJ+GxE31CMnj5nGIl+amZc1Xlc0pnu3iDiwxrQ0Ik5sHtGIiHtGxKERsaQuo3MiYvdG/4mW7QpHaCaZxx0j4uSIuAXYvvZ7bkScFhE31fXzoYi4U4t5vaLO4wWZ+b/AtsDvgIMiYtU67uWa/kTEJhFxZERcXZfzHyNil9r7r/XvKTXWEzrzXdfxuyNiCbCkdu91FPMuEfHNun1cFl1H5aLH2YVoHL2LZWeZvlOHXdxrPmq310XEBRFxS/372h7T2qNuf9fX796uSCMk5lmO6DF/a0TEf9fYboqIkyLiSY3+q0fEARFxSZ3/iyPio43+O0c5w3pj3W+dGBEb9BnGP7rywlWN8W8UEYdFxDX19cOI2KzRf9O6z7ys7kdOj4jnNPqfANwP+HhnedbuvfZZy+WKzjA1L5wN3AI8uPbbPSLOrcvsTxHxHy3WRdb5uzQzz8vMbwKPB/4BfKkRx3JNfyLi4RFxfJSz2Usj4vcRsV1ELAB+Xge7ssZ+cGe+I+KLEfGJiLgS+FXt3utszL3rcr2hbufNs2E9zy7E8rliotzUPR+rRMR76zZ0c0ScFRE79ZjWCyPiuBrPuRHxjCmW65xnATE3LQJeCbyNsmN4NeXLDGWd/g14Se33n8A+wO5d43gK5Qjz04AXAs8EPjbB9PYEfgN8jdJMaENKk6G205rKJ2s8LwCeWuN6ctcwdwL2rf2eA9wLOLTFuD8C7AU8BrgKOCQios/4eqrj+SGwUY3p0cAvgJ9FxIZ1sDsDp9f+DwU+A3w5Ip5W+0+0bPvxMeA9wObAbyNie+AQ4HN1mq8CXgR8uN95rEetPk1p6vPoCQb7ArAWsF2d3ltZtj1uVf/uQJm3nRufewrwiNrvaUzsbcAfKOtwX+DDEbHzJMN3e2z9+9oaw2N7DRQRL6Ass/8GHkZZV1+IiOd2Dfo+4EjKtvhtSnF1vz7ikQZtvuWIbv8FvJSyb3s0cBbw48Z+9y2UfLILsFkd9jyAiLg3cBhlGT0Y2Ab4xkrGc4eIWIvyA/kmyjJ8PHAp8NPaD8oZ3h8Bz6As4/8FvhsRm9f+O1MOquzPsuXZjztTcsLrgIcAF0Y5GPJhyv7rwcDbKWcS3tDvPNaj9F8CtomI9SYY7FuU+d6Kso72oyyTiynbE5R8sSFl++nYlXK248mUbXgi7weOAh4FHAh8vbtgmMJkualpT+CdlGX1cOB7lHX1qK7hPgQcQFmfpwCHRcRd+ohn7slMX3PoRdkZJrBDH5/5KPDTxvuDKcnkLo1uuwI3A2s3hjm60f8E4HPTmNZ+wNmTDH8XyhGSXRrd1gauAQ6e5HOb1+WwcX2/oL7fsr7ftr7fvvGZJzY/03LZLa7L5brGa5/a76n1/ZpdnzkDeNck4zwM+Mpky7YR/70a3Saaxxd2ffYXwHu7uj2/xhoTxLTC9Hos65fU97sB1zX6nwnsO8F4l4u5axu8Elijq/tyy6Iu/+O6hvkK8MvG+wRe1GO9vWOKYbrn41fAQT3i7J7WRxrvV6Oc4t+17Tbly9cgX8yzHNE9LUp+uAV4ZaP/qsCfgQ/W9wcAx/fa31EORCRwv5VYxklp/tjMCy+v/V4FnN+cdo3vqs4+dIJxngS8p/F+uX1Y7bbcPqt225bGvrsOk8AWXcNdBLyiq9tbgXMniWmF6TX67VCns1Wv9QhcCyyc4LPLxdy1DZ3ZY/jllkX97P90DfNT4Jv1/wX0zjt35IFJhumej78B7+sRZ/e0Xtfov1Ht9qTpbmNz4eU1EHPPoylt8H8+0QAR8XrgNZRToGsCqwMXdg12ZpajCB2/oRzl35Tyg7CVltPqDPtkylGXjtcBZ9fPnNzpmJnXR9ddEKI0PdqXcrThHpQjFAD3pTZ/mUBzXi6pf9ef4jPdPgV8tfG+005/C8qR9yu7TmrcmbIcidLsZy/KEbCNgDUoy/mEPqY/lVO73m8BbBUR7250W4Wyfu5NOSrUj87M5QT9PwN8KSJ2oCTt72XmaS3Ge3Zm3txiuN/0eN/PGYi2Hgwc1NXtl8DzurrdsU1l5q31VHv3BYXSsMyrHJGZh3QNtmkdx686HTLztoj4DeVoO5SC4zjgTxHxE+AY4EeZeTvwe8qPzbNrv58CR2T/7ezfCfy48f7y+ncL4P7A0q68sBbL8sLalHz2HMrR79UpeaP1cp3CrTRuKFLPEmxCOfvdvJ5vNZbt3/s1VV74FPCViFhIyQv/m5l/bDHeNrkDeueFZ7f8bCsRcVfgPjS2teqXwI5d3Sb6rTFvWUDMPZN+2SPipZQmGO8Afk05CvBGyuncmQ2k/2mdSikAOi6n7lCZeCfU2dkeS9nRvwK4gtKE6f8oCW0yzQvbOtPot+neVZl5QY/uq1Dmobu5FZRlAWXZvJ1yGvQsypGqDzP1jqVzoXZzfa8+wbDX94jr/cB3egw7nYvROkn5L716ZuZXI+JYyg716cCvI+IjmbnfFOPtjnu6khW/FxMtqzbjmqpb98WSic1BNTrmW45YYbT174Tf1cw8vba134FypngR8PuIeEYtNp4JbE1plvVq4CNRLgj+ffu547JJ8sIZlOZT3ToHnz5RY3sH5WzFDcDXmTqf3U67fd3NufxF05390+sp62EmPISyvBf36pmZ+0XEIcCzKNfm7RsRr8/M7oM03WYiL6yQPyNiujkB+swLmZm1eJzXecECYu45nbJRbsfyRz86ngT8NjOb99LftMdwD4+ItTOz82XdmnJa+M8TTPcWymnY6UwLuOOuN8vtcCPiAsoXbyvqRU21nejDGrFsTikY9snMzjCDOALdr9OBDYDbM7Pnj2vKMvpBZn4D7rhu4t9Y1h4Zei/bzg/9DRv/d7e5nCyuzSdIbn2pZ1DeSlkXE96mMDOXUNqhHljPfOxJORV8Sx2ke/76sXWP939ovL+SRhvhKBdDdrcZ/leLGP5AWV/NBPck4Nx+gpWGbF7liB4uqNN6EvWgRt1PPZ7S7r4zrqWUgyjfqRfpngQ8EPhTlnYmvwF+ExH7A+dQzhL3U0BM5HTgZcDfM3OiW34/Cfh6lhtVEBGds9Z/agwzUV5YKyLumpmdg1RT5oXMvDwi/gZsmplfbz8rvdW2/a8HTpzszE1mnk8pkA6oZz5eQ9m/zlReOKjrfScvNPNnR/dymjKGzLw2Ii6hrK+fNXqZF7CAmHMy8/yIOJxyanBPys5qY2BB/ZH6J2C3iHgWZUe7C+VCrmu6RrUa5eLP/Smn6D5KaVM4UfW/mNIsZgHlKPrVfUxrsvm5LiIOAj4WEX+nNK95DyUBdir8iyhtb98UEZ+nNDX5QNtpDNBPKac2j4yIdwF/pDQR2oHSxvf/KMvopVHuEPJ34M2U09u/a4xnMSsu2wsoF5vtFxF7UdpZvqdlXPsDR0fEhcDhlNPZD6O0VX3XFJ9dPyJWo1yb8gjgPyhNInbMCW4DGBGfoTQ7+BPlNn87sGznegWlrfD2Ue5+dFP2f/vHrSNib+AIStvZVwIvb/T/GeXuL78GbqOc4bmpaxyLgadFxImUo3O9ttGPU35snAb8pM7HyxlMcylpIOZbjugxf9fXH6MfrTnjr5T91AbUZwVExNsoueQMysGDf6ec/VgSEVtTzpQeSznD8WhK856Z+kF4COXMwpER8T5K/toE2An4Uv1R/SfgBRFxZI1vX0oTpqbFwJMj4puUfdbfgd9SjtB/JCI+Tblgt+1F0PsBn43yHKNjKGcuHgNslJkfmeRzUS88B7gby27jejdWbN7Z+cCalLMs36nzsQG1mKy50erFAAAfGklEQVSDXEjJ78+OiB8AN3Y1l2tj54g4hdIc+EWUi/0fB6UQjYiTgHdHxJ9rrN3z2DY3fRzYPyLOpzSv2pXS6mCLPuOdd+b16ZV57JWUIy0HUH60Hkz5ggB8mfKj8VuUOwEsoNzlqNuJlKMuP6fcVeBnwGQ/Lj9BqdjPpVT39+1jWlN5B6U50lE1njMpp7JvAqhHOBZSLgQ+l7Kzfds0pjOj6lGsHSnL7n8od/k4HHgQy9pAfpByfcePKBc3X09JME0rLNssz3LYhXL3o99TmiTt0zKuYyltQber0z6Zch3GRS0+fg4l8f6OUoj8DnhEZv5iks+sAny2xn8cJSkvrLHcSrkjymsoy+TINvPQ5VOUYuZ3lOX5vsw8otH/7ZQjkSdQioyvUJIDXcNsRynKfkcPmfl9SoH3H3Ve9gTekJk/mEbM0jDNtxzR7d11vF+jFAmPoFw03rm+aynlGoWTKQXUo4BnZeYNwD8pN9Q4mnJ0/JPAB7LcnnSl1WlsQ9knfYey/BcB67KscHobZR/1f5TccFL9v+l9lMLjz9Qj6lmek/Nyyt2bzgL2AN7bMq6vUC7wfgUlp/xf/fxfp/joWpSccAlleb4N+AHwsKzPgOjhNsr8LqLkxe9Rzvi8rcbyN0oe/xAlX0znAYT7Ue7mdCbw/4DdM/OURv9X1b+nULbD5Q7A9ZGbDqAUEf9FuWbzBZQbl8zogwPnoii/gTRO6unce2Xmc6YadhgiYg3KEYqPZ+ZMJBtJUkujniMkDZ9NmDR0EfFoSrOkk4F1KEeX1qHcY1+SJEkjZGhNmCLikIg4LyLOjoiDOlfIR3FAlKfAnhmNJwdHxMIoT7I8v94arNN9iyhPB7ygfnZGHhSmWfU2StOSn1HaS25TL8yVNEbMDZI0+gbWhCki1p3gQsVO/x1Zdr/nbwG/yMwv1u5vprQtfxzwmcx8XETcg9IufkvKxTenUR6Uck1EnExpr3wS5eKgAzLzR0iSRoq5QZLmvkGegTg1Ir4VEU/tddQnM4/JitJ0ZePaayfK7c0yM08C7h7l8fTbU55Ie3VNPscBO9R+d83M39RxfZ1ysa0kafSYGyRpjhvkNRD/RnmAyJuAz0fEN4CDM/OS5kD19PQrKEeJoDyt9+LGIEtqt8m6L+nRfQURsQflrgOsvfbaW2y++eZ9z9RpV13V1/Bb3POefU9DkgbttNNO+3tmrjeESZsbMDdIGk1tc8PACoh6z/ijKfejX49yD96LIuIJmXlyY9AvUE5Rd25h1quNaq8nzU7VvVdMB1IedsWWW26Zp556aqt5aYpFi/oa/tSFC6ceSJJmWX1OyKwzNxTmBkmjqG1uGOhF1BFxt3pk5yjKUadXU+7Z2+m/L7Aey9/Tfwnl3scdG1Pu0TtZ9417dJckjSBzgyTNbQMrIOrTE0+nPAjrlZm5TWYuysybav/XUNquviwzb2989CjglfWOG1sD/6wPhzkWeGZErBsR6wLPBI6t/ZZGxNa1Pe0rmd7DqiRJA2ZukKS5b5DXQBwO7Faf9tfLlygPC/tNvY7uu5m5P+VOGTtSHnt/A7A7lCcwRsQHKE8VBNi/PpURylMIDwbWpNy9w7tsSNJoMjdI0hw3yGsgjpqif89p17tlvHGCfgcBB/XofirwsGmEKUmaReYGSZr7hvYgOUmSJElzjwWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmtDKyAi4qCIuCIizm502y8i/hYRZ9TXjo1+e0fEBRFxXkRs3+i+Q+12QUTsNdvzIUmaWeYHSRptwzwDcTCwQ4/un87MR9XXMQAR8RBgF+Ch9TNfiIhVI2JV4PPAs4CHAC+rw0qS5q6DMT9I0shabVgTzsxfRMSCloPvBByWmTcDf42IC4Ctar8LMvMvABFxWB323BkOV5I0S8wPkuaaWLSor+Fz4cIBRTI7RvEaiDdFxJn1FPa6tdtGwMWNYZbUbhN1lyTNP+YHSRoBo1ZAfBHYFHgUcCnwydo9egybk3TvKSL2iIhTI+LUK6+8cmVjlSTNnoHlB3ODJPVnpAqIzLw8M2/LzNuB/2HZaeglwCaNQTcGLpmk+0TjPzAzt8zMLddbb72ZDV6SNDCDzA/mBknqz0gVEBGxYePtC4DOHTiOAnaJiDUi4v7AZsDJwCnAZhFx/4i4E+VCuqNmM2ZJ0uCZHyRpdAztIuqIOBTYFrhXRCwB9gW2jYhHUU4zLwZeB5CZ50TE4ZSL324F3piZt9XxvAk4FlgVOCgzz5nlWZEkzSDzgySNtmHehellPTp/dZLhPwR8qEf3Y4BjZjA0SdIQmR8kabSNVBMmSZIkSaPNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWpiwgIuKJEbF2/X/XiPhURNxv8KFJkkaVuUGSxlebMxBfBG6IiEcC7wIuBL4+0KgkSaPO3CBJY6pNAXFrZiawE/CZzPwMsM5gw5IkjThzgySNqdVaDLM0IvYGdgW2iYhVgdUHG5YkacSZGyRpTLU5A/FS4Gbg1Zl5GbAR8PGBRiVJGnXmBkkaU1OegaiJ4VON9xdhO1dJGmvmBkkaXxMWEBGxFMiJ+mfmXQcSkSRpZJkbJEkTFhCZuQ5AROwPXAZ8Awjg5XihnCSNJXODJKnNNRDbZ+YXMnNpZl6bmV8EXjjowCRJI83cIEljqk0BcVtEvDwiVo2IVSLi5cBtgw5MkjTSzA2SNKbaFBD/DrwEuLy+Xly7SZLGl7lBksbUpHdhqvf1fkFm7jRL8UiSRpy5QZLG26RnIDLzNspTRiVJAswNkjTu2jyJ+lcR8Tng28D1nY6ZefrAopIkjTpzgySNqTYFxBPq3/0b3RJ46syHI0maI8wNkjSm2jyJervZCESSNHeYGyRpfE15F6aIuFtEfCoiTq2vT0bE3WYjOEnSaDI3SNL4anMb14OApZTb9b0EuBb42iCDkiSNPHODJI2pNtdAbJqZzaeLvj8izhhUQJKkOcHcIEljqs0ZiBsj4kmdNxHxRODGwYUkSZoDzA2SNKbanIH4f8CiRtvWa4DdBhaRJGkuMDdI0phqcxemM4BHRsRd6/trBx6VJGmkmRskaXy1uQvThyPi7pl5bWZeGxHrRsQHZyM4SdJoMjdI0vhqcw3EszLzH503mXkNsOPgQpIkzQHmBkkaU20KiFUjYo3Om4hYE1hjkuElSfOfuUGSxlSbi6i/CRwfEV8DEngVsGigUUmSRp25QZLGVJuLqP8rIs4Eng4E8IHMPHbgkUmSRpa5QZLGV5szEAB/AG7NzJ9GxFoRsU5mLh1kYJKkkWdukKQx1OYuTK8FjgC+XDttBHx/kEFJkkabuUGSxlebi6jfCDwRuBYgM88H1h9kUJKkkWdukKQx1aaAuDkzb+m8iYjVKBfMSZLGl7lBksZUmwLixIjYB1gzIp4BfAf4wWDDkiSNOHODJI2pNgXEXsCVwFnA64BjgPcMMihJ0sgzN0jSmGpzG9fbgf+pLwAi4onArwYYlyRphJkbJGl8TVhARMSqwEsod9b4cWaeHRHPAfYB1gQePTshSpJGhblBkjTZGYivApsAJwMHRMSFwOOBvTLTW/VJ0ngyN0jSmJusgNgSeERm3h4Rdwb+DjwwMy+bndAkSSPI3CBJY26yi6hvqW1cycybgD+ZICRp7JkbJGnMTXYGYvOIOLP+H8Cm9X0AmZmPGHh0kqRRY26QpDE3WQHx4FmLQpI0V5gbJGnMTVhAZOaFsxmIJGn0mRskSW0eJCdJkiRJgAWEJEmSpD5MWEBExPH178cGNfGIOCgiroiIsxvd7hERx0XE+fXvurV7RMQBEXFBRJwZEY9pfGZhHf78iFg4qHgladyZGyRJk52B2DAingI8LyIeHRGPab5maPoHAzt0ddsLOD4zNwOOr+8BngVsVl97AF+EklSAfYHHAVsB+3YSiyRpxpkbJGnMTXYXpvdRdtAbA5/q6pfAU1d24pn5i4hY0NV5J2Db+v8i4ATg3bX71zMzgZMi4u4RsWEd9rjMvBogIo6jJJ5DVzY+SdIKzA2SNOYmuwvTEcAREfHezPzALMa0QWZeWmO4NCLWr903Ai5uDLekdpuouyRphpkbJEmTnYEAIDM/EBHPA7apnU7IzKMHG1ZP0aNbTtJ9xRFE7EE5xc1973vfmYtMksaMuUGSxteUd2GKiI8AewLn1teetdugXF5PP1P/XlG7LwE2aQy3MXDJJN1XkJkHZuaWmbnleuutN+OBS9K4MDdI0vhqcxvXZwPPyMyDMvMgShvSZw8wpqOAzt0yFgJHNrq/st5xY2vgn/V09rHAMyNi3XqB3DNrN0nS4JgbJGlMTdmEqbo7cHX9/24zNfGIOJRyodu9ImIJ5Y4ZHwUOj4hXAxcBL66DHwPsCFwA3ADsDpCZV0fEB4BT6nD7dy6akyQNlLlBksZQmwLiI8DvIuLnlDal2wB7z8TEM/NlE/R6Wo9hE3jjBOM5CDhoJmKSJLVibpCkMdXmIupDI+IE4LGUJPHuzLxs0IFJUkcsWtTX8LnQZ4YNmrlBksZXqyZMtT3pUQOORZI0h5gbJGk8tbmIWpIkSZIACwhJkiRJfZi0gIiIVSLi7NkKRpI0+swNkjTeJi0gMvN24PcR4aM5JUmAuUGSxl2bi6g3BM6JiJOB6zsdM/N5A4tKkjTqzA2SNKbaFBDvH3gUkqS5xtwgSWOqzXMgToyI+wGbZeZPI2ItYNXBhyZJGlXmBkkaX1PehSkiXgscAXy5dtoI+P4gg5IkjTZzgySNrza3cX0j8ETgWoDMPB9Yf5BBSZJGnrlBksZUmwLi5sy8pfMmIlYDcnAhSZLmAHODJI2pNgXEiRGxD7BmRDwD+A7wg8GGJUkaceYGSRpTbQqIvYArgbOA1wHHAO8ZZFCSpJFnbpCkMdXmLky3R8Qi4LeU09PnZaanqSVpjJkbJGl8TVlARMSzgS8BfwYCuH9EvC4zfzTo4CRJo8ncIEnjq82D5D4JbJeZFwBExKbADwGThCSNL3ODJI2pNtdAXNFJENVfgCsGFI8kaW4wN0jSmJrwDERE7Fz/PScijgEOp7RzfTFwyizEJkkaMeYGSdJkTZie2/j/cuAp9f8rgXUHFpEkaZSZGyRpzE1YQGTm7rMZiCRp9JkbJElt7sJ0f+DNwILm8Jn5vMGFJUkaZeYGSRpfbe7C9H3gq5QnjN4+2HAkSXOEuUGSxlSbAuKmzDxg4JFIkuYSc4Mkjak2BcRnImJf4CfAzZ2OmXn6wKKSJI06c4Mkjak2BcTDgVcAT2XZaeqs7yVJ48ncIEljqk0B8QLgAZl5y6CDkSTNGeYGSRpTbZ5E/Xvg7oMORJI0p5gbJGlMtTkDsQHwx4g4heXbuXqrPkkaX+YGSRpTbQqIfQcehSRprjE3SNKYmrKAyMwTZyMQSdLcYW6QpPHV5knUSyl31gC4E7A6cH1m3nWQgUmSRpe5QZLGV5szEOs030fE84GtBhaRJGnkmRskaXy1uQvTcjLz+3ifb0lSg7lBksZHmyZMOzfergJsybLT1pI0cmLRor6Gz4ULBxTJ/GVukKTx1eYuTM9t/H8rsBjYaSDRSJLmCnODJI2pNtdA7D4bgUiS5g5zgySNrwkLiIh43ySfy8z8wADikSSNMHODJGmyMxDX9+i2NvBq4J6ASUKSxo+5QZLG3IQFRGZ+svN/RKwD7AnsDhwGfHKiz0mS5i9zgyRp0msgIuIewNuAlwOLgMdk5jWzEZgkaTSZGyRpvE12DcTHgZ2BA4GHZ+Z1sxaVJGkkmRskSZM9SO7twH2A9wCXRMS19bU0Iq6dnfAkSSPG3CBJY26yayD6fkq1JGl+MzdIkto8SE6SpuTTnyVJGg8WEJKGot+CQ5IkjQZPRUuSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrI1tARMTiiDgrIs6IiFNrt3tExHERcX79u27tHhFxQERcEBFnRsRjhhu9JGkQzA2SNHwjW0BU22XmozJzy/p+L+D4zNwMOL6+B3gWsFl97QF8cdYjlSTNFnODJA3RqBcQ3XYCFtX/FwHPb3T/ehYnAXePiA2HEaAkadaZGyRpFo1yAZHATyLitIjYo3bbIDMvBah/16/dNwIubnx2Se22nIjYIyJOjYhTr7zyygGGLkkaEHODJA3ZasMOYBJPzMxLImJ94LiI+OMkw0aPbrlCh8wDgQMBttxyyxX6S5JGnrlBkoZsZM9AZOYl9e8VwPeArYDLO6ef698r6uBLgE0aH98YuGT2opUkzQZzgyQN30gWEBGxdkSs0/kfeCZwNnAUsLAOthA4sv5/FPDKeseNrYF/dk5nS5LmB3ODJI2GUW3CtAHwvYiAEuO3MvPHEXEKcHhEvBq4CHhxHf4YYEfgAuAGYPfZD1mSNGDmBkkaASNZQGTmX4BH9uh+FfC0Ht0TeOMshCZJGhJzgySNhpFswiRJkiRpNFlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCEmSJEmtWUBIkiRJas0CQpIkSVJrFhCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKm11YYdgCRJkjRqYtGiYYcwsjwDIUmSJKk1CwhJkiRJrVlASJIkSWrNayAk9WTbT0mS1IsFhCRJkjSL+j1IlwsXDiiS6bEJkyRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrXkRtSSNkH4urBu1i+okSePBMxCSJEmSWrOAkCRJktSaBYQkSZKk1iwgJEmSJLVmASFJkiSpNQsISZIkSa1ZQEiSJElqzQJCkiRJUmsWEJIkSZJas4CQJEmS1JoFhCRJkqTWLCAkSZIktWYBIUmSJKk1CwhJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLU2mrDDkDS7IlFi4YdgiRJmuM8AyFJkiSpNc9ASFIf+j2LkwsXDigSSZKGwzMQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS15kXU0gjxAt3h8Pa2kiS15xkISZIkSa1ZQEiSJElqbd40YYqIHYDPAKsCX8nMjw45JEnSkJkbpPnL5qfDMy/OQETEqsDngWcBDwFeFhEPGW5UkqRhMjdI0mDMlzMQWwEXZOZfACLiMGAn4NyhRiUNmEdfpEmZGyTNC/3k+9m4wcp8KSA2Ai5uvF8CPG5IsWiO8c5HGiSLvKEyN0gzbND7NHPs3BCZOewYVlpEvBjYPjNfU9+/AtgqM9/cNdwewB717YOA86YxuXsBf1+JcEeJ8zJ65st8gPMyqjrzcr/MXG/YwQySuWEkuFx6c7n05nJZ0Wwvk1a5Yb6cgVgCbNJ4vzFwSfdAmXkgcODKTCgiTs3MLVdmHKPCeRk982U+wHkZVfNpXlowNwyZy6U3l0tvLpcVjeoymRcXUQOnAJtFxP0j4k7ALsBRQ45JkjRc5gZJGoB5cQYiM2+NiDcBx1Ju1XdQZp4z5LAkSUNkbpCkwZgXBQRAZh4DHDMLk1qp09wjxnkZPfNlPsB5GVXzaV6mZG4YOpdLby6X3lwuKxrJZTIvLqKWJEmSNDvmyzUQkiRJkmaBBUQfImKHiDgvIi6IiL2GHc90RcQmEfHziPhDRJwTEXsOO6aVERGrRsTvIuLoYceyMiLi7hFxRET8sa6bxw87pumKiP+o29bZEXFoRNx52DG1FREHRcQVEXF2o9s9IuK4iDi//l13mDG2NcG8fLxuY2dGxPci4u7DjHE+mC+5YSbNtzwzk+ZLzppJ8yn/zaRRzqUWEC1FxKrA54FnAQ8BXhYRDxluVNN2K/D2zHwwsDXwxjk8LwB7An8YdhAz4DPAjzNzc+CRzNF5ioiNgLcAW2bmwygXr+4y3Kj6cjCwQ1e3vYDjM3Mz4Pj6fi44mBXn5TjgYZn5COBPwN6zHdR8Ms9yw0yab3lmJs2XnDWT5kX+m0mjnkstINrbCrggM/+SmbcAhwE7DTmmacnMSzPz9Pr/UsoXdaPhRjU9EbEx8GzgK8OOZWVExF2BbYCvAmTmLZn5j+FGtVJWA9aMiNWAtehx7/1RlZm/AK7u6rwT0Hn86iLg+bMa1DT1mpfM/Elm3lrfnkR5NoKmb97khpk0n/LMTJovOWsmzcP8N5NGNpdaQLS3EXBx4/0S5sHOMCIWAI8GfjvcSKbtv4F3AbcPO5CV9ADgSuBr9dT2VyJi7WEHNR2Z+TfgE8BFwKXAPzPzJ8ONaqVtkJmXQvlhBKw/5HhmyquAHw07iDluXuaGmTQP8sxMmi85aybNm/w3k0Y9l1pAtBc9us3pW1hFxF2A/wXempnXDjuefkXEc4ArMvO0YccyA1YDHgN8MTMfDVzP3Gkms5x6fcBOwP2B+wBrR8Suw41K3SLiPynNTA4Zdixz3LzLDTNprueZmTTPctZMmjf5byaNei61gGhvCbBJ4/3GjNCppH5FxOqUnfohmfndYcczTU8EnhcRiynNBp4aEd8cbkjTtgRYkpmdI3RHUHaoc9HTgb9m5pWZ+S/gu8AThhzTyro8IjYEqH+vGHI8KyUiFgLPAV6e3st7Zc2r3DCT5kmemUnzKWfNpPmU/2bSSOdSC4j2TgE2i4j7R8SdKBeyHDXkmKYlIoLS1vAPmfmpYcczXZm5d2ZunJkLKOvjZ5k5MtV5PzLzMuDiiHhQ7fQ04NwhhrQyLgK2joi16rb2NOb+BXFHAQvr/wuBI4cYy0qJiB2AdwPPy8wbhh3PPDBvcsNMmi95ZibNp5w1k+ZZ/ptJI51L582TqActM2+NiDcBx1KuhD8oM88ZcljT9UTgFcBZEXFG7bZPfWKrhufNwCH1R8hfgN2HHM+0ZOZvI+II4HRKE5nfMaJP0uwlIg4FtgXuFRFLgH2BjwKHR8SrKTv1Fw8vwvYmmJe9gTWA40pO4qTMfP3Qgpzj5llumEnmGfVjXuS/mTTqudQnUUuSJElqzSZMkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqTULCGklRMQJEbF9V7e3RsQXJvnMdYOPTJI0LOYGzXcWENLKOZTyQKCmXWp3SdJ4MjdoXrOAkFbOEcBzImINgIhYANwHOCMijo+I0yPirIjYqfuDEbFtRBzdeP+5iNit/r9FRJwYEadFxLERseFszIwkaUaYGzSvWUBIKyEzrwJOBnaonXYBvg3cCLwgMx8DbAd8sj6KfkoRsTrwWeBFmbkFcBDwoZmOXZI0GOYGzXerDTsAaR7onKo+sv59FRDAhyNiG+B2YCNgA+CyFuN7EPAw4LiaV1YFLp35sCVJA2Ru0LxlASGtvO8Dn4qIxwBrZubp9XTzesAWmfmviFgM3Lnrc7ey/FnATv8AzsnMxw82bEnSAJkbNG/ZhElaSZl5HXAC5XRy5wK5uwFX1ASxHXC/Hh+9EHhIRKwREXcDnla7nwesFxGPh3LaOiIeOsh5kCTNLHOD5jPPQEgz41Dguyy768YhwA8i4lTgDOCP3R/IzIsj4nDgTOB84He1+y0R8SLggJo8VgP+Gzhn4HMhSZpJ5gbNS5GZw45BkiRJ0hxhEyZJkiRJrVlASJIkSWrNAkKSJElSaxYQkiRJklqzgJAkSZLUmgWEJEmSpNYsICRJkiS1ZgEhSZIkqbX/Dw7mqWDp/pY1AAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "# Log-transform the skewed features\n", + "skewed = ['capital-gain', 'capital-loss']\n", + "features_log_transformed = pd.DataFrame(data = features_raw)\n", + "features_log_transformed[skewed] = features_raw[skewed].apply(lambda x: np.log(x + 1))\n", + "\n", + "# Visualize the new log distributions\n", + "vs.distribution(features_log_transformed, transformed = True)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(0, 1500)" + ] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYEAAAEKCAYAAAD0Luk/AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAFVVJREFUeJzt3X+0XWV95/H3Z4howdHw48poEidos1QKVllZQMtaLkf8AaiErpERdDRjsems4o9WZynqmsHRpaOtSyxThzGFlNhB1KEyZCpVI+AwTiU1IPLDaEnBSa4guU6QWrHQ2O/8cZ6rx5ub3B/n5B5y9/u11lln72c/+9nPvrk5n7v3PvvZqSokSd30T0bdAUnS6BgCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHLRl1B/bn6KOPrpUrV857/d0/fnR4nZmDIw8/dCTblQ40/08dHG655ZYfVNXYbOo+pkNg5cqVbN26dd7rf2rLjiH2ZvZec/LTR7Jd6UDz/9TBIcn/nW1dTwdJUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhSh80YAkk2JNmV5M5plv27JJXk6DafJJck2Z7k9iQn9tVdm+Tu9lo73N2QJM3HbI4ErgBOn1qYZAXwEqD/PvIzgFXttQ64tNU9ErgIOBk4CbgoyRGDdFySNLgZQ6CqbgJ2T7PoYuAdQPWVrQE+WT03A0uTPBV4GbC5qnZX1YPAZqYJFknSwprXNYEkZwHfq6pvTlm0DNjZNz/eyvZVLkkaoTmPIprkMOA9wEunWzxNWe2nfLr219E7lcTTn+7IgZJ0IM3nSOCZwLHAN5N8F1gO3Jrkn9H7C39FX93lwH37Kd9LVa2vqtVVtXpsbFbDYUuS5mnOIVBVd1TVU6pqZVWtpPcBf2JVfR/YBLy+fUvoFOChqrof+CLw0iRHtAvCL21lkqQRms1XRK8CvgY8K8l4kvP3U/064B5gO/DHwO8AVNVu4P3A19vrfa1MkjRCM14TqKrzZli+sm+6gAv2UW8DsGGO/ZMkHUDeMSxJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkddiMIZBkQ5JdSe7sK/uDJN9OcnuSa5Is7Vv2riTbk3wnycv6yk9vZduTXDj8XZEkzdVsjgSuAE6fUrYZOL6qngv8NfAugCTHAecCv9LW+S9JDklyCPBx4AzgOOC8VleSNEIzhkBV3QTsnlL2para02ZvBpa36TXAp6vqkaq6F9gOnNRe26vqnqp6FPh0qytJGqFhXBP4TeAv2vQyYGffsvFWtq9ySdIIDRQCSd4D7AGunCyaplrtp3y6Ntcl2Zpk68TExCDdkyTNYN4hkGQt8ArgtVU1+YE+Dqzoq7YcuG8/5XupqvVVtbqqVo+Njc23e5KkWZhXCCQ5HXgncFZVPdy3aBNwbpLHJzkWWAX8FfB1YFWSY5McSu/i8abBui5JGtSSmSokuQp4IXB0knHgInrfBno8sDkJwM1V9W+r6q4knwW+Re800QVV9dPWzpuALwKHABuq6q4DsD+SpDmYMQSq6rxpii/fT/0PAB+Ypvw64Lo59U6SdEB5x7AkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GEzhkCSDUl2Jbmzr+zIJJuT3N3ej2jlSXJJku1Jbk9yYt86a1v9u5OsPTC7I0mai9kcCVwBnD6l7ELg+qpaBVzf5gHOAFa11zrgUuiFBnARcDJwEnDRZHBIkkZnxhCoqpuA3VOK1wAb2/RG4Oy+8k9Wz83A0iRPBV4GbK6q3VX1ILCZvYNFkrTA5ntN4Jiquh+gvT+llS8DdvbVG29l+yqXJI3QsC8MZ5qy2k/53g0k65JsTbJ1YmJiqJ2TJP2i+YbAA+00D+19VysfB1b01VsO3Lef8r1U1fqqWl1Vq8fGxubZPUnSbMw3BDYBk9/wWQtc21f++vYtoVOAh9rpoi8CL01yRLsg/NJWJkkaoSUzVUhyFfBC4Ogk4/S+5fMh4LNJzgd2AOe06tcBZwLbgYeBNwBU1e4k7we+3uq9r6qmXmyWJC2wGUOgqs7bx6LTpqlbwAX7aGcDsGFOvZMkHVDeMSxJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR0245PFJGnUPrVlx8i2/ZqTnz6ybS8EjwQkqcMMAUnqsIFCIMnvJbkryZ1JrkryhCTHJtmS5O4kn0lyaKv7+Da/vS1fOYwdkCTN37xDIMky4C3A6qo6HjgEOBf4MHBxVa0CHgTOb6ucDzxYVb8MXNzqSZJGaNDTQUuAX0qyBDgMuB94EXB1W74ROLtNr2nztOWnJcmA25ckDWDeIVBV3wM+Auyg9+H/EHAL8MOq2tOqjQPL2vQyYGdbd0+rf9R8ty9JGtwgp4OOoPfX/bHA04DDgTOmqVqTq+xnWX+765JsTbJ1YmJivt2TJM3CIKeDXgzcW1UTVfUPwOeAXweWttNDAMuB+9r0OLACoC1/MrB7aqNVtb6qVlfV6rGxsQG6J0maySAhsAM4Jclh7dz+acC3gBuBV7U6a4Fr2/SmNk9bfkNV7XUkIElaOINcE9hC7wLvrcAdra31wDuBtyXZTu+c/+VtlcuBo1r524ALB+i3JGkIBho2oqouAi6aUnwPcNI0df8eOGeQ7UmShss7hiWpwwwBSeowQ0CSOsyhpKWDzCiHVdbi45GAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GEDhUCSpUmuTvLtJNuS/FqSI5NsTnJ3ez+i1U2SS5JsT3J7khOHswuSpPka9EjgD4EvVNWzgV8FtgEXAtdX1Srg+jYPcAawqr3WAZcOuG1J0oDmHQJJngS8ALgcoKoeraofAmuAja3aRuDsNr0G+GT13AwsTfLUefdckjSwQY4EngFMAH+S5BtJLktyOHBMVd0P0N6f0uovA3b2rT/eyiRJIzJICCwBTgQurarnAz/m56d+ppNpymqvSsm6JFuTbJ2YmBige5KkmQwSAuPAeFVtafNX0wuFByZP87T3XX31V/Stvxy4b2qjVbW+qlZX1eqxsbEBuidJmsm8Q6Cqvg/sTPKsVnQa8C1gE7C2la0Frm3Tm4DXt28JnQI8NHnaSJI0GksGXP/NwJVJDgXuAd5AL1g+m+R8YAdwTqt7HXAmsB14uNWVJI3QQCFQVbcBq6dZdNo0dQu4YJDtSZKGyzuGJanDDAFJ6jBDQJI6zBCQpA4zBCSpwwwBSeowQ0CSOswQkKQOMwQkqcMMAUnqMENAkjrMEJCkDjMEJKnDDAFJ6jBDQJI6zBCQpA4zBCSpwwwBSeowQ0CSOswQkKQOGzgEkhyS5BtJ/rzNH5tkS5K7k3wmyaGt/PFtfntbvnLQbUuSBjOMI4G3Atv65j8MXFxVq4AHgfNb+fnAg1X1y8DFrZ4kaYQGCoEky4GXA5e1+QAvAq5uVTYCZ7fpNW2etvy0Vl+SNCKDHgl8DHgH8I9t/ijgh1W1p82PA8va9DJgJ0Bb/lCrL0kakXmHQJJXALuq6pb+4mmq1iyW9be7LsnWJFsnJibm2z1J0iwMciRwKnBWku8Cn6Z3GuhjwNIkS1qd5cB9bXocWAHQlj8Z2D210apaX1Wrq2r12NjYAN2TJM1k3iFQVe+qquVVtRI4F7ihql4L3Ai8qlVbC1zbpje1edryG6pqryMBSdLCORD3CbwTeFuS7fTO+V/eyi8HjmrlbwMuPADbliTNwZKZq8ysqr4CfKVN3wOcNE2dvwfOGcb2JEnD4R3DktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHTaUZwxL0mL1qS07RrLd15z89AXZzryPBJKsSHJjkm1J7kry1lZ+ZJLNSe5u70e08iS5JMn2JLcnOXFYOyFJmp9BTgftAd5eVc8BTgEuSHIccCFwfVWtAq5v8wBnAKvaax1w6QDbliQNwbxDoKrur6pb2/SPgG3AMmANsLFV2wic3abXAJ+snpuBpUmeOu+eS5IGNpQLw0lWAs8HtgDHVNX90AsK4Cmt2jJgZ99q461MkjQiA4dAkicCfwb8blX97f6qTlNW07S3LsnWJFsnJiYG7Z4kaT8GCoEkj6MXAFdW1eda8QOTp3na+65WPg6s6Ft9OXDf1Daran1Vra6q1WNjY4N0T5I0g0G+HRTgcmBbVX20b9EmYG2bXgtc21f++vYtoVOAhyZPG0mSRmOQ+wROBV4H3JHktlb2buBDwGeTnA/sAM5py64DzgS2Aw8Dbxhg25KkIZh3CFTVV5n+PD/AadPUL+CC+W5PkjR8DhshSR1mCEhShxkCktRhhoAkdZghIEkdZghIUocZApLUYYaAJHWYISBJHWYISFKHGQKS1GGGgCR1mCEgSR02yFDSj3nvvuYOPvgbJ4y6G1pAKy/8PN/90MtH2odXf+JrfOa3f21WdefS38m6//F/3slFrzz+Z7/f777mDlYedRjrXvBM1t/0N6x7wTP59//jDn7antv3wd84gS9ve4AXP+cYvrztAW749q6flb/7mjv2u8391ZnN+tOts/6mv+G7/+/hads5JPD+s0/4hX2bLIOf/5+e/BlMmq4f/f/3J38u/W1M/kz625jc5nSfG1O3CfDhL2zjnac/Z04/g9laqN9ljwSkIdty7+4D2v4je/Z6KuvPPlQn3386pcrkB//k+yj1B8BUU/u9r7LpfgZz3eZcfxbTbfOhn+yZUxuPRYv6SEA6kD61Zce8li1UXWk2PBKQpA4zBCSpwwwBSeowQ0CSOmzBQyDJ6Um+k2R7kgsXevuSpJ9b0BBIcgjwceAM4DjgvCTHLWQfJEk/t9BHAicB26vqnqp6FPg0sGaB+yBJahb6PoFlwM6++XHg5AXugxaR6b4373fppdlL1dzuvBtoY8k5wMuq6o1t/nXASVX15r4664B1bfZZwHcG2OTRwA8GWP+xaLHt02LbH3CfDhaLeZ/+eVWNzWaFhT4SGAdW9M0vB+7rr1BV64H1w9hYkq1VtXoYbT1WLLZ9Wmz7A+7TwcJ96lnoawJfB1YlOTbJocC5wKYF7oMkqVnQI4Gq2pPkTcAXgUOADVV110L2QZL0cws+gFxVXQdct0CbG8pppceYxbZPi21/wH06WLhPLPCFYUnSY4vDRkhShy3KEFhsQ1MkWZHkxiTbktyV5K2j7tOwJDkkyTeS/Pmo+zIMSZYmuTrJt9u/1+weMfYYluT32u/dnUmuSvKEUfdprpJsSLIryZ19ZUcm2Zzk7vZ+xCj7OFf72Kc/aL97tye5JsnSmdpZdCGwSIem2AO8vaqeA5wCXLAI9mnSW4Fto+7EEP0h8IWqejbwqxzk+5ZkGfAWYHVVHU/vCx3njrZX83IFcPqUsguB66tqFXB9mz+YXMHe+7QZOL6qngv8NfCumRpZdCHAIhyaoqrur6pb2/SP6H2wLBttrwaXZDnwcuCyUfdlGJI8CXgBcDlAVT1aVT8cba+GYgnwS0mWAIcx5d6eg0FV3QRMfe7nGmBjm94InL2gnRrQdPtUVV+qqslnXt5M716s/VqMITDd0BQH/QfmpCQrgecDW0bbk6H4GPAO4B9H3ZEheQYwAfxJO8V1WZLDR92pQVTV94CPADuA+4GHqupLo+3V0BxTVfdD7w8t4Ckj7s+w/SbwFzNVWowhkGnKFsVXoJI8Efgz4Her6m9H3Z9BJHkFsKuqbhl1X4ZoCXAicGlVPR/4MQffKYZf0M6TrwGOBZ4GHJ7kX4+2V5pJkvfQO4185Ux1F2MIzDg0xcEoyePoBcCVVfW5UfdnCE4FzkryXXqn7F6U5L+NtksDGwfGq2ryKO1qeqFwMHsxcG9VTVTVPwCfA359xH0algeSPBWgve8acX+GIsla4BXAa2sW9wAsxhBYdENTJAm988zbquqjo+7PMFTVu6pqeVWtpPdvdENVHdR/YVbV94GdSZ7Vik4DvjXCLg3DDuCUJIe138PTOMgvdvfZBKxt02uBa0fYl6FIcjrwTuCsqnp4NussuhBoF0Umh6bYBnx2EQxNcSrwOnp/Ld/WXmeOulOa1puBK5PcDjwP+OCI+zOQdlRzNXArcAe9z4yD7k7bJFcBXwOelWQ8yfnAh4CXJLkbeEmbP2jsY5/+CPinwOb2OfFfZ2zHO4YlqbsW3ZGAJGn2DAFJ6jBDQJI6zBCQpA4zBCSpwwwBqUnytCRXt+nnzeZruEleOKwRUJOsTnLJMNqSZmvBnywmPVZV1X3Aq9rs84DVLNxT8KiqrcDWhdqeBB4JaBFJ8vo2jvo3k/xpklcm2dIGc/tykmNavfe25Te0seR/q5WvbGPmHwq8D3h1u+Hm1UlOSvKXra2/7LsreH/9ObON7f7VJJdMHjHsq63+o4rWxw1JvpLkniRvOVA/N3WbRwJaFJL8CvAe4NSq+kGSI+kNHHhKVVWSN9IbsfTtbZXn0ns2w+HAN5J8frKtqno0yX+gN4b+m1r7TwJeUFV7kryY3p3A/3I//XkC8Im2zr3t7s5J355lW88G/gW9O0C/k+TSNn6PNDSGgBaLFwFXV9UPAKpqd5ITgM+0wcEOBe7tq39tVf0E+EmSG+k9h+K2/bT/ZGBjklX0wuVxM/Tn2cA9VTW5zauAdXNs6/NV9QjwSJJdwDH0BqmThsbTQVoswt5Dhv9n4I+q6gTgt4H+xyJOrTvT+CnvB25sT9d65ZS2eh1IvthOH13G9EOaz7qt5pG+6Z/iH206AAwBLRbXA/8qyVHQe34svb+4v9eWr51Sf02SJ7T6L6Q3+my/H9E7DTOpv61/M10HquplVfW8qnojvVM+z2gPAQJ49VzakhaKIaBFoY0U+wHgfyX5JvBR4L3Af0/yv4EfTFnlr4DP03sE3/vbN4P63QgcN3lhGPh94D8l+T/0nrM7U39+AvwO8IUkXwUeAB5qi+fUlnQgOYqoOifJe4G/q6qPHODtPLGq/q6Nw/9x4O6quvhAblOaK48EpAPnt5LcBtxF7xTQJ0bcH2kvHglIUod5JCBJHWYISFKHGQKS1GGGgCR1mCEgSR1mCEhSh/1/R9gv6W2HqyYAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "hist2 = sns.distplot(features_log_transformed['capital-gain'], kde=False, rug=True, bins=10)\n", + "axes2 = hist2.axes\n", + "axes2.set_ylim(0,1500)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(0, 1500)" + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYAAAAEKCAYAAAAb7IIBAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAFJdJREFUeJzt3X+0ZWV93/H3R0ZQMTIgV4szYweTiQnRqGSKJK5lXWIU8MeQVamQVKcWO+0q/ojapaArxcjSaOsKaprSNREiJiha/AGNNEoB6+pKmTj4gwFRmSAdrqBcHSRWjGTMt3+c5+LhzuX+Onfuuc7zfq1119n72c/e+3vOmjmfs/c5+9mpKiRJ/XnYuAuQJI2HASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnq1JpxFzCXo48+ujZu3Ljk9ff+8P7lK2YRjjr80LHsV5IAbrjhhu9W1cR8/VZ1AGzcuJGdO3cuef0P79izjNUs3G8/84lj2a8kAST5vwvp5ykgSeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnq1LwBkOTiJHcnuWmWZf8+SSU5us0nyfuT7E5yY5Ljh/puTXJr+9u6vE9DkrRYCzkC+CBw8szGJBuA3wSGx1s4BdjU/rYBF7a+RwHnAc8ETgDOS3LkKIVLkkYzbwBU1eeBvbMsugB4E1BDbVuAD9XA9cDaJMcALwCurqq9VXUPcDWzhIokaeUs6TuAJC8BvlVVX5mxaB1wx9D8ZGt7qHZJ0pgsejTQJI8C3go8f7bFs7TVHO2zbX8bg9NHPPGJjqopSQfKUo4Afh44FvhKktuB9cAXk/wjBp/sNwz1XQ/cOUf7fqpqe1VtrqrNExPzDmctSVqiRQdAVe2qqsdV1caq2sjgzf34qvo2cCXwivZroBOBe6vqLuAzwPOTHNm+/H1+a5MkjclCfgb6EeD/AE9OMpnkrDm6XwXcBuwG/gT4dwBVtRc4H/hC+3t7a5Mkjcm83wFU1ZnzLN84NF3A2Q/R72Lg4kXWJ0k6QLwSWJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdWvQNYSSpJx/esWf+TgfAbz/zwN8QyyMASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6NW8AJLk4yd1Jbhpq+09JvpbkxiSfTLJ2aNm5SXYn+XqSFwy1n9zadic5Z/mfiiRpMRZyBPBB4OQZbVcDT6mqXwW+AZwLkOQ44AzgV9o6/yXJIUkOAf4YOAU4Djiz9ZUkjcm8AVBVnwf2zmj7bFXta7PXA+vb9Bbgsqr6cVV9E9gNnND+dlfVbVV1P3BZ6ytJGpPl+A7gXwH/o02vA+4YWjbZ2h6qXZI0JiMFQJK3AvuAS6ebZulWc7TPts1tSXYm2Tk1NTVKeZKkOSw5AJJsBV4E/E5VTb+ZTwIbhrqtB+6co30/VbW9qjZX1eaJiYmllidJmseSAiDJycCbgZdU1X1Di64EzkhyWJJjgU3AXwNfADYlOTbJoQy+KL5ytNIlSaOYdzjoJB8BngMcnWQSOI/Br34OA65OAnB9Vf3bqro5yceArzI4NXR2Vf2kbefVwGeAQ4CLq+rmA/B8JEkLNG8AVNWZszRfNEf/dwDvmKX9KuCqRVUnSTpgvBJYkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdmjcAklyc5O4kNw21HZXk6iS3tscjW3uSvD/J7iQ3Jjl+aJ2trf+tSbYemKcjSVqohRwBfBA4eUbbOcA1VbUJuKbNA5wCbGp/24ALYRAYwHnAM4ETgPOmQ0OSNB7zBkBVfR7YO6N5C3BJm74EOG2o/UM1cD2wNskxwAuAq6tqb1XdA1zN/qEiSVpBS/0O4PFVdRdAe3xca18H3DHUb7K1PVS7JGlMlvtL4MzSVnO077+BZFuSnUl2Tk1NLWtxkqSfWmoAfKed2qE93t3aJ4ENQ/3WA3fO0b6fqtpeVZuravPExMQSy5MkzWepAXAlMP1Lnq3AFUPtr2i/BjoRuLedIvoM8PwkR7Yvf5/f2iRJY7Jmvg5JPgI8Bzg6ySSDX/O8C/hYkrOAPcDprftVwKnAbuA+4JUAVbU3yfnAF1q/t1fVzC+WJUkraN4AqKozH2LRSbP0LeDsh9jOxcDFi6pOknTAeCWwJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6NVIAJHl9kpuT3JTkI0kekeTYJDuS3Jrko0kObX0Pa/O72/KNy/EEJElLs2apKyZZB7wWOK6qfpTkY8AZwKnABVV1WZL/CpwFXNge76mqX0hyBvBu4GUjPwNJB70P79gz7hIOSqOeAloDPDLJGuBRwF3Ac4HL2/JLgNPa9JY2T1t+UpKMuH9J0hItOQCq6lvAe4A9DN747wVuAL5fVftat0lgXZteB9zR1t3X+j92qfuXJI1myQGQ5EgGn+qPBZ4AHA6cMkvXml5ljmXD292WZGeSnVNTU0stT5I0j1FOAT0P+GZVTVXV3wOfAH4DWNtOCQGsB+5s05PABoC2/Ahg78yNVtX2qtpcVZsnJiZGKE+SNJdRAmAPcGKSR7Vz+ScBXwWuA17a+mwFrmjTV7Z52vJrq2q/IwBJ0soY5TuAHQy+zP0isKttazvwZuANSXYzOMd/UVvlIuCxrf0NwDkj1C1JGtGSfwYKUFXnAefNaL4NOGGWvn8HnD7K/iRJy8crgSWpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1KmRAiDJ2iSXJ/lakluS/HqSo5JcneTW9nhk65sk70+yO8mNSY5fnqcgSVqKUY8A3gf8ZVX9EvA04BbgHOCaqtoEXNPmAU4BNrW/bcCFI+5bkjSCJQdAkscAzwYuAqiq+6vq+8AW4JLW7RLgtDa9BfhQDVwPrE1yzJIrlySNZJQjgCcBU8CfJvlSkg8kORx4fFXdBdAeH9f6rwPuGFp/srVJksZglABYAxwPXFhVzwB+yE9P98wms7TVfp2SbUl2Jtk5NTU1QnmSpLmMEgCTwGRV7WjzlzMIhO9Mn9ppj3cP9d8wtP564M6ZG62q7VW1uao2T0xMjFCeJGkuSw6Aqvo2cEeSJ7emk4CvAlcCW1vbVuCKNn0l8Ir2a6ATgXunTxVJklbemhHXfw1waZJDgduAVzIIlY8lOQvYA5ze+l4FnArsBu5rfSVJYzJSAFTVl4HNsyw6aZa+BZw9yv4kScvHK4ElqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktSpkQMgySFJvpTkL9r8sUl2JLk1yUeTHNraD2vzu9vyjaPuW5K0dMtxBPA64Jah+XcDF1TVJuAe4KzWfhZwT1X9AnBB6ydJGpORAiDJeuCFwAfafIDnApe3LpcAp7XpLW2etvyk1l+SNAajHgG8F3gT8A9t/rHA96tqX5ufBNa16XXAHQBt+b2tvyRpDJYcAEleBNxdVTcMN8/StRawbHi725LsTLJzampqqeVJkuYxyhHAs4CXJLkduIzBqZ/3AmuTrGl91gN3tulJYANAW34EsHfmRqtqe1VtrqrNExMTI5QnSZrLkgOgqs6tqvVVtRE4A7i2qn4HuA54aeu2FbiiTV/Z5mnLr62q/Y4AJEkr40BcB/Bm4A1JdjM4x39Ra78IeGxrfwNwzgHYtyRpgdbM32V+VfU54HNt+jbghFn6/B1w+nLsT5I0Oq8ElqROGQCS1CkDQJI6ZQBIUqcMAEnqlAEgSZ0yACSpUwaAJHXKAJCkThkAktQpA0CSOmUASFKnDABJ6pQBIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjplAEhSp5YcAEk2JLkuyS1Jbk7yutZ+VJKrk9zaHo9s7Uny/iS7k9yY5PjlehKSpMUb5QhgH/DGqvpl4ETg7CTHAecA11TVJuCaNg9wCrCp/W0DLhxh35KkES05AKrqrqr6Ypv+AXALsA7YAlzSul0CnNamtwAfqoHrgbVJjlly5ZKkkSzLdwBJNgLPAHYAj6+qu2AQEsDjWrd1wB1Dq022NknSGIwcAEkeDXwc+N2q+tu5us7SVrNsb1uSnUl2Tk1NjVqeJOkhjBQASR7O4M3/0qr6RGv+zvSpnfZ4d2ufBDYMrb4euHPmNqtqe1VtrqrNExMTo5QnSZrDKL8CCnARcEtV/eHQoiuBrW16K3DFUPsr2q+BTgTunT5VJElaeWtGWPdZwMuBXUm+3NreArwL+FiSs4A9wOlt2VXAqcBu4D7glSPsW5I0oiUHQFX9b2Y/rw9w0iz9Czh7qfuTJC0vrwSWpE4ZAJLUKQNAkjplAEhSpwwASeqUASBJnTIAJKlTBoAkdcoAkKROGQCS1CkDQJI6ZQBIUqcMAEnq1CjDQa96b/nkLt75W08ddxnSsrvg6m/w+t/8xQX3/8W3XsU33nHqkva1kHUXW8+wjed8mp877BB2/f7JD9ln++f/hm3P/nkA3vrJXbxj6P/18DIY/L8/bE0478VPeaDt9z61i/NPeypv+eSuB9qOeOQa7v3RvgceZwqz3LJwDu/8rac+8J6z/fN/w+3fu++B95/f/+83cd6Ln7JfrdP133XvjzjmiEc+aNkor+lCeQQg/Qx63zW3Lqr//T9ZzFvZ4tddbD0z/eDHP5lz+e3fu++B6ZnVDC+b9uN9D+4121OYftOf7c1/tv0sxsyapuuZrdbbv3cfP95X+y0b9TVdCANAkjplAEhSpwwASeqUASBJnTIAJKlTK/4z0CQnA+8DDgE+UFXvWukaJC3Nh3fsWdKyUbetA2NFjwCSHAL8MXAKcBxwZpLjVrIGSdLASh8BnADsrqrbAJJcBmwBvrrCdUg/s6Y/KS/2E/Mon7D9dH5wWunvANYBdwzNT7Y2SdIKS9Uo17stcmfJ6cALqupVbf7lwAlV9ZqhPtuAbW32ycDXR9jl0cB3R1j/YOfrMz9fo/n5Gs1tHK/PP66qifk6rfQpoElgw9D8euDO4Q5VtR3Yvhw7S7KzqjYvx7YORr4+8/M1mp+v0dxW8+uz0qeAvgBsSnJskkOBM4ArV7gGSRIrfARQVfuSvBr4DIOfgV5cVTevZA2SpIEVvw6gqq4Crlqh3S3LqaSDmK/P/HyN5udrNLdV+/qs6JfAkqTVw6EgJKlTB2UAJDk5ydeT7E5yzrjrWW2SbEhyXZJbktyc5HXjrmk1SnJIki8l+Ytx17IaJVmb5PIkX2v/ln593DWtNkle3/6P3ZTkI0keMe6ahh10AeBwEwuyD3hjVf0ycCJwtq/RrF4H3DLuIlax9wF/WVW/BDwNX6sHSbIOeC2wuaqewuCHL2eMt6oHO+gCgKHhJqrqfmB6uAk1VXVXVX2xTf+AwX9cr8gekmQ98ELgA+OuZTVK8hjg2cBFAFV1f1V9f7xVrUprgEcmWQM8ihnXPY3bwRgADjexCEk2As8Adoy3klXnvcCbgH8YdyGr1JOAKeBP22myDyQ5fNxFrSZV9S3gPcAe4C7g3qr67HirerCDMQAyS5s/dZpFkkcDHwd+t6r+dtz1rBZJXgTcXVU3jLuWVWwNcDxwYVU9A/gh4PdtQ5IcyeDsw7HAE4DDk/yL8Vb1YAdjAMw73IQgycMZvPlfWlWfGHc9q8yzgJckuZ3BKcTnJvnz8Za06kwCk1U1feR4OYNA0E89D/hmVU1V1d8DnwB+Y8w1PcjBGAAONzGPJGFw7vaWqvrDcdez2lTVuVW1vqo2Mvj3c21VrapPbuNWVd8G7kjy5NZ0Eg7rPtMe4MQkj2r/505ilX1RvuJXAh9oDjexIM8CXg7sSvLl1vaWdpW2tFCvAS5tH7RuA1455npWlarakeRy4IsMfnn3JVbZVcFeCSxJnToYTwFJkhbAAJCkThkAktQpA0CSOmUASFKnDABpSJIntJ/ukeTpSU5dwDrPeagRQ5N8LsmqvB+sZABIQ6rqzqp6aZt9OjBvAEg/qwwAHVSSvCLJjUm+kuTPkrw4yY42YNn/TPL41u9tbfm1SW5N8q9b+8Y2dvuhwNuBlyX5cpKXJTkhyV+1bf3V0FWwC63tzCS72vbf3doOSfLB1rYryetb+2uTfLU9l8uW91WSBg66K4HVryS/ArwVeFZVfTfJUQwGAjyxqirJqxiM8PnGtsqvMrgfwuHAl5J8enpbVXV/kv/AYCz3V7ftPwZ4drva/HnAO4F/tsDangC8G/g14B7gs0lOYzBy7bo2XjxJ1rZVzgGOraofD7VJy8oA0MHkucDlVfVdgKram+SpwEeTHAMcCnxzqP8VVfUj4EdJrmNwL4kvz9zokCOAS5JsYhAsD19Ebf8E+FxVTQEkuZTBePrnA09K8kfAp4Hp4YJvZDDMwqeATy1iP9KCeQpIB5Ow/9DffwT856p6KvBvgOFb8s3sO9+4KOcD17VP6y+esa1BAcln2imjmTeSmW2YcqrqHgZ30/occDY/vQHNCxnc2e7XgBvaDUWkZWUA6GByDfDPkzwWoJ0COgL4Vlu+dUb/LUke0fo/h8FIssN+APzc0Pzwtv7lbAVU1Quq6ulV9aoZi3YA/zTJ0e22pWcC/yvJ0cDDqurjwO8Bxyd5GLChqq5jcMpqLfDoeZ+9tEh+qtBBo6puTvIOBm+sP2Ew+uLbgP+W5FvA9QxuzjHtrxmcdnkicH5V3dnukDbtOuCcNmLqHwD/kcEpoDcA1y6ytruSnNu2GeCqqroiydMY3FVr+sPYuQxGsf3zJEe0vhd4u0UdCI4Gqi4leRvw/6rqPeOuRRoXTwFJUqc8ApCkTnkEIEmdMgAkqVMGgCR1ygCQpE4ZAJLUKQNAkjr1/wE0xrdmMLjX4QAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "hist3 = sns.distplot(features_log_transformed['capital-loss'], kde=False, rug=True, bins=10)\n", + "axes3 = hist3.axes\n", + "axes3.set_ylim(0,1500)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Normalizing Numerical Features\n", + "In addition to performing transformations on features that are highly skewed, it is often good practice to perform some type of scaling on numerical features. Applying a scaling to the data does not change the shape of each feature's distribution (such as `'capital-gain'` or `'capital-loss'` above); however, normalization ensures that each feature is treated equally when applying supervised learners. Note that once scaling is applied, observing the data in its raw form will no longer have the same original meaning, as exampled below.\n", + "\n", + "Run the code cell below to normalize each numerical feature. We will use [`sklearn.preprocessing.MinMaxScaler`](http://scikit-learn.org/stable/modules/generated/sklearn.preprocessing.MinMaxScaler.html) for this." + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageworkclasseducation_leveleducation-nummarital-statusoccupationrelationshipracesexcapital-gaincapital-losshours-per-weeknative-country
00.301370State-govBachelors0.800000Never-marriedAdm-clericalNot-in-familyWhiteMale0.6674920.00.397959United-States
10.452055Self-emp-not-incBachelors0.800000Married-civ-spouseExec-managerialHusbandWhiteMale0.0000000.00.122449United-States
20.287671PrivateHS-grad0.533333DivorcedHandlers-cleanersNot-in-familyWhiteMale0.0000000.00.397959United-States
30.493151Private11th0.400000Married-civ-spouseHandlers-cleanersHusbandBlackMale0.0000000.00.397959United-States
40.150685PrivateBachelors0.800000Married-civ-spouseProf-specialtyWifeBlackFemale0.0000000.00.397959Cuba
\n", + "
" + ], + "text/plain": [ + " age workclass education_level education-num \\\n", + "0 0.301370 State-gov Bachelors 0.800000 \n", + "1 0.452055 Self-emp-not-inc Bachelors 0.800000 \n", + "2 0.287671 Private HS-grad 0.533333 \n", + "3 0.493151 Private 11th 0.400000 \n", + "4 0.150685 Private Bachelors 0.800000 \n", + "\n", + " marital-status occupation relationship race sex \\\n", + "0 Never-married Adm-clerical Not-in-family White Male \n", + "1 Married-civ-spouse Exec-managerial Husband White Male \n", + "2 Divorced Handlers-cleaners Not-in-family White Male \n", + "3 Married-civ-spouse Handlers-cleaners Husband Black Male \n", + "4 Married-civ-spouse Prof-specialty Wife Black Female \n", + "\n", + " capital-gain capital-loss hours-per-week native-country \n", + "0 0.667492 0.0 0.397959 United-States \n", + "1 0.000000 0.0 0.122449 United-States \n", + "2 0.000000 0.0 0.397959 United-States \n", + "3 0.000000 0.0 0.397959 United-States \n", + "4 0.000000 0.0 0.397959 Cuba " + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Import sklearn.preprocessing.StandardScaler\n", + "from sklearn.preprocessing import MinMaxScaler\n", + "\n", + "# Initialize a scaler, then apply it to the features\n", + "scaler = MinMaxScaler() # default=(0, 1)\n", + "numerical = ['age', 'education-num', 'capital-gain', 'capital-loss', 'hours-per-week']\n", + "\n", + "features_log_minmax_transform = pd.DataFrame(data = features_log_transformed)\n", + "features_log_minmax_transform[numerical] = scaler.fit_transform(features_log_transformed[numerical])\n", + "\n", + "# Show an example of a record with scaling applied\n", + "display(features_log_minmax_transform.head(n = 5))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation: Data Preprocessing\n", + "\n", + "From the table in **Exploring the Data** above, we can see there are several features for each record that are non-numeric. Typically, learning algorithms expect input to be numeric, which requires that non-numeric features (called *categorical variables*) be converted. One popular way to convert categorical variables is by using the **one-hot encoding** scheme. One-hot encoding creates a _\"dummy\"_ variable for each possible category of each non-numeric feature. For example, assume `someFeature` has three possible entries: `A`, `B`, or `C`. We then encode this feature into `someFeature_A`, `someFeature_B` and `someFeature_C`.\n", + "\n", + "| | someFeature | | someFeature_A | someFeature_B | someFeature_C |\n", + "| :-: | :-: | | :-: | :-: | :-: |\n", + "| 0 | B | | 0 | 1 | 0 |\n", + "| 1 | C | ----> one-hot encode ----> | 0 | 0 | 1 |\n", + "| 2 | A | | 1 | 0 | 0 |\n", + "\n", + "Additionally, as with the non-numeric features, we need to convert the non-numeric target label, `'income'` to numerical values for the learning algorithm to work. Since there are only two possible categories for this label (\"<=50K\" and \">50K\"), we can avoid using one-hot encoding and simply encode these two categories as `0` and `1`, respectively. In code cell below, you will need to implement the following:\n", + " - Use [`pandas.get_dummies()`](http://pandas.pydata.org/pandas-docs/stable/generated/pandas.get_dummies.html?highlight=get_dummies#pandas.get_dummies) to perform one-hot encoding on the `'features_log_minmax_transform'` data.\n", + " - Convert the target label `'income_raw'` to numerical entries.\n", + " - Set records with \"<=50K\" to `0` and records with \">50K\" to `1`." + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageworkclasseducation_leveleducation-nummarital-statusoccupationrelationshipracesexcapital-gaincapital-losshours-per-weeknative-country
226250.479452PrivateSome-college0.600000Married-civ-spouseCraft-repairHusbandWhiteMale0.00.0000000.397959United-States
403820.315068Federal-govBachelors0.800000Married-civ-spouseAdm-clericalHusbandWhiteMale0.00.9057590.397959United-States
101950.424658Local-govSome-college0.600000Married-civ-spouseExec-managerialHusbandWhiteMale0.00.0000000.397959United-States
32250.123288PrivateHS-grad0.533333Never-marriedAdm-clericalOwn-childWhiteFemale0.00.0000000.397959United-States
311950.219178PrivateBachelors0.800000Never-marriedProf-specialtyNot-in-familyWhiteFemale0.00.0000000.397959Canada
\n", + "
" + ], + "text/plain": [ + " age workclass education_level education-num \\\n", + "22625 0.479452 Private Some-college 0.600000 \n", + "40382 0.315068 Federal-gov Bachelors 0.800000 \n", + "10195 0.424658 Local-gov Some-college 0.600000 \n", + "3225 0.123288 Private HS-grad 0.533333 \n", + "31195 0.219178 Private Bachelors 0.800000 \n", + "\n", + " marital-status occupation relationship race sex \\\n", + "22625 Married-civ-spouse Craft-repair Husband White Male \n", + "40382 Married-civ-spouse Adm-clerical Husband White Male \n", + "10195 Married-civ-spouse Exec-managerial Husband White Male \n", + "3225 Never-married Adm-clerical Own-child White Female \n", + "31195 Never-married Prof-specialty Not-in-family White Female \n", + "\n", + " capital-gain capital-loss hours-per-week native-country \n", + "22625 0.0 0.000000 0.397959 United-States \n", + "40382 0.0 0.905759 0.397959 United-States \n", + "10195 0.0 0.000000 0.397959 United-States \n", + "3225 0.0 0.000000 0.397959 United-States \n", + "31195 0.0 0.000000 0.397959 Canada " + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# non_numeric_features = features_log_minmax_transform.drop(numerical, axis=1)\n", + "features_log_minmax_transform.sample(frac=1).head(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "103 total features after one-hot encoding.\n", + "\n", + "Encoded feature names are:\n", + "['age', 'education-num', 'capital-gain', 'capital-loss', 'hours-per-week', 'workclass_ Federal-gov', 'workclass_ Local-gov', 'workclass_ Private', 'workclass_ Self-emp-inc', 'workclass_ Self-emp-not-inc', 'workclass_ State-gov', 'workclass_ Without-pay', 'education_level_ 10th', 'education_level_ 11th', 'education_level_ 12th', 'education_level_ 1st-4th', 'education_level_ 5th-6th', 'education_level_ 7th-8th', 'education_level_ 9th', 'education_level_ Assoc-acdm', 'education_level_ Assoc-voc', 'education_level_ Bachelors', 'education_level_ Doctorate', 'education_level_ HS-grad', 'education_level_ Masters', 'education_level_ Preschool', 'education_level_ Prof-school', 'education_level_ Some-college', 'marital-status_ Divorced', 'marital-status_ Married-AF-spouse', 'marital-status_ Married-civ-spouse', 'marital-status_ Married-spouse-absent', 'marital-status_ Never-married', 'marital-status_ Separated', 'marital-status_ Widowed', 'occupation_ Adm-clerical', 'occupation_ Armed-Forces', 'occupation_ Craft-repair', 'occupation_ Exec-managerial', 'occupation_ Farming-fishing', 'occupation_ Handlers-cleaners', 'occupation_ Machine-op-inspct', 'occupation_ Other-service', 'occupation_ Priv-house-serv', 'occupation_ Prof-specialty', 'occupation_ Protective-serv', 'occupation_ Sales', 'occupation_ Tech-support', 'occupation_ Transport-moving', 'relationship_ Husband', 'relationship_ Not-in-family', 'relationship_ Other-relative', 'relationship_ Own-child', 'relationship_ Unmarried', 'relationship_ Wife', 'race_ Amer-Indian-Eskimo', 'race_ Asian-Pac-Islander', 'race_ Black', 'race_ Other', 'race_ White', 'sex_ Female', 'sex_ Male', 'native-country_ Cambodia', 'native-country_ Canada', 'native-country_ China', 'native-country_ Columbia', 'native-country_ Cuba', 'native-country_ Dominican-Republic', 'native-country_ Ecuador', 'native-country_ El-Salvador', 'native-country_ England', 'native-country_ France', 'native-country_ Germany', 'native-country_ Greece', 'native-country_ Guatemala', 'native-country_ Haiti', 'native-country_ Holand-Netherlands', 'native-country_ Honduras', 'native-country_ Hong', 'native-country_ Hungary', 'native-country_ India', 'native-country_ Iran', 'native-country_ Ireland', 'native-country_ Italy', 'native-country_ Jamaica', 'native-country_ Japan', 'native-country_ Laos', 'native-country_ Mexico', 'native-country_ Nicaragua', 'native-country_ Outlying-US(Guam-USVI-etc)', 'native-country_ Peru', 'native-country_ Philippines', 'native-country_ Poland', 'native-country_ Portugal', 'native-country_ Puerto-Rico', 'native-country_ Scotland', 'native-country_ South', 'native-country_ Taiwan', 'native-country_ Thailand', 'native-country_ Trinadad&Tobago', 'native-country_ United-States', 'native-country_ Vietnam', 'native-country_ Yugoslavia']\n", + "\n", + "The income col now looks like:\n", + "14023 0\n", + "41062 0\n", + "38718 1\n", + "36016 0\n", + "22478 0\n", + "Name: income, dtype: object\n" + ] + } + ], + "source": [ + "# TODO: One-hot encode the 'features_log_minmax_transform' data using pandas.get_dummies()\n", + "features_final = pd.get_dummies(features_log_minmax_transform)\n", + "\n", + "# TODO: Encode the 'income_raw' data to numerical values\n", + "income_raw.iloc[::-1][income_raw.iloc[::-1] == '<=50K'] = 0\n", + "income_raw.iloc[::-1][income_raw.iloc[::-1] == '>50K'] = 1\n", + "\n", + "# Print the number of features after one-hot encoding\n", + "encoded = list(features_final.columns)\n", + "print(\"{} total features after one-hot encoding.\\n\".format(len(encoded)))\n", + "\n", + "# Uncomment the following line to see the encoded feature names\n", + "print(f'Encoded feature names are:\\n{encoded}\\n')\n", + "print(f'The income col now looks like:\\n{income_raw.sample(frac=1).head(5)}')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Convert income raw to dtype of int32" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0 0\n", + "1 0\n", + "2 0\n", + "Name: income, dtype: int32" + ] + }, + "execution_count": 16, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "income_raw = pd.Series(income_raw, dtype='int32')\n", + "income_raw.head(3)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Shuffle and Split Data\n", + "Now all _categorical variables_ have been converted into numerical features, and all numerical features have been normalized. As always, we will now split the data (both features and their labels) into training and test sets. 80% of the data will be used for training and 20% for testing.\n", + "\n", + "Run the code cell below to perform this split." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Correcting a few things here:\n", + "sklearn v0.21.2 uses model_selection for train_test_split\n", + "\n", + "'income_raw' is our data - not 'income'" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageeducation-numcapital-gaincapital-losshours-per-weekworkclass_ Federal-govworkclass_ Local-govworkclass_ Privateworkclass_ Self-emp-incworkclass_ Self-emp-not-inc...native-country_ Portugalnative-country_ Puerto-Riconative-country_ Scotlandnative-country_ Southnative-country_ Taiwannative-country_ Thailandnative-country_ Trinadad&Tobagonative-country_ United-Statesnative-country_ Vietnamnative-country_ Yugoslavia
270050.4931510.2666670.00.00.39795900100...0000000100
64820.3698630.8000000.00.00.39795900100...0000000100
169840.4657530.4000000.00.00.44898000001...0000000100
254500.2876710.6000000.00.00.24489800100...0000000100
6660.4520550.5333330.00.00.41836701000...0000000100
\n", + "

5 rows × 103 columns

\n", + "
" + ], + "text/plain": [ + " age education-num capital-gain capital-loss hours-per-week \\\n", + "27005 0.493151 0.266667 0.0 0.0 0.397959 \n", + "6482 0.369863 0.800000 0.0 0.0 0.397959 \n", + "16984 0.465753 0.400000 0.0 0.0 0.448980 \n", + "25450 0.287671 0.600000 0.0 0.0 0.244898 \n", + "666 0.452055 0.533333 0.0 0.0 0.418367 \n", + "\n", + " workclass_ Federal-gov workclass_ Local-gov workclass_ Private \\\n", + "27005 0 0 1 \n", + "6482 0 0 1 \n", + "16984 0 0 0 \n", + "25450 0 0 1 \n", + "666 0 1 0 \n", + "\n", + " workclass_ Self-emp-inc workclass_ Self-emp-not-inc ... \\\n", + "27005 0 0 ... \n", + "6482 0 0 ... \n", + "16984 0 1 ... \n", + "25450 0 0 ... \n", + "666 0 0 ... \n", + "\n", + " native-country_ Portugal native-country_ Puerto-Rico \\\n", + "27005 0 0 \n", + "6482 0 0 \n", + "16984 0 0 \n", + "25450 0 0 \n", + "666 0 0 \n", + "\n", + " native-country_ Scotland native-country_ South \\\n", + "27005 0 0 \n", + "6482 0 0 \n", + "16984 0 0 \n", + "25450 0 0 \n", + "666 0 0 \n", + "\n", + " native-country_ Taiwan native-country_ Thailand \\\n", + "27005 0 0 \n", + "6482 0 0 \n", + "16984 0 0 \n", + "25450 0 0 \n", + "666 0 0 \n", + "\n", + " native-country_ Trinadad&Tobago native-country_ United-States \\\n", + "27005 0 1 \n", + "6482 0 1 \n", + "16984 0 1 \n", + "25450 0 1 \n", + "666 0 1 \n", + "\n", + " native-country_ Vietnam native-country_ Yugoslavia \n", + "27005 0 0 \n", + "6482 0 0 \n", + "16984 0 0 \n", + "25450 0 0 \n", + "666 0 0 \n", + "\n", + "[5 rows x 103 columns]" + ] + }, + "execution_count": 17, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "features_final.sample(frac=1).head(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Training set has 36177 samples.\n", + "Testing set has 9045 samples.\n" + ] + } + ], + "source": [ + "# Import train_test_split\n", + "from sklearn.model_selection import train_test_split\n", + "\n", + "# Split the 'features' and 'income' data into training and testing sets\n", + "X_train, X_test, y_train, y_test = train_test_split(features_final, \n", + " income_raw, \n", + " test_size = 0.2, \n", + " random_state = 0)\n", + "\n", + "# Show the results of the split\n", + "print(\"Training set has {} samples.\".format(X_train.shape[0]))\n", + "print(\"Testing set has {} samples.\".format(X_test.shape[0]))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Evaluating Model Performance\n", + "In this section, we will investigate four different algorithms, and determine which is best at modeling the data. Three of these algorithms will be supervised learners of your choice, and the fourth algorithm is known as a *naive predictor*." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Metrics and the Naive Predictor\n", + "*CharityML*, equipped with their research, knows individuals that make more than \\$50,000 are most likely to donate to their charity. Because of this, *CharityML* is particularly interested in predicting who makes more than \\$50,000 accurately. It would seem that using **accuracy** as a metric for evaluating a particular model's performace would be appropriate. Additionally, identifying someone that *does not* make more than \\$50,000 as someone who does would be detrimental to *CharityML*, since they are looking to find individuals willing to donate. Therefore, a model's ability to precisely predict those that make more than \\$50,000 is *more important* than the model's ability to **recall** those individuals. We can use **F-beta score** as a metric that considers both precision and recall:\n", + "\n", + "$$ F_{\\beta} = (1 + \\beta^2) \\cdot \\frac{precision \\cdot recall}{\\left( \\beta^2 \\cdot precision \\right) + recall} $$\n", + "\n", + "In particular, when $\\beta = 0.5$, more emphasis is placed on precision. This is called the **F$_{0.5}$ score** (or F-score for simplicity).\n", + "\n", + "Looking at the distribution of classes (those who make at most \\$50,000, and those who make more), it's clear most individuals do not make more than \\$50,000. This can greatly affect **accuracy**, since we could simply say *\"this person does not make more than \\$50,000\"* and generally be right, without ever looking at the data! Making such a statement would be called **naive**, since we have not considered any information to substantiate the claim. It is always important to consider the *naive prediction* for your data, to help establish a benchmark for whether a model is performing well. That been said, using that prediction would be pointless: If we predicted all people made less than \\$50,000, *CharityML* would identify no one as donors. \n", + "\n", + "\n", + "#### Note: Recap of accuracy, precision, recall\n", + "\n", + "** Accuracy ** measures how often the classifier makes the correct prediction. It’s the ratio of the number of correct predictions to the total number of predictions (the number of test data points).\n", + "\n", + "** Precision ** tells us what proportion of messages we classified as spam, actually were spam.\n", + "It is a ratio of true positives(words classified as spam, and which are actually spam) to all positives(all words classified as spam, irrespective of whether that was the correct classificatio), in other words it is the ratio of\n", + "\n", + "`[True Positives/(True Positives + False Positives)]`\n", + "\n", + "** Recall(sensitivity)** tells us what proportion of messages that actually were spam were classified by us as spam.\n", + "It is a ratio of true positives(words classified as spam, and which are actually spam) to all the words that were actually spam, in other words it is the ratio of\n", + "\n", + "`[True Positives/(True Positives + False Negatives)]`\n", + "\n", + "For classification problems that are skewed in their classification distributions like in our case, for example if we had a 100 text messages and only 2 were spam and the rest 98 weren't, accuracy by itself is not a very good metric. We could classify 90 messages as not spam(including the 2 that were spam but we classify them as not spam, hence they would be false negatives) and 10 as spam(all 10 false positives) and still get a reasonably good accuracy score. For such cases, precision and recall come in very handy. These two metrics can be combined to get the F1 score, which is weighted average(harmonic mean) of the precision and recall scores. This score can range from 0 to 1, with 1 being the best possible F1 score(we take the harmonic mean as we are dealing with ratios)." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 1 - Naive Predictor Performace\n", + "* If we chose a model that always predicted an individual made more than $50,000, what would that model's accuracy and F-score be on this dataset? You must use the code cell below and assign your results to `'accuracy'` and `'fscore'` to be used later.\n", + "\n", + "** Please note ** that the the purpose of generating a naive predictor is simply to show what a base model without any intelligence would look like. In the real world, ideally your base model would be either the results of a previous model or could be based on a research paper upon which you are looking to improve. When there is no benchmark model set, getting a result better than random choice is a place you could start from.\n", + "\n", + "** HINT: ** \n", + "\n", + "* When we have a model that always predicts '1' (i.e. the individual makes more than 50k) then our model will have no True Negatives(TN) or False Negatives(FN) as we are not making any negative('0' value) predictions. Therefore our Accuracy in this case becomes the same as our Precision(True Positives/(True Positives + False Positives)) as every prediction that we have made with value '1' that should have '0' becomes a False Positive; therefore our denominator in this case is the total number of records we have in total. \n", + "* Our Recall score(True Positives/(True Positives + False Negatives)) in this setting becomes 1 as we have no False Negatives." + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "TP = np.sum(income_raw)\n", + "FP = income_raw.count() - TP\n", + "TN = 0\n", + "FN = 0" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Naive Predictor: [Accuracy score: 0.2478, F-score: 0.2917]\n" + ] + } + ], + "source": [ + "'''\n", + "TP = np.sum(income) # Counting the ones as this is the naive case. Note that 'income' is the 'income_raw' data \n", + "encoded to numerical values done in the data preprocessing step.\n", + "FP = income.count() - TP # Specific to the naive case\n", + "\n", + "TN = 0 # No predicted negatives in the naive case\n", + "FN = 0 # No predicted negatives in the naive case\n", + "'''\n", + "# TODO: Calculate accuracy, precision and recall\n", + "accuracy = (TP + TN) / (FP + FN + TP + TN)\n", + "recall = TP / (TP + FN)\n", + "precision = TP / (TP + FP)\n", + "\n", + "# TODO: Calculate F-score using the formula above for beta = 0.5 and correct values for precision and recall.\n", + "fscore = (1 + (0.5) ** 2) * ((precision * recall) / (((0.5) ** 2 * precision) + recall))\n", + "\n", + "# Print the results \n", + "print(\"Naive Predictor: [Accuracy score: {:.4f}, F-score: {:.4f}]\".format(accuracy, fscore))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Supervised Learning Models\n", + "**The following are some of the supervised learning models that are currently available in** [`scikit-learn`](http://scikit-learn.org/stable/supervised_learning.html) **that you may choose from:**\n", + "- Gaussian Naive Bayes (GaussianNB)\n", + "- Decision Trees\n", + "- Ensemble Methods (Bagging, AdaBoost, Random Forest, Gradient Boosting)\n", + "- K-Nearest Neighbors (KNeighbors)\n", + "- Stochastic Gradient Descent Classifier (SGDC)\n", + "- Support Vector Machines (SVM)\n", + "- Logistic Regression" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 2 - Model Application\n", + "List three of the supervised learning models above that are appropriate for this problem that you will test on the census data. For each model chosen\n", + "\n", + "- Describe one real-world application in industry where the model can be applied. \n", + "- What are the strengths of the model; when does it perform well?\n", + "- What are the weaknesses of the model; when does it perform poorly?\n", + "- What makes this model a good candidate for the problem, given what you know about the data?\n", + "\n", + "** HINT: **\n", + "\n", + "Structure your answer in the same format as above^, with 4 parts for each of the three models you pick. Please include references with your answer." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Naive Bayes (Gaussian)\n", + "\n", + "## Applications\n", + "Naive Bayes has many applications in the real-world. It is very popular in the Medical industry - which itself is a huge area and has many applications where it can be applied.\n", + "\n", + "From my own research in my MSc, I used the results of [1]. Here Naive Bayes was used to categorically identify phage virion proteins from features such as amino acid composition and nucleo-capsid thickness. My own research was motivated in trying to understand the numerical mathematical dynamics of these features. The classifier had excellent results in this case - and this raised further questions about the dynamics of the features of viral proteins over time which were (and still) largely unknown. **This was an excellent use case of machine learning** to identify viral proteins from seemingly healthy ones - but mathematically was interesting as current numerical methods were slow, and the dyanmics of the equations were unknown. The classifier can be used to save a lot of time practically but mathematically raised more questions about what was happening to the current numerical models used. \n", + "The model also has extensive usage in text classification (such as the Spam example used in this nano-degree), and can also be used for predicting and recommendations if someone or something will do something (assuming the features are largely independent).\n", + "\n", + "## Advantages\n", + "The model performs very well in problems where the features are largely conditionally independent from each other. This means that we are assuming that features do not depend on each other (E.g if we considered height and weight we would exepct them to correlate, taller people would weigh more than shorter people, but weight could still be conditionally independent as there are other factors to consider in how heavy someone is).\n", + "Because of this this means that the model will converge much quicker than other methods (such as linear regression) - in practice this means we can use less training data. We can use the model for both discrete and continuous data. [2]\n", + "\n", + "## Disadvatanges\n", + "The model also has disadvantages. When the featurees are dependent the conditional independence does not hold: in such a case computing\n", + "\n", + "$P(X|C_i)$\n", + "\n", + "can be computationally expensive if we cannot leverage the conditional probability condition\n", + "\n", + "$P(X|C_i) = P(x_1 | C_i) * P(x_2 | C_i) * ... * P(x_N | C_i)$\n", + "\n", + "Interestingly, it has been shown that Naive Bayes (Gaussian) can be used and will even perform well even when this independence assumption does not hold. [3] accredits this to the underlying zero-loss function used in the algorithm - which calculates the error as the number of incorrect predictions. The zero-loss function does not penalise inaccurate probability estimates as long as the highest probability is assigned to the correct class [4]. In addition - special care must be taken if using this model **for non indpendent features** in the continuous case - as the model minimises the expected loss by maximising the posterior probability $P(C_i|X)$. Care must be taken when considering the zero-loss function, as integrating a discrete indicator over a probability density function (for a continuous case) would always be zero. Functions such as the Dirac delta function can be applied in this case [5]. There is much more research into why this model performs well when this condition does not hold and can be seen in [6].\n", + "Although the model is a very good classifier - it does fall short on estimating. This means we can use the model to evaluate future people given their features - but the probability that someone belongs to either class is not a good indicator. This means that future modelling will require all our data to classify someone, using the probabilities that someone belongs in either class is not a practical use for this model.\n", + "\n", + "\n", + "\n", + "## Reasoning\n", + "Based on the above I believe this model is a good candidate.\n", + "* We have features that appear at face value to not closely depend on each other - by this I mean no features stand out as largely dependending on another. Age is largeley independent to Ethnicity. Although there could be some dependence on the Capital Gains or Loss with respect to the other features - further investigation would only be warrented in my opinion if the output of the model warrants it.\n", + "* We want to know categorically if someone earns above or below \\$50k" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Decision Trees\n", + "\n", + "## Applications\n", + "\n", + "Decision trees have many applications in industry:\n", + "* One example is in customer relations and reccomendations. Decision trees can be used to analyse how customers interact online and then analyse their usage to provide recomendations based on this information. [10] applied decision trees to investigate customers shopping habits online - by classing people into two categories, 1) Those who rarely used it and 2) Those who shopped online frequently. The result of the decision tree showed that the time it takes customers to complete a transaction and how urgently the item needed were the most important factors in whether a customer shopped online or not. \n", + "\n", + "## Advantages\n", + "\n", + "Decision trees have many advantages when being considered as a classifier\n", + "\n", + "* They perform well with missing data points. Other methods require the removal of data if any features are missing - which is inefficient and if not careful can affect the validity of your data. Decision trees work around this by classifying missing values as a seperate category - where other categories can be used to analyise the missing categories. Or you can build a decision tree to categorically predict the missing values based on the data as a preliminary step before using the model to obtain your results. [7]\n", + "* They have excellent use in determining whether or not features are relatively important to one another. By using a decision tree you can find how important a feature is by removing it from the tree and validating the result against the feature included. This is a popular method employed to finding importance of features - I myself have used such methods when considering the importance of states in Markov Chains. By removing a state one by one - you can find the relative importance of a state relative to the other states. This can tell you lots of information about how important each state is. [8]\n", + "* Unlike a Naive Bayes classifier, Decision Trees can be used to predict values. The resulting probabilites from the model can be used to predict whether or not someone will belong to a class without the need to run the model with the new data included each time. [7]\n", + "* They are excellent when using categorical data. If you have a category that has many values under it a decision tree is a very good model in deciding how these categories can be split or grouped together. They can break the category down into a more manageable group. We can see in the cell below that the Occuption column has 14 values present. A decision tree can handle this (and much higher counts) with ease. [7]\n", + "\n", + "## Disadvantages\n", + "* Although decision trees are excellent predictors - if the data changes or evolves over time (say the number of people belonging to a specific job goes up) then the model needs to be redrawn to account for this. This can be accounted for by using ensemble methods in tandem with a decision tree [9]\n", + "* The hyperparamters for the model are very important - popular hyperparamters to consider are max_depth which can be used to control over-fitting, min_samples_split and min_samples_leaf which consider how many samples are needed to split or be defined as a leaf and min_weight_fraction_leaf when considering weighted samples. The overabundance and consideration of the hyperparameters means there is a need to understand your data before considering values for these. Methods we have seen such as grid search can aid in the process when we have many to consider.\n", + "* Decision trees are sensitive if a category is dominated by a particular value. Careful consideration should be taken if this is the case and balancing the data can help. Methods used to balance could include resampling (adding copies of under respresented values) or under sampling (removal of some of the dominant class values. We should also pay close attention to the Precision, Recall and F1 Score when evaluating the model - as this can aid in selection. \n", + "\n", + "## Reasoning\n", + "Based on the above I believe Decision Trees are a good candidate for our problem.\n", + "* We have a single classification problem which lends itself well to decision trees. \n", + "* We have categories which contain many classes (such as occupation) - we know decision trees can be used to great affect with this kind of data.\n", + "* Easy to visulise and explain - justifying the model can be easily done with scikitlearn. We can plot the tree which will show us the categories and their values used to split at each node.\n", + "* Categorical data - although we have accounted for categories with pd.get_dummies(), the model lends itself well to categorical data." + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Number of unique values in occupation column is 14\n" + ] + } + ], + "source": [ + "import collections\n", + "occupation_cat_count = collections.Counter(data['occupation'].unique())\n", + "occupation_cat_count = sum(occupation_cat_count.values())\n", + "print(f'Number of unique values in occupation column is {occupation_cat_count}')\n", + "# sum(collections.Counter(encoded).values())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# SVMs\n", + "\n", + "## Applications\n", + "\n", + "An application of a support vector machine in industry is:\n", + "* SVMs have a wide application in image recognition and classification problems. When applied to image recognition each feature of the data set corresponds to a single image pixel. An SVM can be used to classify these pixels into which category they belong to based on their features (such as edge, colour or shape). In [11] SVMs were used on microscopic images of cells to detect the location of the cell nucleus. Manual location of the cell nuclei is a long and arduous process especially when considering there may be many of thousands of images to consider. A SVM can be used to learn what part of on image corresponds to a nucleus, and what part does not and was used to great effect in this case - managing to locate the neclei across multiple scales and stains successfully. Their usage is not limited to the medical sector and have many practical uses such as in geography in identifying areas of land suitable for cultivation and farming [12]\n", + "\n", + "## Advantages\n", + "\n", + "SVMs have many advantages and are a powerful classification method\n", + "* They integerate well with kernel methods - this means that SVMs are very versatile. You can employ different Kernels when considering how you will map your points to a higher dimensional space and even write your own kernels if your data requires it.\n", + "* When compared to linear regression methods SVMs are more robust due to the maximising of the margin. With the hyperparamter C you can control how much an incorrectly classified point is penalised.\n", + "* They are excellent at non linear boundaries due to the kernels they employ. Although it is possible to employ kernels in other methods such as regression SVMs in scikitlearn have the kernels already implemented and it is much easier to use the \"kernel trick\" (the kernel trick using the fact that you can generalise kernels in higher dimensions by using the dot product in the original space and using a generalisation of the corresponding Kernel. [14] has an excellent write up on how this used for the Linear kernel) \n", + "\n", + "## Disadvantages\n", + "Although SVMs are powerful in classification problems there are disadvantages we must consider when using them\n", + "* Choosing a kernel function is not an easy task and can often be the main barrier to the success of the model. Although scikitlearn offers several kernals such as the linear kernel and the popular Radial Basis Function kernel or RBF. The RBF is often used and uses the squared euclidean distance between two points. The feature space of the kernel has an infinite number of dimensions [13] and this means the kernel can be used to project points any higher dimension - although this comes at a huge computational cost. \n", + "* The model has a long training time on large data sets and this is due to several reasons\n", + " * The C parameter is a hyperparameter used to penalise misclassified points - the higher this is, the more accurate the results but the slower the training process is.\n", + " * The general method is of $O(n^3)$ (where $O$ is big Oh notation) - meaning it has to run a number of operations proportional to $n^3$. With 10,000 data points this means the number of operations is proportional to $10^{12}$ - a huge number which can affect our computational time greatly.\n", + " \n", + "## Reasoning\n", + "Based on the above I believe SVMs can be used for our model\n", + "* We have a classification problem which is well suited to SVMs.\n", + "* They are very good when we have a large number of features and after transforming our category values into feature values we know we have 98 features for our category data.\n", + "* With careful selection of our C hyperparamter and a suitable kernel we can obtain good boundaries for our dataset." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# References\n", + "[1] https://www.ncbi.nlm.nih.gov/pmc/articles/PMC3671239/\n", + "\n", + "[2] https://www.slideshare.net/ashrafmath/naive-bayes-15644818\n", + "\n", + "[3] https://www.cs.waikato.ac.nz/~eibe/pubs/nbr.pdf\n", + "\n", + "[4] https://link.springer.com/article/10.1023/A:1009778005914\n", + "\n", + "[5] https://en.wikipedia.org/wiki/Dirac_delta_function\n", + "\n", + "[6] https://www.cs.unb.ca/~hzhang/publications/FLAIRS04ZhangH.pdf\n", + "\n", + "[7] https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4466856/\n", + "\n", + "[8] https://www.analyticsvidhya.com/blog/2018/01/channel-attribution-modeling-using-markov-chains-in-r/\n", + "\n", + "[9] https://scikit-learn.org/stable/modules/tree.html\n", + "\n", + "[10] https://www.sciencedirect.com/science/article/pii/S0957417406001825\n", + "\n", + "[11] https://link.springer.com/article/10.1007/s00138-010-0275-y\n", + "\n", + "[12] https://www.ncbi.nlm.nih.gov/pubmed/20052093\n", + "\n", + "[13] https://en.wikipedia.org/wiki/Radial_basis_function_kernel\n", + "\n", + "[14] https://www.quora.com/What-is-the-kernel-trick|" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer: **" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation - Creating a Training and Predicting Pipeline\n", + "To properly evaluate the performance of each model you've chosen, it's important that you create a training and predicting pipeline that allows you to quickly and effectively train models using various sizes of training data and perform predictions on the testing data. Your implementation here will be used in the following section.\n", + "In the code block below, you will need to implement the following:\n", + " - Import `fbeta_score` and `accuracy_score` from [`sklearn.metrics`](http://scikit-learn.org/stable/modules/classes.html#sklearn-metrics-metrics).\n", + " - Fit the learner to the sampled training data and record the training time.\n", + " - Perform predictions on the test data `X_test`, and also on the first 300 training points `X_train[:300]`.\n", + " - Record the total prediction time.\n", + " - Calculate the accuracy score for both the training subset and testing set.\n", + " - Calculate the F-score for both the training subset and testing set.\n", + " - Make sure that you set the `beta` parameter!" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.metrics import fbeta_score, accuracy_score\n", + "\n", + "def train_predict(learner, sample_size, X_train, y_train, X_test, y_test): \n", + " '''\n", + " inputs:\n", + " - learner: the learning algorithm to be trained and predicted on\n", + " - sample_size: the size of samples (number) to be drawn from training set\n", + " - X_train: features training set\n", + " - y_train: income training set\n", + " - X_test: features testing set\n", + " - y_test: income testing set\n", + " '''\n", + " beta = 0.5\n", + " results = {}\n", + " \n", + " # TODO: Fit the learner to the training data using slicing with 'sample_size' using .fit(training_features[:], training_labels[:])\n", + " start = time() # Get start time\n", + " learner = learner.fit(X_train[:sample_size], y_train[:sample_size])\n", + " end = time() # Get end time\n", + " \n", + " # TODO: Calculate the training time\n", + " results['train_time'] = end - start\n", + " \n", + " # TODO: Get the predictions on the test set(X_test),\n", + " # then get predictions on the first 300 training samples(X_train) using .predict()\n", + " start = time() # Get start time\n", + " predictions_test = learner.predict(X_test)\n", + " predictions_train = learner.predict(X_train[:300])\n", + " end = time() # Get end time\n", + " \n", + " # TODO: Calculate the total prediction time\n", + " results['pred_time'] = end - start\n", + " \n", + " # TODO: Compute accuracy on the first 300 training samples which is y_train[:300]\n", + " results['acc_train'] = accuracy_score(y_train[:300], predictions_train)\n", + " \n", + " # TODO: Compute accuracy on test set using accuracy_score()\n", + " results['acc_test'] = accuracy_score(y_test, predictions_test)\n", + " \n", + " # TODO: Compute F-score on the the first 300 training samples using fbeta_score()\n", + " results['f_train'] = fbeta_score(y_train[:300], predictions_train, beta)\n", + " \n", + " # TODO: Compute F-score on the test set which is y_test\n", + " results['f_test'] = fbeta_score(y_test, predictions_test, beta)\n", + " \n", + " # Success\n", + " print(\"{} trained on {} samples.\".format(learner.__class__.__name__, sample_size))\n", + " \n", + " # Return the results\n", + " return results" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation: Initial Model Evaluation\n", + "In the code cell, you will need to implement the following:\n", + "- Import the three supervised learning models you've discussed in the previous section.\n", + "- Initialize the three models and store them in `'clf_A'`, `'clf_B'`, and `'clf_C'`.\n", + " - Use a `'random_state'` for each model you use, if provided.\n", + " - **Note:** Use the default settings for each model — you will tune one specific model in a later section.\n", + "- Calculate the number of records equal to 1%, 10%, and 100% of the training data.\n", + " - Store those values in `'samples_1'`, `'samples_10'`, and `'samples_100'` respectively.\n", + "\n", + "**Note:** Depending on which algorithms you chose, the following implementation may take some time to run!" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "13181 0\n", + "10342 0\n", + "20881 0\n", + "24972 1\n", + "43867 0\n", + "Name: income, dtype: int32" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "y_train.head(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "36177 3617 361\n", + "\n", + "0 361\n", + "GaussianNB trained on 361 samples.\n", + "1 3617\n", + "GaussianNB trained on 3617 samples.\n", + "2 36177\n", + "GaussianNB trained on 36177 samples.\n", + "0 361\n", + "DecisionTreeClassifier trained on 361 samples.\n", + "1 3617\n", + "DecisionTreeClassifier trained on 3617 samples.\n", + "2 36177\n", + "DecisionTreeClassifier trained on 36177 samples.\n", + "0 361\n", + "SVC trained on 361 samples.\n", + "1 3617\n", + "SVC trained on 3617 samples.\n", + "2 36177\n", + "SVC trained on 36177 samples.\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAApkAAAIYCAYAAAAmQ/cvAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3Xd4FcX6B/Dvm4RUUkgIoYbQe4coqIheQUUQBEVEhSCiKKBX/AmKSlG4gooFKYqFiNi4iGLQqyDVQgsq0qtJ6L2TQpL5/TFzYHM4JzkJm4bfz/OcJ+fszu7O7s7svjuzuxGlFIiIiIiI7ORV3BkgIiIioqsPg0wiIiIish2DTCIiIiKyHYNMIiIiIrIdg0wiIiIish2DTCIiIiKyHYPMEkZE4kREWT5nRGS9iAwRER+bl9VWRFaLyDmzrOZ2zv+fQETGmG2XKiKhLsZb92ftAs7/5nxOkyQi8fldVkEURRmybOO8PnEiEmO+P2x3PuwmIs1F5CsRSRGRdBE5ICJLReSJ4s6bHRz7rQiX59j3cXmkc9TJfNfH4lSU9dppufFme+0RkctiBqf6acs5yrKPYgowrRKRMXbkg66crUEL2eoeAHsBhJjv7wCoAGCUjcv4EEAqgK4AzgPYbuO8/2kuALgbepta9QVwBkBwAec7GsB4AEvyMc1dAE4XcHn5VRRl6AMAP1h+3wHgBVyqIw67AAQVwvJtJyJtAPwMYDWA4QAOAqgK4Hro/Te5+HJnG+f9RlemKOu1s/MAKgO4CcBip3EP4MqOcXQVY5BZcv2plNppvi80V93/xhUGmSLiDUAAZAOoB2C8Uio/AYy7+QqAMkqpjCudVyk1D8CDsASZIlINwI0AZgGIK+wMiIifUipdKfVHYS/LLM8LRVCGlFJ7YQkmRaS++WqtI45xBQ4yi7gMDwVwEkAnpVS6ZfhsV61FJYWjjHmS1nm/0SUFKWtFVa/dOAFgK/Qx7mKQKSLXA6gJfYzrVzxZo5KsxB7M6DJrAQSLSAXHABEZaLrS00TkqIh8KCLh1olM18F4EXlWRP4GkAF9gsuC3v8vmjRJlmkecJrvJyJSyWm+SSIyW0QeEpGtZr53WLqsBonIKyJy0HT5zxaRQBGpLSI/ishZEdkpIv2c5lvbLO9v0wW9W0Smi0g5p3TxIrJXRFqIyM8icl5EdojIIOcNJyI1zDwPmm7J3SLytlOaG0VkscnrOZPHxvnYP7MAtBeR6pZhDwJIAbDC1QQi0kNEVpm8nxSR/4pItGW8o6vxeUt31Bin9W8rIr+JSCqAV824y7rV8toGItJGRBaJyDGTn90iMs3dyorukiyUMuRumfnkLSIvie6CPikiCSJS1dPlm7I60ZTDDPP3eecAUETKm/K5z2zXrSLyiAf5CwdwwlXAppTKtsy/g9m2HZyWe1l3omV9Bpq6lSYiv4vITc7L8KS8i8gyEflFRLqKyB8ikg7gcRHZJCJfuZjnNSZP3c3vy7rLReRJEdli6vYJEUkUkbuc0uRaL0yaQBGZZsrrWRH5Frol2DYebqNOIvK9KWfnRWSjiDwt+mLemi6v4+WjHpbXeMtvRxm4VkQ+FZHTIrJfRCaLiL/TtDVNPs+LyGERmSQijziXoTzMAtBTRAItw/pCt8gnudh+ZURknMl3hvk7TkTKuMjbdyZvR0Qfl/xcZUA8OOe5mKauiHxt1jtN9O0p/xWbbz8jN5RS/JSgD3SLlwJQ22n4fwFkAgg0vydAd9FOAtAJQH8A+6C737wt0ykz/GcAPQHcBiAKwHVm3AcArgXQwqR/xAz/AkBnAA8DOAzdDVrWMt8kM9+NAO4D8C8AtQDEmOmTAXwM4FYAT5m8zgKwAcATADpCt/5lA2hkmW97AK8A6Ga+x5llr3TaHvHQXUdbADxq5veZWfZNlnQ1ABwx+XkUwM3QV9yfWtLcYbbtfLPcbgB+g756r5bH/hpjllkGwG4AIy3jtgB42dU+BTDIDPvIbOd7Tfq/AQSbNNeaNDPN92sBVLWs/xmzXkMBdABwjWXfxHu6DQCUBXAcumuzq5lXHIAZuax3JAqpDBW0jphxMWZckikPt5t1PQpguVNal8uH7uH5GcAx6N6DfwF4HkAagEmW6UMAbIO+kBgI4BYAr0EH30PzWIdRJp/vAogF4OMmXQeTroObbRDjtD57TDm6F0B3ACtNvuvlt7wDWGb2298AHjJ5aQrgWQDpAMo55ekds818rXXDMv5+s9xR0N2unc28BuSnXph0n0AHas9DH/9eM/tBAYgraPkpwDYaBOBpU85uAvAMdL2c4GFZi0H+ymu8i/XYAeAl6PL3InT5G2tJ5wt9K8k+M01n6GNvMpzKkJttEQ/dIh0E4CyAPma4n9keA3DpOOhjme4zsw1fMvtoNPR54DMXedsPfQ67A8C30OXYuXzn55w3xvJ7O4A10Oe/GwH0ATAbppzyU7ifYs8AP0475NKBox70ya4cdGCQBeAbkybG/B7lNK3jpN/dMkyZChzglNbHRWX0BnAIwFKntNebtE9YhiVB36dT0SltjEm7xGn4PDP8AcuwcuYgNDqX7eFjWX4Ly/B4XB5Q+kEfnGdYhs0yB8bKuSxjJ4DFTsNCzLzeymN/XTy4moPpFjM81gyvA6eTGnRQdwrARy62XQaAfzvtv3EulutY/24uxiUh58ko120AoLWZV9N8ltVCKUP5qCO5BZnOJ+j/M8Mr57V86BZoBaC90/Dnzf6pYH6/CB3A1XFK974pOy4DR5MmAMDXZjnK5GMhdLBqPWF2QP6CzAwA0ZZhwdAXEJ/kt7xDB5nZAJo7pa0Gffx51DKsDPSFzDTnumH5PQXA77lsE4/qBfSxMQvAs07ppsO+IDPfxwTo25B8TDk5AcDLg7KW3/Ia72I9xjpNuwDAdstvx0VfrFNe1zuXITfrFQ9gr/k+C8AP5nsvs04hcAoyATSG07HBDH8BlmMNdHlXAK61pPECsMmaN+T/nDfGfC9vft+Z2zryU3gfdpeXXFuhr9qOA5gG4FPo1gRAt9p5AfhURHwcH+grutPQLYBWPyilUj1YZj3oh4s+tQ5USv0CfdV7o1P6VUqpg27m9T8X6wMAP1rmewK6paSaY5iI+IrISNPtmAq9DX625M/qvFJqqWV+6dBX9dautU4AFiil9rvKpIjUgW5RcN6W56FbgZy3ZW5mAagv+qGOvtDbZ4eLdG2hD8zOy9wLvZ08XWYm9AklL7luA+htdhLAe6K7uau5SecJO8vQlfjO6fcG8zfaabir5d8GndffnPbPQuhg6lpLutUA/nZK9yOACAAN3WVOKZWqlLoLQCPo1q//QQf7MwB8LyKSj3V1Xp8Uy3LOQG+LtkCBynuSUupPp7zvAbAcOhh3uA36hD4rl7ytBdBcRN4RkVucul0Bz+vFNdDHvzlO03+Ry7I9lp9tJCKVROQ9EUmGDoQvABgHIAy6HljlVtY9La+eTmud7loAKUqpNY4BSkdgl93y4IFZAG4RkYrQx7j5SilXDyM5ttFsp+GO347jQFsAe5RSqyx5y8bl+za/5zyHY9A9TBNMV3udPNeQbMV7Ekquu6APrmcAJCul0izjHAevnZdNpUU4/T7g4TId97a4Sn/QMt6T+Z5w+p2Ry3Dr/UOvQHf/vgTdPXUG+l6reU7pXM0L0N141nQRyP3hA8e2/BCXPxkO6C44jyildorISujuo7uhW7pyW+ZPbsa7Wi9XDiulsjxIl+s2UEqdEn3f3ovQFzTBIrIJuoU5vyciO8vQlTju9Ntx76NzGXK1/AoAqkMHDK5EWNLV9iCdW0qpzQA2A4C5j+596Kd174BnFxDODrkZVsV8z295d7d/ZgGYKSI1lFJ/QwecO63Bgptp/KHrx+MALojI9wCGKaWS4Hm9cNzb67yurta9IDzaRqLvz/0W+qnrMdCBcCr0bQrPw7Oy5uBpefV0Wus9jZWgL+adFWR7LYFej6egb4W60006d8eBg07jK7nJh/Ow/J7zAOhgWkQ6Qu+fVwBEiH424TWl1HQ38yIbMcgsuTYqpydnLY6Zv53gOiA55vRbebhMx8GqootxFQEkFnC++dEbwCyl1DjHABEpewXzO4pLJ1hXHNvqObg+ueX3SeNZAKZCtzJ+mccy46C7hZyd8XBZnm7/vLYBTGtVT9M60Bp6e8wRkWZKqY0eLgcoGWUoP1wt/xj0PYC93EyTZEl3GMCTbtJty1dGlEoTkdegg8yG0EGm4+LS1ym5uwA2ys2wfeZ7fsu7u/3zFXQ5f8A8qNEV+iTulmk9ew+6xbwc9PFrEnQ9uQae1wtH4BIF3UoFy287eLqNakHXlQeVUhdb7ESkq5v5FldZPwDXrer53l5KqWwR+RS69f0wdOu+K9bjwC7LcMdxwbGND0C35ueVt/ye86x53g2gr+kdaAZgCIBpIpKklHLucSObMcgsnRZB3ysVrZRaZON8t0FfQfZGzlfxtINu2Zlk47LcCcTlLUP9r2B+CwH0EJFKSilXLQnboIOGRkqpCVewHIcvoa/w/1JKObcwODhaaGsrpT7OY34Z0PfvXYm8tsFFSqlMAKtE5EXoVooG0A8reKoklKEr9QP0QwJnlVJb80g3FLor0lVLkVsiUlXpV/w4c7yeybGfks3fxsh5Qu/sZtbXikg106UNEQmGbhV1dKnaUt6VUmdEZD50C+Z+6Ba3T/Ix/QkAX4rINdD3nAOe14vV0Me/XtAPgzj09nwNcuXpNnJ09188Xpknp++3KR92WQWgv4jEOrrMTcDVs4Dz+wi6nC7KpSdlufnbG/o9vw6ObeN448ZKk7drHa3gpoXY+QLvis955iLnTxEZBt2a3hiX39ZFNmOQWQoppXaJyEQAU0SkHnSFToO+t7EjgA+s9yrmY75ZIjIKuqVhNvT9M1WgDxI7oJ9yLmw/AOgnIhugu0Z6AGh3BfMbDX2S/U1E/mPmWQXAbUqpB0x3ymAA80XEF/peoKPQV9LtoAOINzxdmDl53pVHmtMi8gyAqSISCX2gO2XydSOAZUqpz0zyzdCvOvkB+gp+fy73VrqT6zYQkS7QDwd8A92CFwT9BoAz0CcBj5WQMnSlPoW+sFksIpOgH5DwhW65uhP6IYPzAN6Efvr5ZxF5Ezo4CYI+Ad+glOqWyzLeFZEo6MBsI/QDU22gX8y+C/qhICilDojIcgDPichR6NajB0xeXDkE/V7dMdDdpiNMnl4287OzvM+CflJ6LIBfTLe5WyIyA5fK1GEAdaGD1IUmbx7VC6XUNhH5DMBLJiBZC33ccxd4u3ObiDjfI3lKKbXIw220BfoiYLyIZEEHm0/lMw9FIR66HMwTkeehH9B6GPrBS0AHbx5TSm2HviUgtzSbRORzAGNM78hv0Pdfvgjgc6XUXybpx9BvGJgnIiOhy8Ug6HtzrfMr0DlPRJoCeBv64n8ndD2Lg+5puuJ3+1LeGGSWUkqpkSKyBcBg81HQr31YDH0yL+h8Z4jIeejukPnQTyV/D2C4UursFWc8b0Ohn3x0XP1+D30iW+N2ilwopZJMa8k46O68YOiuw/mWNN+LSHvo+6g+gG45PAjdAuCuy/uKKKXeE5E90Nu5D/QDJfugr/CtD1oMgf7vLwnQ91mNhb6/KD/Lymsb7IC+l+xF6HukzsCcuN20tuW1vOIuQ1dEKXVBRG6FPvk9Av0KqHPQwd93MN2l5l7WdtCv5BkBHQydhA4287qX9R3o/T4Y+p4+X+j7ZmcDeNlpOz0A/eT0ZOgT60fQ+/J9F/NdDv1U+H+g72XeDOB2Exg41s+u8r7ITFcF+h7qvPwKHbw/CCAUugV0NvRFkCNvntaLR6HL1f9Bb7slJv0v+cj/Oy6GbQLQ2JNtpJTKEP1O0CnQAfdx6H2TAtf7pliYfHaCXt93obfbZ9AtwhOgA/nC0A/6doaHoJ8q3w9gIvQxzJq3jtDbcBp0PfsMup6967QeBTnnHYTeH8Og60Ma9INRXZRS62xZS8qV6BZkIiIqzUS/DP8XpdQDxZ0XKvlEZAGABkopd63iRFeMLZlERERXMXMf4lnoFr9gAPdA30LzWHHmi65+DDKJiIiubunQ94tGQ9+XuA3Aw0opV69oIrINu8uJiIiIyHb8jz9EREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDsGmURERERkOwaZRERERGQ7BplEREREZDuf4s4Aab///vutPj4+o5VSFcHgn4iIKC/ZInIwMzNzbMuWLX8s7szQ5UQpVdx5+Mf7/fffb/Xz85sSExOTERAQkObl5cWdQkRElIvs7GxJTU31T0pK8k1PTx/CQLPkYYtZCeDj4zM6JiYmIygoKJUBJhERUd68vLxUUFBQakxMTIaPj8/o4s4PXY5BZgmglKoYEBCQVtz5ICIiKm0CAgLSzK1mVMIwyCwZvNiCSURElH/m/Ml4pgTiTiEiIiIi2zHIJCIiIiLb8RVGJdQX5cs3Sz92rEj3j19ERGbvo0fXF+Uyi9qwYcMqz507NzwlJWVjceelJCn/xRfNjqWnF2l5i/Dzyzzau3eJLW+xsbH1atSokfbll18me5JeRFpNnTr178cff/x4YeetJHr88cerLFq0KGzHjh2bimJ5r776auSYMWOqnj9//g/HsK+//jrk6aefrpaSkuLXtm3bM5MnT97TsmXLRsuXL9/Svn3780WRLzuV/6J8s2PpRXseiPCLyDza++o+D1DRYUtmCVXUAeaVLvPQoUPegwcPrlKrVq1GAQEBLUJCQprXr1+/4dChQ6vs3LmzjJ35vBKjR48+uHr16q12z3fYsGGVRaRVx44dazmPq1KlSpPhw4dXcvyOjY2tJyKtHJ/Q0NDmbdu2rfvTTz8F2Z0vTxV1gFnQZfbs2TPGsd18fHxahYaGNm/evHn9p59+utKhQ4e87cxfQkLCzunTp+/xNH1ycvL6uLi4E3Ytf/LkyRHWcuLqM2zYsMp2LS83p06d8ho2bFjlunXrNgwICGgRFhbWvHnz5vUnTpwYefbsWSmKPDh7/PHHj+7YsWODddiQIUOqx8bGnt22bduGefPm7W7SpElacnLy+rZt25a6ABMAijrALMgyz549K08++WTl6tWrN/b3928ZFhbWvHHjxg3GjRtXAQD69+9frUKFCk0vXLjgcvq6des27NatWw3H74MHD3oPGjSoakxMTGM/P7+W4eHhzVq3bl1vypQpEe7mQSUXWzLpiu3cubNM+/bt63t7e6tnn312f+vWrVMDAgKyt27d6vfNN9+EjR8/vuLMmTM9PlkXptDQ0OzQ0NDswpi3n5+fWrx4cdiCBQuCu3Tpcia3tF27dj0+ZcqUPQCwb9++Mi+99FKlu+66q87evXv/Kqz8XS1atWp1dt68ebuys7Pl6NGj3r/88kvQ22+/XXHWrFmRixcv3ta0adN0O5YTFRWVlZ/00dHRmXYs1+Ghhx463r1791OO30OGDKm2Z88ev/nz5+90DHNXVtLS0sTf39+WhwmPHDni3a5du/qnTp3yfvbZZ/dfd91154KDg7N+/fXXoKlTp0bVqlUr/e677z5tx7Lyo2zZsqps2bIXt3l6errs37/ft1OnTqdr1ap1MRqxY7/YuT2vNv369au+cuXK4IkTJ+5p06bN+RMnTnivXbs2MCUlxRcAhgwZciQ+Pr7Cl19+GfbAAw+ctE67ePHioB07dgS8/fbbKQCwa9euMjfccEN9b29vNXLkyP2xsbHnfX191bJly8pOnjw5qmXLlufbtWuXWhzrSQXDlky6Yo888kj1CxcuyPr16zcPHjz4+DXXXJPatGnT9F69ep3+7LPPUj788MM9gO7Kio2NrRcaGto8ODi4eZs2beotXbo00DovEWk1bdq0cOuwdu3a1e3Zs2eM4/fs2bPDGjRo0DAgIKBFcHBw8yZNmjT49ddfAwB9onn44YerRkVFNfX19W0ZGRnZtEuXLjUd0w4bNqxydHR0Y8fvrVu3+nbq1KlWhQoVmgYEBLSoW7duw6lTp+ZYfmxsbL177723+jPPPFOpfPnyzUJDQ5v37Nkz5vTp0znqT4UKFTI6d+58Yvjw4VWzsnKPTwICArKjo6Mzo6OjM9u2bZs6duzYA2fPnvXeuHGjn6fb/Z/K19dXRUdHZ8bExFxo3bp12r///e9j69at2+Lv75/9yCOPVHekmzFjRrn69es39PPza1mlSpUmDz/8cFXnffbKK69E1qpVq5Gvr2/L8PDwZrfddtvFsuLY747fP/74Y9mWLVvWDwoKahEUFNSiXr16Db/66qsQx3jnspucnFymS5cuNYODg5v7+/u3jI2NrbdixYqL5X3BggXBItLq66+/DmndunW9gICAFrVq1WrkmGfZsmWVo4xER0dnBgQEZJcpUybHsNDQ0Oy5c+eGiEirr776KqR58+b1fX19W06bNi0CAJYsWRLUtm3bugEBAS0iIiKade7cueauXbty9Cx8+eWXoc2aNavv7+/fMioqqmnv3r2rHzly5GKr8NChQ6vu27fPd+XKlVuGDRt29Jprrklt2LBhxsCBA0+sW7du60033XTO1X7asGGD3y233FKrfPnyzQICAlrUq1ev4fvvv1/OmiYhISG4efPm9QMDA1uULVu2RYMGDRomJCQEA0B2djaefvrpSlWqVGni2D/t27ev42jNevXVVyMDAwNbAMDcuXND/P39WwLAgAEDaopIqxkzZpT7448//EWklXW7JyUllenWrVuNcuXKNStbtmyLVq1a1Vu0aNHFXoTctiddbuHChWFDhgw5+OCDD56sX79+Rtu2bVOfeOKJY6+//voBAGjVqlVay5Ytz3744Yflnad97733ysfExKTdfvvtZwFg4MCB1TMyMrz+/PPPLY899tjxVq1apTVp0iR96NChxzZs2LClcePGtlxAUtFhkElX5NChQ97Lly8PHTBgwOHw8HCXrSpeXrqYnTlzxmvQoEGHf/755y1Lly7dWrNmzbTu3bvXPXjwoMfdnCkpKT79+/ev2bNnz2N//PHHpuXLl28dPHjwoTJl9HnzlVdeqZCQkBD+4Ycf/r1p06aNc+fO3RkbG3vW3fxOnz7tfdNNN51OSEjYkZiYuLlfv35Hn3zyyRqOE53D999/X+748eM+ixYt2vbhhx/uXrhwYdjo0aMvey/bG2+8sXf37t0BU6ZM8fikdObMGa/3338/IiwsLJMH0YIJDw/P7t+//5E1a9YE79+/32fy5MkR//d//1d96NChB//444+NH3zwwd8rVqwI6du378Wg8amnnqr88ssvVx0wYMDhxMTETd9+++2Opk2bumwlyczMRK9evWq3bNny7KpVqzavWrVq8/PPP78/KCjIZZnPzs5G165da+3cudN/7ty5O1esWLElMjLyQpcuXeoeOHAgRw/Ss88+W/XZZ589sGbNms1NmzY9FxcXV/Po0aP57vofMWJEteeee+7AX3/9tbFHjx6nfvvtt4A77rijbvv27U+vWrVq84IFC7ZnZGTIrbfeWjc9PV0AYM6cOSFxcXE1+/TpcywxMXHT559/vmvHjh3+3bt3rwkAFy5cQEJCQvjdd999zNo66ODt7Y2IiAiXV1SnTp3y7tSp0+nvv/9+e2Ji4ub77rvv2KBBg2o6ArrU1FTp3bt37Xbt2p1Zs2bN5t9++23ziBEj9gcEBGQDwIwZM8Lff//9qDfeeCNl06ZNGxMSErbffPPNLltMu3Tpcmbbtm0bAGDSpEnJycnJ651bzUyevG688cZ62dnZSEhI2LFy5crN7du3P9O1a9d6mzZtynGB57w987c3/jkiIyMvLFq0KDS321UGDBhw5Oeffw61XuCcOHHCa8GCBeH9+vU7Clw6lzz00EOHXZUpPz8/FRISwl6eUobd5XRFNm/e7JednY2GDRvmeJl8ixYt6m/bti0AACpXrpyxc+fOTX379s1x0P/ss8+Sy5UrV+7rr78Ofeyxxzx6WGLPnj1lMjMz5cEHHzxRr169DABo2bLlxWUnJyf71qhRI61z585nvLy8UKdOnYwbb7zR7f1YsbGxqbGxsRcDi0aNGh1esmRJ8KeffhretWvXi13elSpVynC0yLZo0SJt3rx5x5cuXRoCYL91fnXr1s0YMGDAofHjx1fp37//CXcHxa+++ioiMDAwHABSU1O9wsLCMmfPnr2LXeUF17Rp01SlFLZt2+Y7ceLEyi+88MK+wYMHHweAhg0bZgBI6dy5c70jR46k+Pn5qenTp1ccPnz4vpEjRx5xzOP66693WVZOnDjhffr0ae/u3bufatKkSToAOP66kpCQELxhw4agxMTETa1atUoDgLlz5/4dHR3dZNKkSZGOVh4AGDly5H5Hd/Pbb7+9t3r16hHLly8P6tmzZ766oEeOHLn/3nvvzdG93rlz5xMTJ0486Bg2b968v8PDw5snJCQE33333afHjx9f+bHHHjs0YsQIxzZInzlzZlKzZs0a//HHH/5ly5bNPn/+vFfDhg3z3UV5/fXXn7duz0aNGh366aefQmbPnh3esWPHc4cPH/Y5f/68V8+ePU86Lq6stzokJyf7RkVFXejRo8epMmXKoE6dOrjuuutc5sPf319VrVr1AgCUK1cuy10X+XvvvReRlZUl33zzzd/e3jomevPNN/cvW7YsZOrUqeWnTZu2z932JNfefffdpLi4uJqVK1duXqtWrdRWrVqdu+OOO0716dPnpKOBIS4u7sTIkSOjp0+fXt5R9j/44IPwrKwsGTRo0FHg0rmkUaNG7A6/irAlk66IUsrlTf9r6KiYAAAgAElEQVT//e9/d61Zs2Zznz59jqSmpnoBumu6e/fuNaKjoxuXLVu2RXBwcIuzZ896Jycn+3q6vGuuuSb1+uuvP92iRYtGHTt2rPXyyy9XsD5YNHDgwKPbtm0LqF69euM+ffpEx8fHh6Wlpbl9MOHMmTNejz/+eJXatWs3Cg0NbR4YGNhi+fLloXv27MmRp0aNGuUIPqpUqXLh6NGjLh9oGjdu3IGsrCwZNWqU2/9A0alTp5Nr1qzZvGbNms0rVqzYcs899xzr3bt37d9++y3A021BOWVn6/jcy8sL+/fv9x09enTVwMDAFo5Pjx496gD6ZLZu3Tr/9PR0ueOOOzwK5CIjI7Puvffeoz169KjTvn37OiNHjqy4fv16t7c2bNiwISAsLCzTEWACQEBAgGrWrNm5LVu25NjHbdq0uVi2oqOjM729vXHgwIF8Pyx3/fXX5+i2Xr9+fWBCQkK4dRtUrFixWXZ2tmzbts0/OzsbmzZtCpw6dWpFa5prr722IQBs2bLFTyl9G6JI/p/tOXXqlNejjz5atVatWo1CQkKaBwYGtli1alXwnj17/ACgevXqF7p163a8c+fO9Tp06FD7hRdeiLLeLhIXF3f8zJkz3lWrVm16zz33xLz77rvhzrc75FdiYmLgwYMHfYODg1tY13nDhg2Bu3bt8remdd6e5FqnTp3OJScnb/jhhx+23nfffccOHz7sExcXV+uWW26p7aiTgYGBqmfPnsc+++yz8o5biT7++OPITp06nahYsWIWcOlcUpCyRiUXWzLpijRq1CjNy8sLmzZtynGArl279gUACA8Pv9jt0aVLlzrlypXLfPPNN1NiYmIy/Pz8VIcOHepnZGRcPHGICBwnNocLFy5cPOr4+Phg+fLlO5YvXx74448/hsyfP7/c+PHjq86cOXPXfffdd6pdu3apSUlJG+bPnx+yZMmS4BEjRkS//PLLWWvXrt3iqjv/8ccfr7pw4cKwcePG7WncuHFacHBw9pNPPln1zJkzOeqGr69vjky5yqdDuXLlsp977rl9L774YrWhQ4cecZUmODg4y9o1fsMNN5xfuHBh2GuvvRb19ddfJ7mcMeVqw4YNASKCmjVrZgDAuHHj9tx6662XPYBVs2bNjNWrVwcA+TuhffHFF8lr16499N1334UuWbIk5NVXX638yiuvpDzzzDNHPZ2HUuqyZfr5+V1WkBwn5/wIDg7OMVF2drbce++9R0eMGHHIOW3FihUzlVJQSslTTz2174EHHrjsqfjo6OgLAQEB2YGBgdmbNm3K98XPwIEDq/36668h48aN21u/fv204ODg7MceeyzaWp+/+eabv1evXn3wu+++C1myZEnIxIkTq0yaNCn5iSeeOFavXr2M3bt3b0hISAhZvHhx8H/+85/KY8eOrbJq1aqt1atXL9BjxtnZ2VK/fv3zX3zxxW7ncc7bz/k3uVemTBl07NjxXMeOHc8BODRt2rTwwYMH1/jf//5X9o477jgL6AeAPvroowpfffVVSJUqVS5s2rQpcMKECXsd83CcSzZu3BgA4LJbHah0YksmXZGoqKis9u3bn/rwww+jjh075vaenIMHD3rv2rXL/5lnnjnQs2fP061atUoLCAjIPn78eI5gLjw8PHP//v0XWxFTU1Nl586dOQJYLy8v3HTTTecnTJhwMDExcVubNm3OxMfHX7ypPDQ0NLtv374n4+Pj96xdu3bz7t27/X/44Ycc91g6rF69umyPHj2ODRw48ETbtm1TGzRokP7333/7u0qbH//+97+PVqtWLf3pp5+u6uk0Pj4+ytHqS/lz/Phxr5kzZ1a49tprT1erVi2zYsWKGdu2bfNv3LhxuvMnMDBQtWzZMs3Pz08tWLAgJO+5X9KmTZu0MWPGHFqxYsWOXr16HY2Pj490la5JkyapJ0+e9Fm3bt3FspSamip//fVXUIMGDYqkO7Bp06bnNm/eHOBqG5QvXz7L29sbDRo0OL9lyxaXaUJCQrLLlCmDLl26HJ87d26E8wNDAJCVlQV39X716tXBvXr1Ota/f/8Tbdu2Ta1Xr156UlLSZa2/11xzTepLL7106Jdfftlx5513Hrdu08DAQHXvvfeemjFjxt7NmzdvOnnypM/cuXNDC7pNWrVqdS45OdkvMjIy03l9Cxq40uWaNGmSBgCHDh26WGZatGiR1rp167MffPBB5LRp0yKrV6+ebn0Lh+Nc8tFHH1VwVabS09PlSluyqehxh9EVmzFjRoqPj49q1qxZwylTpkSsXr06YPPmzb5z5swJ+fHHH0O9vLxUZGRkVrly5TI/+OCDyL/++svvp59+CurVq1dNPz+/HK0F11133en4+PjIn376KWjt2rX+vXr1isnMzLzY8rFo0aKgZ555ptKSJUuCduzY4Tt//vzgbdu2BdSvXz8VAF588cWo6dOnhycmJvpv3brVd9q0aeW9vb3RqFGjNOd8A0DNmjXTfvjhh7ClS5cGrlu3zr9Pnz7Vjxw5csXv9fTx8cHEiRP3fvvtt+GuutVTU1O9UlJSfFJSUnzWr1/vN2zYsMq7du3y79atG6/g85CRkSEpKSk+ycnJZdatW+f/1ltvRbRq1apBRkaGzJgxIwUAXnjhhX0zZ86sMHz48Epr1671X79+vd8nn3wS1qdPn+qAvhB55JFHDr7++uuVX3nllci//vrLb+XKlQHPPfecy1scNm7c6PfYY49V+fHHH8tu377d96effgpas2ZNcJ06dVyWq65du55p0qTJufvvv7/mwoULg9auXet/991310hPT/caNmyYy9Ztu40aNerA5s2bA+++++6YFStWBG7evNl3/vz5wX379o12BIxjx47d991334UPGjSo6sqVKwM2btzoN2fOnJCePXvGZGbq2xonT568t1KlShlt27Zt8Oabb5Zfs2ZNwNatW31nzpxZrnXr1vWXLl3q8v2uNWvWTPvuu+/Cfv7558DExET/Xr16xZw8efLiReW6dev8hwwZUmXhwoVB27dv9124cGHQunXrytatWzcVAF577bXyb775ZvnVq1cHbN++3Xf69OkR6enpXo0bN3a5zT3x+OOPH4uIiMi89dZb63zzzTfB27Zt8128eHHQ8OHDK33xxRcFDl7/ydq0aVPv1VdfjVyxYkXg9u3bfefPnx88ePDg6ODg4Kzbb789R0/CgAEDjixZsiR0/vz5EX379r2sHjjOJS1atGjw7rvvhq9bt85/48aNftOmTQtv2rRpA759o/Rhd3kJ5RcRkVkc//GnINPVqVMn448//tj80ksvRb3xxhsV9+/f7wcAVapUSe/QocPp4cOHH/L29sYnn3yya9iwYdFt2rRpVKlSpYwxY8bsHTVqVI6WvnfeeWdPXFxcTPfu3euWLVs266mnnjpw7Nixi0FauXLlstasWRM0c+bMCqdPn/YuX778hbvuuuv4xIkTDwBASEhI1pQpU6KSk5P9s7OzUbNmzbT4+PhdzZo1c/mQxpQpU/bExcXFdO7cuV7ZsmWzHnjggaO33377iaSkpCtuzbzrrrtO33jjjaeWLVt22ckrISEhPCEhIRwAgoKCsqOjo9PeeuutJE8fgLJbhJ9fZnH8x5+CTLdu3bqy1atXb+bt7Y3AwMCsGjVqpPXs2fP4iBEjDkdGRmYBwODBg4+HhIRkT5o0qeI777xT0dvbG1WrVk3v0qXLxW7ht956a39kZGTme++9FzVq1KhqISEhWbGxsS7fbxocHJy9a9cu/759+0acOHHCJywsLPPmm28+NXXq1L2u0nt5eSEhIWHX4MGDq/Xs2bPOhQsXvJo0aXJuwYIF2ytVqmTr+zTdadu2bepPP/209YUXXqhyxx131L1w4YJXVFRUxnXXXXe6XLlyWQDQs2fP0/Pmzds+fvz4SrNmzYoE9IN6HTp0OOV4aCMqKiorMTFxy9ixYytOnTo16rnnnvPz8/PLrlGjRtr9999/tHPnzi632fTp01P69+8f06lTp3rBwcFZcXFxR7Kzs085ei9CQ0Oztm7d6j9nzpxaJ0+e9AkLC8vs2LHjySlTpuwFgLCwsKwpU6ZEjRo1qmpmZqZER0enT548OenWW291+7aIvISGhmb/9ttvW4cNG1Zl4MCBNU6ePOkTHh6e2aJFi7N33313ibvAi/CLyCyO//iTn/QdO3Y89eWXX4ZPmDCh8rlz57zDw8MvxMbGnp05c2aSc1nv16/fieeee67auXPnvAcNGnTMeV516tTJ+P333zePHj264oQJEyofOHDANygoKKtWrVppTz755ME2bdrwoaBSRtzdV0ZFZ/369UnNmjXz+L4uIiIiumT9+vXlmzVrFlPc+aCc2F1ORERERLZjkElEREREtmOQSURERES2Y5BJRERERLZjkFkyZGdnZ/PfHBAREeWTOX/y5fklEIPMEkBEDqampl7xK3OIiIj+aVJTU/1F5GBx54MuxyCzBMjMzByblJTke+7cuQC2aBIREeUtOztbzp07F5CUlOSbmZk5trjzQ5fjezJLiN9///1WHx+f0UqpimDwT0RElJdsETmYmZk5tmXLlj8Wd2bocgwyiYiIiMh2bDEjIiIiItsxyCQiIiIi2zHIJCIiIiLbMcgkIiIiItsxyCQiIiIi2zHIJCIiIiLbMcgkIiIiItsxyCQiIiIi2zHIJCIiIiLbMcgkIiIiItsxyCQiIiIi2zHIJCIiIiLbMcgkIiIiItsxyCQiIiIi2zHILIVEJEZElIj4eJA2TkR+KaJ8dRCRTXanJaIrJyLbROQGu9MWFRG5RUSSijsfVDqJyEIRud/utEVFRGqLiCrufOQXg8xCJiJJIpIhIuWdhv9pAsWYYsrXDSJy1nzOmbyctXyi8ztPpdQypVQju9NS/onIMhE5ISJ+xZ2XwiIi3Uw9Oi0iR0VkcXHVJ7uJyCZLXcwSkTTL75EFmadSqp5S6me70+aHiPiJyFsisk9EzojI3yLyut3LyWee9opIh+LMg5U5Z6Q6HY8rF3e+ipKI/M+y7hfMOdTx+92CzFMp1Ukp9andafNDtBfMPj5ryp7ty8lnnn4RkbjCmn+eLWFki78B3AfgHQAQkSYAAoozQ+YEUtbkJwY6j2FKqUxX6UXEy0yXXURZpAIy+/MGAKcA3Angv0W4bB93Zcjm5dQGMAtADwBLoMtyJwC2lU8REQBSHGXeegEmIssAzFZKfeAufVFtdxu8AKApgFYADgGIAXBdcWaohOqqlPqpuDMhIt5KqayiXq5S6nZLHuIB7FVKveAufSkq/w8B6A3gZqXUbhGpBKBLMeepULEls2h8AqCv5Xc/6BPkRSISKiKzROSIiCSbqx0vM85bRF43rTW7AdzhYtoPReSAaSEYJyLeV5ppc4XzsoisBHAOQLSIPCwiW0wrxC4RediSPkd3lrlKGyYiG0TklIh87mhZy09aM/45ETlo1m9gcbYClwJ9AawCEA9d1i4SkQARmWTK2CmzjwPMuOtF5DcROSkiexxXt6ZV1Lqfc9yCYfbFYBHZAWCHGfa2mcdpEVknlq5XU55HmvJzxoyvJiJTRWSSU34TROTfLtaxOYC/lVKLlXZGKfWVUiolt2WYce1EZK1Z/7Ui0s6yvGUiMl5EfgVwHkDN/NQvudRSt9983rKU+Q6mnD8tIofN/PrnvitdM/VwhYhMFpHjAF4QkToislREjpljxSciEmqZ5mKLnVmHz0Vkttk+G0WkZQHTthbdonxGRL4Qkf+KyBg3WW8DYJ5S6qDZb38rpWab+fg412uzzBzzEpFRZh3/FpHeluFd5NKxaa+IPGUZd6eIrDdl+xcRaWyGfw6gMgBHy9mwfO2IYmbq4m651Cp8v2XcQMv22OzYZyLSwJTzk6JbzO+0TBMvItNF5HsROQfgJlOmXxeRFBE5JCLvijlmuMiPl+hzV7Ip47McZVAu3ebVz8zrqIg8X8D1vkV0a+BIETkI4H0RiTD5PiK6FydBRKpYprnYYmfqz3IRedNsh90i0qmAaWuZ9GdEd7NPFx0Yu9IGwA9Kqd0AoJQ6oJR63zKvHK3qpu7lmJfZr47ji7WMXysiv4s+5h4Skdcs464TkVUm/3+KSHszfCKAtgDeNeX/LU/3gceUUvwU4gdAEoBbAGwD0ACAN4A9AKoDUABiTLpZAOYDCIa+ut8OYIAZNwjAVgDVAIQDWGqm9THjvwHwHoAgABUArAHwqBkXB+CXPPIYY52fZfgvJv8NAJSBbvnuCqAmAAFwM4BUAE1N+lsAJFmm3wsd7FQEEGHW6eECpO0CYL/JRxCAz63bjp/L9udOAI9DtxZdABBlGTcVwDIAVUxZbAfAD0A0gDPQLe5lzD5obqZZ5tgXrsqU2ReLTNkMMMMeMPPwAfA0gIMA/M24ZwBsAFDPlKNmJm2s2c9eJl156EAvysU61gSQBuBNADcBKOs03t0ywgGcAPCgydt95neEZV1TADQy48sgl/rlIl8vmXJcAUAkgN8AvGzGdQCQadKUAdDZrF+5PPZnju1vhj1s5vWY2Y8BAOoC+BcAX7P8XwG87lTHOpjv46Dr7q1m+tec9qlHaU3Z2QtgiFmne6DL3Bg36zIGQLLJd2PolmLHOB841WsAsx3zgj5mZJrl+0Eff84DqG3GHwHQznwPB9DSfG8D3WraxuT/IQC7APg6r2tJ+MCcMzxIFwTgNIB65nclAI3M93sA7DPrLABqQ59zykAfH0aacnIzdL13zCMeugfkOuhGKH8AbwH41mzTYAAJAF5xk6eHzPxrQvcuzAPwiRkXY/bv+6a8NgOQDqBBHusZD2Cc0zBHWfiPWY8A6Pp2l/keYpY91zLNLwDiLPXngsmvN4ChAPYUMO0aABNNPtqb7RnvZl3iABwD8H/Qx2dvp/E5yiJ03Ys332ub7fcJgECz/Y7hUj1dC+A+8z0YwDXmezWT7lazT28DcBSXjnkX17VQynNxV6ir/YNLQeYLAF4xO3gRLAdUU3DTATS0TPcogGXm+xIAgyzjOplpfQBEmWkDLOPvA7BUXSrUVxJkjspj2gUABpvvrgLH3pbfbwCYUoC0s2BO1OZ3fTDIdLc/rjcHxPLm91YAT5nvXtDBQjMX0z0H4Gs381yGvIPMm/PI1wnHcqEvuLq5SbcFQEfzfQiA73OZ57UA5kAHF2nQJ6OyuS0DOrhc4zRsJS6dUJYBeMkyLtf65WL+uwB0tvy+1VHOoYPMVGs9A3AYwLV5bLsc298MexjA7jymuxvAWstv58DxB8u4pgDO5jctdJCS4rTcVXAfZPpAn6R/M9t1H4AHLOPyCjIzAARaxs8D8Jz5vt9sl2CnZb4PYLSL/XSd87qWhA/0OeMsgJPm842bdEFmfE9r+TTjfgTwpItpboC+4POyDPvcso3jAcyyjBPoXqxalmFtoXsRXOVpMYDHLb/rQR+PfHDpPFPVMn4NLMd9N/OMh+sgMw3mQsHNdK0BHLH8dg4ct1rGhZi8lc9PWuhg2vn48AXcBJlm/INmO52DCThd1TtL3Ys33x1BZm3L+DcAvGe+/wZgFEzwaEnzPICZLvbT/c7rWhgfdpcXnU8A9IE+Qc9yGlce+ioo2TIsGbq1CdDdOXucxjk4rk4PmKbwk9CtLhVsyrd1uY4uqdUictwsq5PJvzsHLd/Pw9wHms+0zuufI0+UQz8AC5VSR83vz3Cpy7w8dMvELhfTVXMz3FPO5eRp01V3ypSTUFwqJ7kt62PoVlCYv5+4W6BSapVSqpdSKhL65Nke+oCa2zIqI2f9AXLWNed1yW/9cp5/shnmcEzlvHcsrzqRG+dtXlFE5oju0j8NfXLOT90MKkDaytAnRrf5slJKZSql3lFKtQMQBuBVAPEiUjeXZVsdU0qdt/y2bt+7oO9BTjHdwdeY4dUBjHDsP7MPKyHnPi9puiulwsynOwCYbuqLD38ppc4BuBe6p+uAiHwnIvXN9LmV/z0q533GuZX/SOhWs3WWbfeDGe6Kq/LvaAxxyM85ITeHlFIZjh8iEiQiH5iu+NPQjTP5Kf/IJS/u0laGLpOplvG5np+UUp8opf4FXf4HA3hFRP6V2zROnGMBR/nvD6AhgG0iskZEOpvh1QHc51T+r0XO41KhYZBZRJRSydAP13SGvvq2Ogp9tVfdMiwa+iofAA5AHzSs4xz2QF9JlbcclEKUfU9uK8cXcx/OXOgW2SilVBiAhdBXu4XpAICqlt/V3CX8JzP7pxeAG0Xfv3oQwFMAmolIM+hylgaglovJ97gZDugr7kDL74ou0ljLyQ0ARpi8lDPl5BQulZPcljUbQDeT3wbQXdV5Ukqtha5XjfNYxn7krGdAzrqWY12Q//rlPP9oM6wwKKffE6Hz2kQpFQJ9QVvUdRPwsH4qpVKVUm9Dt9o1MMF3OnIvaxFO9wNe3L5KqdVKqTuhLwAWQLcoAXofjrXsvzClVKBSao4jK57kt7gppQYppcqaz3/MsB+VUh2hg+at0K22QO7lv5qY+/2N3Mr/UejW90aWbReqlHIXjLkq/5nQtyvYzXm/DQdQA0CsKf83F8IynR2ALpP+lmGelv8LSqkvAGzCpeOWJ8da51jAUf63KaV6Q5f/SQC+MvnaA92SaS3/QUopxz2bhVr+GWQWrQHQ3YrnrAOVfnpvDoDxIhIsItUBDIM+4cKMe0JEqopIOQDPWqY9AB3oTRKREHPjdS0RubEQ8u8H3eJ6BECWiHSBvgessM0BMEBE6olIIIAXi2CZpVF3AFnQV7PNzacBgJ8B9DWtFx8BeENEKot+OKat6AdTPgVwi4j0Ev0ARoSINDfz/RNADxEJFP1U94A88hEMfWI5AsBHREZBdzE5fADgZdEPqoiINBWRCABQSu2FvrfoEwBfObUQXCT6IaWBIlLB/K4P3Yq1Ko9lfA+groj0Met5r9leC1wtpwD163Poh3AiRb+2bBQu1ePCFgx9kjol+iGn/yuCZf4CwFtEHjPbsyf0vWYuichTItJe9ANoPiLyEHTr+p8myXoA95uyeQf07R9WXgDGiIiv6Ackbgcw18yvj4iEKKUuQN8X53gqegaAwSLSxpSFsiLSVUQcrbGHoLs9SxURiRL9QFMQdHB+FpfW+QMA/ycircw61zbnldXQZWS4iJQx27ArLgXkOZhjxvsA3rTUtSoicqubbH0O4CkRqSEiZaHvmfxSFc2T38HQrYwnTF0fVdgLVErtgr73e7Qpk9fD6cFcKxF5SEQ6m/O8lynj9aBvGwB0Peht6kYs9NsznL1oynsT6F6qL828HxSR8mafnYIOHrOhj6V3iUhHU6/8ReQmufRarEIt/wwyi5BSapdSKtHN6KHQlX839IH7M+iAANCV/EfoA/DvuLwltC908LcZ+t63udBXtrZSSp2Ebhn7GsBx6Hu+XJ6cbV5uAoDpAFZAP738qxmVXtjLLmX6QV+xpij99O5BpdRBAFOgT9w+0IHHBuhA7jh065eX0k9ld4Z+SOc49MGumZnvm9D3wh2C7s7O671uPwL4H/TDW8nQrafWLp43oC8cFkI/uPAhcr7S62MATZBLVzn0vWh3AtggImehu/C+hu5+dbsMpdQx6AfJnoa+H2o4gC6W2wtcyU/9GgcgEcBf0Nv5dzOsKIyGfnjqFPSDGl8V9gKVUunQ3dSDoLdNL+hA3l3dTIN+kOQQdCvZowB6mJ4eAHjCzO8k9MMr3zpNvxf6OHkAupw8rJTaYcb1A5Asuqt0APS9b1BKrYZ+0Gi6yeN2XLolA9CB0FjRXYmu3mRQUnlBl+P90HX2RugH/qCU+i+A8dDnkTPQPQLhpnv5Tujg/CiAadAXoFtzWc4I6Id5Vplt+xN0YOTKR9D1dgV0z10a9LmtKLwBfVvOMej7E/9XRMu9D/pWnWPQdfBLuC//p6Gfz9gDXRb/A+ARpdRKM/556GcOTkI3pnzmYh6/QMcJC6EfwFpihncGsEVEzgB4HcC9SqkMpVQSdJ16EfrCPwW63Djiv7dwqTv9jXyvfR7E3PhJVGqYK7jfAfgpvrfzqiP69RqzoR8A4f4tZURkHYC3lFK5XSQQXZVE5CsAfyqlXi7uvJQEbMmkUkFE7jLdEREAJgCYzwDk6iMiZQA8CeAD7t/SQfT7P6NMF98A6JaYhcWdL6KiICKx5vYAL9EP23SBfh0hgUEmlR6Dobt3dkB3wQwu3uwUDxH5SPRLjje6GS+iX9C9U0T+EstLs0s6EWkA3U1UCboLh0qHBtC3B5yE7u7uqZQqjAc9Ct3VXL+o0FSGvj3gDPStRQOVUn8Vb5ZKDnaXE5Uipiv5LPS77Bq7GN8Z+h6ozgCuAfC2Uuoa53REdDnWLyJ7FVpLpugngf+0fE6LyL9FJFxEFonIDvO3XGHlgehqo5RaAX2TvzvdoE+QSim1CkCY6P+PS0R5YP0ispdPYc1YKbUN+hUqEP1/fvdBP/35LIDFSqkJIvKs+T0it3mVL19excTEFFZWiYrUunXrjpoXiBeGKsj5JPdeM+yAc0IReQTAIwAQFBTUqn79+s5J8rTu2LGC5dJJq4gIW+ZDBBRqHSvS+gXYU8dYv8huntaxQgsynfwLwC6lVLKIdIP+92qAfgXFMuQRZMbExCAx0d2bf4hKFxFx/o8zts7exTCX98QopWZAv0MQrVu3VgWpY/Lxx/mexpXEfv3yTlSM7FpPVcLX82pRiHWsSOsXYE/ZK+n1C7BnPVm/io6ndayoHvzpDf2SVkD/p5gDwMUXHbv892wi8oiIJIpI4pEjR4oom0Sl3l7k/I8QVVF4/3GG6J+G9YsoHwo9yBQRX+iXv/43P9MppWYopVorpVpHRhZWzyLRVedbAH3NU7DXAjjluKgjoivG+kWUD0XRXX47gN8tr7Q4JCKVlFIHzA3Th4sgD0RXBRH5HPp2k/Iishf6P0yUAQCl1LvQ/22lM/R/6DgPoH/x5JSo9GH9IrJXUW5jDx8AACAASURBVASZ9+FSVzmgrwT7Qb9Qux/40lIijyml7stjvMI/9B2iZI9/8r1xrF9E9irU7nIRCQTQETn/1/YEAB1FZIcZN6Ew80BERERERa9QWzKVUucBRDgNOwb9tDkRERHRP8Y/7U0V/LeSRERERGS7onpPJlGJIR+7etVd/ql+/JesRERE7rAlk4iIiIhsxyCTiIiIiGzHIJOIiIiIbMcgk4iIiIhsxyCTiIiIiGzHIJOIiIiIbMcgk4iIiIhsxyCTiIiIiGzHIJOIiIiIbMcgk4iIiIhsxyCTiIiIiGzHIJOIiIiIbMcgk4iIiIhsV6hBpoiEichcEdkqIltEpK2IhIvIIhHZYf6WK8w8EBEREVHRK+yWzLcB/KCUqg+gGYAtAJ4FsFgpVQfAYvObiIiIiK4ihRZkikgIgPYAPgQApVSGUuokgG4APjbJPgbQvbDyQERERETFw6cQ510TwBEAM0WkGYB1AJ4EEKWUOgAASqkDIlKhEPNARERFTD4WW+aj+ilb5kNExaMwu8t9ALQEMF0p1QLAOeSja1xEHhGRRBFJPHLkSGHlkYiIiIgKQWEGmXsB7FVKrTa/50IHnYdEpBIAmL+HXU2slJqhlGqtlGodGRlZiNkkIiIiIrsVWne5UuqgiOwRkXpKqW0A/gVgs/n0AzDB/J1fWHkgIipJ7OhGZhcyEZUWhXlPJgAMBfCpiPgC2A2gP3Tr6RwRGQAgBcA9hZwHIiIiIipihRpkKqX+BNDaxah/FeZyiYiIiKh48T/+EJUiInKbiGwTkZ0ictmDdCISLSJLReQPEflLRDoXRz6JSivWMSL7MMgkKiVExBvAVAC3A2gI4D4RaeiU7AUAc8wbHXoDmFa0uSQqvVjHiOzFIJOo9IgFsFMptVsplQHgC+h/bmClAISY76EA9hdh/ohKO9YxIhsxyCQqPaoA2GP5vdcMsxoD4AER2Qvge+iH71ziu2iJLmNbHWP9ImKQSVSauHr/jfP7bO4DEK+UqgqgM4BPRMRlPee7aIkuY1sdY/0iYpBJVJrsBVDN8rsqLu+qGwBgDgAopVYC8AdQvkhyR1T6sY4R2YhBJlHpsRZAHRGpYd492xvAt05pUmBeESYiDaBPgOyrI/IM6xiRjRhkEpUSSqlMAEMA/AhgC/QTrptE5CURudMkexrAQBFZD+BzAHFKKf6LGCIPsI4R2auw/+MPEdlIKfU99MMG1mGjLN83A7iuqPNFdLVgHSOyD1syiYiIiMh2bMkkomInH7t6qDd/VD/2WBIRlSRsySQiIiIi2zHIJCIiIiLb5dldLiJtATwA4AYAlQCkAtgI4DsAs5VSpwo1h0RERERU6uTakiki/wPwMPTrHG6DDjIbAngB+t1g8y2vdSAiIiIiApB3S+aDSqmjTsPOAvjdfCaJCP/TARERERHlkGtLpiPAFJEgx/9mFZG6InKniJSxpnFFRJJEZIOI/CkiiWZYuIgsEpEd5m85+1aHiIiIiEoCT19htALADSYgXAwgEcC9AO73YNqbnALRZwEsVkpNEJFnze8R+cgzERER0T9WaXntm6dPl4tS6jyAHgDeUUrdBX1vZkF0A/Cx+f4xgO4FnA9RqSYi14tIf/M9UkRqFHeeiIiI7OJxkGmeMr8f+qlywLNWUAVgoYisE5FHzLAopdQBADB/K7hZ4CMikigiiUeOHPEwm0Slg4iMhm7Bf84MKgNgdvHliIiIyF6edpf/G/pk+LVSapOI1ASw1IPprlNK7ReRCgAWichWTzOmlJoBYAYAtG7dmv/Kg642dwFoAf0AHUw9CS7eLBEREdnHoyBTKbUcwHLL790AnvBguv3m72ER+RpALIBDIlJJKXVARCoBOFygnBOVbhlKKSUiCtAP1xV3hoiIiOyUa5ApIgnQXd4uKaXcviPTnDS9lFJnzPdOAF4C8C2AfgAmmL/zC5BvotJujoi8ByBMRAYCeAjA+8WcJyIiItvk1ZL5uvnbA0BFXLpn7D4ASXlMGwXgaxFxLOczpdQPIrIW+gQ7AEAKgHsKkG+iUk0p9bqIdARwGkA9AKOUUouKOVtERES2yTXINN3kEJGXlVLtLaMSRGRFHtPuBtDMxfBjAP5VgLwSXTVE5Cel1C0AGFgSEdFVydMHfyJFpKYJHGFetRJZeNkiuuqdF5FQpdSp4s4IEdHVwI53RwJF8/7IfwpPg8ynACwTkd3mdwyARwslR0T/DGkANojIIgDnHAOVUnk+UEdERFQaePp0+Q8iUgdAfTNoq1IqvfCyRXTV+w6X3jlLRER01fG0JRMAWkG3YPoAaCYiUErNKpRcEV3llFIfi4gvgLpm0Dal1IXizBMREZGdPAoyReQTALUA/AkgywxWABhkEhWAiHSA/reqSQD+n707D5ejKvM4/v2RsAQIBEhAthCEAAYcAS+KiKICGlzYVAS3BNGAI4IijiiryzjAqAiKSARMQGRVJGgQEImoo5gECAJhjZgEAoQlLGFNeOePczqpdO7S96b6drr793mefm5XdVX1W7frrTp1quocAZtLGhMR3T5QZ2Zm1ixqrcnsAEZFhO+GNSvH94H3RsS9AJK2AS4hXTEwMzNrerX2XX4nqZ1MMyvHqpUCJkBE3Efqv9zMzKwl1FqTORS4W9I/gCUP/HTX44+ZdWuapPOBi/LwJ4DpDYzHzMysVLUWMk+pZxBmbejzwBeAo0j3ZN4M/KShEZmZmZWopsvlueefe4DB+TWz0huQmfXJQODMiDgwIg4AzgIG9DSTpNGS7pX0gKTjupjmIEl3S7pL0i9LjtuspTnHzMpTUyFT0kHAP0j9jB8E3CLpI/UMzKzF3QgMKgwPAv7Q3QySBgBnA/sAo4BDJI2qmmYk8HXg7RGxPfClMoM2a2XOMbNy1Xq5/Hhgl4h4HEDSMNIB8cp6BWbW4taIiOcrAxHxvKQ1e5jnLcADhe5dLwX2A+4uTPM54OyIeDov9/FywzZrac4xsxLV+nT5KlWJ9GQv5jWz5S2UtHNlQNKbgRd7mGdTYE5heG4eV7QNsI2kv0r6u6TRXS1M0jhJ0yRNmz9/fi/DN2tJpeWY88us9prM30u6jtSOH8DHgGvrE5JZW/gScIWkR/LwxqS86o46GVfddu1AYCTwLmAz4M+SdoiIBcvNGDEeGA/Q0dHhNnDNSswx55dZ7X2Xf1XSgcDupCQcHxFX1TUysxYWEVMlbQdsS8qpe2roVnIusHlheDPgkU6m+Xte1r8k3Us6IE4tJ3JbWU1UZ+WjPpgwoZzlNCfnmFmJan3wZ0tgckQcExFfJtVsjqhx3gGSbpP028qyJN0i6X5Jl+X+m83awtSpUyGf3OWD1M7Ad4DvS1q/p9mBkTmHVgMOBiZVTfMb4N0AkoaSLu3NKm0FzJqEpI0knS/p2jw8StJhPczmHDMrUa33VV4BvFYYXpzH1eJoYGZh+DTgjIgYCTwN9JT0Zi3j8MMPh3z5TdI7gVOBC4FnyJfWuhIRi4AjgetIOXV5RNwl6VuSKh0jXAc8Kelu4CbgqxHxZD3WxWwlN4GUD5vk4fvo4Ulw55hZuWq9J3NgRLxSGYiIV2qpgZS0GfAB4L+BYyQJeA/w8TzJRFJD7+f0JmizZrV48WJIJ2mQ7sEcHxG/An4l6fae5o+IycDkqnEnFd4HcEx+mbWzoRFxuaSvQypASlrc00zOMbPy1FqTOb9wFoek/YAnapjvh8B/sbQWdANgQT5bhM6f3DNrWbmQWbEn8MfCcK0nfWbWs4WSNmDplYNdSVcMzKyf1FrIPAL4hqQ5kmYDXwMO724GSR8EHo+IYn/MtTy5V5nfzT9YyznkkEMAtpN0NanJoj8DSNoaHwDNynQM6X7KrST9lXRbyhcbG5JZe6m1W8kHI2JX4A3A9hGxW0Q80MNsbwf2lfQQcCnpMvkPgSGSKjU2nT25V/nO8RHREREdw4YNqyVMs5Xe8ccfD6kdvgnA7vnSG6Rc9AHQrDxrAHsAu5EqRbaPiDsaG5JZe6n16fKNJJ0PXBERz9XylF5EfD0iNouIEaQn9P4YEZ8g3Shd6ZJyDHB138M3a0oLI+KqiFhYGRER90XErY0MyqzFfD8iFkXEXRFxZw1NhJlZyWq9XD6BXj6l142vkR4CeoB0j+b5fVyOmZlZV66X9OH8wKmZNUCtDxr06Sm9ioiYAkzJ72eR+oc1MzOrl2OAtYDFkl4kPRMQEbFOY8Myax+11mT6KT2zEkk6UtJ6jY7DrFVFxOCIWCUiVo2IdfKwC5hm/ajWmszqp/SGsfS+SjPrvdcBUyXdClwAXFd4CMjMSpCb3ntnHpwSEb9tZDxm7abWp8tvxU/pmZUmIk4g9Xd8PjAWuF/SdyVt1dDAzFqEpFNJPc7dnV9H53Fm1k9qfbr8o8CgiLgL2B+4TNLOdY3MrMXlmstH82sRsB5wpaTTGxqYWWt4P7B3RFwQERcAo/M4M+sntd6TeWJuumh34H2k7iDdFaRZH0k6StJ04HTgr8AbI+LzwJuBDzc0OLPWMaTwft2GRWHWpmq9J7PyJPkHgHMi4mpJp9QnJLO2MBQ4MCL+XRwZEa/l3rLMbMX8D3CbpJtIT5a/E/h6Y0Myay+1FjIflnQusBdwmqTVqb0W1MyWNxl4qjIgaTAwKiJuiYiZjQvLrDVExCWSpgC7kAqZX4uIRxsblVl7qbWgeBCpMfbREbEAWB/4at2iMmt95wDPF4YX4ltQzEoj6QDghYiYFBFXAy9J2r/RcZm1k1qfLn8hIn4dEffn4XkRcX19QzNraSo2WRQRr1H7lQUz69nJEbGkPedcQXJyA+Mxazu+5G3WGLPywz+r5tfRwKxGB2XWQjo7vvlEzqwfuZBp1hhHkNqdfRiYC7wVGNfQiMxayzRJP5C0laTXSzoDmN7ooMzaic/qzBogIh4HDm50HGYt7IvAicBlpAd/rge+0NCIzNpMTYVMSQcCpwEbkpJVpLak3Q+sWR9IWgM4DNgeWKMyPiI+07CgzFpIRCwEjgOQNABYK48zs35S6+Xy04F9I2LdiFgnIga7gGm2Qi4i9V/+PuBPwGbAcw2NyKyFSPqlpHUkrQXcBdwrya2imPWjWguZj7ntPrNSbR0RJwILI2IiqaODNzY4JrNWMioiniV1hTwZGA58qrEhmbWXWu/JnCbpMuA3wMuVkRHx67pEZdb6Xs1/F0jagdR/+YjGhWPWclaVtCqpkPnjiHhVUvQ0k5mVp9ZC5jrAC8B7C+MC6LKQme85uxlYPX/PlRFxsqQtgUtJDbrfCnwqIl7pQ+xmzWy8pPWAE4BJwNqkhxTMrBznAg8BM4CbJW0BPNvQiMzaTE2FzIg4tA/Lfhl4T0Q8n88m/yLpWuAY4IyIuFTST0kPP7inE2s3z0bE06QTsdc3OhizVhMRZwFnVYYlzQbe3biIzNpPt4VMSf8VEadL+hGp5nIZEXFUV/Pm3kwq3eatml8BvAf4eB4/ETgFFzKt/RwJXN7oIMzagaTfRsQHgUWNjsWsnfRUk1l52GdaXxaem42YDmwNnA08CCyIiEqizwU27WLeceTGqYcPH96Xrzdbmd0g6VhSG35LmlWJiKcaF5JZy+r0OGNm9dVtITMirsl/J/Zl4RGxGNhR0hDgKuANnU3WxbzjgfEAHR0dvlnbWk2lPcxi49BBD5fOJY0GzgQGAOdFxKldTPcR4Apgl4jo00miWQu5rdYJnWNm5enpcvl44EcR8c9OPlsL+BjwckRc3N1yImKBpCnArsAQSQNzbeZmwCN9Dd6sWUXElr2dJ18ZOBvYm3QVYKqkSRFxd9V0g4GjgFvKiNWsmcyePXu5cbV2cuAcs+5MlFZ8IRMmrPgymkhPl8t/Apwo6Y3AncB8Uu8kI0lPnF8AdFrAlDQMeDUXMAcBe5F6DboJ+AjpCfMxwNUlrIdZU5H06c7GR8SF3cz2FuCBiJiVl3EpsB9wd9V03yZ1oHBsCaGaNZX9999/yXtJv4qID/didueYWYl6ulx+O3CQpLWBDmBj4EVgZkTc28OyNwYm5jPDVYDLI+K3ku4GLpX0HdIljPNXdCXMmtAuhfdrAHuSmvTqrpC5KTCnMDwXeGtxAkk7AZvnXOv2AFi873kD+niW3mZn5bbyS8+cLtHblhtKyzE/V2BWexNGzwNTerPgiLgD2KmT8bNIZ4tmbSsivlgclrQuqavJ7nRWClxyRJW0CnAGMLbGGJbc97ylG6m2FqFlT5Z6u12XlmN+rsCs9sbYzay+XiDdhtKducDmheHqe5oHAzsAU/KB9nXAJEn7+sEEaxczZswA2EnSc8AgSZUG2EVqXW+dbmZ3jpmVyIVMswaQdA1La0hWAUbRc7uZU4GRudesh4GDWdrmLBHxDDC08B1TgGPb/eDnm/Xby+LFi5F0W0R09GF255hZiXpVyJS0VkQs7HlKM+vB9wrvFwH/joi53c0QEYskHQlcR2pe5YKIuEvSt4BpETGpfuGatT7nmFm5aipkStoNOI/Uv/JwSW8CDo+I/6xncGYtbDYwLyJeApA0SNKIiHiou5kiYjIwuWrcSV1M+65yQjVrH84xs/KsUuN0ZwDvA54EiIgZwDvrFZRZG7gCeK0wvDiPMzMzawm1FjKJiDlVoxaXHItZOxkYEa9UBvL71RoYj5mZWalqLWTOyZfMQ9JquW2wmT3NZGZdmi9p38qApP2AJxoYj5mZWalqffDnCFJfrpuSmni4nmX7XDaz3jkCuFjSj/PwXKDTXoDMzMyaUa2NsT8BfKLOsZi1jYh4ENg196aliHiu0TGZmZmVqdany7cEvgiMKM4TEft2NY+ZdU3Sd4HTI2JBHl4P+EpEnNDYyMzMzMpR6+Xy35D6GL+GZZ+INbO+2ScivlEZiIinJb0fcCHTrMU8OX163zsFcEcA1sRqLWS+FBFn1TUSs/YyQNLqEfEypHYygdUbHJOZWa+5Vy3rSq2FzDMlnUx64OflysiIuLUuUZm1vl8AN0r6Oal7yc8AFzY2JDMzs/LUWsh8I/Ap4D0svVweedjMeikiTpd0B7AXIODbEXFdg8MyMzMrTa2FzAOA1xcbjzazFRMRvwd+DyDp7ZLOjgg3DWZmZi2h1sbYZwBDerNgSZtLuknSTEl3STo6j19f0g2S7s9/1+tt0GatQNKOkk6T9BDwHeCeBodkZmZWmlprMjcC7pE0lWXvyeyuCaNFpCZZbpU0GJgu6QZgLHBjRJwq6TjgOOBrfYrerMncd999ABtLmgk8CVxGaifz3Q0NzMzMrGS1FjJP7u2CI2IeMC+/fy4fVDcF9gPelSebCEzBhUxrE9tttx3AOsAeEfEAgKQvNzQoM6urh0i1K2fk92cWPhtLOiCOLYx7E/DlPD1jC59MmABTpiz7JPbRR8OIEfDlwm5kjz3g0EPh5JPh3/9GY8ey8cYb88gjj3DKKafwzW9+c8mk06ZNA6Cjo2PJuJNPPplTTjmFTTbZhHnz5gGw8847M336dMaNG8fPfvazJdM+/PDD3NbLdZpRGD+BVAhYZj1rWCcAhgyBH/4QrroKrr566bSnVP2FVPI4APgSsCCP2wL4JvBz4E9LJ31k70eYPn06++67tB7t3HPPZfVertOEwrijSQ2NL7OevVqnU5b928t16mzjG//yeMaNG4cKrQN88IMf5JprruFDH/oQv/3tb5eMjwjGjx/P4YcfTm8oIno1Q19IGgHcDOwAzI6IIYXPno6I5S6ZSxoHjAMYPnz4m/9d+QHMVpAmltDcBhBjep87V111FQceeODTwELS/ZiXAudFxJalBNVHW0pxSh/mG1tasyNjV3gJXf0eZTSv0i7rCWWt69gSltG3HAOQND0iOnqesn/0Nb+gnN8jxoxZ4WV0Z+XJsbElLMP7klrUmmPd3pMp6S/573OSni28npP0bI2BrA38CvhSRNQ0D0BEjI+IjojoGDZsWK2zma3UDjjgAIBZwHakk90vAxtJOkfSexsYmpmZWal6evBnLYCIGBwR6xRegyNinZ4WLmlVUgHz4oj4dR79mKSN8+cbA4+vQPxmTSkiFkbExRHxQWAz4HbS/clmZmYtoadCZp/rUpUu8p8PzIyIHxQ+mgRU6u7HAFdXz2vWTiLiqYg4NyLc7qyZmbWMnh782VDSMV19WFV4rPZ2UgPu/5R0ex73DeBU4HJJhwGzgY/2Il4zMzMzawI9FTIHAGuTeiTplYj4Szfz7dnb5ZmZmZlZ8+ipkDkvIr7VL5GYWcM8RN+aWOGMM2BGofGOPjaxAqTuHn4IXMWyN9GcUvUXOm26481nvbnTJlb60mxMdXMkfV+n8ptY0Vjx8MMPL9fESm/XaQpuYsXM6qvbJowk3RYRO/VjPJ3q6OiISlteZiuqkU0YwcrXvAq4CaOetMt6QnM0JdOTlS3H3IRRz5phu1t51hNaogkjfFnbzMzMzPqg20JmRDzVX4GYmZmZWevoqSbTzMzMzKzXXMg0ayKSRku6V9IDkpZrvF3SMZLulnSHpBslbdGIOM2alXPMrDwuZJo1CUkDgLOBfYBRwCGSRlVNdhvQERH/AVwJnN6/UZo1L+eYWblcyDRrHm8BHoiIWRHxCnApqZGYJSLipoh4IQ/+ndRlpZnVxjlmViIXMs2ax6bAnMLw3DyuK4cB19Y1IrPW4hwzK1FPjbGb2cqjs0baOm3oTNIngQ5gjy4XJo0DxgFsUEZ0Zs2vtBxzfpm5JtOsmcwFNi8MbwY8Uj2RpL2A44F9I+LlrhYWEeMjoiMiOgaXHqpZUyotx5xfZi5kmjWTqcBISVtKWg04GJhUnEDSTsC5pIPf4w2I0ayZOcfMSuRCplmTiIhFwJHAdcBM4PKIuEvStyRVOrH+X2Bt4ApJt0ua1MXizKyKc8ysXL4n06yJRMRkYHLVuJMK7/fq96DMWohzzKw8rsk0MzMzs9K5kGlmZmZmpatbIVPSBZIel3RnYdz6km6QdH/+u169vt/MzMzMGqeeNZkTgNFV444DboyIkcCNedjMzMzMWkzdCpkRcTPwVNXo/YCJ+f1EYP96fb+ZmZmZNU5/35O5UUTMA8h/N+xqQknjJE2TNG3+/Pn9FqCZmZmZrbiV9sGfYm8Jw4YNa3Q4ZmZmZtYL/V3IfEzSxgD5r3tLMDMzM2tB/V3InASMye/HAFf38/ebmZmZWT+oZxNGlwB/A7aVNFfSYcCpwN6S7gf2zsNmZmZm1mLq1q1kRBzSxUd71us7zczMzGzlsNI++GNmZmZmzcuFTDMzMzMrnQuZZmZmZlY6FzLNzMzMrHQuZJqZmZlZ6VzINDMzM7PSuZBpZmZmZqVzIdPMzMzMSudCppmZmZmVzoVMMzMzMyudC5lmZmZmVjoXMs3MzMysdC5kmpmZmVnpXMg0MzMzs9K5kGlmZmZmpWtIIVPSaEn3SnpA0nGNiMGsGfWUO5JWl3RZ/vwWSSP6P0qz5uUcMytPvxcyJQ0Azgb2AUYBh0ga1d9xmDWbGnPnMODpiNgaOAM4rX+jNGtezjGzcg1swHe+BXggImYBSLoU2A+4uwGxWIEmqpTlxJgoZTm2nFpyZz/glPz+SuDHkhQR/lHMeuYcMyuR+jsvJH0EGB0Rn83DnwLeGhFHVk03DhiXB7cF7u3XQJc1FHiigd/fX7ye/WOLiBjW25lqyR1Jd+Zp5ubhB/M0y62vc6whvJ79o+E55vxqiHZZT2j8utaUY42oyeysumy5km5EjAfG1z+cnkmaFhEdjY6j3ryeK71acqem/ALnWCN4PVd6peWY86v/tct6QvOsayMe/JkLbF4Y3gx4pAFxmDWbWnJnyTSSBgLrAk/1S3Rmzc85ZlaiRhQypwIjJW0paTXgYGBSA+Iwaza15M4kYEx+/xHgj75XzKxmzjGzEvX75fKIWCTpSOA6YABwQUTc1d9x9NJKccmjH3g9V2Jd5Y6kbwHTImIScD5wkaQHSLUrBzcu4l5pyt+kD7yeK7EWzrGm/D36oF3WE5pkXfv9wR8zMzMza33u8cfMzMzMSudCppmZmZmVzoXMTNIFkh7PbaBVxp0m6Q5JFxbGfUrS0Y2Jsm+6WLf1Jd0g6f78d708/sOS7pL0Z0kb5HFb5UaJVzq9XDdJOit3B3eHpJ3z+G0lTZc0Q9Lb8riBkv4gac3GrFnrcY45x5xj9eUcc46tbDnmQuZSE4DRlQFJ6wK7RcR/AAMkvVHSIGAs8JOGRNh3EyisW3YccGNEjARuzMMAXwF2BS4EPp7HfQc4sf5h9skEal+3fYCR+TUOOCePPzxP8xHg2Dzu88BFEfFC3SJvPxNwjoFzzDlWPxNwjoFzbKXJMRcys4i4mWXbOnsNWE2SgEHAq8BXgbMi4tUGhNhnnawbpK7RJub3E4H98/vXgNWBNYFXJb0DmBcR9/dHrL3Vy3XbD7gwkr8DQyRtTPptB7F0nYcAHyLtoKwkzjHnGM6xunKOOcdYyXKsET3+NIWIeE7Sr4DbSGcRzwC7RMS3GhtZaTaKiHkAETFP0oZ5/DdJzXc8AnwSuJzmaKKjqKt12xSYU5hubh53NikRVyedDZ4E/Lfbvqsv55hzzDlWX84x51ijc8yFzG5ExOnA6QCSzgNOkvRZ4L3AHRHxnUbGVw8RcQNwA4CkMcBkYFtJxwJPA0c38eWtTruDi4jZwLsAJG0NbALcI+kiYDXgxIi4r9+ibCPOMecYzrG6co45x2hgjvlyeQ0k7ZTf3gd8OiIOAnaQNLKBYa2ox3IVO/nv48UP843CY0j37fwP8BlgOvCJfo6zL7pat1q6jPtv0n07RwEXAyfnl9WRc8w5VtdozTnmHGtIjrmQWZtvk6qeVyX1AgHpno9mfiqy2DXaGODqqs//Czgz37czCAiaZ527WrdJwKfz03m7As9ULkcASNoDeDjft7MmaX0X0xzr3OycY84xqy/nmHOs/0WEX+mWhUuAeaSbZ+cCh+Xx+wMnCwl4EwAAIABJREFUF6b7HvBP4OJGx7wi6wZsQLpH5/78d/3C9JsAvy0MfxS4C/grMKzR69PXdSNdZjgbeDD/hh2F5Yh0eWW9PPwG4FbgDuDtjV7PVng5x5xjzrH+/63yeOeYc6whOeZuJc3MzMysdL5cbmZmZmalcyHTzMzMzErnQqaZmZmZlc6FzJWYpBGSQlKP7ZlKGivpL/0RV0/fLel5Sa/vw3I+Ien6cqMzs7JJerDSP7JZu5H0R0kfa3QczcCFzJJIekjSK5KGVo2/PRcURzQmsmUKq8/n10OSjut5zr6JiLUjYlaNMQ0szHdxRLy3XnFZ9yRNkfS0pNUbHUu9SNov5+Szkp6QdGMjc7NMku4q5PhiSS8Vhr+xAsu9VNIJxXERsVVE/G3Fo17uu9aQdJakh3PcsySdVuO8p+bGxttO3qe/WPi9n5e0SaPj6k+Sri2s+6v5eFwZ/ukKLHe57Soi3hMRl6141Mt9lySdnH/P5yXNkVRTt5CSjpD0h7JjWlEuZJbrX8AhlQFJbyS1zQUwOR/cHs070Nvza7VaFizp55K27WGyjSV118jskIhYO8d4kqTRnXzPwPy3cjCeIelupR4iurNubrOrs9g3ljS5sKxJhY9/2cNyrR/kgtY7SO3I7dvP373CPY9J2qCQU53mmFIvGBcCXwHWBbYkNdL8Wv68xxyT9IXuciwfJGrar/Y2xyS9p7scA/5NatZkNqlXkyNJTZj8LiK+W0tMK4GTSTHvDAwG9iI1v2I9+1A+wa+8qhvo7rNa8qsw7YAulrHC+dWdiNinsu6kBsh/AzxAyol3rkh+AYM6O4ZJ2lxSmYXNccCHgXfn9XgrcHOJy+9/jW4fqlVewEPACcDUwrjvAceTDtwj8rj/AaYB80kHhRNIhX2Ruvn8HvAEMAv4Qp53YJ53XeB8UntaDwPfAQbkz8YCf+kithHF5eRxU4Fj8/vI33U/qaC8Oql3gZuBp0g9RBxdmHcDUoOwzwL/IDXyOxv4UmF5W+f3g0hteT1J6jf3L8AuefoAns+vt1WvQ/78iBzX06S2wSrNbg0Avp//V/8iHVCXWUe/erX9nkRqP+4HFNqWK/yG38/ba+U3HJQ/2x34P2ABqT/dsXn8FOCzhWV09tsu2ebyuDPzMp4l9crxjsL0A4BvkA4Yz+XPN8/bxPer4r0XuLqTdfwIcHs3/4NOvyN/tlvOmWfy390K800h9bDxV+BFYGu6ydU8z+qkXjo2ye9/BDyWx/0QWD1P9y5Su3lfARbm7z+0k9jPB75Qld+f7WS6w/P/5yngd8CmhXX/MWm/9AwwA9iW1GPIq8DLpDy9Ik//KLB7fn8q6aB+Sf6/3QHsWPjOt+TlPUc6qfw1cEIXv8EfgCO6+Y02JzVKXdlHHpHH7w+8kmN9HvhHo3Oqn/P3IWCvGqcdm/93z5H2nZ8ofPY5YGb+7G5g5zz+DXk7X0A6NlxQmGcCcA6p68aFpBOD1UnHstl5u/4peZ/RSTyrkI6D/87LvhBYN382grSvGJOX9QRwfA3reGFeh00K+bYNcEDePhcAfwZGVeXxM6T9z0zSSXdlu3ot58A/8rR3AJ/M748gtWN5Vl7ug8XfgrQ/+GuO5/fAucB5XcR9HnBqN+u1fl63R0n7ypPz/28n4CVgUd7+H230Nrkk5kYH0CqvSpKTduBvIO205wBbsGwhcwZwJ+ksfY+84U4BbgOOyxvpDOCevCMIUuHzL8BNwPg8zVnAC3mD3pC04ygW9P5C2vn/I09TWc5a+fteA/5IKvAGqQHX9UkFihGkHgI+l+fZOSf39sBGeb2eyvN+PG/wr5AOprezbCHzbFIB89D8P9mNlPAj8nS35+l+nuN/Pn9XpXA+k3Swn0nagY3O0x9B2gluBqxHOji5kNn37fcB4D+BN5MO1BsVPjs7bzObVv2Gw0k7zkNIvYhsQC5cUFshc8k2l8d9Mi9jIKlQ9SiwRv7sq6STlW1JJ2RvytO+hVQwWyVPNzTHf0oe3pqUbz8lNcT8EukAcW/epk4qxPQvUqF3FCnHLsjzTs3DnyIVJi8knfT8nZRjz+bv/ESOfd0c05PA5Tkn7gQOL3zXhqQC6BrAt/KyNgSG5e+bScqvmaQDx4/y/+MJUu6+r+r3mwzsVxieAnw2r//thXEv5WU+Qdqf3ETa79xHyq//Jh20tgc2zPNdSlWhkOULmS8Ae5O2jzOAKfmzNfL/4oj8vzk4/6+6KmR+J/8ORwDbV302IG8DXyP1xbwNaZ+xRyGOTg/erf6ixkImaf//LLBtHt648n8mNVb+MKkSQHnb2YKU2w+QTsBWAybm7WjbPM3TpOPYfaT98fmkguWzpEqVwcA1pOPGjnk7WJB/rxl52f8CXg+clsddRDqGnUPaVywgnXC9KX/X9Xm6S3Ke7Fi1npeS9k1rFMbtSsq5vUknOg+RTgrfDnyAlGfzSPn6EWDLwnY1h2Xz6++k/dXW+bNXSZUyt+f/4WJyYTgPP5K33QtIedZVIfOzpBO9Y0jH3QFVn19L2hesmX+724Ax+bMjgD80eltcbp0aHUCrvFhayDwhJ9Zo0kF0YE6SEaSd5CLg9DzP1qQDxvQ8/EfgmPx+YN4oK4XDW0gFubXzuH1IB/c5pIPEWJYvZJ5W2HArifoCqYB4VE7Yxfmz9xTW5WOkncRjpJqHQ0hnXyeTDpqLgO3yOt0JfJdOajJJB6sXSTVWC/L6fSMnxwgKhcw831jSAfYeUo1FkHYGysuaB/yk8L8qHrT3woXMvm67u5N2kkPz8D3Al/P7ym/4pk7m+zpwVRfLnELPhcz39BDX05XvJRUK9+tiupnA3vn9kaSCYqWWvpJju+ThXUmX0eaTDpSPkXvMyLnxJZbm7D55/LXAnPz+O3mav5EOqqfldb0U+H1hmsWkE7ZKjh0H3FQV94T8/c/l5VQKyn8C5uX3B+f4Bxa++3Fg16plvb8qx/6P5QuZN5EKwlvm33hLUi7/PM9/V16v3aqWXUshs9izys7Agvz+vcCsqnmnVS+v8NmqwNE5jpdJtbiH5M/2AO6vmv6bwDmFONq5kPl83gYWAL/pYrq18ucfpqpmEbiOwhWrwvh35N+7sn2eQircnJK3ryDdklGZfn1SQWobcm0h6UrVSywtZBbza3Yl3ryN/zdpf1QsZB7K0vyaA1yX31fyq7qQOYFUCC0ew35Oqry4rJI/eft6kHRS9RypNn9g1bJOJdVAFvNrOssWMu8sTL9jjnl7UkXNItJJ+Sp5OTd1tZ2SjnVj8jQvkE4GK/viLfL/ddXC9IcC1+b3K2Uh0/dklu8iUu3eWFKNR9FQUkFzQWHcPGCd/H4TYGtJt5K6gtqsMN3qpOScm4cvIRX8RCqwdebX+e8/C9//R9LB+qyImEE6sEBKlIotSLWDg0iXF34BfAZ4HakwN4BU2PxNnq6re3+GkmoyJgJbkc5wR5F2UEM6mX5VUuH18xFRiWeXPP2tpB1k5X+ySVXMxffWO2OA6yPiiTz8S5b2mVv5DR/sZL7Nuxhfq2V+M0lfkTRT0jOSFpBqBCsP0nX3XRNJO3zy3xlVnz8YEVMBIuLvpJO/Ofk1lHTQgJRjlZhejIhr8/sFpBO8on+TanUqOTadpXn4LlJeziMVGCGdfG5YXEBEjCXVqqwB7Ee6SgHwH8BGkm4nHXSDlBsVL5BONovLmsyyOdZBypeiLUg1uveT8ui2PP69pBPFIaQC4u8l/UTS2tTu0S7i24Sl+6yKLnM1Il6NiDMj4m2kfcsPgAslbZXjHyFpQeVFqvF5XS/ibGX7R8SQ/NofQNJPiw9/RcRCUiXCEcA8Sb+TtF2ev6sc24R0kvVaYdzTpCsbkApntxc++xyppm0mqZZwKqlwVdyGi/k1gJRLxWUPzOOuy+NuZGl+rVn5vqpjWLVrSPk1jXSS9z5Srn8U+KukxXndhpCuGt5EqtF8XNLFkjYqLGsuy+bXG1k2Bx8FkDQoTwPp0vv78vtbSMewrVl+X7JEJBMj4t05rqOA05X6I9+CtK+YX9j+zyRdXVxpuZBZsoj4N6nq//0sPQBVVC51FQtYr5Gq02HpGeZ7IuI/SAeuipdJG+dGwDN5R7IOcCwpITvzcuE7KtRV6IX3c4A/RcQ6ETGItDN5PiI+nz9fBBwUETtGxKakmsnOPEE6e90qIp6M9PT4J0k7iI5Opj8UeCIibiqM+0n+nh1J/8/KQwDzWLYQvnkXMVg38k7xIGCPfEP/o8CXgTdJehOF37CT2ed0MR7SGfeaheHOCgJLtjlJ7yBdBj2I1O/uENJOurK9dvddvwD2y/G+gVRLVx1L5XtGkmrK3hMRI0k1pCPyxy+zdDsqHgieIl3yKxqep6nk2GKW5uFLLK0ZHkI6CO4eEdtXBx4Rd5Bqcr5Nyn1IB93ZeZv/LKlW88Uu1r24rGKOPQ+MrJpkDulAd1ykBySGkG6FOKmSyxFRuXftTaT/Eyy7b+it6jyFGnM1Il6IiB+Q/sfb5fjvKRSkhkTE4Ig4oIQ4W1JEHBFLHwT6bh53XUTsTdpv3wP8LE/eVY49Amxe9UDbEJYetxaR//c5vw4jXf0YTjphPTwi1iXVTlcU8+tp0gllxXp5ma8UpivmV80i4o68Db2PdHvNSaTj7KCIGBARq0TEBjm/7iAV2l5PKsx9p7KYvKxifr1AypNqPwOuKAwvJB1/35pzbGtSobyW2F+JiF+S9lE7kH6f58n7x0oZICJ2Lsa5snEhsz4OIx3EFhZHRsRi0gFnH0mDSWdRw0gHSUhnUusAg/PZ5TsLs79KStL/BZC0Sj67f0MvY/sL6UBeefp9VCfT/Al4o6RPSVqVdJ/e45LeQLr38U7gFElrSjqQVOu1mKoDcT7zvQD4uaTXSxogaU9SEt9FSr7VcyxHkw6uD7Osj0qq1MisydKn9S8Hjpa0qaQhpAKK9d7+pN9uFOkyz46kberPwKcLv+EPJG2Sf8O3KTVzdDGwl6SDJA3MT6DumJd7O3Bg3ka2JuVEdwaTDizzgYGSTmJpDT+kG+K/LWlkfoL7PyRtABARc0m1JRcBv8rLWY6k3YFPkw6Az+aC7Take8IgXVr7T1JtA4XvuI3UesLHSYXeHfP/66ku1uVG0nb8/fy06ihgs1wbUYllHUmV/L6EdBlvrlITaJX72yoqNUDPsXxht7K8PfMJA5LWIR0kn6ya7CFSLek1ebr1SAetwyS9S1KHpC1IOfkKabuo/F963e5tdjPpydxxeRs5iFSA7VSuzX6HUlNGq0oaR9ovzCDtu5D0pfz5wPwbVQ6yjwFbSurqRLrtSdpI0r55n1p5mKvyO58HHCvpzTnHts7bwy2kwtJ/5ePBCNI2fWknX7EOaTv9GelS9+j8vZvS+dUrSA/F7CBpS9K2/gHSJe2uPEOupOjmGLYqqZBbsSPpZO6LpMqbL0haO/8vdpU0inRVYwhp//Aiy27/O1fl1+pU5Vc+hq1KenCv4jJSLn0zb88frvxPOiPps5JG59hWkbQvaX/0j4j4F+le0NMlDc6fj8z7tUqcm+ffaKXhQmYdRMSDETGti48nkza6WaQN8GnSQRzgRFIt6L9INQ4zq+Y9kXQJYZ0835V0nbhd+RGwqaQ7SA9X3NnJNAtJB7lzSMn2G1Jir066v3IOqab2uTzNz0kH3IMk3Va1rGNJZ3335vWeBPwsUht7PwFG5mr/b5B2CjsqNYtRaW7iWuDvkv5JugxZuazyM9LN33eQCgGTSYWLyo7BajMG+HlEzI6IRysv0r1Jn1BqXuhY0i0XU0m/c+X+wdmk7eArefztLC1AnEH6vR8jXc6+uIc4riP91veRLkW/xLKXVX9AOrG4nvRAwfksPeEgf8cbSQXNriwgHWy2IW0r15Hy8Hf584fz8q9l6dPhg0gH4uvzen4F2BP4IF0UZkk5difp0v2NpILpaSxb4y/g65LuBT5EyuPXkf7PvwGezzk6gaWXva8mnSBuzPIH1l2AW/M8/0eqfaq+LP0eUsHidqVLhQ+QaneuJOXwX/L/41bSb3BWnm88sEu+RNdZwaJLuYboQNLB/WnSSc11LK0BrvZy/t7HSPeeHkq6DDw3Il4lbW+75fjmk/Y/lcuWl5JORJ+S9H+9ibONrELahh8h5ewepBMrIuIK0v2QvyTt238DrB8Rr5CaNduHdGXjA8ClEVF9xQDStnM36RaMN5Dy52ekyolBnUwP6Z7mB0gnJEeS8uqL3azDw8B6VcewZzqZbjdJ9yrddnIC6TaBo0i3rZxO2h4vIt3aNoh0b/qJpOPfcFKtJ6TtagNSTi4k5ddjpG2w6FjS/uWWPHxIvo3lR3l9XiIV5K+l6+3/OdKzD3NzfN8GDqvc7kO6t3QIqQb6KVIZonK5/PekE8nHJVXfotIwleZgrE3kQsPAiHgpX9q4HhgZEV0dMJuCpH2An0bEFo2OxfpfrhX8BakVh9d6mr7OsbRkjpVF0gxSMy2XNDoWaz7Nnl+Srgb+HhH/0+hY+sMKN4JsTWdt4MacqCLdL9MUyVmUL128m7SD2Yh09ndVQ4OyhsiXh44mPbHZ0AJm1hI5VhZJ7ybdHvM0qWZyK9LDV2Z90VT5JemtpJrP2aRa4NEsfdiw5bmQ2WYiYgHpHstmJ1LzJZeRLun/jqWXN1qWpAtIl2ofj4gdOvlcpJvX30+6TWFsRNzav1H2H6X7hKeR7tk7tMHhAC2VY2XZnpSna5Iuix5YaMlgpeL8Wvk1YX5tRrpXfH1SQfMzEdHVE/Etx5fLzZpIviz8PHBhFwfB95Pu/3k/qUuyMyPirf0bpVlzcn6ZlcsP/pg1kYiodPXZlf1IB8iI1CbkEKV+rc2sB84vs3LV7XJ5Z5cdJP0v6UnKV0iNvh6aq767NXTo0BgxYkS9QjXrV9OnT38iIobVafGbsuxTxXPzuHnVE+bmYcYBrLXWWm/ebrvtqicxa0p1zDHnlxm151g978mcQGoGpdjrzQ3A1yNikaTTSN3S9di+4YgRI5g2rasWgcyai6Tqpi9KXXwn4zq9JyYixpN7meno6AjnmLWKOuaY88uM2nOsbpfLO7vsEBHXF54C+zvL9wRhZitmLsv2qLIZXXf7aWa94/wy64VG3pP5GVKjpJ3KPURMkzRt/vz5/RiWWVObBHw699ixK6kL0uUu5ZlZnzi/zHqhIU0YSTqe1Kp/l72AVF9q6KfQzFZqki4h9Xw0NPfqcDK528GI+Cmp56P3k5qKeYGVpFkfs2bg/DIrV78XMiWNIT0QtGe4/SSzXomIQ3r4PEhdf5pZLzm/zMrVr4VMSaNJD/rsEREv9Od3m5mZmVn/qds9mfmyw9+AbSXNlXQY6WnzwcANkm6X9NN6fb+ZmZmZNU7dajK7uOxwfr2+z6xWmthZKyS9F2N8t4eZmVlX3OOPmZmZmZXOhUwzMzMzK50LmWZmZmZWOhcyzczMzKx0LmSamZmZWelcyDQzMzOz0rmQaWZmZmalcyHTzMzMzErnQqaZmZmZlc6FTDMzMzMrnQuZZmZmZlY6FzLNzMzMrHQuZJqZmZlZ6VzINDMzM7PSuZBpZmZmZqVzIdPMzMzMSudCppmZmZmVzoVMMzMzMyudC5lmZmZmVrqB9VqwpAuADwKPR8QOedz6wGXACOAh4KCIeLpeMZiZWf/TRJWynBgTpSzHzBqjboVMYALwY+DCwrjjgBsj4lRJx+Xhr9UxBjOzlUYZhS8XvMysWdTtcnlE3Aw8VTV6P2Bifj8R2L9e329mZmZmjVPPmszObBQR8wAiYp6kDbuaUNI4YBzA8OHD+yk8s5WbpNHAmcAA4LyIOLXq8+GkE7gheZrjImJyvwdqTUsTJ/Y8UQtzjpmVZ6V98CcixkdER0R0DBs2rNHhmDWcpAHA2cA+wCjgEEmjqiY7Abg8InYCDgZ+0r9RmjUv55hZufq7kPmYpI0B8t/H+/n7zZrZW4AHImJWRLwCXEq6BaUogHXy+3WBR/oxPrNm5xwzK1F/Xy6fBIwBTs1/r+7n7zdrZpsCcwrDc4G3Vk1zCnC9pC8CawF7dbUw35JSu3a/hNxGSssx55dZHWsyJV0C/A3YVtJcSYeRCpd7S7of2DsPm1ltOns0ufpR40OACRGxGfB+4CJJnea5b0kxW05pOeb8MqtjTWZEHNLFR3vW6zvNWtxcYPPC8GYsf6nuMGA0QET8TdIawFB8a4pZLZxjZiVaaR/8MbPlTAVGStpS0mqkhw4mVU0zm3wiJ+kNwBrA/H6N0qx5OcfMSuRCplmTiIhFwJHAdcBM0hOud0n6lqR982RfAT4naQZwCTA2Itx6t1kNnGNm5ervB3/MbAXk9vgmV407qfD+buDt/R2XWatwjpmVxzWZZmZmZlY612SaWZ+V1bRPjBlTynLMzGzl4UKmmTWcJnbWckzvxBjfFmdmtjLx5XIzMzMzK12PNZmS3gZ8EngHsDHwInAn8DvgFxHxTF0jNDMzM7Om021NpqRrgc+SmnMYTSpkjgJOILUNdnWhWQczMzMzM6DnmsxPRcQTVeOeB27Nr+9LGlqXyMzMzMysaXVbk1kpYEpaq9I3q6RtJO0radXiNGZmZmZmFbU++HMzsIakTYEbgUOBCfUKyszMzMyaW62FTEXEC8CBwI8i4gDSvZlmZmZmZsupuZCZnzL/BOmpcnAbm2YrRNLukg7N74dJ2rLRMZmZmZWl1kLml4CvA1dFxF2SXg/cVL+wzFqbpJOBr5HyCmBV4BeNi8jMzKxcNdVGRsSfgD8VhmcBR9UrKLM2cACwE6mVBiLiEUmDGxuSmZlZebotZEq6Buiyr7aIcBuZZn3zSkSEpIDUgkOjAzIzMytTTzWZ38t/DwRex9LLeYcAD9UpJrN2cLmkc4Ehkj4HfAb4WYNjMjMzK023hcx8mRxJ346IdxY+ukbSzXWNzKyFRcT3JO0NPAtsC5wUETc0OCwzM7PS1PqE+DBJr8/3YpKfgh3W1y+V9GVSd5UB/BM4NCJe6uvyzJqNpD9ExF6AC5ZmZtYrmqgVXkaM6fJuyNLUWsj8MjBF0qw8PAI4vC9fmBt0PwoYFREvSrocOBg37m7t5QVJ60bEM40OxMysFZRR8IL+KXy1i1qfLv+9pJHAdnnUPRHx8gp+7yBJrwJrAo+swLLMmtFLwD8l3QAsrIyMCLfaYGZmLaE3Daq/mVSDORB4kyQi4sLefmFEPCzpe8Bs4EXg+oi4vno6SeOAcQDDhw/v7deYrex+x9KODczMzFpOTYVMSRcBWwG3A4vz6AB6XciUtB6wH7AlsAC4QtInI2KZhqgjYjwwHqCjo8N119ZSImKipNWAbfKoeyPi1UbGZGZmVqZaazI7SPdQllHY2wv4V0TMB5D0a2A33NuJtRFJ7wImkpoCE7C5pDER4VYbzMysJdRayLyT1E7mvBK+czawq6Q1SZfL9wSmlbBcs2byfeC9EXEvgKRtgEtIt6WYmZk1vVoLmUOBuyX9A1jywE9fevyJiFskXUnqTm8RcBv5srhZG1m1UsAEiIj7JK3ayIDMzMzKVGsh85QyvzQiTgZOLnOZZk1mmqTzgYvy8CeA6Q2Mx8zM6kwTJzY6hH5VaxNGf5K0EbBLHvWPiHi8fmGZtbzPA18gtRkr4GbgJw2NyMzMrESr1DKRpIOAfwAfBQ4CbpH0kXoGZtbiBgJnRsSBEXEAcBYwoKeZJI2WdK+kByQd18U0B0m6W9Jdkn5ZctxmLc05ZlaeWi+XHw/sUqm9lDQM+ANwZb0CM2txN5JaWng+Dw8Crie1tNApSQOAs4G9gbnAVEmTIuLuwjQjga8Db4+IpyVtWKf4zVqOc8ysXDXVZAKrVF0ef7IX85rZ8taIiEoBk/x+zR7meQvwQETMiohXgEtJbc4WfQ44OyKezsv1bS1mtXOOmZWo1prM30u6jtTECsDHgGvrE5JZW1goaeeIuBVA0ptJTXp1Z1NgTmF4LvDWqmm2ycv7K+ny+ykR8fvOFuZetVrLRJXTbzMTJpSznOZUWo45v3qn3R6IaRe1PvjzVUkHAruTHlIYHxFX1TUys9b2JVJvV4/k4Y1JJ2/d6awUUd1BwkBgJPAuYDPgz5J2iIgFy83oXrXMqpWWY84vs9q7ldwSmBwRv87DgySNiIiH6hmcWauKiKmStgO2JR3Y7qmhW8m5wOaF4c2ARzqZ5u95Wf+SdC/pgDi1nMjNmkNuEeW7wCYRsY+kUcDbIuL8bmZzjpmVqNb7Kq8AXisML87jzKwXpk6dCvnkLh+kdga+A3xf0vo9zQ6MlLRl7vf8YGBS1TS/Ad4NIGko6dLerNJWwKx5TACuAzbJw/eRriB0xzlmVqJaC5kD803QAOT3q9UnJLPWdfjhh0O+/CbpncCpwIXAM/TQ81VELAKOJB04ZwKXR8Rdkr4lqdL71nXAk5LuBm4CvhoRT9ZjXcxWckMj4nJyBUnOn8XdzeAcMytXrQ/+zJe0b0RMApC0H/BE/cIya02LFy+GpQe6j5Hub/4V8CtJt/c0f0RMBiZXjTup8D6AY/LLrJ0tlLQBS0/qdiWdzHXLOWZWnloLmUcAF0s6m5Swc4FP1y0qsxaVC5kVe5KfPs1qzUcz69kxpEvdW+UnwYcB7kTErB/VdLk8Ih6MiF2BNwDbR8RuEfFAfUMzaz2HHHIIwHaSriY1WfRnAElbU0Mti5nVbA1gD1IHB4eTjl13NDYks/ZSa7eSG0k6H7giIp6TNErSYXWOzazlHH/88ZDa4ZsA7J4vvUHKxS82KCyzVvT9iFgUEXdFxJ01tN5gZiWr9cGfCfT+KT0z69zCiLgqIhZWRkTEfZWG2c2sFNdL+rBUViv1ZtZbtRYye/2UnpmZWQMdQ2pq7xVJz0p6TtKzjQ7KrJ3U+qBBn57SMzMza4SIGNzoGMzaXa2FTD+lZ1YiSUcCF0fE042OxaxV5bYt35kHp0TEbxsZj1m1aEDUAAAXqklEQVS7qbXv8lsl7cHSLvDu9U3UZivkdcBUSbcCFwDXFR4CMrMVJOlUYBfg4jzqaEm7R8RxDQzLrK3U2nf5R4Hf554PTgB2lvQdP6hg1jcRcYKkE4H3AocCP5Z0OXB+RDzY2OjMWsL7gR0j4jUASROB24CmKmRq4sQVXkaMGVNCJGa9V+uDPyfmpot2B94HTATOqV9YZq0v11w+ml+LgPWAKyWd3tDAzFrHkML7dRsWhVmbqrWQWXmS/APAORFxNSvQd7mkIZKulHSPpJmS3tbXZZk1I0lHSZoOnA78FXhjRHweeDPw4YYGZ9Ya/ge4TdKEXIs5Hfhug2Myayu1PvjzsKRzgb2A0yStTu0F1M6cSbr8/hFJqwFrrsCyzJrRUODAiPh3cWREvCbpgw2KyaxlRMQlkqaQ7ssU8LWIeLSxUZm1l1oLigeRGmMfHRELgPWBr/blCyWtQ3ra73yAiHglL9OsnUwGnqoMSBos6a0AETGzYVGZtQhJBwAvRMSkfPXtJUn7Nzous3ZSa9/lL0TEryPi/jw8LyKu7+N3vh6YD/xc0m2SzpO0VvVEksZJmiZp2vz58/v4VWYrrXOA5wvDC/F9zmZlOjkilrTnnCszTm5gPGZtZ0UueffVQGBn0r2dO5EOrss97RcR4yOiIyI6hg0b1t8xmtWbik0W5Sdga719xcx61tnxzTlm1o8aUcicC8yNiFvy8JWkQqdZO5mVH/5ZNb+OBmY1OiizFjJN0g8kbSXp9ZLOID38Y2b9pN8LmfnG6zmSts2j9gTu7u84zBrsCGA34GHSiddbgXENjcistXwReAW4jNSH+UvAFxoakVmbqbUx9gOB04ANSU/pidTM3zp9/N4vAhfnJ8tnkRqjNmsbEfE4cHCj4zBrVRGx5FYsSQOAtfI4M+sntd6fcjrwobKeeo2I24GOMpZl1owkrQEcBmwPrFEZHxGfaVhQZi1E0i9JVwwWky6TryvpBxHxv42NzKx91Hq5/DE3q2JWqotI/Ze/D/gTsBnwXEMjMmstoyLiWWB/UpNhw4FPNTYks/ZSa03mNEmXAb8BXq6MjIhf1yUqs9a3dUR8VNJ+ETEx17pc1+igzFrIqpJWJRUyfxwRr0qKnmYys/LUWshcB3gBeG9hXAAuZJr1zav57wJJO5D6Lx/RuHDMWs65wEPADOBmSVsAzzY0IrM2U1MhMyL8YI5ZucZLWg84AZgErA2c2NiQzFpHRJwFnFUZljQbeHfjIjJrP90WMiX9V0ScLulHpJrLZUTEUXWLzKy1PRsRTwM3k3rBMrM6kfTbiPggsKjRsZi1k55qMisP+0yrdyBmbeZI4PJGB2HWJjZtdABm7ajbQmZEXJP/TuyfcMzaxg2SjiU1FL2k7b6IeKq7mSSNBs4EBgDnRcSpXUz3EVID1LtEhE8Srd3dVuuEzjHrykRpxRcyYcKKL6OJ9HS5fDzwo4j4ZyefrQV8DHg5Ii6uU3xmrarSHmaxB5Kgm0vnuUHps4G9Sb0ETZU0KSLurppuMHAUcMvySzFrbbNnz15uXK3tzzrHzMrV0+XynwAnSnojcCcwn9Rw9EjSE+cXAC5gmvVSRGzZh9neAjwQEbMAJF0K7Mfy3bJ+m9SBwrErFKRZE9p///2XvJf0q4j4cC9md46Zlainy+W3AwdJWpvUQ8/GwIvAzIi4tx/iM2tJkj7d2fiIuLCb2TYF5hSGK32eF5e7E7B5RPw2X443aysRyzyj2tuH6pxjZiWqtQmj54Ep9Q3FrK3sUni/BrAncCvQXSGzsxuClhxRJa0CnAGMrSUASeOAcQDDhw+vZRazlZ6WvW+ut42vl5Zjzi+z2htjN7MSRcQXi8OS1iV1NdmducDmheHNgEcKw4OBHYAp+UD7OmCSpH07ezAhIsYD4wE6OjrcE4q1hBkzZgDsJOk5YJCkSgPsAiIi1ulm9tJyzPll5kKm2criBdK9zt2ZCoyUtCXwMHAw8PHKhxHxDDC0MixpCnCsn3y1drJ48WIk3RYRHX2Y3TlmVqJeFTIlrRURC3ue0sy6I+kall6GWwUYRQ/tZkbEIklHkvo4HwBcEBF3SfoWMC0iJtUzZrNW5xwzK1dNhUxJuwHnkbq+Gy7pTcDhEfGf9QzOrIV9r/B+EfDviJjb00wRMRmYXDXupC6mfdeKBGjWjpxjZuWptSbzDOB9pD6WiYgZkt5Zt6jMWt9sYF5EvAQgaZCkERHxUGPDaj1uQNnMrDFWqXXCiJhTNWpxybGYtZMrgNcKw4vzODMzs5ZQa03mnHzJPCStRurpYGYP85hZ1wZGxCuVgYh4JeeWmZlZS6i1kHkEqS/XTUlNPFzPst3hmf1/e/ceLVdZn3H8+wiCKHIRkQViBYWirqqgEam2xSpYsVyktQoqJqgr1IU2XtCFWk2w2CpaRZQiASSgKF5QiSyUKoIt1gsJl5SLIOCNJBbxGrwg6q9/zA6ZHM7JmXOyZ+ZMzvez1qyZvWfP3r83c56sd/bl3ZqaHzfDniwFSHIYcOewivnJ8uXTO6zsYWRJ0gR6HYz9TuDFbW64uUfsMmBlVR3c5rqlEfCPwHlJPthM3w6MexcgSZJGUa9Xl+8OvBrYrfszVXXoRmx7AZ1D7hsaGFfaJFXVrcB+zS1bU1Vrhl2TJElt6vXCn88B3wM+APx712NakuwK/C2dYZGkWSfJvybZrqruqqo1SbZPcuKw65IkqS29npP526o6pcXtngy8kc4tusblfV+1iTuoqt68dqKqfpbkucA/D7EmSZJa02sn8/1JFtK54OfutTOr6qqpbjDJwcAdVbU8yTMmWs77vmoTt1mSLavqbuiMkwlsOeSaJGnKHItWE+m1k/l44Cjgmawb26+a6al6OnBos9fmAcA2ST5aVS+ZxrqkUfVR4NIkZ9PJ0suAc4dbkiRJ7em1k3k48Kjucf2mq6reBLwJoNmTeZwdTM02VXVSkhXAAUCAf6mqS4ZclqQ+mPYQYeAePo20Xi/8uRbYrp+FSLNNVX2xqo6rqtcDdyU5ddg1SZLUll73ZO4EfDvJlax/TubGDGFEVV0OXL4x65BGVZK9gSOBFwLfBT4z3IokSWpPr53MhX2tQpolbr75ZoCdk9wI/AT4BJ1xMv96qIVJ6pvvAfOA9zWv39/13jzgGc3zWk8EXtssz7yud5YsgcsvX/8Q+oIFsNtu8NrXrpu3//5w9NGwcCF8//tk3jx23nlnVq1axaJFizjhhBPuXXTZsmUAzJkz5955CxcuZNGiReyyyy6sXr0agCc96UksX76c+fPnc8YZZ9y77MqVK7l6im26tmv+Epo9Td3t7KFNAGy3HZx8Mnz2s3DhheuWXTTmGeAwOif+vQb4eTPvkcAJwNnAV9ctuurAVSxfvpxDD123H+30009nyym2aUnXvAV0Bhpfr51TatOi9Z+n2Kbx/vgW372Y+fPnk65TOQ4++GA+//nPc8ghh3DRRRfdO7+qWLx4MccccwxTkaqZf+H2nDlzam0QpI2Vc1q4EhKouVPPzv3udz+q6i5gn6q6BSDJbVX1qFaKmqbdk1o0jc/Na+18sXkbvYaJvo82rnydLe2Etto6r4V1TC9jAEmWV9WcyZccjOnmC9r5Pmru3I1ex4bMnIzNa2Ed/l/Si14ztsFzMpNc0TyvSfLLrseaJL+cdnXSLHXBBRcA3ANcluSMJM+ic+GPJEmblMku/HkQQFU9uKq26Xo8uKq8HaQ0RYcffjjAbcBj6BxReS2wU5LTkjx7iKVJktSqyTqZM/9YujSCqupXVXVeVR0M7ApcAxw/5LIkSWrNZBf+PCzJ6yZ6s6re23I90qxTVT8FTm8ekiRtEibrZG4GbI3njEmSJGkKJutkrq6qtw+kEkmSJG0yJutkugdTmgW+x/TG8eN974Nru0aIm+Y4fkDnnmInA58FuoaH63XMuyef8uRxx/GbztiEY8e8m36b2h/HL/PCypUr7zOO31TbdDmO4yepvzY4TmaShzTniw2V42SqTcMcJxNm3hh+4DiZk5kt7YTRGK9wMjMtY46TOblR+LubOe2ETWKczJnQwZQkSdLomWwII0mSJGnK7GRKkiSpdXYypRGS5DlJbkpyS5L7DN6e5HVJbkiyIsmlSR45jDqlUWXGpPbYyZRGRJLNgFOBg4DHAUcmedyYxa4G5lTVE4BPAycNtkppdJkxqV12MqXRsS9wS1XdVlW/A86nM0jMvarqsqr6dTP5DTq3rJTUGzMmtchOpjQ6Hg78sGv69mbeRF4OfGGiN5PMT7IsybI1LRUojbjWMma+pMkHY5c0c4w3SNu4A50leQkwB9h/opVV1WJgMXTG8WujQGnEtZYx8yXZyZRGye3AI7qmdwVWjV0oyQHAW4D9q+ruAdUmbQrMmNSigR8uT/KIJJcluTHJ9UkWDLoGaURdCeyZZPckWwBHAEu7F0iyD3A6cGhV3TGEGqVRZsakFg3jnMzfA6+vqscC+wHHjnP1nqQxqur3wKuAS4AbgU9W1fVJ3p5k7U2s3w1sDXwqyTVJlk6wOkljmDGpXQM/XF5Vq4HVzes1SW6kc2L1DYOuRRo1VXUxcPGYeW/ren3AwIuSNiFmTGrPUK8uT7IbsA/wzXHeu/fKvB//+MeDLk2SJEkbYWidzCRbAxcAr6mqX459v6oWV9Wcqpqz4447Dr5ASZIkTdtQOplJ7k+ng3leVX1mGDVIkiSpf4ZxdXmAs4Abq+q9g96+JEmS+m8YezKfDhwFPLO5Mu+aJM8dQh2SJEnqk2FcXX4F499VQZIkSZsI710uSZKk1tnJlCRJUuvsZEqSJKl1djIlSZLUuoFf+KOZK+e0cz1Wza1W1iNJkkaXezIlSZLUOjuZkiRJap2dTEmSJLXOTqYkSZJaZydTkiRJrbOTKUmSpNbZyZQkSVLr7GRKkiSpdXYyJUmS1Do7mZIkSWqdnUxJkiS1zk6mJEmSWmcnU5IkSa2zkylJkqTW2cmUJElS64bSyUzynCQ3JbklyfHDqEEaRZNlJ8mWST7RvP/NJLsNvkppdJkxqT2bD3qDSTYDTgUOBG4HrkyytKpuGHQtvco52eh11NxqoRLNZj1m5+XAz6pqjyRHAO8CXjj4aqXRY8akdg1jT+a+wC1VdVtV/Q44HzhsCHVIo6aX7BwGnNO8/jTwrCQb/ytJmh3MmNSiVA12D1uS5wPPqapXNNNHAU+tqleNWW4+ML+Z3Au4aaCFru+hwJ1D3P6g2M7BeGRV7TjVD/WSnSTXNcvc3kzf2ixzn/aasaGwnYMx9IyZr6GYLe2E4be1p4wN/HA5MN4vvvv0dKtqMbC4/+VMLsmyqpoz7Dr6zXbOeL1kp6d8gRkbBts547WWMfM1eLOlnTA6bR3G4fLbgUd0Te8KrBpCHdKo6SU79y6TZHNgW+CnA6lOGn1mTGrRMDqZVwJ7Jtk9yRbAEcDSIdQhjZpesrMUmNu8fj7wlRr0OTHS6DJjUosGfri8qn6f5FXAJcBmwIer6vpB1zFFM+KQxwDYzhlsouwkeTuwrKqWAmcBH0lyC529K0cMr+IpGcnvZBps5wy2CWdsJL+PaZgt7YQRaevAL/yRJEnSps87/kiSJKl1djIlSZLUOjuZjSQfTnJHMwba2nnvSrIiybld845KsmA4VU7PBG17SJIvJflO87x9M//vk1yf5L+T7NDMe3SS84dV/4ZMsW1JckpzO7gVSZ7UzN8ryfIk1yb582be5km+nOSBw2nZpseMmTEz1l9mzIzNtIzZyVxnCfCctRNJtgWeVlVPADZL8vgkWwHzgP8YSoXTt4SutjWOBy6tqj2BS5tpgNcD+wHnAi9q5p0IvLX/ZU7LEnpv20HAns1jPnBaM/+YZpnnA8c1814JfKSqft23ymefJZgxMGNmrH+WYMbAjM2YjNnJbFTVf7H+WGd/BLZIEmAr4B7gDcApVXXPEEqctnHaBuvfGu0c4HnN6z8CWwIPBO5J8pfA6qr6ziBqnaoptu0w4Nzq+AawXZKd6Xy3W7GuzdsBh9D5D0otMWNmDDPWV2bMjDHDMjaMO/6MhKpak+QC4Go6vyJ+ATylqt4+3Mpas1NVrQaoqtVJHtbMP4HO8B2rgJcAn2Q0hujoNlHbHg78sGu525t5p9IJ4pZ0fg2+DXiHY9/1lxkzY2asv8yYGRt2xuxkbkBVnQScBJDkTOBtSV4BPBtYUVUnDrO+fqiqLwFfAkgyF7gY2CvJccDPgAUjfHhr3NvBVdUPgGcAJNkD2AX4dpKPAFsAb62qmwdW5SxixswYZqyvzJgZY4gZ83B5D5Ls07y8GXhpVb0A+LMkew6xrI31f80udprnO7rfbE4UnkvnvJ1/A14GLAdePOA6p2OitvVyy7h30Dlv55+A84CFzUN9ZMbMWF+rlRkzY0PJmJ3M3vwLnV3P96dzFwjonPMxyldFdt8abS5w4Zj33wi8vzlvZyugGJ02T9S2pcBLm6vz9gN+sfZwBECS/YGVzXk7D6TT3j8wGm0edWbMjKm/zJgZG7yq8tE5ZeHjwGo6J8/eDry8mf88YGHXcu8B/hc4b9g1b0zbgB3onKPzneb5IV3L7wJc1DX9D8D1wNeAHYfdnum2jc5hhlOBW5vvcE7XekLn8Mr2zfRjgauAFcDTh93OTeFhxsyYGRv8d9XMN2NmbCgZ87aSkiRJap2HyyVJktQ6O5mSJElqnZ1MSZIktc5OpiRJklpnJ1OSJEmts5M5AEl2SHJN8/hRkpVd01v0uI6zk+w1yTLHJmllkNkkhzX1XZvkhuYOERta/pnNmF3jvbdzkou71rW0mf+IJJ9oo17NbmbMjKl/zJf5mi6HMBqwJIuAu6rqPWPmh8738cehFLZ+LVsC36Uz/taqZvqRtYFbUiU5Ebizqk4e572zgKuq6tRm+glVtaJP5WuWM2NmTP1jvszXVLgnc4iS7JHkuiQfojNg6s5JFidZluT6JG/rWvaKJHsn2TzJz5O8s/lV9fUkD2uWOTHJa7qWf2eSbyW5KcnTmvkPSnJB89mPN9vae0xp29IZ1PWnAFV199pwJtkpyWeaz30ryX5JHg28AnhD88vxaWPWtzOdAWZp1reiq/3XNK/P7vplfGeStzTzj2+2s6L730PqhRkzY+of82W+JmMnc/geB5xVVftU1Urg+KqaAzwRODDJ48b5zLbAV6vqicDX6dyPdTypqn2BN9C5nRjAq4EfNZ99J7DP2A9V1R3AJcD3k3wsyZFJ1v6tnAKc1NT4AuDMqroVOBN4d1XtXVX/M2aVHwTOSfKVJG9Ocz/WMds8uqr2Bg4H7gTOTfJc4E+ApwJ7A08bJ/zSZMwYZkx9Y74wXxOxkzl8t1bVlV3TRya5is6vwsfSCfBYv6mqLzSvlwO7TbDuz4yzzF8A5wNU1bV0brN1H1U1DzgQWAYcDyxu3joA+FDz6+1zwPZJtpq4eVBVFwOPBs5q2nN1kh3GLtes51PAK6vqh8CzgYOAq+n8e+wB/OmGtiWNw4w1zJj6wHw1zNd9bT7sAsSv1r5IsiewANi3qn6e5KPAA8b5zO+6Xv+Bib/Hu8dZJr0W1hwSWJHkY8CNdA4npKmvuwaSDa+2qn4CnAecl+SLdP6jGPufwxnA+VV1WVetJ1bVWb3WLI3DjK1jxtQ287WO+RrDPZkzyzbAGuCXze74v+nDNq6gc4iAJI9nnF+ZSbZJ8ldds/YGvt+8/jJwbNeya8+FWQM8eLwNJnnW2l+KSbYBdgd+MGaZBcD9x5xMfgnw8iQPapbZNclDe2ynNB4zZsbUP+bLfK3HPZkzy1XADcB1wG3A1/qwjQ/QOVdkRbO964BfjFkmwJuSnAH8BriLdefMHAucluRoOn8/lzXzLgQ+leTvgGPHnNPyFOCDSe6h88PmtKq6OskeXcscB/x67UnUwAer6swkjwG+0fzKXAO8iM75LtJ0mDEzpv4xX+ZrPQ5hNMsk2RzYvKp+2xza+E9gz6r6/ZBLkzYJZkzqH/M1WtyTOftsDVzaBDXAMYZTapUZk/rHfI0Q92RKkiSpdV74I0mSpNbZyZQkSVLr7GRKkiSpdXYyJUmS1Do7mZIkSWrd/wMFw2EpFPneugAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "# TODO: Import the three supervised learning models from sklearn\n", + "from sklearn.naive_bayes import GaussianNB\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "from sklearn.svm import SVC\n", + "\n", + "# TODO: Initialize the three models\n", + "clf_A = GaussianNB()\n", + "clf_B = DecisionTreeClassifier()\n", + "clf_C = SVC()\n", + "\n", + "# TODO: Calculate the number of samples for 1%, 10%, and 100% of the training data\n", + "# HINT: samples_100 is the entire training set i.e. len(y_train)\n", + "# HINT: samples_10 is 10% of samples_100 (ensure to set the count of the values to be `int` and not `float`)\n", + "# HINT: samples_1 is 1% of samples_100 (ensure to set the count of the values to be `int` and not `float`)\n", + "samples_100 = int(X_train.shape[0])\n", + "samples_10 = int(samples_100 * 0.1)\n", + "samples_1 = int(samples_100 * 0.01)\n", + "print(samples_100, samples_10, samples_1)\n", + "print()\n", + "# Collect results on the learners\n", + "results = {}\n", + "for clf in [clf_A, clf_B, clf_C]:\n", + " clf_name = clf.__class__.__name__\n", + " results[clf_name] = {}\n", + " for i, samples in enumerate([samples_1, samples_10, samples_100]):\n", + " print(i, samples)\n", + " results[clf_name][i] = \\\n", + " train_predict(clf, samples, X_train, y_train, X_test, y_test)\n", + "# Run metrics visualization for the three supervised learning models chosen\n", + "vs.evaluate(results, accuracy, fscore)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Improving Results\n", + "In this final section, you will choose from the three supervised learning models the *best* model to use on the student data. You will then perform a grid search optimization for the model over the entire training set (`X_train` and `y_train`) by tuning at least one parameter to improve upon the untuned model's F-score. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 3 - Choosing the Best Model\n", + "\n", + "* Based on the evaluation you performed earlier, in one to two paragraphs, explain to *CharityML* which of the three models you believe to be most appropriate for the task of identifying individuals that make more than \\$50,000. \n", + "\n", + "** HINT: ** \n", + "Look at the graph at the bottom left from the cell above(the visualization created by `vs.evaluate(results, accuracy, fscore)`) and check the F score for the testing set when 100% of the training set is used. Which model has the highest score? Your answer should include discussion of the:\n", + "* metrics - F score on the testing when 100% of the training data is used, \n", + "* prediction/training time\n", + "* the algorithm's suitability for the data." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer: **\n", + "\n", + "From the above graphs we can see that when working on our training data (which is a subset of the entire dataset used exlusively for training our model) that the Decision Tree classifier appears to be overfitting. We can see this because the accuracy and F-score are very very close to one for all 3 splits of our data. This most likely suggests our model is overfitting and it will not generalise well when we introduce the rest of the data to try predict the result. \n", + "\n", + "Looking at a Support vector machine in the above graphs we can see that for the testing data (and the training data) that this model appears to show some promise. Accuracy for the SVM on 100% of the data appears to be around 80% with the default values. For the fscore we can see that the value is around 65-70% for 100% of the data. This is a good indicator that with some further tuning of the model - we should be able to increase this accuracy further.\n", + "\n", + "The training time for a SVM is the highest out of all of the 3 models chosen. Indeed with 100% of the data used only SVM is showing any significant time needed to train a model. This is something we will have to work with and be careful with. If the model takes a significant amount of time to train we could look to the other two models. If we chose a decision tree we would need to be careful that we do not overfit and put some work into tuning the hyperparameters for the model. \n", + "\n", + "We discuss below the algorithms suitability and how it works in simple terms as to the reason why we are choosing a SVM." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 4 - Describing the Model in Layman's Terms\n", + "\n", + "* In one to two paragraphs, explain to *CharityML*, in layman's terms, how the final model chosen is supposed to work. Be sure that you are describing the major qualities of the model, such as how the model is trained and how the model makes a prediction. Avoid using advanced mathematical jargon, such as describing equations.\n", + "\n", + "** HINT: **\n", + "\n", + "When explaining your model, if using external resources please include all citations." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer: ** \n", + "\n", + "A support vector machine is a supervised learning algorithm that can be used in regression, but it really shines when used as a classifier. As we are wanting to classify whether someone earns \\$50k or not we have a classification problem, which a support vector machine lends itself well to.\n", + "\n", + "\n", + "The model works by classifying points. If we had 2 features (i.e if we took age and education level), converted them to arbitrary numbers and plotted them on a grid, we could colour each point red or green: red being they earn <50k and green meaning they earn >50k. In this plot a support vector machine would attempt to find a \"line\" that seperates the data.\n", + "\n", + "In our case we have many features (much more than 2), in this case visualising a plot is impossible, but the method remains the same just extended to higher dimensions. In this case we are not finding a line, rather a hyperplane (a higher dimensional line) that will seperate the points.\n", + "\n", + "When finding a hyperplane the model uses a margin to help optimise the model. We can think of the margin as the distance from a point to the seperating line (or hyperplane). If this margin is high, then this means there is a good distance from each classified point to the seperating hyperplane. If this margin is small, this means the points are close to the hyperplane - this means we are more likely to make a mistake in classifying a point. The aim of the method is to find the best line. It knows what the best is by maxmising this distance margin. \n", + "\n", + "A support vector machine uses a technique called the kernel trick to find this hyperplane. What this means in practice is that we can find very non linear hyperplanes to seperate our data. When compared to methods such as regression which do something similar, it means a support vector machine is much more useful in a non-linear seperation problem. If we observed our data in the 2 dimensional example as above, it might be obvious from the graph that a circle might seperate our data and classify points accurately. A SVM would allow us to do this, a regression line would not. \n", + "\n", + "To make a prediction the model will take a data point we give it, and \"plot\" it. It would then read from this what it believes the point is (what region it has been plotted in) based on the data we gave the model to train using the found hyperplane. This is how it makes a prediction\n", + "\n", + "** All information here is taken from this Udacity course - I have not cited it as per https://udacity.zendesk.com/hc/en-us/articles/360001451091-What-is-plagiarism-" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation: Model Tuning\n", + "Fine tune the chosen model. Use grid search (`GridSearchCV`) with at least one important parameter tuned with at least 3 different values. You will need to use the entire training set for this. In the code cell below, you will need to implement the following:\n", + "- Import [`sklearn.grid_search.GridSearchCV`](http://scikit-learn.org/0.17/modules/generated/sklearn.grid_search.GridSearchCV.html) and [`sklearn.metrics.make_scorer`](http://scikit-learn.org/stable/modules/generated/sklearn.metrics.make_scorer.html).\n", + "- Initialize the classifier you've chosen and store it in `clf`.\n", + " - Set a `random_state` if one is available to the same state you set before.\n", + "- Create a dictionary of parameters you wish to tune for the chosen model.\n", + " - Example: `parameters = {'parameter' : [list of values]}`.\n", + " - **Note:** Avoid tuning the `max_features` parameter of your learner if that parameter is available!\n", + "- Use `make_scorer` to create an `fbeta_score` scoring object (with $\\beta = 0.5$).\n", + "- Perform grid search on the classifier `clf` using the `'scorer'`, and store it in `grid_obj`.\n", + "- Fit the grid search object to the training data (`X_train`, `y_train`), and store it in `grid_fit`.\n", + "\n", + "**Note:** Depending on the algorithm chosen and the parameter list, the following implementation may take some time to run!" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "SVC(C=0.01, cache_size=200, class_weight=None, coef0=0.0,\n", + " decision_function_shape='ovr', degree=3, gamma=0.1, kernel='rbf',\n", + " max_iter=-1, probability=False, random_state=None, shrinking=True,\n", + " tol=0.001, verbose=False)" + ] + }, + "execution_count": 25, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "from sklearn.model_selection import GridSearchCV\n", + "from sklearn.metrics import make_scorer\n", + "\n", + "clf = SVC(C=0.01, gamma=0.1, kernel='rbf')\n", + "\n", + "clf.fit(X_train, y_train)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "predictions_test = clf.predict(X_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0.8245439469320066" + ] + }, + "execution_count": 27, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "accuracy_score(y_test, predictions_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Unoptimized model\n", + "------\n", + "Accuracy score on testing data: 0.8371\n", + "F-score on testing data: 0.6745\n", + "\n", + "Optimized Model\n", + "------\n", + "Final accuracy score on the testing data: 0.8392\n", + "Final F-score on the testing data: 0.6803\n" + ] + } + ], + "source": [ + "# TODO: Import 'GridSearchCV', 'make_scorer', and any other necessary libraries\n", + "from sklearn.model_selection import GridSearchCV\n", + "from sklearn.metrics import make_scorer\n", + "\n", + "# TODO: Initialize the classifier\n", + "clf = SVC()\n", + "\n", + "# TODO: Create the parameters list you wish to tune, using a dictionary if needed.\n", + "# HINT: parameters = {'parameter_1': [value1, value2], 'parameter_2': [value1, value2]}\n", + "parameters = {'C': [0.001, 0.01, 0.1, 1, 10, 20, 30],\n", + " 'gamma': [0.001, 0.01, 0.1, 1, 2, 5],\n", + " 'kernel': ['linear', 'rbf']}\n", + "\n", + "# TODO: Make an fbeta_score scoring object using make_scorer()\n", + "scorer = make_scorer(fbeta_score, beta=0.5)\n", + "\n", + "# TODO: Perform grid search on the classifier using 'scorer' as the scoring method using GridSearchCV()\n", + "grid_obj = GridSearchCV(clf, param_grid=parameters, scoring=scorer, n_jobs=-1)\n", + "\n", + "# TODO: Fit the grid search object to the training data and find the optimal parameters using fit()\n", + "grid_fit = grid_obj.fit(X_train, y_train)\n", + "\n", + "# Get the estimator\n", + "best_clf = grid_fit.best_estimator_\n", + "\n", + "# Make predictions using the unoptimized and model\n", + "predictions = (clf.fit(X_train, y_train)).predict(X_test)\n", + "best_predictions = best_clf.predict(X_test)\n", + "\n", + "# Report the before-and-afterscores\n", + "print(\"Unoptimized model\\n------\")\n", + "print(\"Accuracy score on testing data: {:.4f}\".format(accuracy_score(y_test, predictions)))\n", + "print(\"F-score on testing data: {:.4f}\".format(fbeta_score(y_test, predictions, beta = 0.5)))\n", + "print(\"\\nOptimized Model\\n------\")\n", + "print(\"Final accuracy score on the testing data: {:.4f}\".format(accuracy_score(y_test, best_predictions)))\n", + "print(\"Final F-score on the testing data: {:.4f}\".format(fbeta_score(y_test, best_predictions, beta = 0.5)))" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "SVC(C=0.01, cache_size=200, class_weight=None, coef0=0.0,\n", + " decision_function_shape='ovr', degree=3, gamma=0.001, kernel='linear',\n", + " max_iter=-1, probability=False, random_state=None, shrinking=True,\n", + " tol=0.001, verbose=False)" + ] + }, + "execution_count": 29, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "best_clf" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 33, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "grid_obj.get_params" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 42, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAWYAAAD8CAYAAABErA6HAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAGg1JREFUeJzt3Xl8VfWd//HXhwDFyhIWQQiURVCrM7VuYKU6ILKJFtxpHQktbRwXEKczotXKr2ylddx/ijCKolWRahmwpdrIMiotCqIoiJqICwEEMWwqSHLzmT/ul/SCWS4lyT05vp8+vo/c8z3fc873POTxySef8733mrsjIiLR0SDTExARkf0pMIuIRIwCs4hIxCgwi4hEjAKziEjEKDCLiESMArOISMQoMIuIRIwCs4hIxDSs7QuUbF2ntxbKVxzW4YxMT0EiqHTvBjvUcxxMzGnUptshX682KGMWEYmYWs+YRUTqVFki0zM4ZArMIhIvidJMz+CQKTCLSKy4l2V6CodMgVlE4qVMgVlEJFqUMYuIRIwe/omIRIwyZhGRaPEYrMrQG0xEJF7KytJv1TCzbDN7yszeNrO1ZvY9M2tlZvlmVhB+tgxjzczuNrNCM3vDzE5KOU9uGF9gZrnVXVeBWUTixcvSb9W7C3jW3Y8FTgDWAjcAC929B7AwbAMMBnqElgdMAzCzVsB4oBfQExi/L5hXRoFZROKlLJF+q4KZNQfOBB4EcPe97r4dGArMCsNmAcPC66HAI560DMg2s/bAQCDf3YvdfRuQDwyq6toKzCISLzWXMXcDPgEeMrPXzOwBMzscaOfumwDCz7ZhfA6wPuX4otBXWX+lFJhFJF4SpWk3M8szsxUpLS/lTA2Bk4Bp7n4i8Dl/L1tUpKJPqvMq+iulVRkiEi8H8c4/d58BzKhkdxFQ5O4vh+2nSAbmzWbW3t03hVLFlpTxnVKO7whsDP19DuhfUtW8lDGLSKy4J9JuVZ/HPwbWm9kxoasf8BYwH9i3siIXmBdezwdGhNUZpwE7QqnjOWCAmbUMD/0GhL5KKWMWkXip2TeYjAYeM7PGwDrgxyQT2jlmNgr4CLg4jF0AnAMUAl+Esbh7sZlNBJaHcRPcvbiqi5p77X7BiL7BRCqibzCRitTEN5jsWTk/7ZjT5KQfRPIbTJQxi0i86C3ZIiIRkyjJ9AwOmQKziMSLPo9ZRCRiVMoQEYkYZcwiIhGjwCwiEi2uh38iIhGjGrOISMSolCEiEjHKmEVEIkYZs4hIxChjFhGJmNL6/y3ZCswiEi/KmEVEIkY1ZhGRiFHGLCISMcqYRUQiRhmziEjEaFWGiEjE1PL3mNYFBWYRiRfVmEVEIkaBWUQkYvTwT0QkYhKJTM/gkCkwi0i8qJQhIhIxCswiIhGjGrOISLR4Wf1fx9wg0xMQEalRZWXpt2qY2Qdm9qaZvW5mK0JfKzPLN7OC8LNl6Dczu9vMCs3sDTM7KeU8uWF8gZnlVnddBWYRiZdEIv2Wnr7u/l13PyVs3wAsdPcewMKwDTAY6BFaHjANkoEcGA/0AnoC4/cF88ooMItIvNRgxlyJocCs8HoWMCyl/xFPWgZkm1l7YCCQ7+7F7r4NyAcGVXUB1ZgP0c5dnzF+6p0UrvsQzJj4i+t48a/LWfTS32hgDWjVsgWTb/o5bY9oDcArK9/gN3dNp7S0lJbZzXn43lvZtPkTfjHxv9havI0GZlw0dDCXXzKsmitLfdKgQQNeXvZnNm74mKHn57Jk0R9o2qwpAG2PaM3yFa9z4UWjaN68GY/MuodOnXJo2DCL22+/n1mPzMnw7OuZml2V4cBfzMyB6e4+A2jn7psA3H2TmbUNY3OA9SnHFoW+yvorpcB8iKbeeT+9e53CHZNvpqSkhN17vqR7128xOm8EAL/7/TymPfQ4468fzc5dnzHptv/P9Nsm0f7Itny6bTsADbOy+M/RP+O4Y7rz+edfcMmoMZx+6okc1bVzJm9NatCY0T/l7bcLaN6sGQB9zrqgfN+cJ2cw/5m/AHDVlSNZu/Zdhp0/kjZtWvHW6hd4/Im5lJSUZGTe9dJBfIiRmeWRLDvsMyME3316u/vGEHzzzeztqk5X0Wyq6K9UtaUMMzvWzMaFovZd4fW3qzvu6+Czzz/n1VWrufC8gQA0atSI5s2a0vTww8vH7N69Bwv/WxbkL+Hsf+lN+yOTv2Bbt8wG4Ig2rTjumO4AHH74N+nWuRObP/m0Du9EalNOTnvOGdyPmTOf+Mq+pk0Pp2+f3syb9ywA7k7Tpk3L9xUXb6c0Bh9jWacOopTh7jPc/ZSUlhqUcfeN4ecWYC7JGvHmUKIg/NwShhcBnVIO7whsrKK/UlUGZjMbB8wmGfFfAZaH10+Y2Q1VHft1ULThY1pmt+Dmybdz0cirueXXd/LF7j0A3DX9Yfqdfzl/+stirvnp5QB88FERO3d9xshrrueSn4xm3p+f/8o5N2zazNqC9/jO8cfU6b1I7bn9tl9xw42TKKvgT+xhwwazaPFSdu36DIB773uIbx/bg/UfruT1lQv595+Px2PwMZZ1qszTb1Uws8PNrNm+18AAYDUwH9i3siIXmBdezwdGhNUZpwE7QsnjOWCAmbUMD/0GhL5KVZcxjwJOdfep7v670KaS/K0xqppjY680kWDtu4Vcev4Qnnr4Xg47rAkPPpqsB157xUgWzn2UIQP68vjTzwCQSJTx1tsF3HfrBKbfPonpDz/BBx8VlZ/viy92c91Nkxg35or9sm6pv4acczZbtmxl5WtvVrh/+CVDmf3k/5RvDxjQh1Wr1tCp80mcfOoA7rpzEs1CLVrSVHOrMtoBL5nZKpKJ6Z/c/VlgKtDfzAqA/mEbYAGwDigE/hu4CsDdi4GJJBPb5cCE0Fep6gJzGdChgv72YV+FzCzPzFaY2YoHHvnqn29xcWTbNrQ7og3fOf5YAAb0+T5vvVu435ghA/rw/JKlALRr24bep53CNw9rQsvsFpz83X/incL3ASgpLWXsTZMYMqAv/fv0rtsbkVpz+umncN65Ayh8dxmP/e4++vbtzayH7wagVauWnHrqiSxYsLB8/MgRlzL3fxYA8N57H/DBB+s5NpS5JD1eVpZ2q/I87uvc/YTQjnf3yaH/U3fv5+49ws/i0O/ufrW7H+Xu/+zuK1LONdPdu4f2UHX3UF1gHgssNLM/m9mM0J4luXbv2ipuqLxu89MRP6xuDvVWm9atOLLtEbz/YTLrXfbq6xzV5Vt8uH5D+ZjFLy6ja+eOAPQ94zRWrlpNaWmC3Xv28Oaad+jWpRPuzi2/vpNunTuRO/yCCq8l9dNNN0+lS7dT6H70aVz2r1exePFSckeOAeCiC8/lTwue58svvywf/9H6DZx11vcBaNu2DUcf3Y1173+YkbnXWzVUysikKldluPuzZnY0ydJFDsn6chGw3N3r/2fr1YBfXHcl4371W0pKS+jUoT0Tf3Ed46fexQcfFWENjA5HtuWW/xwNwFFdvkXvXqdwQe6VNLAGXHjeQHp068LKVat55tmF9DiqCxfmXg3AtVfkcubpPTN5a1LLLr3kB/z21nv365s85U5mPnAHr618HjPjxpum8Omn2zI0w3oqBp+VYbX9YKFk67ro/lqSjDmswxmZnoJEUOneDRUtLTson0+4LO2Yc/gtjx3y9WqD1jGLSLyU1v8/5hWYRSReYlDKUGAWkXiJ8EO9dCkwi0isVLcMrj5QYBaReFHGLCISMQrMIiIRk/4H4EeWArOIxEocvvNPgVlE4kWBWUQkYrQqQ0QkYpQxi4hEjAKziEi0eEKlDBGRaFHGLCISLVouJyISNQrMIiIRU/9LzArMIhIvXlr/I7MCs4jES/2PywrMIhIvevgnIhI1yphFRKJFGbOISNQoYxYRiRYvzfQMDp0Cs4jEiscgY26Q6QmIiNSosoNoaTCzLDN7zcz+GLa7mtnLZlZgZk+aWePQ/42wXRj2d0k5x42h/x0zG1jdNRWYRSRWvCz9lqZrgbUp278B7nD3HsA2YFToHwVsc/fuwB1hHGZ2HDAcOB4YBNxnZllVXVCBWURipSYDs5l1BIYAD4RtA84CngpDZgHDwuuhYZuwv18YPxSY7e5fuvv7QCHQs6rrqsYsIrHiCavJ090JXA80C9utge3u5Y8Yi4Cc8DoHWA/g7qVmtiOMzwGWpZwz9ZgKKWMWkVg5mIzZzPLMbEVKy9t3HjM7F9ji7q+mnL6iqO/V7KvqmAopYxaRWPGy9DNmd58BzKhkd2/gB2Z2DtAEaE4yg842s4Yha+4IbAzji4BOQJGZNQRaAMUp/fukHlMhZcwiEis1VWN29xvdvaO7dyH58G6Ru18GLAYuCsNygXnh9fywTdi/yN099A8Pqza6Aj2AV6q6tjJmEYkV9xqtMVdkHDDbzCYBrwEPhv4HgUfNrJBkpjw8OR9fY2ZzgLeAUuBqd09UdQFLBvTaU7J1Xf1/47rUuMM6nJHpKUgEle7dcMhRtajXWWnHnI4vL6r1KP6PUMYsIrFSVrOrMjJCgVlEYuVgHv5FlQKziMSKArOISMTU8mOzOqHALCKxooxZRCRi6mC5XK1TYBaRWEloVYaISLQoYxYRiRjVmEVEIkarMkREIkYZs4hIxCTK6v+HZiowi0isqJQhIhIxZVqVISISLVouJyISMSplpOHoY86v7UtIPfTPrbpkegoSUypliIhEjFZliIhETAwqGQrMIhIvKmWIiESMVmWIiERMWaYnUAMUmEUkVhxlzCIikVKqUoaISLQoYxYRiRjVmEVEIkYZs4hIxMQhY67/710UEUmRwNJuVTGzJmb2ipmtMrM1Zvar0N/VzF42swIze9LMGof+b4TtwrC/S8q5bgz975jZwOruQYFZRGKlzNJv1fgSOMvdTwC+Cwwys9OA3wB3uHsPYBswKowfBWxz9+7AHWEcZnYcMBw4HhgE3GdmWVVdWIFZRGKlDEu7VcWTPgubjUJz4CzgqdA/CxgWXg8N24T9/czMQv9sd//S3d8HCoGeVV1bgVlEYsUPolXHzLLM7HVgC5APvAdsd/fSMKQIyAmvc4D1AGH/DqB1an8Fx1RIgVlEYqXsIJqZ5ZnZipSWl3oud0+4+3eBjiSz3G9XcMl9Mb6iFNyr6K+UVmWISKyUWfrL5dx9BjAjjXHbzWwJcBqQbWYNQ1bcEdgYhhUBnYAiM2sItACKU/r3ST2mQsqYRSRWEgfRqmJmR5hZdnh9GHA2sBZYDFwUhuUC88Lr+WGbsH+Ru3voHx5WbXQFegCvVHVtZcwiEitprLZIV3tgVlhB0QCY4+5/NLO3gNlmNgl4DXgwjH8QeNTMCklmysMB3H2Nmc0B3gJKgavdvcrfCwrMIhIr1a22SJe7vwGcWEH/OipYVeHue4CLKznXZGByutdWYBaRWNFXS4mIREwNljIyRoFZRGIlDp+VocAsIrGSUMYsIhItyphFRCJGgVlEJGJi8JV/CswiEi/KmEVEIqa6t1rXBwrMIhIrWscsIhIxKmWIiESMArOISMToszJERCJGNWYRkYjRqgwRkYgpi0ExQ4FZRGJFD/9ERCKm/ufLCswiEjPKmEVEIqbU6n/OrMAsIrFS/8OyArOIxIxKGSIiEaPlciIiEVP/w7ICs4jEjEoZIiIRk4hBzqzALCKxooxZRCRiPAYZc4NMT0BEpCaVHUSripl1MrPFZrbWzNaY2bWhv5WZ5ZtZQfjZMvSbmd1tZoVm9oaZnZRyrtwwvsDMcqu7B2XMNWhk3o8YPuJCzIzZjzzNQ9Mf454Hfku37p0BaN6iGTt37GJIn0sBOPa4Hky+/Zc0bdaUsrIyhp79I/Z+uTeTtyA1YPwdN3Jm/94Ub93GxX0uB2DsLVdzZv/elJSUUPTBBsaPncJnOz+j15mnMuamf6NR40aU7C3hzgn3snzpSgAGDO3HqGtHkJWVxYvP/5W7Jt6XyduqN2pwuVwp8HN3X2lmzYBXzSwfGAksdPepZnYDcAMwDhgM9AitFzAN6GVmrYDxwCkkF428ambz3X1bZRdWYK4hRx/bneEjLmRY/8so2VvCw7+/j8X5LzL6p9eXj7lpws/ZufMzALKysrjj/in8+5U3sXbNu2S3bEFpSWmmpi816JknF/DkzKeZeM8vy/uW/e9y7pl8P4lEgjE3X8lPxlzO3ZOmsb14O2NHjOOTzVs56tiu3PfEHQw8cRgtWjZn7C+v4rKBo9j26XYm3H0zPb9/Mq+89GoG76x+qKmw7O6bgE3h9S4zWwvkAEOBPmHYLGAJycA8FHjE3R1YZmbZZtY+jM1392KAENwHAU9Udm2VMmpI96O78vqKN9izew+JRIJXlr7KwCFn7TfmnGEDeOYPfwbgjL7f4+23Cli75l0Atm/bQVlZHB5byMplq9ixfed+fcv+9xUSieRHuL/56hratW8LwDurC/hk81YA3nv7fRp/ozGNGjcip3MHPlq3nm2fbgfg5ReW0+/cPnV3E/VYKZ52S5eZdQFOBF4G2oWgvS94tw3DcoD1KYcVhb7K+iv1DwdmM/vxP3psHL3zdiE9v3cy2S1b0OSwJvTp/33a5xxZvr/n905i6yef8sG6jwDoelRn3J1Zv5/GM4tmc8XokRmaudS1oT8cwtJFf/tK/9nn9uGd1e9SsreE9e9voEv3zrTvdCRZWVn0HXQm7Tq0reBsciA/iP/MLM/MVqS0vAPPZ2ZNgaeBse6+86tX/PvQCqdTeX+lDqWU8SvgoYp2hJvLA2j9zRyaNWl9CJepH957933uv/shHn16Ol98/gVrV79LaenfSxPnXTiYZ55+tny7YcMsTul1IkPP/hG7d+/hsbkzeHPVW/z1hVcyMX2pI6OuHUGiNMGCp/+yX3+3Y7oy5uaruOrS6wDYtWMXU8b9F7+ZPgEvc1ateJOcb3XIxJTrnYP5u9PdZwAzKttvZo1IBuXH3P0PoXuzmbV3902hVLEl9BcBnVIO7whsDP19DuhfUtW8qgzMZvZGZbuAdpUdl3qzXVufUP/XrqRpzmNzmfPYXAD+4+bRfLxxM5CsJw8a0o/z+g0vH7tp4xZe/usKthUn/1Rdkv8S//Sdbyswx9h5lwzmzP69ueLiMfv1t21/BLfPnMIvR0+k6MMN5f0v5C/lhfylAFzwrz8gkVCpKx01tVzOzAx4EFjr7ren7JoP5AJTw895Kf3XmNlskg//doTg/RwwZd/qDWAAcGNV166ulNEOGAGcV0H7NL3b+/po3aYVAB1yjmTQuf2Y/3Syntz7X3rxXsH7fLxxS/nYFxYt5djjjqbJYU3IysqiZ++TKXhnXUbmLbXv9L69GHnNZYzNHcee3V+W9zdt3pR7fncr90yZzqrlb+53TMs22QA0a9GMS0ZewNzHnqnTOddXNbVcDugNXA6cZWavh3YOyYDc38wKgP5hG2ABsA4oBP4buAogPPSbCCwPbcK+B4GVqa6U8Uegqbu/fuAOM1tS/X19vUx7+DayWyVXV9xy/RR27tgFwHkXDGL+H57db+zOHbt4cNqjzHv+cdydJfkvsjj/xUxMW2rYr6f9P04+/USyW2Xz7Mq53H/rg/x4zOU0btyIaU/eCSQfAE4edyvDf3Ihnbp25GfXjeRn140E4MrhY9m2dTvXTxzL0cd3B2DGbQ/x0br1lV1SUiS8ZjJmd3+JiuvDAP0qGO/A1ZWcayYwM91rm9fQTVTm61TKkPRlN2qa6SlIBL328dLKAmHaftT5/LRjzuMfzj3k69UGrWMWkViJw1uyFZhFJFbi8IhUgVlEYkXfYCIiEjEqZYiIRExNrcrIJAVmEYkVlTJERCJGD/9ERCJGNWYRkYhRKUNEJGJq+93MdUGBWURiJaGMWUQkWlTKEBGJGJUyREQiRhmziEjEaLmciEjE6C3ZIiIRo1KGiEjEKDCLiESMVmWIiESMMmYRkYjRqgwRkYhJeP3/4E8FZhGJFdWYRUQiRjVmEZGIUY1ZRCRiylTKEBGJljhkzA0yPQERkZqU8LK0W3XMbKaZbTGz1Sl9rcws38wKws+Wod/M7G4zKzSzN8zspJRjcsP4AjPLre66CswiEitl7mm3NDwMDDqg7wZgobv3ABaGbYDBQI/Q8oBpkAzkwHigF9ATGL8vmFdGgVlEYsUP4r9qz+X+AlB8QPdQYFZ4PQsYltL/iCctA7LNrD0wEMh392J33wbk89Vgvx/VmEUkVurg4V87d98E4O6bzKxt6M8B1qeMKwp9lfVXShmziMTKwWTMZpZnZitSWt4hXNoqnE7l/ZVSxiwisZLwRNpj3X0GMOMgL7HZzNqHbLk9sCX0FwGdUsZ1BDaG/j4H9C+p6gLKmEUkVtw97fYPmg/sW1mRC8xL6R8RVmecBuwIJY/ngAFm1jI89BsQ+iqljFlEYqUm35JtZk+QzHbbmFkRydUVU4E5ZjYK+Ai4OAxfAJwDFAJfAD8GcPdiM5sILA/jJrj7gQ8U979ubX/gR9fWJ9T/1d5S47IbNc30FCSCXvt4aUX12IOS0/L4tGPOhm1rDvl6tUEZs4jEit6SLSISMXF4S7YCs4jEij4oX0QkYvRB+SIiEaMas4hIxChjFhGJGH21lIhIxChjFhGJGK3KEBGJGD38ExGJGJUyREQiRu/8ExGJGGXMIiIRE4cac61/7Kf8nZnlhW9MECmnfxdyIH2DSd06lO8Tk/jSvwvZjwKziEjEKDCLiESMAnPdUh1RKqJ/F7IfPfwTEYkYZcwiIhGjwFxHzGyQmb1jZoVmdkOm5yOZZ2YzzWyLma3O9FwkWhSY64CZZQH3AoOB44AfmtlxmZ2VRMDDwKBMT0KiR4G5bvQECt19nbvvBWYDQzM8J8kwd38BKM70PCR6FJjrRg6wPmW7KPSJiHyFAnPdsAr6tBxGRCqkwFw3ioBOKdsdgY0ZmouIRJwCc91YDvQws65m1hgYDszP8JxEJKIUmOuAu5cC1wDPAWuBOe6+JrOzkkwzsyeAvwHHmFmRmY3K9JwkGvTOPxGRiFHGLCISMQrMIiIRo8AsIhIxCswiIhGjwCwiEjEKzCIiEaPALCISMQrMIiIR839sVjphqt9CTwAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "from sklearn.metrics import confusion_matrix\n", + "\n", + "cf = confusion_matrix(y_test, best_predictions)\n", + "\n", + "sns.heatmap(cf, annot=True, fmt='d')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 5 - Final Model Evaluation\n", + "\n", + "* What is your optimized model's accuracy and F-score on the testing data? \n", + "* Are these scores better or worse than the unoptimized model? \n", + "* How do the results from your optimized model compare to the naive predictor benchmarks you found earlier in **Question 1**?_ \n", + "\n", + "**Note:** Fill in the table below with your results, and then provide discussion in the **Answer** box." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Results:\n", + "\n", + "| Metric | Unoptimized Model | Optimized Model |\n", + "| :------------: | :---------------: | :-------------: | \n", + "| Accuracy Score | 0.8371 | 0.8392 |\n", + "| F-score | 0.6745 | 0.6803 |\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer: **\n", + "\n", + "The results are better (only marginally). I ran this several times with the same parameters and it remains very close whether a rbf or linear kernel was chosen.\n", + "\n", + "\n", + "The scores for the naive model were: Accuracy score: 0.2478, F-score: 0.2917\n", + "\n", + "If this were a production use case - I would do further investigation with the hyperparamters. Rather than using a step of 0.001, 0.01, 0.1 for C I would look at more granular steps in between these values. For values of C < 1 this usually suggests we have noisy data.\n", + "\n", + "We could also look at gamma - we have a relatively small value of gamma at 0.001. If this is too small then the model may not be able to accurately capture the shape of the data.\n", + "\n", + "If I were to work on this further - I would try a grid search with more granular values for gamma and C. I would then make use of the seaborn heatmap to see the validation accuracy on a scale of 0 to 1 to see the heatmap for each combination of values.\n", + "\n", + "That being said we have a much higher accuracy when compared to the naive predictor and this is to be expected. Since our assumption was naive and we have used a model with tuned parameters.\n", + "\n", + "We see that our accuracy of our tuned model is 0.8392 compared to 0.2478 of the naive model. This is an increase of ~240% which is a huge improvement. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "----\n", + "## Feature Importance\n", + "\n", + "An important task when performing supervised learning on a dataset like the census data we study here is determining which features provide the most predictive power. By focusing on the relationship between only a few crucial features and the target label we simplify our understanding of the phenomenon, which is most always a useful thing to do. In the case of this project, that means we wish to identify a small number of features that most strongly predict whether an individual makes at most or more than \\$50,000.\n", + "\n", + "Choose a scikit-learn classifier (e.g., adaboost, random forests) that has a `feature_importance_` attribute, which is a function that ranks the importance of features according to the chosen classifier. In the next python cell fit this classifier to training set and use this attribute to determine the top 5 most important features for the census dataset." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 6 - Feature Relevance Observation\n", + "When **Exploring the Data**, it was shown there are thirteen available features for each individual on record in the census data. Of these thirteen records, which five features do you believe to be most important for prediction, and in what order would you rank them and why?" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ageworkclasseducation_leveleducation-nummarital-statusoccupationrelationshipracesexcapital-gaincapital-losshours-per-weeknative-countryincome
039State-govBachelors13.0Never-marriedAdm-clericalNot-in-familyWhiteMale2174.00.040.0United-States0
150Self-emp-not-incBachelors13.0Married-civ-spouseExec-managerialHusbandWhiteMale0.00.013.0United-States0
238PrivateHS-grad9.0DivorcedHandlers-cleanersNot-in-familyWhiteMale0.00.040.0United-States0
353Private11th7.0Married-civ-spouseHandlers-cleanersHusbandBlackMale0.00.040.0United-States0
428PrivateBachelors13.0Married-civ-spouseProf-specialtyWifeBlackFemale0.00.040.0Cuba0
\n", + "
" + ], + "text/plain": [ + " age workclass education_level education-num marital-status \\\n", + "0 39 State-gov Bachelors 13.0 Never-married \n", + "1 50 Self-emp-not-inc Bachelors 13.0 Married-civ-spouse \n", + "2 38 Private HS-grad 9.0 Divorced \n", + "3 53 Private 11th 7.0 Married-civ-spouse \n", + "4 28 Private Bachelors 13.0 Married-civ-spouse \n", + "\n", + " occupation relationship race sex capital-gain \\\n", + "0 Adm-clerical Not-in-family White Male 2174.0 \n", + "1 Exec-managerial Husband White Male 0.0 \n", + "2 Handlers-cleaners Not-in-family White Male 0.0 \n", + "3 Handlers-cleaners Husband Black Male 0.0 \n", + "4 Prof-specialty Wife Black Female 0.0 \n", + "\n", + " capital-loss hours-per-week native-country income \n", + "0 0.0 40.0 United-States 0 \n", + "1 0.0 13.0 United-States 0 \n", + "2 0.0 40.0 United-States 0 \n", + "3 0.0 40.0 United-States 0 \n", + "4 0.0 40.0 Cuba 0 " + ] + }, + "execution_count": 48, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "data.head(5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer:**\n", + "\n", + "I would rank the features in the following order\n", + "\n", + "1. Hours per week - I would consider this very important. Those who do not work full time (>35 hours a week) are much less likely to have a high income. It is noteworthy that if their marital status is married then this could explain why someone works few hours a week. As our data is income individually (and not household income) I would therefore rate this as the highest indicator.\n", + "\n", + "2. Capital gain - I would consider this important. Those who have investments that are paying off I would believe to have a high enough income to begin with to afford the investment. \n", + "\n", + "3. Education Level - Those who have a Bachelors degree or higher are more likely to be earning more than those who do not (see https://smartasset.com/retirement/the-average-salary-by-education-level)\n", + "\n", + "4. Native Country - I would expect that this would be quite important in determining whether someone earns over \\$50k. Countries such as the UK, USA and Luxembourg would have a higher median income compared to countries such as Liberia and other African states.\n", + "\n", + "5. Sex - On average women earn 78 cents to the dollar when compared to men (according to CNN in 2015 in the USA https://money.cnn.com/2015/04/13/news/economy/equal-pay-day-2015/). Although there are many reasons why this is the case in terms of looking just at the data and the problem we want to solve, I would expect more men than women to earn $50k or above." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementation - Extracting Feature Importance\n", + "Choose a `scikit-learn` supervised learning algorithm that has a `feature_importance_` attribute availble for it. This attribute is a function that ranks the importance of each feature when making predictions based on the chosen algorithm.\n", + "\n", + "In the code cell below, you will need to implement the following:\n", + " - Import a supervised learning model from sklearn if it is different from the three used earlier.\n", + " - Train the supervised model on the entire training set.\n", + " - Extract the feature importances using `'.feature_importances_'`." + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAoAAAAFgCAYAAAArYcg8AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XvcVWP+//HXR6UDqVSIopAQTeUuJZJjOYURchrNoHFonIafw8zENMy372CkwddpmhiHkGEaGgzKoaLuiElFRUgoIR2UDp/fH9e171a7ve9D3fe+q/V+Ph73495rrWtd67PXWnvtz76udTB3R0RERETSY6vqDkBERERECksJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBLATZyZ9TMzN7PvzKxR1rSacdqN1RTeBku8r5aJcXPMbHh1xpCjzL1m9oOZbZ01/vQ47xM55nnSzBaYmVUwng3almbWI857ZBnlGprZjWbWsaLLKKXOE8zsv2a2PMbQsLLqzrEsz/P3cKLMXDN7oJKWd3hFtkdcdq74xibKvGlmz1dGfBWIa0SMY3ae6YPj9FVVsOyacZ/rXs7yF2atu8Vm9k4cX+XfV3FdLE8M14lxXFvBeq4ys95l1V8IOdZp8u/gKlpmHzO7tCrqlspTs7oDkHJrAFwDVOhAtJk5Gfi+uoPI8hrQH+gMvJEY3x1YBhySY55DgNe94jfZ7ArM3ZAgy6khcENcxtsbW5mZ1QQeAcYDlwA/Aos3tt4yDAfuzRq3IPH6BGBRJS3rcOA3wI0VmGc08Iesccl9+jxg9caFtUGWALubWTd3H5cZGZOqswjbrV4VLLcmYZ9bRfgslVdvwnZtAJwB/B+wPfDHyg6wDCsIn8tPKzjfVcCzwKis8XcB/6iEuDZEZp0mvV9Fy+oDFAFDq6h+qQRKADcfLwK/MrMh7v5lVSzAzGq7+4qqqLs83P2d6lp2KV6N/7uzfgJ4H3C5me3l7h8CmFkbYMfEfOXm7m9uZKyFtgtQH3jC3Svy5Z6TmdUAzN1La4n6vLT1VJ59qIr38wVlxFdVX7hl+Qp4FzgHGJcYfziwMyGRP7Ma4srnHXfP/Bh6wcz2Ai4nTwIYW9trufuPlRlE/BFXaZ9Ld/8M+Kyy6qug5Drd7JTz+CAVoC7gzcdN8f9vyipoZp3N7CUzW2JmS83sZTPrnFVmeOyy6mpm483sB+BPcdocM3vYzM4xsw9iF+jrZtbazLaJ3aILzewrM7sttgRl6q1jZreb2dS4/C/N7F9mtnc54i7pAjazlqV0W4xNzFPTzK4zsxlmtsLM5sWY6mTVvbuZPWdmyyx0z94B1C4rpnjA/JiQ8GXq2h5oCzwGfJKclni9TkJkZheY2buxq/RrM/trrCdZZr0uYDM7I7635Ra6Wnub2djkOkioZ2Z3xvoXxG3YMLM+4/sAuD+xLvvF6T3NbJyZLYrb7QMzG5hvvcQ458TBvya3iwVXxDp+NLMvYlzb5Xi/N5vZtWb2MaEFcf98yywPy+oCNrPz43K6mdlTZraImACZWZf4Ofkm7hezzewvcdpNxM9aYl1t9BePJbqAzWw3M1tjZhfkKHdD3OYNE+NON7OJMdZvLXTt7lKBxT8EnGZmyf3+Z8BLwLwcMdS20GX5SdyOH1vozk1+3muZ2f+Y2Ucx3gUWjhUHxs/gD7HoHxLrcUN6MYqBppl9KB5XHrDQvfkhsBI4Ik6rH48Bmbhnm9n/M1v3lAwLx8nxMe7PcsVlebqAzewAMxsV950fzGy6mV2ViY3wI/C8xHu+J07L7mKeZWaP5FjuoXG+XlnLfNbC6UA/mNlrZtZ1A9ZlTma2o5ndHz+vK8xsmpn9PKtMs1hmZtwPPzWzh8xsp0SZEcDpwB6J9z8jTst0R++UVW++rveBZvY7M/uEcHxoXYFYdzGzRxJl5sVtts6pVGmmFsDNxxfAnYQWp1vd/ZNchcysHaH1aRrQD3BCt/GrZtbF3d9NFG8AjABuBa5n7cEaQiKzB6HbeWtgCPAU8BEwC+gby/wWmA3cHeerTWgVuinGvD1wMfCmme1dgdbLLwhdL0ltCa1u0xPjHiZ0+/0voStyH0IXXEvglLhOtgb+A9QldFXOB34J/LScsbwG/NTMarj7akIX7zJCN+rrhPWQSTq6E7ogS9azmQ0Gfk3oDrma0HJ2E7CfmR0U61yPmR1FaJkZFedvQtgOdYAPc8xyB6Hb6UygDSGhXw2cS1ifPyV0P/0Pa7umZpvZ7nF4JGHdZQ60u5eyTh4ApgJPxvfyHGu7Om8GriN0d/0L2DfW+xMzO9Td1yTq6UfYp64ClpIjEcliyQQEoJwtAo8BjxK6EmuYWQPg38AEQhK0hLDPdInl7yFsp36s3Q/L06W/XnzA6lynA7j7J2b2GqFV7v6syWcB/3L372KllwN/juVuIHTnDwLGmFl7d19WjtgeJ+wjxwH/MLNtCPvEL8mdeD9G+Gz9gdAK1h34HbAr8ItYZiDhM3UdYX9oQDhdYntC9+mhhOPRvYTue6h4dypAK8J+mTxGHQN0ijEtBGbFz/pLsfwfCMeKboR9tAFrk/qdYrlPCOt/NeE42aysQCycN/dSrPsy4HPC561NLHIs4XjzBuGzBqEFNpeHgavNrL67J0+fODvO85+4zC7AGMJ2OA9YDgwAXjGzzu7+37LiJuz3yX1zTeazGJOiCXH8bwnb6DjCj7ua7p7ZP5sQThe4BvgaaE44pr1mZm3dfWWcvzGwN3BqnC+53Sril8AHhNbf5cD8CsQ6IsZxJWEb7QQcRTh+CoC7628T/mNtErcn4aD6HTAsTqsZp92YKD8ylmmYGLcd8A3wj8S44XHeE3Msc04s3yAx7tJY/oGssm8DY0qJvwbh3KLFwBU53lfLrOUOz1NPU0KiMB6oE8cdEuv4WVbZs+L49nH4gjjcJVFmK8L5L+vEkGfZv4jliuLwbcBL8XV/YE6i7CfAs4nhloQvl4FZdXaLdZ6UGJe9LccTvlQtMa5jLDc2Ma5HHPdg1jLuJBw0LRGLA+dnlesTx29XwX1zzzhfv8S47eMyh2eVPTuW7Z31fucBdcu5PM/zt2eizNzkPgqcH8vcklVXlzh+31KWdxOxF7Cc8c3NE1+PRJk3gecTw+cBa1j3c5CJrXccbkhIju/OWt5ehHPrLiwjrhHArPj6CeCZ+PpnhKS9HjAYWJWYpyjGcG2udQK0icMvAY+Wsuw6sfxvy7kOL4zldyMc3xoDv4rraESi3JeEY0qTrPkviGUPzBr/B0IS0jDxGV4O7JQo04Bw7FyeI/5rE+MmEo5FdUp5H1+SdayM4wdn1b9HrP/cxLjaMY4/J8aNI/yorJkYV4vw43tEvjiy1mn230uJMjfHfaxl1rx/J3xGt8pTd03Cj0UHjsm1z+WJZaes8dnrJbPePwG2zipbZqyAEX4w9C/v5zeNf+oC3oy4+zeEA9fPLJxrlkt3QgLyXWK+7wktPIdmlV1FaDHKZYK7J0+mnxH/v5BVbgbQIjnCzE4zs7fM7Lu4jKXAtqz9hVwh8Vf903HwRHfPdBX0InzIn7LQFVwz/sJ9MU7PdMd2BT7zxLlZHn75rncFbx7J8wAz/1+Pr98AdjOzXc1sV0LrSLL79yjCAemRrBjfInz55rw60sL5LkXAUx6PbjHut1nblZvtuazh/xK+THYs4/1NIXShjbBw9d4OZZQvTZe4zIezxo8g7AvZ++Dz7l6R1oFhhFaf5F95zql6Omv4A8L6v9/MzjKz5hWIoTTP5ohvcinlnyQkImcnxp1DaF35dxw+hJCkZe9DH8W/cl1hGz0EHGtmjQkJ4FOeu/UwU2f2dnw4a/ok4CQzG2RmB5lZrQrEUpo5hH3ya+B24G+E5CHpdXf/OmtcL0Lr+OQcx4Q6hNZJCMeE1zzRIxGPd/+mFBa65DsBDyWOQxvM3WcTWrPOSYzuTUhGH4rL3C7G+3gczrwnB16h/Nv/ONbdLy9OTOtFOJbNzVpvLxBaRfeMyzYzu9TC6ShLCNso0xuxQcf3Mjzn65/XWWas8Zg5GbjezAaYWdsqiG2zpwRw83M7oXVuUJ7p2xO6+7J9CWSf+zDf83Q/At9mDf9YyviSJnUzO4FwoJpO6Io8kHCwWcCGN73fD+wHHO/uyavYdiB0T2cORJm/+XF64/i/Gbm7YPJ1y6wjHqQ/B7qb2bZAB9YmgNMJ3U/dWZvcJBPATDI1KyvGlYSW2cbk1oTwC39+jmn54v4mazhzoUOp693dZwE9CceDvwNfxgQ+O1krj8x5jevsgx66aRcmppOrXDl84e7FWX/luaAjO55vgcMI6/Ie4LP4pXZSBePJtjBHfHmvjE78ODsbwjl1hPOnRnjoToO1+9AbrL8PtSb/PpTL84TP8FWE9/9QnnKZ7ZR9ysaXWdNvJLTI9CG0Un0dz83a2POsMsnK3sA27n5e8kdtlGvf2YGQiGSvp8xncmOPCZn5K/NiioeAw2zt+ZznAFPdfUocbkpo0bqZ9d/X+ZR/+7+XtV8mTyPZATg6R/1/j9Mzy7iKcBrKc4S7NnRm7XGvKrpW823j8sR6MmF//w0w1cL5wdeZVez2XFsynQO4mXH3JWb2P4SWwFtyFPmGcK5Dtp1YP0HwHOU2Vl9C03+/zIj4pZb9xV8uZnY9IZE81t2nZU1eSGg9yXUrFlh7PtkXhPMHs5XVMpb0OqE172BCF9ObEPoHzewNQgJohNbOZIvPwvj/aNZPnpPTs31NOKjlao3bkQ07jyovdx9DOJ+sNqF7ehDwnJm1zNHKUprMPrYTiVtMxF/ojVn//VbFPpjLesuJrak/jbF1InxRjDSz/d19enb5KvR34HQz60RITBqz9ssM1q6zM4GZOeYv962T3H2VmT0G/D9CEjM2T9HMdtyR8OMnI3NsWRjrW0FITG42s2aE1qvbCD/Mzi1vXDm852VfsZpr31lIaN09O8c0CC2mEI4JuT7/ZR0TMtuiIhfflCVzbuaZZjaM0ML128T0zLa4jdCSnq0yPkMLCT9Sr84zPdMD1BcY7e4lF8WY2T4VWE6m1XTrrPH5kth827jMWGPr7oXAhWa2L/BzwlXkXxJalFNPCeDm6W7Cia035Zj2KnBc8qRiM6tPOJl7bAFiq0fo6ks6h3AuYIWY2U8J7/Eid/9PjiLPE05GbuDuL5dS1QTg5/EimDdj3VsBp1UgnFcJB7+LgLezus3eIPwSN0LX+crEtP8QEsZd87yHnNx9tZkVA6eY2Y2ZbmAzO4BwgvuGJICZlrK6pSx3BeHE8m2Bf8ZlVSQBfDMupy+Q3CanE443Fb49TlWLrZMTLFz1fByh1Wk6cX2ZWd0KdlNX1AuElt5zCAngB+4+MTH9NcL5a7u7+2OVsLwHCOeDPpc8vSBLZjv1JSQeGWclYlqHu38B3GtmJxJa7CH0EDil7HOV7HlCAvVtbLnPZwJwsZntlOkGjhcGHVNa5e7+nZlNJJyGM7iU1ucVlPM9u/u3ZvYcYfsvIxwrH8ma/hbQDri6lG22MZ4nXpAVTzXKpx7hh2nSz3OUy/f+Mxcv7kc8hsUfnUdUQawlYuPB1WZ2MWv3zdRTArgZcvcVZjaIcEVstj8AxwMvm9n/Eg6+1xA+uPm6jSvT84Rzgm4nnA91AOECkuzum1LFK1P/Tjh35914FVzG9+4+zd3HxtaMkWb2Z8LJ2WsIX27HAtfEbo4HCVf4/SO2KM4n/DJc57YkZch84Z3Aul+IEFoHM62x65wz5e6z43a4M563+SrhV3ALQoviA7H1LZcb4vt/2szuI3QL30j4Bbsmzzyl+Yrw67mvmb1HaK38mHClXnfCTYw/i8u5jtCCOrUiC3D3b+K2uM7MlsY69yEk8m+w/nmK1SImKb8AniGcb7Yt4UrD7wnnZ0K4kh7gKjN7kXCRRGnn822QRKvc2TGOP2RN/8bCbUhuM7OdCQnjYkIr1GHAv919ZAWWNxUotavb3Seb2dPAHy3czmUioaX9OuBvvva+l/8mrK93CJ/xIsK9BW+P9awxsw+AE83sFcIV8nO9iu5lSmjZOZfQmn0bYf+tTTiHrTfQM572cgvhgpH/xGPpqvjeFlN2V+aVhB834+Jxbl6sfx93vzKWmUbo1j2WcLyZ7+6l/Wh7iHCe6nXAK+7+edb0ywnn+422cKusLwldw0XASnf/XRkxl+VPhG78N8xsCOG8vvqEz+6B7n5KLPc84X60/49wAWBPcu9L0whJ8nnAe8AyD/fAHEc4xtweE781hIt8KnI6WpmxmtmOhB+wjxJahFfHeeoSr6wWdBXwpv5H4irgrPE1CTv+OleOxmkHEq7OW0L4kn8Z6JxVZjjhQJxrmXOAh7PG9YjLOrK0eggf5JsIB8VlhISnA1lX+FLGVcCJ5eX6G5u1vMsIV8gtZ+0tWP7Eulcx705IRpYRzke8g3CLgXViKGNbzCfrStY4vlZczw4cmmfecwitY0vjdplOuEq3eaJMrm15JuEAtoLQpXoy4cv26XJsm1zr+CTCwXllnNaPcIL5PwkH5hWE7rEniVd6lrI+1rsKOI434IoY94+xvrvIuso4zntTBT4LZZYn/1XALbPK7UO4COjjuN/MJySnRVmfsXvi/rKGxFWypSx7eBll1rkKODH+gBjnmuxYE2VOJHyeFsf9eCahNa+s7ZTzisysMoOz3x8hcRpMaKn5Ma6rG1n3StTrCAngNzGmGYTuy2SZHoQLjVaQ48rirGVmrhJtXka8Oa+yjdPqEY5BH8ZlLowxDmTdK+o7E660XxH3/WvJfzVq9tXQnQjHk0XxfU8DrkxM35+Q7CyL89+TWM/Lc8S8NaGl3cm6q0FWnU/G/TET89PA0WWsq/Ku08aEW1Vl7rn3VdzfLk6U2ZZwTvYCwo+lZwhXo6+zjgg/rp8k/ChwYEZi2k8IP5qXEI75vyplvee8erysWIFtYpzT4nIWET57p5a2DtL2l7k9hIhsBuLVqrOAm909+5FjIiIi5aIEUGQTZWZ1CTf/fYnQOrA74eT9HYG2Hs65EhERqTCdAyiy6VpNuOryTkKXx1JC18mpSv5ERGRjqAVQREREJGV0I2gRERGRlNmsu4CbNGniLVu2rO4wRERERDYJkydP/trdm5ZVbrNOAFu2bElxcXF1hyEiIiKySTCzT8oupS5gERERkdRRAigiIiKSMkoARURERFJmsz4HUEQqZuXKlcydO5fly5dXdygiZapTpw7NmzenVq1a1R2KyBZHCaBIisydO5f69evTsmVLzKy6wxHJy91ZuHAhc+fOpVWrVtUdjsgWR13AIimyfPlyGjdurORPNnlmRuPGjdVaLVJFlACKpIySP9lcaF8VqTpKAEVERERSRucAiqSYPVi5LSx+btnPFq9Rowb7779/yfAzzzxDRZ/o89133/Hoo49y8cUXVzTEMrk7TZs2ZebMmTRq1IgvvviCnXfemddff52DDz4YgKZNmzJjxgwaN26cs45Ro0Yxbdo0rr322rzLGTt2LLfeeivPPvvsetOGDBlC//79qVevXuW8KRGRLGoBFJGCqlu3LlOmTCn525DHOX733XfcfffdFZ5v9erVZZYxMw488EAmTJgAwPjx4+nQoQPjx48H4IMPPqBJkyZ5kz+A3r17l5r8lWXIkCEsW7Zsg+cXESmLEkARqXarV6/m6quvplOnTrRr1457770XgCVLlnDEEUfQsWNH9t9/f/75z38CcO211zJ79mzat2/P1VdfzdixYzn++ONL6hswYADDhw8HwiMjBw0axMEHH8yTTz7J7Nmz6dWrFwcccACHHHIIM2bMWC+ebt26lSR848eP58orr1wnITzooIMAWLBgAaeccgqdOnWiU6dOjBs3DoDhw4czYMAAAGbPnk2XLl3o1KkTAwcOZNttty1ZzpIlS+jTpw977703Z511Fu7O0KFDmTdvHocddhiHHXZYZa5mEZES6gIWkYL64YcfaN++PQCtWrXi6aef5q9//SsNGjRg0qRJrFixgm7dunH00UfTokULnn76abbbbju+/vprunTpQu/evRk8eDBTp05lypQpQOhOLU2dOnV44403ADjiiCO45557aN26NW+99RYXX3wxr7zyyjrlDzroIAYNGgTAxIkT+f3vf8+QIUOAkAB269YNgMsuu4wrrriCgw8+mE8//ZSePXsyffr0deq67LLLuOyyyzjjjDO455571pn2zjvv8P7777PzzjvTrVs3xo0bx6WXXsqf//xnxowZQ5MmTTZgDYuIlE0JoIgUVKYLOOnFF1/kvffeY+TIkQAsWrSImTNn0rx5c66//npee+01ttpqKz7//HO++uqrCi/z9NNPB0KL2/jx4zn11FNLpq1YsWK98p07d+add95h6dKlrFy5km233Zbdd9+dWbNmMX78eH79618D8NJLLzFt2rSS+b7//nsWL168Tl0TJkzgmWeeAeDMM8/kqquuWmc5zZs3B6B9+/bMmTOn5DxDkU2RPfhgldXt555bZXXL+pQAiki1c3f+8pe/0LNnz3XGDx8+nAULFjB58mRq1apFy5Ytc94XrmbNmqxZs6ZkOLvMNttsA8CaNWto2LDheglotnr16rHnnnsybNgwOnbsCECXLl0YPXo08+fPp02bNiX1TZgwgbp161b8TQO1a9cueV2jRg1WrVq1QfWIiFSUzgEUkWrXs2dP/u///o+VK1cC8OGHH7J06VIWLVrEDjvsQK1atRgzZgyffPIJAPXr11+npW233XZj2rRprFixgkWLFvHyyy/nXM52221Hq1atePLJJ4GQeL777rs5y3br1o0hQ4bQtWtXALp27codd9xBly5dSu5Pd/TRR3PnnXeWzJMrsezSpQtPPfUUACNGjCjX+sh+fyIilU0tgCIpVp7bthTC+eefz5w5c+jYsWPJbVieeeYZzjrrLE444QSKiopo3749e++9NwCNGzemW7du7LfffhxzzDHccsstnHbaabRr147WrVvToUOHvMt65JFHuOiii7jppptYuXIlffv25Sc/+cl65bp168Ydd9xRkgB27NiRuXPncv7555eUGTp0KJdccgnt2rVj1apVdO/efb3z/IYMGcLZZ5/NbbfdxnHHHUeDBg3KXB/9+/fnmGOOoVmzZowZM6Zc61BEpCLMfdP4AtgQRUVFXlxcXN1hiGw2pk+fzj777FPdYaTKsmXLqFu3LmbGiBEjeOyxx0quZpayaZ/dtOgcwE2fmU1296KyyhWsBdDMegF3ADWAB9x9cNb024HMPQ/qATu4e8NCxSciUhUmT57MgAEDcHcaNmzIsGHDqjskEZHCJIBmVgO4CzgKmAtMMrNR7l5y+Zy7X5Eo/ysgfx+OiMhm4pBDDsl7nqGISHUp1EUgnYFZ7v6Ru/8IjABOLKX8GcBjBYlMREREJGUKlQDuAnyWGJ4bx63HzHYDWgGv5Jne38yKzax4wYIFlR6oiIiIyJauUAlgrifO57v6pC8w0t1zPrTT3e9z9yJ3L2ratGmlBSgiIiKSFoVKAOcCLRLDzYF5ecr2Rd2/IiIiIlWmUFcBTwJam1kr4HNCkndmdiEzawM0AiYUKC6RVKvsWzqU5zYOX375JZdffjmTJk2idu3atGzZkiFDhrDXXntVaixJPXr04NZbb6WoKP+dEYYMGUL//v2pV68eAMceeyyPPvooDRtu3M0IWrZsSf369alRowYAd999NwcddFCF6/njH//I9ddfv1Gx5NOhQwf+9re/0b59e1atWkWDBg249957OfvsswE44IADuP/++0ueipKtuLiYhx56iKFDh+Zdxpw5czj++OOZOnXqetOGDx/O0Ucfzc4771w5b0hEylSQFkB3XwUMAF4ApgNPuPv7ZjbIzHonip4BjPDN+eaEIpKXu3PyySfTo0cPZs+ezbRp0/jjH/+4Qc/3rWxDhgxh2bJlJcOjR4/e6OQvY8yYMUyZMoUpU6ZsUPIHIQGsqPI+Wu6ggw5i/PjxALz77ru0adOmZHjp0qV89NFHOW+WnVFUVFRq8leW4cOHM29evk4hEakKBXsUnLuPdve93H0Pd785jhvo7qMSZW5092sLFZOIFNaYMWOoVasWF154Ycm49u3bc8ghhzB27FiOP/74kvEDBgxg+PDhQGhFu/766+natStFRUW8/fbb9OzZkz322KPkyRulzZ900UUXUVRURNu2bbnhhhuA8ESPefPmcdhhh3HYYYeVLPPrr7/mmmuu4e677y6Z/8Ybb+S2224D4JZbbqFTp060a9eupK7yyjfvSSedxAEHHEDbtm257777ALj22mv54YcfaN++PWeddRZz5sxhv/32K5nn1ltv5cYbbwRCa+f111/PoYceyh133MGCBQs45ZRT6NSpE506dWLcuHHrxdKtW7eShG/8+PFceOGFJY+1mzhxIh07dqRGjRosXbqUX/ziF3Tq1IkOHTqU3NA6ue4XLFjAUUcdRceOHfnlL3/Jbrvtxtdffw3A6tWrueCCC2jbti1HH300P/zwAyNHjqS4uJizzjqL9u3b88MPP1RoPYrIhtGzgEWkYKZOncoBBxywQfO2aNGCCRMmcMghh9CvXz9GjhzJm2++ycCBAytUz80330xxcTHvvfcer776Ku+99x6XXnopO++8M2PGjFnv0Wt9+/bl8ccfLxl+4oknOPXUU3nxxReZOXMmEydOZMqUKUyePJnXXnst5zIPO+ww2rdvz4EHHghQ6rzDhg1j8uTJFBcXM3ToUBYuXMjgwYOpW7cuU6ZM4ZFHHinzPX733Xe8+uqr/PrXv+ayyy7jiiuuYNKkSTz11FPrPMouI9kCOH78eLp3707t2rVZvHgx48ePp1u3biXr7vDDD2fSpEmMGTOGq6++mqVLl65T1+9//3sOP/xw3n77bU4++WQ+/fTTkmkzZ87kkksu4f3336dhw4Y89dRT9OnTh6KiIh555BGmTJlC3bp1y3x/IrLx9CxgEdks9O4dzhbZf//9WbJkCfXr16d+/frUqVOH7777rtz1PPHEE9x3332sWrWKL774gmnTptGuXbu85Tt06MD8+fOZN28eCxYsoFGjRuy6664MHTqUF1/D0AhKAAAgAElEQVR8seS5w0uWLGHmzJl07959vTrGjBlDkyZNSoZffPHFvPMOHTqUp59+GoDPPvuMmTNn0rhx43K/P4DTTz+95PVLL73EtGkl99zn+++/Z/HixdSvX79kXMuWLfnxxx/58ssvmTFjBm3atKFTp0689dZbjB8/nl/96lclcY8aNYpbb70VgOXLl6+T4AG88cYbJfH36tWLRo0alUxr1aoV7du3B8J5hXPmzKnQ+xKRyqMEUEQKpm3btowcOTLntJo1a7JmzZqS4eXLl68zvXbt2gBstdVWJa8zw6tWrSpzfoCPP/6YW2+9lUmTJtGoUSP69euXs1y2Pn36MHLkSL788kv69u0LhPMZr7vuOn75y1+WOX+2fPOOHTuWl156iQkTJlCvXj169OiRM76y3us222xT8nrNmjVMmDChzJa1rl27MnLkSJo1a4aZ0aVLF8aNG8fEiRPp0qVLSdxPPfUUbdq0WWfe5DmcpZ3CndxuNWrUUHevSDVSF7CIFMzhhx/OihUruP/++0vGTZo0iVdffZXddtuNadOmsWLFChYtWsTLL79cobrLM//333/PNttsQ4MGDfjqq6/497//XTKtfv36LF68OGfdffv2ZcSIEYwcOZI+ffoA0LNnT4YNG8aSJUsA+Pzzz5k/f365Ys0376JFi2jUqBH16tVjxowZvPnmmyXz1KpVi5UrVwKw4447Mn/+fBYuXMiKFSt49tln8y7r6KOP5s477ywZzpzbl61bt27cfvvtdO3aFQgJ4UMPPcROO+1UcjFMz549+ctf/lKS5L3zzjvr1XPwwQfzxBNPAKHF8Ntvvy1zfZS27kWkaqgFUCTFynPblspkZjz99NNcfvnlDB48mDp16pTcBqZFixacdtpptGvXjtatW5d0j5ZXeeb/yU9+QocOHWjbti277757ybltAP379+eYY46hWbNm650H2LZtWxYvXswuu+xCs2bNgJBYTZ8+vSRh2nbbbXn44YfZYYcdyow137y9evXinnvuoV27drRp06ak5S0TX7t27ejYsSOPPPIIAwcO5MADD6RVq1bsvffeeZc1dOhQLrnkEtq1a8eqVavo3r17yYUzSd26deOKK64oialZs2asXr16nauWf/e733H55ZfTrl073J2WLVuul3zecMMNnHHGGTz++OMceuihNGvWjPr165cku7n069ePCy+8kLp165artVJENp5tzndcKSoq8uLi4uoOQ2SzMX36dPbZZ5/qDkO2YCtWrKBGjRrUrFmTCRMmcNFFF+VtdSwP7bOblsq+d2hSoX+QbqnMbLK757/paaQWQBERqTSffvopp512GmvWrGHrrbdep7tfRDYdSgBFRKTStG7dOue5gSKyadFFICIpszmf9iHpon1VpOooARRJkTp16rBw4UJ9scomz91ZuHAhderUqe5QRLZI6gIWSZHmzZszd+5cFixYUN2hiJSpTp06NG/evLrDENkiKQEUSZFatWrRqlWr6g5DRESqmbqARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjK6EbSIiFQZe/DBKqvbzz23yuoW2dKpBVBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpU7AE0Mx6mdkHZjbLzK7NU+Y0M5tmZu+b2aOFik1EREQkTQryJBAzqwHcBRwFzAUmmdkod5+WKNMauA7o5u7fmtkOhYhNREREJG0K1QLYGZjl7h+5+4/ACODErDIXAHe5+7cA7j6/QLGJiIiIpEqhEsBdgM8Sw3PjuKS9gL3MbJyZvWlmvXJVZGb9zazYzIoXLFhQReGKiIiIbLkKlQBajnGeNVwTaA30AM4AHjCzhuvN5H6fuxe5e1HTpk0rPVARERGRLV2hEsC5QIvEcHNgXo4y/3T3le7+MfABISEUERERkUpUqARwEtDazFqZ2dZAX2BUVplngMMAzKwJoUv4owLFJyIiIpIaBUkA3X0VMAB4AZgOPOHu75vZIDPrHYu9ACw0s2nAGOBqd19YiPhERERE0qQgt4EBcPfRwOiscQMTrx24Mv6JiIiISBXRk0BEREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBJAERERkZRRAigiIiKSMkoARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSZma1R2AiEiGPfhgldXt555bZXWLiGxuCtYCaGa9zOwDM5tlZtfmmN7PzBaY2ZT4d36hYhMRERFJk4K0AJpZDeAu4ChgLjDJzEa5+7Ssoo+7+4BCxCQiIiKSVoVqAewMzHL3j9z9R2AEcGKBli0iIiIiCYVKAHcBPksMz43jsp1iZu+Z2Ugza5GrIjPrb2bFZla8YMGCqohVREREZItWqATQcozzrOF/AS3dvR3wEpDzbHB3v8/di9y9qGnTppUcpoiIiMiWr1AJ4Fwg2aLXHJiXLODuC919RRy8HzigQLGJiIiIpEqhEsBJQGsza2VmWwN9gVHJAmbWLDHYG5heoNhEREREUqUgVwG7+yozGwC8ANQAhrn7+2Y2CCh291HApWbWG1gFfAP0K0RsIiIiImlTsBtBu/toYHTWuIGJ19cB1xUqHhEREZG00qPgRERERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGXKnQCa2al5xvepvHBEREREpKpVpAXwr3nG31cZgYiIiIhIYdQsq4CZ7R5fbmVmrQBLTN4dWF4VgYmIiIhI1SgzAQRmAU5I/GZnTfsSuLGSYxIRERGRKlRmAujuWwGY2avufmjVhyQiIiIiVanc5wAq+RMRERHZMpSnCxiAeP7fzUB7YNvkNHfftZLjEhEREZEqUu4EEHiUcA7gr4FlVROOiIiIiFS1iiSAbYFu7r5mQxZkZr2AO4AawAPuPjhPuT7Ak0Andy/ekGWJiIiISH4VuQ/ga0CHDVmImdUA7gKOAfYFzjCzfXOUqw9cCry1IcsRERERkbKV2gJoZoMSg3OAF8zsH4Tbv5Rw94FlLKczMMvdP4r1jgBOBKZllfsD8CfgqjIjFxEREZENUlYLYIvE3zbAv4BaWeNblGM5uwCfJYbnxnElzKwD0MLdny2tIjPrb2bFZla8YMGCcixaRERERJJKbQF0959X0nIsxzgvmWi2FXA70K+sitz9PuLj54qKiryM4iIiIiKSpSK3gdk9z6QVwBdlXBwyl3VbCpsD8xLD9YH9gLFmBrATMMrMeutCEBEREZHKVZGrgDOPhIPQopdsfVtjZqOAi939qxzzTgJax3sJfg70Bc7MTHT3RUCTzLCZjQWuUvInIiIiUvkqchXwBcAjwF5AHaAN8DBwMbA/IZm8K9eM7r4KGAC8AEwHnnD3981skJn13vDwRURERKSiKtIC+HtgT3dfHodnmdlFwIfufq+Z9QNm5pvZ3UcDo7PG5bx62N17VCAuEREREamAiiSAWwEtgRmJcbsSbuwMsKSC9YlsFHvwwSqt3889t0rrFxERqS4VSdiGAK+Y2d8It3RpDvw8jgc4DphQueGJiIiISGUrdwLo7n8ys/eAU4GOwBfAee7+fJz+DPBMlUQpIiIiIpWmQl22Mdl7vopiEREREZECKOtRcL9x95vj60H5ypXjUXAiIiIisokoqwWweeJ1eR75JiIiIiKbuLIeBXdR4nVlPRZORERERKpRhc4BNLN9gD7Aju4+wMzaALXd/b0qiU5EREREKl25nwRiZqcCrwG7AD+Lo+sDf66CuERERESkilTkUXCDgKPc/UJgdRz3LvCTSo9KRERERKpMRRLAHQgJH4An/nvu4iIiIiKyKapIAjgZOCdrXF9gYuWFIyIiIiJVrSIXgVwKvGhm5wHbmNkLwF7A0VUSmYiIiIhUiTITQDM7DXjN3WeY2d7A8cCzhOcBP+vuS6o4RhERERGpROVpAbwJ2MPMZhOuAn4VeMLdP6nSyERERESkSpR5DqC77wXsDPwG+AH4NTDbzD4xs7+b2flVHKOIiIiIVKJyXQTi7l+5+5Pu/it3bw80Ae4CjgLurcoARURERKRylesiEDMzoD3QPf4dBMwDngBer7LoRERERKTSlecikGeBjsAHwBvAfUA/d19cxbGJiIiISBUoTxdwG2AF8DEwG5il5E9ERERk81VmC6C7tzazHVnb/Xu5mTUBxhG6f99w9ylVG6aIiIiIVJZynQPo7l8BT8Y/zKwh0B/4LdAUqFFVAYqIiIhI5drQi0AOBhoCxcCwKotORERERCpdeS4CeY5w1e/WwFuEG0HfCUxw9+VVG56IiIiIVLbytAC+DtwMTHL3lVUcj4iIiIhUsfJcBDK4EIGIiIiISGGU60kgIiIiIrLlUAIoIiIikjJKAEVERERSpmAJoJn1MrMPzGyWmV2bY/qFZvZfM5tiZm+Y2b6Fik1EREQkTQqSAJpZDeAu4BhgX+CMHAneo+6+v7u3B/4E/LkQsYmIiIikTaFaADsTniH8kbv/CIwATkwWcPfvE4PbAF6g2ERERERSpVxPAqkEuwCfJYbnAgdmFzKzS4ArCTedPjxXRWbWn/AYOnbddddKD1RERERkS1eoFkDLMW69Fj53v8vd9wCuITxneP2Z3O9z9yJ3L2ratGklhykiIiKy5StUAjgXaJEYbg7MK6X8COCkKo1IREREJKUKlQBOAlqbWSsz2xroC4xKFjCz1onB44CZBYpNREREJFUKcg6gu68yswHAC0ANYJi7v29mg4Bidx8FDDCzI4GVwLfAuYWITURERCRtCnURCO4+GhidNW5g4vVlhYpFREREJM30JBARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBJAERERkZRRAigiIiKSMkoARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKRMzeoOoJDswQersPZ+VVj3psPP9eoOQURERDaSWgBFREREUkYJoIiIiEjKKAEUERERSZmCJYBm1svMPjCzWWZ2bY7pV5rZNDN7z8xeNrPdChWbiIiISJoUJAE0sxrAXcAxwL7AGWa2b1axd4Aid28HjAT+VIjYRERERNKmUC2AnYFZ7v6Ru/8IjABOTBZw9zHuviwOvgk0L1BsIiIiIqlSqARwF+CzxPDcOC6f84B/V2lEIiIiIilVqPsAWo5xOW8oZ2ZnA0XAoXmm9wf6A+y6666VFZ+IiIhIahSqBXAu0CIx3ByYl13IzI4EfgP0dvcVuSpy9/vcvcjdi5o2bVolwYqIiIhsyQqVAE4CWptZKzPbGugLjEoWMLMOwL2E5G9+geISERERSZ2CJIDuvgoYALwATAeecPf3zWyQmfWOxW4BtgWeNLMpZjYqT3UiIiIishEK9ixgdx8NjM4aNzDx+shCxSIiIiKSZnoSiIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBJAERERkZRRAigiIiKSMkoARURERFKmYDeCFtnc2INW3SEUhJ/r1R2CiIgUmFoARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKRMzeoOQESkEOxBq+4QCsbP9eoOQUQ2cWoBFBEREUkZtQCKiMhmKS2tumrRlaqgFkARERGRlFECKCIiIpIySgBFREREUqZgCaCZ9TKzD8xslpldm2N6dzN728xWmVmfQsUlIiIikjYFSQDNrAZwF3AMsC9whpntm1XsU6Af8GghYhIRERFJq0JdBdwZmOXuHwGY2QjgRGBapoC7z4nT1hQoJhEREZFUKlQX8C7AZ4nhuXFchZlZfzMrNrPiBQsWVEpwIiIiImlSqAQw182aNujGRu5+n7sXuXtR06ZNNzIsERERkfQpVAI4F2iRGG4OzCvQskVEREQkoVAJ4CSgtZm1MrOtgb7AqAItW0REREQSCnIRiLuvMrMBwAtADWCYu79vZoOAYncfZWadgKeBRsAJZvZ7d29biPhERESkeqXl0X6waTzer2DPAnb30cDorHEDE68nEbqGRURERKQK6UkgIiIiIimjBFBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIySgBFREREUkYJoIiIiEjKKAEUERERSRklgCIiIiIpowRQREREJGWUAIqIiIikjBJAERERkZRRAigiIiKSMkoARURERFJGCaCIiIhIyigBFBEREUkZJYAiIiIiKaMEUERERCRllACKiIiIpIwSQBEREZGUUQIoIiIikjJKAEVERERSRgmgiIiISMooARQRERFJGSWAIiIiIimjBFBEREQkZZQAioiIiKSMEkARERGRlFECKCIiIpIyBUsAzayXmX1gZrPM7Noc02ub2eNx+ltm1rJQsYmIiIikSUESQDOrAdwFHAPsC5xhZvtmFTsP+Nbd9wRuB/63ELGJiIiIpE2hWgA7A7Pc/SN3/xEYAZyYVeZE4MH4eiRwhJlZgeITERERSY2aBVrOLsBnieG5wIH5yrj7KjNbBDQGvk4WMrP+QP84uMTMPqiSiDctTchaD9XF+iknryTaplsebdMti7bnlict23S38hQqVAKY6536BpTB3e8D7quMoDYXZlbs7kXVHYdUHm3TLY+26ZZF23PLo226rkJ1Ac8FWiSGmwPz8pUxs5pAA+CbgkQnIiIikiKFSgAnAa3NrJWZbQ30BUZllRkFnBtf9wFecff1WgBFREREZOMUpAs4ntM3AHgBqAEMc/f3zWwQUOzuo4C/An83s1mElr++hYhtM5GqLu+U0Dbd8mibblm0Pbc82qYJpkY2ERERkXTRk0BEREREUkYJoIiIiEjKKAEUkS2OmfUzszsruc6Tkk8wMrNBZnZkZS5Dqo6Z7WxmI+Pr9mZ2bDnm6WFmz1bS8ovMbGhl1LWpM7OWZja1uuPYVJnZHDNrUt1xbNIJYCE+sNkH9Y0tt6HiDvF61rgplfEhMrPRZtawAuUr9OVpZr1zPd9ZZAtzEuFRlgC4+0B3f6ka45EKcPd57t4nDrYHyvw+qeTlF7v7pYVc5pYk3h6uEMupUYjlbAo22QTQzGoW6AO7zkG9EsptjPpmlrkX4j4VnTl7x7VgK3c/1t2/q6wgs7n7KHcfXFX1b47M7Bkzm2xm78en12Bm55nZh2Y21szuzyTZZtbUzJ4ys0nxr1v1Rr/pM7OzzWxi/JF0r5nVMLOfx/X7KtAtUXa4mfVJDC9JvP5/ZvZfM3vXzAbHcRfE7fBu3C71zOwgoDdwS1zmHsl6zewIM3sn1jXMzGrH8XPM7Pdm9nactnee95OznJndaGZXJcpNja0rLc1shpk9EMc9YmZHmtk4M5tpZp0rdYVvAszsZ2b2XtwufzezE8zsrbjeXzKzHWO5G+P0V+K6uCCObxnX1dbAIOD0uC1PN7POZjY+1jXezNqUI55j4zZ4w8yGZhoe8tVlicaJGOOweCz4yMy2xMSwRjzOvW9mL5pZXQsNOW/G7fi0mTUCiOuhKL5uYmZz4ut+Zvakmf0LeNHMmpnZa3G7TTWzQ7IXGuf5p5k9b2YfmNkNiWnrHTfi+CUWWvTfArpm1Xe3mfWOr582s2Hx9XlmdlMZ9R5tZhPi5/pJM9s2q+66Mc4LKmmdV4y7V9of0BKYATwATAUeAY4ExgEzgc6xXGdgPPBO/N8mju8HPAn8C3gl1jcV2Br4FFgATAFOL6WOHsCzeeIbDEwD3gNuBQ4i3HLm41jvHsAFhPsWvgs8BdTLU24sUBTrbQLMia/bAhNjufeA1uVcd3OA64Gr4vAg4BpgamLdvg68Hf8OSrzfMcCj8b21BKYDd8d1s1usu0ksf3YivnuBGnH8z4EPgVeB+4E788TZKy7/XeDlxHa7k3Dz7jnAVnF8PcLj/Wpl1bEN8FysYypwemId/G+MbyKwZxy/G/ByXJ8vA7vG8cOBPol6l8T/zYDX4nucChwSxx8NTIjxPwlsW5n7f9Z73D7+rxtj2CW+v+2BWnFb3hnLPAocHF/vCkyvqri2hD9gH8IxolYcvptwD9FPgaaE48W4xPrNt58cQzh21MvaZo0TZW8CfpWnnuGEe5bWifv5XnH8Q8DliX06M//FwAN53lPOcsCNxGNCHJ5K+Iy3BFYB+xN+yE8GhhGeqHQi8Ex1b6dK3uZtgQ9YexzbHmjE2jtZnA/cllhn78bPXpO4bXaO6yxzPO1H4hgHbAfUjK+PBJ6Kr3uQ4/sksc1bxeHHMuXKU1eMcTxQO8a4kKzj5Ob8l9g/28fhJwjfPe8Bh8Zxg4Ah8fVYcn+f9iM8JCLz2fw18Jv4ugZQP8ey+wFfEB4lmzn+FpH7uPGz+NqB0/K8l77ALfH1RODN+PpvQM989cb38RqwTRx/DTAwvp4T19FLmRiq468qmlT3BE4lPK93EnAmcDDh1/P1hJa0GUB3D/cHPBL4I3BKnL8r0M7dvzGzlgDu/qOZDSTsIAMAzGy7UupYj5ltD5wM7O3ubmYN3f07MxtF+FBmupq/c/f74+ubgPPc/S85yuVb1IXAHe7+SPylWZHm5JGEL5VbgROAs4Bz4rT5wFHuvtzMWhMOOJlH2nQG9nP3j+M6awP83N0vTsZqoVXxdKCbu680s7uBs8zsP8DvgQOARYSE8p0c67ApITnsHpe1fXK6uy8ys3eBQ2MdJwAvuPvKrKp6AfPc/bhYb4PEtO/dvbOZ/QwYAhxPSC4fcvcHzewXwFDCfpTPmXG5N8dfYvUsnG/xW+BId19qZtcAVxIOQlXhUjM7Ob5uQdiOr7r7NwBm9iSwV5x+JLBvYp/azszqu/viKoptc3cEYV+dFNdZXcKPtLHuvgDAzB5n7frN50jgb+6+DCCzbYD94me/IbAt4f6lpWkDfOzuH8bhB4FLCPsvwD/i/8nAT0upp7zlMj529/8CmNn7hB9kbmb/JXy5bEkOB0a6+9cQtpWZ7Q88bmbNCEn/x4ny/3T3H4AfzGwM4Rg5pZT6GwAPxmOrE36klWZv4CN3zyzzMdY+o768dT3n7iuAFWY2H9iRkOxsKT5298w6n0xoOGno7q/GcQ8SfoiX5T+Jz+YkYJiZ1SL8yMm3Tf/j7gsBzOwfhBxkFesfN+bH8qsJDT65vA5cbuEUsGlAo7jPdQUuJfz4zFVvF0Kv4bg4fmtCA0TGP4E/ufsj5VgHVaIqEsDyHJRK+4AkN3ZpKvqB/R5YDjxgZs8B+c4TrOjBP9sE4Ddm1hz4h7vPrMC83wDfmllfQivessS0WsCdZtaesLMmv9wmJg5EAJ+4+5s56s/1xTkfOJDyfXl2AV7LLCvPdnqckGSOIfxyujtHmf8Ct5rZ/xKS6uS5j48l/t8eX3dl7Rfi34E/5agzab2DhJkdSukfxkpjZj0IyUVXd19mZmMJrRf5uvW3imV/qIp4tkAGPOju15WMMDuJ8AMvl1XE010sbPytE/XkuhHqcOAkd3/XzPoRWm7Kiqc0K+L/1cRjrpm9QPjCL3b38/OVS8Ye1clRL8CaxPAaCvec90LJta3+AvzZ3UfFz9yNiWnZZcu64e0fgDHufnL8ET12vQAS2wy4a2PqipLbL7nNtxTZ76+089CT+3mdrGlLMy/c/TUz6w4cR3hwxC3AYiDTzZv5LOXa/usdNxKWu/tqADM7kNA7BqHFbpSFrupehBa97YHTCD0Ji+MxZb16zewEQj5zRp73PA44xswe9dgsWGhVcQ5geQ5KmQ/IfoRWouQGX0r5lFYHED6wsU/+AXdfRfgV+BSh9ej5PPUOBwa4+/6EVrH16o1y7rDu/iihtfMH4AUzO7yc7yfjccLB5bGs8VcAXwE/IbT8bZ2Ylr3O8q3DzI7aPv61cfcbM6GvVzicVzUl/g0i/xdm0ijCTr09Idl8xcxaJOq5MLaUHEBIBP8ntu5meJ7X5Bif84vd3V8DugOfEw4SP4ux/yfx3vd19/PKeC8bqgHwbUz+9iYkzvWAQ82skYWTmZOt1S8CAzIDMcmX/F4G+pjZDlDSuv8O0MPMGsfE/9RE+TmE/Q1C92jmx+KLwC/MrF6iHoD6wBexnrMS9SyO07LNAFqa2Z5x+BzCqRR5uXvPuB+eX1q5GHvHGF9HoFUZ5bdULwOnmVljKNlWDQifcVj7GNGME82sTizfg/CjMCl7Wybr6pcrgKxtNgPYPdNLRfjRW+66UmoRoYEjc95e8nMyh7Wf0T7kYWa7AfNjL91fgY7u/nTiuF4cix5lZtubWV3C9/04chw3Yn3rcPe3EvVlHlk7AbickAC+DlwV/1NKvW8C3TLHBQvnEicbVgYSuv5zNZIURHVdBLIhH5CN+sBaOPmygbuPJmzIzJdsdr3lPSqnrY0AAAW+SURBVPjPIccOa2a7E7oGhv7/9u4txKoqjuP495eWVpJhRDUGFVH0EBFiYEQ0FCRW0wWKrmQ9SNiDGRRRUErXFymMiKAehIJuSFZkkkaFOthoOE5lPZQKA0UZZNlUVPrv4b9Obk/nOKNzUdy/D2xmZp9932fv/d9r/dcsMhg6b4j71/AWWcLVXPI4Gfg+InaTF86BtFRq90X9lBYPz4jYVbkQHiEvgkskndGYv3kFEfEbmSexmCzd2xUR/ZXlvCCpA/g9Il4hq7unVRZxY+Vno4Sumz1dA94KrCm/b6PFg73VTYLBL8aRtAIYL6mPfFFZR35XnySP9SqyKuGXMv08YLoyMXozmUZgbUTEZrI6/4NyjFeSeZ8Lye/MKjLPs+FF8nvbQ5Z2D5TlrCCv0Q2SesmbOsDD5HlaST7oG14D7lcm959Z2Z4/yRzaN0tNx27ghRHa3aXAlLJ9c8k83dqJiC+BJ4BPlGkmT5Pn+03lf0/4qWmWHjLPeB3wWER81/T5R2TaRa+kG8l77lOS1jKEe2sprb8bWCFpDfly3rie92tZNTObbEjVRz6DGyk4i4C5krrJ3Ll2OoFeSRvJl+jFbaZbQ9YW9ZI5mBv2cd8YitVkXuc35L1lShnX9n5UatTuAF4t49eRqQNV84GJkgar1RodMfKJn19U/l5CSZpm7wTcC8kb2VryAVlN+Hyu1fLIA76ePY1A2i2jk9ZJu6eQN4U+suRpdhl/Efkw3kjmKMwlc0k+JqsYlrSZ7pyyrG4yUbyx/geBL8t2rqAkrw7h2G2jJDi32f+zyvrWAU+xJ5F9r/1tPgfNyy7HrtFA5TNgRhlfbQSymPaNQGaVY7CJLFFrdd6uJ0vpLmmzjJll/b3lnE6vbOcC8uG7nj2NQE4nGwU1NwI5qRyPnqZjMptM/N1IXqSNRO1Ly3L7ynD1SH7/h3COJ5Wf48mk4evGcv0ePNRhoKnhzCiup3E9iyzFufdg77uH/z+PPLQf3BewHTKUTf+nR0n0PtxIWkTmBk4kqx/vCV+AZiNK0kLyZXDRKK/nXvJl8yjyZXNOlAZFdvCUvN3/Goxaew4A7ZBxuAeAZmZmhwoHgKOsJCF/2OKjy6I0UzczMzMbSw4AzczMzGrmkO0KzszMzMxGhwNAMzMzs5pxAGhmZmZWMw4AzaxWJG2T9Iek3ypDxzCW1ynpcOrD1cxqwAGgmdVRV0RMqgzNPUWMmdI1oJnZmHIAaGYGSJohqVvSDkmbJHVWPrtT0leSdkraIumuMv5Y4H2go1qaKGmJpMcr8+9VSlhKIR8oXUQNSBpf5lsqabukrZLmjd3em1ndOAA0s9qTNJXsO/ZxstvJ+4Clkk4sk/wIXAUcR3ab+IykaRExQHaP+N0BlCbeDFwJHE/2H/wu2cXiVOAyYL6kmSOyg2ZmTRwAmlkdLSslfTskLQNuA5ZHxPKI2B0RK4ENwBUAEfFeRHwb6ROyK7+Lh7kNz0ZEf0T8AVwAnBgRj0bEXxGxBXgRuGmY6zAza8m5J2ZWR9dGxKrGH5KeB26Q1FWZ5kjgo/L5LGABcDb54nwM8Pkwt6G/8vtpZDXyjsq4ccDqYa7DzKwlB4BmZhmMvRwRc5o/kDQBWArcDrwdEX+XUkOVSVp1pzRABokNJ7eYpjpfP7A1Is46kI03M9tfrgI2M4NXgC5JMyWNkzSxNNw4FTgKmABsB/4ppYGXV+b9AThB0uTKuF7gCklTJJ0MzB9k/T3Ar6VhyNFlG86VdMGI7aGZWYUDQDOrvYjoB64BHiIDvX7gfuCIiNgJzAPeAH4GbgHeqcz7NfAqsKXkFHYAL5MNOraR+YKvD7L+XUAXcD6wFfgJeAmYvK/5zMwOlCJa1V6YmZmZ2eHKJYBmZmZmNeMA0MzMzKxmHACamZmZ1YwDQDMzM7OacQBoZmZmVjMOAM3MzMxqxgGgmZmZWc04ADQzMzOrmX8BHPkc8cFtRCMAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "# TODO: Import a supervised learning model that has 'feature_importances_'\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "\n", + "# TODO: Train the supervised model on the training set using .fit(X_train, y_train)\n", + "model = DecisionTreeClassifier()\n", + "model.fit(X_train, y_train)\n", + "\n", + "# TODO: Extract the feature importances using .feature_importances_ \n", + "importances = model.feature_importances_\n", + "\n", + "# Plot\n", + "vs.feature_plot(importances, X_train, y_train)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 7 - Extracting Feature Importance\n", + "\n", + "Observe the visualization created above which displays the five most relevant features for predicting if an individual makes at most or above \\$50,000. \n", + "* How do these five features compare to the five features you discussed in **Question 6**?\n", + "* If you were close to the same answer, how does this visualization confirm your thoughts? \n", + "* If you were not close, why do you think these features are more relevant?\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer:**\n", + "\n", + "Features that are the same:\n", + "1. Capital Gain\n", + "2. Hours per Week\n", + "\n", + "Features that differ:\n", + "1. Marital Status\n", + "2. Age\n", + "3. Education Number\n", + "\n", + "We can see that the five most important features from the graph account for nearly 70% of the feature weight. This means that these features account for 70% of the variability in determining our answer. \n", + "\n", + "Age is one feature I would have included instead of Sex - it makes sense that the older one is, the more money they would be earning. I can see why this is second in terms of importance when considering the data and the problem we are trying to answer.\n", + "\n", + "I am somewhat surprised to see that someone who is married to be number one in terms of importance. It is plausible that those who are married are able to earn more if we considered household income. \n", + "\n", + "Education Number is a metric I am not familiar with being from the UK - I am guessing that this is closely related to Education Level (e.g in a few cells up we see the first 5 rows of our data and everyone who has a Bachelors degree has an education number of 13). If this is the case then my suspicion that the level to which one is educated is an important factor in considering their income level." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Feature Selection\n", + "How does a model perform if we only use a subset of all the available features in the data? With less features required to train, the expectation is that training and prediction time is much lower — at the cost of performance metrics. From the visualization above, we see that the top five most important features contribute more than half of the importance of **all** features present in the data. This hints that we can attempt to *reduce the feature space* and simplify the information required for the model to learn. The code cell below will use the same optimized model you found earlier, and train it on the same training set *with only the top five important features*. " + ] + }, + { + "cell_type": "code", + "execution_count": 57, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time took to fit: 5.49s\n", + "Final Model trained on full data\n", + "------\n", + "Accuracy on testing data: 0.8392\n", + "F-score on testing data: 0.6803\n", + "\n", + "Final Model trained on reduced data\n", + "------\n", + "Accuracy on testing data: 0.8226\n", + "F-score on testing data: 0.6420\n" + ] + } + ], + "source": [ + "# Import functionality for cloning a model\n", + "from sklearn.base import clone\n", + "import time \n", + "\n", + "# Reduce the feature space\n", + "X_train_reduced = X_train[X_train.columns.values[(np.argsort(importances)[::-1])[:5]]]\n", + "X_test_reduced = X_test[X_test.columns.values[(np.argsort(importances)[::-1])[:5]]]\n", + "\n", + "start_time = time.time()\n", + "# Train on the \"best\" model found from grid search earlier\n", + "clf = (clone(best_clf)).fit(X_train_reduced, y_train)\n", + "end_time = time.time()\n", + "\n", + "\n", + "# Make new predictions\n", + "reduced_predictions = clf.predict(X_test_reduced)\n", + "\n", + "\n", + "\n", + "print(f'Time took to fit: {end_time - start_time:.2f}s')\n", + "# Report scores from the final model using both versions of data\n", + "print(\"Final Model trained on full data\\n------\")\n", + "print(\"Accuracy on testing data: {:.4f}\".format(accuracy_score(y_test, best_predictions)))\n", + "print(\"F-score on testing data: {:.4f}\".format(fbeta_score(y_test, best_predictions, beta = 0.5)))\n", + "print(\"\\nFinal Model trained on reduced data\\n------\")\n", + "print(\"Accuracy on testing data: {:.4f}\".format(accuracy_score(y_test, reduced_predictions)))\n", + "print(\"F-score on testing data: {:.4f}\".format(fbeta_score(y_test, reduced_predictions, beta = 0.5)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Question 8 - Effects of Feature Selection\n", + "\n", + "* How does the final model's F-score and accuracy score on the reduced data using only five features compare to those same scores when all features are used?\n", + "* If training time was a factor, would you consider using the reduced data as your training set?" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Answer:**\n", + "\n", + "The final model using the reduced features is very close to the result if we trained on the whole dataset. The accuracy decreases by 2% and the f-score decreases by 5.6%. **It took a mere 5.5 seconds to fit the data to the whole dataset.** Such a small trade off in accuracy for such a huge increase in time savings is something I would most certainly consider if training time was a factor.\n", + "\n", + "Indeed when using grid search I initially tried a much more granular approach to find the C and gamma values for the SVM. I initially tried a logspace of 14 numbers (np.logspace(-12, 3, num=14)) but even on powerful hardware (an intel i9 9900k with 32GB RAM) this hadn't completed after 72 hours continuously running. This was most likely due to the very small precise values of gamma and C oweing to much longer training times needed. Working with a much smaller feature set would be interesting to see if we can find more precise values in a much smaller time.\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "> **Note**: Once you have completed all of the code implementations and successfully answered each question above, you may finalize your work by exporting the iPython Notebook as an HTML document. You can do this by using the menu above and navigating to \n", + "**File -> Download as -> HTML (.html)**. Include the finished document along with this notebook as your submission." + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 1 +} diff --git a/Supervised Learning Project/test_census.csv b/Supervised Learning Project/test_census.csv new file mode 100644 index 0000000..5aa14fe --- /dev/null +++ b/Supervised Learning Project/test_census.csv @@ -0,0 +1,45223 @@ +,age,workclass,education_level,education-num,marital-status,occupation,relationship,race,sex,capital-gain,capital-loss,hours-per-week,native-country +0,21.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1,49.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +2,44.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,99.0, United-States +3,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,46.0, United-States +4,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5,52.0, Private, 7th-8th,4.0, Divorced, Priv-house-serv, Own-child, Black, Female,0.0,0.0,16.0, United-States +6,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +7,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,22.0, United-States +9,42.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +10,47.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +11,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,60.0, United-States +12,58.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13,28.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States +14,30.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +15,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17,47.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,42.0, United-States +18,41.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +19,20.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +20,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1719.0,30.0, United-States +21,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,55.0, United-States +22,43.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +23,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +24,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,45.0, United-States +25,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +27,54.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28,23.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +29,30.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +30,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31,59.0, Private, HS-grad,9.0, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,36.0, Poland +32,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +33,32.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +34,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States +35,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36,35.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Puerto-Rico +37,49.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +38,38.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,35.0, United-States +39,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +41,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +42,53.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +43,65.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States +44,55.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,37.0, United-States +45,22.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +46,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,1887.0,40.0, Jamaica +47,52.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, Mexico +48,37.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States +49,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +50,64.0, State-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,65.0, United-States +51,49.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +52,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +53,24.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +54,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407.0,0.0,40.0, United-States +55,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,49.0, United-States +56,41.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States +57,50.0, Local-gov, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +58,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +59,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +60,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +61,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +62,22.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,1719.0,40.0, United-States +63,53.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +64,52.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +65,47.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +66,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +67,59.0, Private, 11th,7.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +68,34.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,8614.0,0.0,60.0, United-States +69,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +70,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +71,56.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Yugoslavia +72,40.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +73,28.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,70.0, United-States +74,22.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +75,49.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +76,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +77,58.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States +78,60.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +79,50.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +80,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +81,27.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, Black, Female,0.0,0.0,50.0, United-States +82,47.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +83,50.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +84,25.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States +85,29.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,50.0, United-States +86,32.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +87,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,50.0, United-States +88,23.0, Self-emp-inc, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +89,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +90,38.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +91,18.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +92,49.0, Self-emp-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +93,40.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +94,26.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +95,48.0, Local-gov, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,50.0, United-States +96,40.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +97,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +98,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,50.0, United-States +99,72.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +100,20.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +101,46.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States +102,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +103,35.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +104,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +105,30.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +106,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,60.0, United-States +107,36.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,12.0, United-States +108,35.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +109,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,42.0, United-States +110,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States +111,73.0, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1735.0,20.0, United-States +112,29.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +113,44.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +114,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +115,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +116,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, El-Salvador +117,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +118,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +119,25.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +120,28.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,16.0, United-States +121,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +122,51.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,60.0, United-States +123,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +124,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +125,32.0, Private, 10th,6.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +126,46.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States +127,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,40.0, United-States +128,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +129,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +130,34.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +131,26.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +132,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +133,38.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +134,39.0, Local-gov,,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +135,23.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States +136,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +137,38.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,1579.0,40.0, Vietnam +138,64.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +139,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +140,23.0, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,30.0, United-States +141,41.0, Local-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +142,21.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, England +143,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +144,40.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +145,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,56.0, United-States +146,54.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +147,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1602.0,24.0, United-States +148,26.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +149,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +150,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +151,27.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +152,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +153,57.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +154,38.0, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +155,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +156,56.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +157,35.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +158,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +159,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States +160,54.0, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Canada +161,30.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +162,65.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +163,21.0, Without-pay, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +164,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +165,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +166,41.0, Local-gov, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +167,50.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +168,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +169,45.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States +170,52.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +171,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +172,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,4101.0,0.0,48.0, United-States +173,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +174,31.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +175,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +176,24.0, Local-gov, 11th,7.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +177,56.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +178,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +179,51.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +180,55.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,15.0, United-States +181,26.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,80.0, United-States +182,47.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +183,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +184,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,40.0, United-States +185,52.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +186,31.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +187,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +188,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +189,47.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +190,55.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States +191,29.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,37.0, United-States +192,25.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +193,27.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1628.0,50.0, United-States +194,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +195,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,45.0, United-States +196,23.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1974.0,20.0, United-States +197,45.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +198,50.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +199,49.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States +200,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +201,60.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +202,55.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +203,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +204,33.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +205,39.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +206,34.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +207,39.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +208,31.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,28.0, United-States +209,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +210,22.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +211,48.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +212,25.0, State-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,2463.0,0.0,40.0, United-States +213,27.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +214,59.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +215,53.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, England +216,42.0, State-gov, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,1974.0,40.0, United-States +217,45.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +218,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +219,45.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +220,32.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +221,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +222,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +223,25.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +224,39.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +225,26.0, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,15.0, United-States +226,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,50.0, Japan +227,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,2174.0,0.0,40.0, United-States +228,35.0, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +229,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +230,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,60.0, United-States +231,33.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +232,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,35.0, United-States +233,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +234,37.0, Private, 5th-6th,3.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,32.0, Guatemala +235,26.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +236,24.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +237,59.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States +238,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,99999.0,0.0,50.0, United-States +239,29.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +240,56.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,18.0, United-States +241,20.0, Private, 11th,7.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +242,36.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,2174.0,0.0,60.0, United-States +243,18.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +244,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +245,58.0, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,18.0, United-States +246,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Canada +247,36.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Ecuador +248,37.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +249,33.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +250,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +251,65.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +252,30.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +253,35.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +254,34.0, Federal-gov, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +255,30.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +256,39.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +257,51.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +258,31.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +259,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +260,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +261,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +262,35.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +263,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +264,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +265,32.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States +266,59.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,60.0, United-States +267,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +268,57.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +269,40.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +270,27.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States +271,77.0, Self-emp-not-inc, Preschool,1.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +272,49.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,4787.0,0.0,45.0, United-States +273,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico +274,50.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +275,36.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +276,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +277,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +278,64.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +279,29.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand +280,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +281,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy +282,36.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +283,44.0, Local-gov, Assoc-voc,11.0, Divorced, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, Cuba +284,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,44.0, United-States +285,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +286,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +287,42.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +288,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +289,37.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +290,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +291,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +292,53.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,35.0, United-States +293,46.0, State-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,7430.0,0.0,50.0, United-States +294,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +295,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +296,29.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,90.0, United-States +297,23.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +298,54.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +299,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +300,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +301,52.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +302,34.0, Private, 10th,6.0, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,4.0, United-States +303,50.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,40.0, United-States +304,46.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +305,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +306,31.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, Mexico +307,38.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +308,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,4386.0,0.0,40.0, United-States +309,28.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,90.0, United-States +310,28.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +311,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +312,27.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464.0,0.0,45.0, United-States +313,58.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +314,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +315,34.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +316,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +317,29.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, Nicaragua +318,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,5178.0,0.0,40.0, Philippines +319,44.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +320,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +321,46.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +322,48.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +323,47.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +324,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +325,55.0, Private, HS-grad,9.0, Married-spouse-absent, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,36.0, United-States +326,53.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,1471.0,0.0,40.0, United-States +327,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Scotland +328,59.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States +329,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States +330,66.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,2050.0,0.0,55.0, United-States +331,32.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +332,49.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +333,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +334,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +335,53.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +336,26.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +337,29.0, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States +338,44.0, Private, Bachelors,13.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +339,65.0, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +340,38.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +341,25.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, India +342,36.0, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +343,71.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +344,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +345,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +346,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2829.0,0.0,30.0, United-States +347,34.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States +348,51.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States +349,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +350,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Poland +351,32.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +352,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States +353,51.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,45.0, United-States +354,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +355,22.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,28.0, United-States +356,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +357,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,45.0, United-States +358,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,50.0, United-States +359,39.0, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +360,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +361,28.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +362,41.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +363,40.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +364,30.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States +365,28.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +366,55.0, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Dominican-Republic +367,24.0, Federal-gov, 9th,5.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, United-States +368,35.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +369,19.0, Private, 7th-8th,4.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,25.0, Guatemala +370,57.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +371,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,75.0, United-States +372,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +373,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +374,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,37.0, United-States +375,47.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +376,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,4.0, United-States +377,57.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +378,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,61.0, United-States +379,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +380,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,2339.0,45.0, United-States +381,18.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,9.0, United-States +382,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,53.0, United-States +383,38.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +384,51.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +385,54.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,2001.0,35.0, United-States +386,33.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +387,47.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States +388,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +389,47.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +390,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +391,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,45.0, United-States +392,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +393,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +394,47.0, Private, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,23.0, United-States +395,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,64.0, United-States +396,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, France +397,23.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States +398,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +399,45.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +400,50.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Italy +401,57.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +402,35.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,4.0, United-States +403,34.0, Local-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,10.0, United-States +404,27.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,30.0, United-States +405,45.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +406,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States +407,23.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +408,39.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,72.0, South +409,56.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,45.0, United-States +410,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,40.0, United-States +411,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,,0.0,50.0, United-States +412,36.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +413,24.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,39.0, United-States +414,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +415,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064.0,0.0,50.0, United-States +416,19.0, Private, 10th,6.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States +417,57.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +418,28.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +419,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +420,80.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +421,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +422,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +423,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,8.0, United-States +424,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan +425,49.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +426,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,44.0, United-States +427,39.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,22.0, United-States +428,70.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +429,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,2036.0,0.0,30.0, United-States +430,44.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +431,54.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +432,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +433,47.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States +434,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,23.0, United-States +435,55.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +436,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +437,77.0, Local-gov, 7th-8th,4.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +438,53.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +439,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +440,30.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +441,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States +442,28.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +443,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, Taiwan +444,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298.0,0.0,35.0, United-States +445,58.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +446,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, England +447,47.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States +448,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +449,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +450,48.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +451,41.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,60.0, United-States +452,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +453,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, United-States +454,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +455,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,45.0, United-States +456,19.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,20.0, United-States +457,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1564.0,60.0, United-States +458,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States +459,48.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States +460,60.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States +461,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +462,30.0, Private, Assoc-voc,11.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +463,42.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +464,50.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +465,47.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +466,28.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +467,42.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +468,51.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +469,19.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +470,46.0, Private, Assoc-acdm,12.0, Widowed, Tech-support, Unmarried, White, Female,6497.0,0.0,40.0, United-States +471,32.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +472,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,55.0, United-States +473,26.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,40.0, United-States +474,56.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,32.0, United-States +475,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +476,45.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,72.0, Mexico +477,31.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,48.0, United-States +478,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +479,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +480,44.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +481,25.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, Columbia +482,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +483,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +484,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1740.0,35.0, United-States +485,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +486,36.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +487,38.0, Private, 9th,5.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +488,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,33.0, United-States +489,55.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +490,65.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,40.0, Germany +491,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +492,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +493,44.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States +494,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,28.0, United-States +495,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +496,, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +497,56.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4508.0,0.0,40.0, United-States +498,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103.0,0.0,60.0, United-States +499,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,42.0, United-States +500,72.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +501,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +502,47.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +503,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +504,52.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +505,28.0, Private, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Female,0.0,0.0,17.0, United-States +506,44.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +507,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +508,32.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +509,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +510,51.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,55.0, Germany +511,62.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +512,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +513,38.0, Federal-gov, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +514,38.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,52.0, United-States +515,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +516,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +517,58.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States +518,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +519,51.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +520,45.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +521,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States +522,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +523,46.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +524,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +525,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +526,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +527,50.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +528,18.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,594.0,0.0,40.0, United-States +529,25.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Dominican-Republic +530,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, South +531,18.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States +532,42.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +533,35.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +534,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +535,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +536,35.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +537,65.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +538,25.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +539,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +540,70.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,16.0, United-States +541,52.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +542,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,16.0, United-States +543,51.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +544,29.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +545,69.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +546,58.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +547,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +548,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, Iran +549,19.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States +550,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +551,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +552,54.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +553,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +554,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +555,50.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +556,63.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +557,48.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Tech-support, Other-relative, Black, Female,0.0,0.0,10.0, United-States +558,38.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,38.0, Thailand +559,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +560,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,45.0, United-States +561,26.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +562,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +563,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +564,51.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +565,45.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +566,26.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, El-Salvador +567,52.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +568,46.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,60.0, South +569,42.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +570,24.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +571,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +572,35.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States +573,30.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +574,60.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States +575,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +576,37.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +577,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +578,29.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,45.0, United-States +579,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1977.0,50.0, United-States +580,42.0, Self-emp-not-inc, 10th,6.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,35.0, United-States +581,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +582,41.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,3103.0,0.0,35.0, Philippines +583,28.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +584,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +585,26.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +586,47.0, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,50.0, United-States +587,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +588,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +589,41.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +590,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv,, White, Male,0.0,0.0,40.0, United-States +591,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +592,61.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States +593,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +594,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States +595,19.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +596,26.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +597,41.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +598,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,1628.0,45.0, United-States +599,32.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,48.0, United-States +600,48.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States +601,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +602,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +603,37.0, Self-emp-inc, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Canada +604,47.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +605,54.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +606,29.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, Mexico +607,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany +608,23.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +609,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2002.0,40.0, United-States +610,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States +611,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +612,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States +613,43.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +614,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +615,26.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +616,47.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,1408.0,40.0, United-States +617,40.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,30.0, Iran +618,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +619,20.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,29.0, United-States +620,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +621,38.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +622,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,25.0, United-States +623,29.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +624,20.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +625,56.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +626,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,25.0, United-States +627,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +628,26.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +629,32.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +630,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +631,38.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Iran +632,28.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +633,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +634,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Other, Male,0.0,0.0,50.0, United-States +635,47.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +636,32.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, Puerto-Rico +637,38.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +638,62.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,16.0, United-States +639,60.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, South +640,32.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +641,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States +642,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +643,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,25.0, United-States +644,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Other, Male,0.0,0.0,35.0, United-States +645,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +646,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +647,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +648,31.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +649,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,35.0, United-States +650,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +651,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +652,43.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +653,63.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1573.0,25.0, United-States +654,35.0, Private, 12th,8.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +655,29.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,50.0, United-States +656,36.0, Local-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,24.0, Germany +657,61.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +658,40.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +659,38.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +660,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +661,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +662,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +663,54.0, Private, 9th,5.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +664,28.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +665,54.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,37.0, United-States +666,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,3887.0,0.0,40.0, United-States +667,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +668,42.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +669,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +670,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States +671,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,52.0, Taiwan +672,26.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +673,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States +674,49.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,8.0, Philippines +675,46.0, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +676,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +677,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +678,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +679,57.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +680,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,10.0, United-States +681,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +682,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +683,56.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +684,51.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,43.0, United-States +685,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +686,33.0, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +687,27.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +688,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +689,35.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States +690,68.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +691,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +692,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +693,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +694,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,62.0, United-States +695,25.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,22.0, United-States +696,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +697,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +698,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, Nicaragua +699,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,40.0, United-States +700,58.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +701,36.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,40.0, Germany +702,30.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +703,25.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,55.0, United-States +704,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States +705,32.0, Private, 12th,8.0, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +706,90.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States +707,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +708,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +709,90.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +710,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States +711,20.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, Black, Male,0.0,0.0,32.0, United-States +712,70.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,32.0, United-States +713,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Canada +714,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +715,31.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,46.0, United-States +716,27.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +717,48.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,61.0, United-States +718,41.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +719,51.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1564.0,43.0, United-States +720,23.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +721,24.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +722,53.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,41.0, United-States +723,53.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +724,42.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,9562.0,0.0,45.0, United-States +725,27.0, Self-emp-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States +726,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +727,46.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +728,49.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +729,45.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Other, Male,13550.0,0.0,60.0, India +730,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,39.0, United-States +731,35.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +732,34.0, Private, Bachelors,13.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,20.0, United-States +733,37.0, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +734,58.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +735,30.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +736,34.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,2472.0,35.0, United-States +737,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +738,32.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +739,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States +740,37.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +741,55.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,45.0, United-States +742,52.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +743,51.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +744,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +745,37.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, Haiti +746,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +747,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +748,43.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +749,35.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +750,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +751,31.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +752,33.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +753,29.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +754,65.0, Private, Some-college,10.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,45.0, United-States +755,67.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,7978.0,0.0,35.0, United-States +756,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,5013.0,0.0,65.0, United-States +757,61.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +758,39.0, Private, 12th,8.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +759,44.0, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States +760,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband,, Male,0.0,0.0,60.0, United-States +761,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +762,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +763,44.0, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States +764,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +765,24.0, Local-gov, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +766,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +767,63.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +768,48.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,55.0, Jamaica +769,28.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +770,47.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,56.0, United-States +771,35.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +772,48.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +773,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +774,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +775,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +776,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +777,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Greece +778,37.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,6849.0,0.0,80.0, United-States +779,20.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +780,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +781,43.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, Haiti +782,25.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +783,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,21.0, United-States +784,53.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,21.0, Japan +785,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +786,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,24.0, United-States +787,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,54.0, United-States +788,47.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, Cuba +789,53.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +790,29.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +791,29.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,36.0, United-States +792,42.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +793,62.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +794,74.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1825.0,12.0, United-States +795,23.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,2829.0,0.0,42.0, United-States +796,62.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,53.0, United-States +797,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +798,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +799,38.0, State-gov, Some-college,10.0, Separated, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +800,60.0, Local-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +801,51.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +802,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States +803,30.0, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, Dominican-Republic +804,43.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +805,23.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,55.0, United-States +806,56.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +807,42.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +808,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States +809,28.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +810,75.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +811,40.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,28.0, United-States +812,26.0, State-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +813,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +814,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +815,29.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +816,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +817,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +818,34.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +819,41.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +820,47.0, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +821,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +822,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +823,57.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,10.0, United-States +824,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +825,60.0, Private, 5th-6th,3.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +826,50.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +827,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +828,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +829,31.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States +830,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +831,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States +832,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,45.0, United-States +833,44.0, Local-gov, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +834,37.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +835,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +836,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +837,29.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,30.0, India +838,24.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +839,57.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +840,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +841,19.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +842,61.0, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +843,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +844,79.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,7.0, United-States +845,43.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,44.0, United-States +846,53.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +847,17.0, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +848,26.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Puerto-Rico +849,53.0, Private, 10th,6.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +850,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,2907.0,0.0,40.0, Nicaragua +851,59.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States +852,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +853,26.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, England +854,27.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,45.0, United-States +855,33.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,55.0, United-States +856,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +857,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +858,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +859,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +860,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +861,51.0, State-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +862,39.0, Private, Masters,14.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +863,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +864,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +865,30.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,36.0, United-States +866,50.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico +867,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +868,27.0, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,38.0, United-States +869,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States +870,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +871,33.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +872,48.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +873,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States +874,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +875,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +876,19.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,20.0, United-States +877,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,37.0, United-States +878,32.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +879,31.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,3.0, United-States +880,45.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +881,42.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +882,25.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +883,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,35.0, United-States +884,25.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,45.0, United-States +885,44.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +886,65.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States +887,65.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +888,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +889,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +890,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,6.0, United-States +891,34.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Germany +892,43.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +893,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +894,56.0, Federal-gov, Assoc-voc,11.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +895,53.0, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +896,39.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +897,28.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +898,38.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +899,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,38.0, United-States +900,28.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,54.0, United-States +901,48.0, Self-emp-not-inc, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +902,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +903,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, Canada +904,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +905,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +906,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +907,22.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +908,29.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,1719.0,48.0, United-States +909,53.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,1669.0,50.0, United-States +910,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +911,50.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +912,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, South +913,35.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,15.0, United-States +914,29.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +915,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +916,18.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Columbia +917,56.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +918,45.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +919,36.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,75.0, United-States +920,41.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,3674.0,0.0,45.0, United-States +921,21.0, Local-gov, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +922,23.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +923,27.0, Private, 9th,5.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,24.0, Mexico +924,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +925,37.0, State-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Black, Female,5455.0,0.0,40.0, United-States +926,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +927,42.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +928,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +929,46.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,625.0,40.0, United-States +930,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States +931,73.0, Local-gov, 5th-6th,3.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,20.0, United-States +932,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +933,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +934,24.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +935,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +936,23.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +937,32.0, Private, Assoc-voc,11.0, Married-civ-spouse,, Husband, White, Male,5013.0,0.0,50.0, United-States +938,36.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +939,37.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,85.0, Mexico +940,51.0, Federal-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +941,41.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +942,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +943,39.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +944,53.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +945,46.0, Federal-gov, Assoc-voc,11.0, Separated, Tech-support, Not-in-family, Other, Female,0.0,0.0,30.0, United-States +946,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +947,60.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +948,41.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +949,35.0, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +950,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,45.0, United-States +951,26.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +952,43.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +953,38.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +954,25.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,50.0, United-States +955,56.0, Private, 10th,6.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +956,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +957,50.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +958,51.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +959,21.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +960,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,1902.0,50.0, United-States +961,34.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +962,29.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, Black, Male,0.0,1974.0,40.0, United-States +963,31.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +964,42.0, Local-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,32.0, United-States +965,30.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +966,40.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +967,28.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +968,50.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +969,30.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,44.0, United-States +970,47.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,37.0, United-States +971,57.0, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1617.0,35.0, United-States +972,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +973,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,16.0, United-States +974,39.0, Self-emp-not-inc, 10th,6.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +975,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +976,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +977,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +978,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +979,34.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +980,35.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +981,30.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,50.0, United-States +982,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +983,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +984,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +985,41.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +986,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +987,73.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +988,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +989,20.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +990,38.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,1741.0,40.0, Vietnam +991,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +992,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +993,46.0, Private, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States +994,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +995,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +996,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +997,54.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +998,58.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +999,46.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +1000,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +1001,59.0, Private, Assoc-acdm,12.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1002,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +1003,28.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,43.0, Mexico +1004,50.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States +1005,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,48.0, United-States +1006,29.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,55.0, United-States +1007,40.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +1008,43.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, China +1009,48.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +1010,23.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +1011,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1012,48.0, Self-emp-not-inc, Doctorate,16.0, Never-married,, Unmarried, White, Female,0.0,0.0,60.0, United-States +1013,38.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +1014,22.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +1015,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +1016,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +1017,49.0, Self-emp-inc, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +1018,61.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,4.0, United-States +1019,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +1020,23.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1021,43.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +1022,42.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,3325.0,0.0,40.0, United-States +1023,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +1024,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +1025,55.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688.0,0.0,40.0, Puerto-Rico +1026,33.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica +1027,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,48.0, United-States +1028,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +1029,41.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1030,35.0, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Male,4650.0,0.0,20.0, United-States +1031,27.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1032,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +1033,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +1034,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1035,44.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +1036,44.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +1037,29.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +1038,25.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +1039,41.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +1040,51.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +1041,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +1042,19.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,32.0, United-States +1043,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,40.0, United-States +1044,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +1045,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,50.0, United-States +1046,21.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +1047,37.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1048,37.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,39.0, United-States +1049,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +1050,37.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, China +1051,58.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States +1052,47.0, Private, 12th,8.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1053,60.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +1054,54.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Mexico +1055,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1056,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1057,20.0, Self-emp-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +1058,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +1059,27.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1060,45.0, Private, Masters,14.0, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,36.0, United-States +1061,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +1062,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +1063,58.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,38.0, United-States +1064,36.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1065,38.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +1066,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1067,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +1068,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1069,24.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +1070,48.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States +1071,40.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +1072,56.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1073,57.0, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +1074,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +1075,19.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,25.0, United-States +1076,49.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,2415.0,3.0, United-States +1077,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1078,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1079,45.0, State-gov, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1080,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +1081,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,30.0, United-States +1082,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2051.0,57.0, United-States +1083,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1084,50.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +1085,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,27.0, United-States +1086,24.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1087,25.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1088,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States +1089,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +1090,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4386.0,0.0,35.0, United-States +1091,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,4064.0,0.0,55.0, United-States +1092,27.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +1093,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +1094,60.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,30.0, Hong +1095,49.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +1096,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1097,54.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1098,25.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +1099,60.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1100,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +1101,42.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +1102,22.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,20.0, United-States +1103,36.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +1104,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +1105,19.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States +1106,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +1107,53.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1108,29.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +1109,36.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,41.0, United-States +1110,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +1111,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,2377.0,40.0, United-States +1112,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1113,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +1114,39.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1115,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +1116,49.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1117,45.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +1118,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States +1119,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +1120,21.0, State-gov, Masters,14.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States +1121,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +1122,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +1123,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States +1124,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,75.0, United-States +1125,73.0, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,12.0, United-States +1126,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,17.0, United-States +1127,40.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +1128,32.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +1129,40.0, Private, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +1130,57.0, Private, 5th-6th,3.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1131,25.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +1132,33.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1133,49.0, Private, 11th,7.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +1134,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1135,80.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States +1136,28.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +1137,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1138,22.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +1139,40.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +1140,43.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +1141,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,3137.0,0.0,40.0, United-States +1142,60.0, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +1143,30.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +1144,40.0, Private, Preschool,1.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,40.0, Mexico +1145,37.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,44.0, United-States +1146,50.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +1147,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,65.0, United-States +1148,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +1149,23.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1150,63.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,60.0, United-States +1151,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1152,38.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,3908.0,0.0,70.0, United-States +1153,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,60.0, United-States +1154,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +1155,47.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +1156,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +1157,30.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1158,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1159,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +1160,30.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +1161,52.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,25.0, United-States +1162,45.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +1163,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +1164,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States +1165,36.0, State-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +1166,32.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +1167,41.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +1168,35.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +1169,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +1170,44.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +1171,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +1172,39.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,4787.0,0.0,40.0, United-States +1173,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +1174,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,90.0, United-States +1175,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1176,46.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1177,24.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +1178,44.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,4934.0,0.0,45.0, United-States +1179,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1180,61.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +1181,44.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1182,31.0, Private, Prof-school,15.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +1183,42.0, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +1184,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1185,29.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +1186,45.0, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +1187,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States +1188,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1189,37.0, Federal-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,42.0, United-States +1190,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +1191,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,27.0, United-States +1192,27.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +1193,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1194,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +1195,46.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1196,30.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,52.0, United-States +1197,57.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +1198,50.0, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1199,39.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,84.0, United-States +1200,28.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +1201,60.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1202,77.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +1203,29.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1204,27.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1205,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +1206,66.0, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +1207,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1208,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,16.0, United-States +1209,35.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Sales, Own-child, Black, Female,0.0,0.0,36.0, United-States +1210,53.0, Local-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,, United-States +1211,46.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1212,63.0, Private, 7th-8th,4.0, Married-spouse-absent, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +1213,39.0, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +1214,44.0, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +1215,34.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +1216,62.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,45.0, United-States +1217,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States +1218,40.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1219,52.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +1220,23.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1221,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +1222,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States +1223,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +1224,25.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, United-States +1225,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +1226,25.0, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,40.0, Mexico +1227,48.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1228,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, El-Salvador +1229,39.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1230,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +1231,32.0, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +1232,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States +1233,66.0, Private, 7th-8th,4.0, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +1234,18.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1235,75.0, Private, 10th,6.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,60.0, United-States +1236,25.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, El-Salvador +1237,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Mexico +1238,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +1239,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1240,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,50.0, United-States +1241,56.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1242,34.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +1243,44.0, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States +1244,41.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States +1245,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +1246,32.0, Private, Bachelors,13.0, Separated, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +1247,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1248,40.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1249,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1250,64.0, Private, 7th-8th,4.0, Separated, Priv-house-serv, Not-in-family, Other, Female,0.0,0.0,35.0, Mexico +1251,42.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +1252,44.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,44.0, United-States +1253,37.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,52.0, United-States +1254,54.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1255,40.0, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,2174.0,0.0,40.0, United-States +1256,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico +1257,38.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1258,27.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States +1259,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1260,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +1261,18.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,18.0, United-States +1262,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1263,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1264,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +1265,40.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +1266,68.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1735.0,48.0, United-States +1267,33.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +1268,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +1269,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1270,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1271,59.0, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1272,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1273,38.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1274,58.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +1275,35.0, State-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +1276,21.0, Local-gov, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States +1277,36.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,42.0, United-States +1278,53.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1279,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1280,44.0, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,1741.0,40.0, United-States +1281,58.0, Federal-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,,0.0,40.0, United-States +1282,22.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +1283,45.0, Private, Masters,14.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +1284,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +1285,24.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1286,45.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,50.0, United-States +1287,36.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +1288,38.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, Canada +1289,22.0, Private, 1st-4th,2.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala +1290,57.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,40.0, Cuba +1291,25.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States +1292,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1293,20.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,11.0, Nicaragua +1294,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +1295,63.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +1296,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, Iran +1297,27.0, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +1298,33.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, Columbia +1299,31.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1300,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +1301,48.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States +1302,50.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +1303,24.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States +1304,61.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,30.0, South +1305,41.0, Private, Bachelors,13.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +1306,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,30.0, United-States +1307,43.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,2829.0,0.0,60.0, China +1308,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +1309,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +1310,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +1311,59.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +1312,58.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1313,44.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,40.0, United-States +1314,44.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +1315,44.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States +1316,44.0, Federal-gov, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1317,49.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1318,34.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +1319,45.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +1320,22.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,44.0, United-States +1321,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1322,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,2258.0,55.0, United-States +1323,50.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,65.0, United-States +1324,36.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +1325,22.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +1326,46.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1327,35.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,36.0, Philippines +1328,30.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +1329,52.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +1330,31.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +1331,37.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,27828.0,0.0,50.0, United-States +1332,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States +1333,44.0, Private, Some-college,10.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Poland +1334,54.0, Private, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +1335,35.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1336,31.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1337,55.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +1338,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1339,42.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +1340,62.0, Private, 10th,6.0, Widowed, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +1341,42.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +1342,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Dominican-Republic +1343,34.0, State-gov, Bachelors,13.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,38.0, United-States +1344,34.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States +1345,42.0, Federal-gov, Assoc-acdm,12.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +1346,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +1347,33.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +1348,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +1349,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States +1350,32.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1351,61.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +1352,46.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,40.0, United-States +1353,48.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,2463.0,0.0,40.0, United-States +1354,20.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +1355,49.0, Private, 9th,5.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1356,40.0, Self-emp-not-inc, Masters,14.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States +1357,18.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,20.0, United-States +1358,51.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +1359,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,46.0, United-States +1360,30.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +1361,43.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,75.0, United-States +1362,32.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1363,53.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1092.0,40.0, United-States +1364,46.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1365,36.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1366,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1367,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,86.0, United-States +1368,51.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1369,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States +1370,18.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +1371,28.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,2463.0,0.0,35.0, United-States +1372,47.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,65.0, United-States +1373,42.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +1374,47.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1375,36.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1376,57.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +1377,36.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States +1378,49.0, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1379,52.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,70.0, United-States +1380,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1381,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +1382,29.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +1383,29.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +1384,32.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +1385,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +1386,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1387,26.0, Self-emp-inc, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,20.0, Honduras +1388,54.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1389,48.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,45.0, United-States +1390,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1391,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +1392,61.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +1393,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +1394,24.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +1395,46.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,80.0, United-States +1396,38.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +1397,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, Ecuador +1398,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +1399,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1400,24.0, Private, 12th,8.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,55.0, Germany +1401,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, Poland +1402,75.0, Private, 10th,6.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,32.0, United-States +1403,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1404,35.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States +1405,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1406,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +1407,26.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +1408,49.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +1409,41.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +1410,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States +1411,35.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +1412,56.0, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1413,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,48.0, United-States +1414,26.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1415,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +1416,48.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +1417,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1418,62.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1419,55.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +1420,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Greece +1421,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +1422,33.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States +1423,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States +1424,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1425,64.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1426,44.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +1427,51.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +1428,30.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1429,45.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +1430,23.0, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +1431,25.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +1432,40.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1433,52.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States +1434,46.0, Self-emp-not-inc, Bachelors,13.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,45.0, Nicaragua +1435,34.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States +1436,26.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1437,22.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +1438,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +1439,45.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, Black, Female,0.0,0.0,39.0, United-States +1440,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,43.0, United-States +1441,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1442,27.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States +1443,41.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +1444,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +1445,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +1446,35.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +1447,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829.0,0.0,70.0, United-States +1448,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, United-States +1449,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +1450,47.0,, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +1451,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1452,21.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1453,37.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +1454,61.0, Private, Assoc-voc,11.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,8.0, United-States +1455,63.0, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1456,52.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +1457,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1458,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,65.0, United-States +1459,34.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +1460,33.0, Local-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States +1461,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +1462,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1463,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +1464,25.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States +1465,27.0, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1466,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +1467,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States +1468,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,47.0, United-States +1469,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1902.0,80.0, United-States +1470,61.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1471,36.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1472,44.0, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,60.0, United-States +1473,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +1474,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1475,66.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +1476,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1477,64.0, Private, Preschool,1.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +1478,29.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States +1479,28.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, Mexico +1480,49.0, Local-gov, 9th,5.0, Widowed, Handlers-cleaners, Unmarried, White, Male,0.0,2231.0,40.0, United-States +1481,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, United-States +1482,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1483,67.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +1484,62.0, Private, 7th-8th,4.0, Widowed, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +1485,54.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +1486,55.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1487,39.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +1488,25.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +1489,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,36.0, United-States +1490,42.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +1491,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +1492,32.0, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,4865.0,0.0,40.0, United-States +1493,58.0, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,7688.0,0.0,40.0, China +1494,72.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2246.0,28.0, United-States +1495,52.0, Federal-gov, Bachelors,13.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1496,66.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,10.0, United-States +1497,19.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +1498,27.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +1499,29.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1500,49.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1501,26.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1502,44.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +1503,38.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +1504,30.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1505,57.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, Italy +1506,60.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,25.0, Iran +1507,62.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +1508,46.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +1509,50.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +1510,51.0, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +1511,72.0, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +1512,57.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1513,59.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,12.0, United-States +1514,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,65.0, United-States +1515,32.0, Private, 1st-4th,2.0, Never-married, Craft-repair, Not-in-family, White, Male,3674.0,0.0,40.0, Guatemala +1516,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +1517,25.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +1518,41.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,99.0, United-States +1519,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +1520,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1521,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +1522,50.0, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +1523,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1524,55.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +1525,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1526,31.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,45.0, United-States +1527,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +1528,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +1529,55.0, State-gov, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,38.0, United-States +1530,36.0, Private, 12th,8.0, Never-married, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,50.0, United-States +1531,41.0, Private, Masters,14.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +1532,34.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,47.0, United-States +1533,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +1534,32.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +1535,36.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,7298.0,0.0,32.0, United-States +1536,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,48.0, United-States +1537,32.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +1538,54.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,2176.0,0.0,40.0, United-States +1539,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,7688.0,0.0,55.0, United-States +1540,44.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +1541,43.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +1542,38.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +1543,49.0, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1544,55.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,60.0, United-States +1545,53.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States +1546,58.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +1547,19.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States +1548,48.0, Private, Prof-school,15.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,13.0, United-States +1549,28.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,21.0, Guatemala +1550,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +1551,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +1552,43.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +1553,42.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,28.0, United-States +1554,41.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1555,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1556,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,15024.0,0.0,40.0, United-States +1557,63.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,37.0, United-States +1558,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +1559,45.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +1560,44.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1561,23.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,25.0, Philippines +1562,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,47.0, United-States +1563,48.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,36.0, Philippines +1564,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1565,25.0, Private, 9th,5.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,45.0, Mexico +1566,25.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +1567,55.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1568,60.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1569,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1570,62.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +1571,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +1572,18.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,1602.0,35.0, United-States +1573,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +1574,24.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States +1575,28.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +1576,47.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,40.0, United-States +1577,36.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +1578,44.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1579,29.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1580,63.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1581,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +1582,19.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States +1583,56.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +1584,40.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1585,60.0, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1586,59.0, Local-gov, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Poland +1587,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +1588,41.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States +1589,48.0, Local-gov, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1590,38.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1591,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +1592,54.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,28.0, Columbia +1593,51.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Male,10520.0,0.0,40.0, United-States +1594,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +1595,31.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,35.0, United-States +1596,28.0, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1597,59.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1598,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,4416.0,0.0,40.0, United-States +1599,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1600,21.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +1601,59.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +1602,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +1603,50.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,12.0, United-States +1604,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1605,61.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1606,51.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +1607,33.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,2635.0,0.0,16.0, United-States +1608,58.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,4787.0,0.0,39.0, United-States +1609,59.0, State-gov, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +1610,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +1611,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1612,29.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +1613,38.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +1614,37.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,85.0, United-States +1615,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +1616,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +1617,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +1618,38.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +1619,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1620,44.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +1621,47.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +1622,19.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,16.0, United-States +1623,19.0, Private, HS-grad,9.0, Married-AF-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States +1624,41.0, Private, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +1625,23.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +1626,18.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +1627,34.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1628,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +1629,44.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +1630,45.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States +1631,58.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1632,68.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +1633,35.0,, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +1634,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,48.0, United-States +1635,41.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +1636,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +1637,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1638,32.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +1639,41.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1640,35.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Germany +1641,32.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +1642,42.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +1643,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1644,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +1645,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1646,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +1647,49.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,60.0, United-States +1648,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +1649,30.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,1721.0,38.0, Puerto-Rico +1650,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1651,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +1652,30.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Trinadad&Tobago +1653,53.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +1654,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +1655,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1656,33.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States +1657,55.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States +1658,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1659,84.0, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,33.0, United-States +1660,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States +1661,49.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1662,48.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +1663,34.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1664,57.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, Canada +1665,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,44.0, United-States +1666,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States +1667,23.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States +1668,55.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States +1669,54.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States +1670,48.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +1671,35.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +1672,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +1673,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1674,36.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,3325.0,0.0,45.0, United-States +1675,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +1676,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +1677,18.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +1678,40.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +1679,44.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Puerto-Rico +1680,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +1681,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +1682,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,44.0, United-States +1683,33.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States +1684,40.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +1685,29.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States +1686,48.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +1687,39.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, +1688,29.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +1689,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +1690,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1691,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999.0,0.0,50.0, India +1692,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1693,54.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +1694,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +1695,40.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +1696,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1485.0,50.0, United-States +1697,28.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +1698,36.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +1699,41.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +1700,32.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +1701,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2057.0,49.0, United-States +1702,35.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +1703,37.0, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +1704,31.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,51.0, United-States +1705,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +1706,30.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +1707,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1974.0,40.0, United-States +1708,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +1709,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,52.0, United-States +1710,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +1711,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +1712,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,48.0, United-States +1713,29.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1714,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +1715,56.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1716,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +1717,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +1718,33.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States +1719,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +1720,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica +1721,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States +1722,48.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +1723,55.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States +1724,31.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +1725,27.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1726,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1727,26.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +1728,65.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,34.0, United-States +1729,19.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +1730,53.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,70.0, United-States +1731,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +1732,18.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +1733,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, Other, Male,0.0,0.0,40.0, Dominican-Republic +1734,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,1602.0,40.0, United-States +1735,34.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +1736,55.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1737,36.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +1738,66.0, Private, 7th-8th,4.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +1739,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,,44.0, United-States +1740,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1741,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +1742,30.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, Iran +1743,38.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +1744,35.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1745,32.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States +1746,46.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +1747,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +1748,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, Portugal +1749,29.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1750,34.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +1751,36.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1752,50.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,55.0, United-States +1753,30.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +1754,37.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +1755,39.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1756,38.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +1757,28.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +1758,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States +1759,21.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +1760,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +1761,27.0, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0.0,0.0,55.0, United-States +1762,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +1763,54.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +1764,41.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +1765,29.0, Private, 12th,8.0, Married-civ-spouse, Sales, Own-child, Other, Male,0.0,0.0,35.0, United-States +1766,44.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +1767,50.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1768,58.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family,, Male,3325.0,0.0,40.0, United-States +1769,28.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +1770,59.0, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,60.0, United-States +1771,49.0, State-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +1772,54.0, Private, Some-college,10.0, Separated, Tech-support, Other-relative, Black, Female,4101.0,0.0,40.0, United-States +1773,57.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,42.0, United-States +1774,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +1775,51.0, Private, 9th,5.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1776,54.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States +1777,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States +1778,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +1779,24.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +1780,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +1781,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +1782,26.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +1783,38.0, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1784,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +1785,41.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,52.0, United-States +1786,37.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +1787,26.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States +1788,48.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +1789,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +1790,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +1791,30.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +1792,42.0, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +1793,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1887.0,50.0, Canada +1794,48.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,48.0, United-States +1795,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1796,32.0, Private, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States +1797,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1798,48.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +1799,35.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +1800,42.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1801,59.0, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, White, Male,3325.0,0.0,40.0, United-States +1802,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +1803,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States +1804,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +1805,43.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +1806,47.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,50.0, United-States +1807,31.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,20.0, United-States +1808,38.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1809,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +1810,28.0, Self-emp-not-inc, 12th,8.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +1811,53.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +1812,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1813,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +1814,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +1815,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States +1816,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +1817,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +1818,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +1819,23.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1820,33.0, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,1831.0,0.0,40.0, United-States +1821,57.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1822,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +1823,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1579.0,50.0, United-States +1824,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +1825,23.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +1826,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1827,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,28.0, United-States +1828,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,60.0, United-States +1829,54.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +1830,32.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,46.0, Dominican-Republic +1831,28.0, Private, 12th,8.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +1832,84.0, Local-gov, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,14.0, United-States +1833,44.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1834,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1835,54.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +1836,24.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,49.0, United-States +1837,50.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +1838,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,30.0, United-States +1839,31.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1840,25.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India +1841,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +1842,46.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +1843,57.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1844,19.0, Private, 11th,7.0, Never-married, Sales, Own-child, Other, Female,0.0,0.0,32.0, Nicaragua +1845,69.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +1846,44.0, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1847,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Thailand +1848,45.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +1849,30.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +1850,30.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1851,24.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, Italy +1852,35.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1853,33.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, Japan +1854,23.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +1855,43.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1856,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1887.0,40.0, United-States +1857,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +1858,48.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,40.0, Philippines +1859,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,50.0, United-States +1860,42.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4386.0,0.0,80.0, United-States +1861,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States +1862,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +1863,36.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1864,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +1865,23.0, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +1866,37.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +1867,20.0, Private, 11th,7.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,32.0, Mexico +1868,70.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,5.0, United-States +1869,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +1870,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +1871,39.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +1872,33.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,60.0, United-States +1873,51.0, Private, Doctorate,16.0, Divorced, Craft-repair, Not-in-family, White, Female,4787.0,0.0,60.0, United-States +1874,30.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1875,58.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +1876,25.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States +1877,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +1878,22.0, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +1879,33.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +1880,48.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico +1881,28.0, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1882,44.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States +1883,46.0, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States +1884,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,40.0, United-States +1885,33.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,2339.0,40.0, United-States +1886,51.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +1887,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +1888,20.0, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States +1889,32.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +1890,29.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +1891,40.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +1892,31.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +1893,26.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,2051.0,40.0, United-States +1894,29.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, Columbia +1895,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,53.0, United-States +1896,62.0, Private, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1897,66.0, Private, 10th,6.0, Widowed, Transport-moving, Not-in-family, White, Female,0.0,0.0,11.0, United-States +1898,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1899,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +1900,19.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +1901,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +1902,58.0, Self-emp-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +1903,40.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +1904,54.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +1905,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1906,43.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +1907,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,7443.0,0.0,40.0, United-States +1908,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1909,35.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +1910,30.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,45.0, United-States +1911,29.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1912,52.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +1913,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +1914,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +1915,69.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States +1916,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +1917,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +1918,25.0, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +1919,23.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1920,25.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,10520.0,0.0,50.0, United-States +1921,49.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Black, Female,7430.0,0.0,40.0, United-States +1922,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1923,37.0, Private, HS-grad,9.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,45.0, United-States +1924,36.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,37.0, Hong +1925,49.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,22.0, United-States +1926,68.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1927,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1928,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +1929,59.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Scotland +1930,65.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States +1931,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,80.0, United-States +1932,52.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +1933,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +1934,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +1935,67.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,20.0, United-States +1936,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +1937,29.0, State-gov, 10th,6.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +1938,29.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1939,21.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +1940,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,38.0, United-States +1941,35.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1942,31.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +1943,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1944,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1945,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1946,34.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +1947,67.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,10566.0,0.0,40.0, United-States +1948,43.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +1949,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1950,18.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +1951,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +1952,53.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +1953,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +1954,21.0, Self-emp-not-inc, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,25.0, United-States +1955,73.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, Poland +1956,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +1957,42.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +1958,19.0, Private, 12th,8.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States +1959,48.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +1960,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +1961,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +1962,23.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +1963,37.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +1964,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +1965,43.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2042.0,40.0, United-States +1966,42.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Cambodia +1967,59.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +1968,46.0, State-gov, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +1969,31.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +1970,45.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +1971,47.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1972,59.0, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1973,49.0, Self-emp-inc, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,6497.0,0.0,45.0, United-States +1974,30.0, Private, Some-college,10.0, Never-married,, Not-in-family, White, Female,0.0,0.0,48.0, United-States +1975,38.0, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +1976,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +1977,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States +1978,22.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,,0.0,40.0, Jamaica +1979,57.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +1980,34.0, State-gov, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,40.0, United-States +1981,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,3325.0,0.0,40.0, United-States +1982,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +1983,39.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +1984,60.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +1985,71.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,2.0, United-States +1986,43.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,2238.0,40.0, United-States +1987,61.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +1988,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1848.0,60.0, United-States +1989,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +1990,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +1991,26.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +1992,53.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +1993,36.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +1994,57.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,50.0, United-States +1995,22.0, Private, 10th,6.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States +1996,25.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +1997,39.0, Private, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +1998,44.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +1999,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +2000,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +2001,31.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +2002,52.0, Local-gov, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,4865.0,0.0,30.0, United-States +2003,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +2004,29.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +2005,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,40.0, United-States +2006,32.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Iran +2007,52.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +2008,25.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States +2009,28.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,63.0, South +2010,54.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2011,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,1721.0,30.0, United-States +2012,54.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +2013,46.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States +2014,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2015,40.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,32.0, United-States +2016,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +2017,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,60.0, United-States +2018,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,48.0, United-States +2019,21.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +2020,58.0, Private, 1st-4th,2.0, Separated, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +2021,51.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +2022,63.0, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,31.0, United-States +2023,27.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Wife, White, Female,0.0,0.0,40.0, United-States +2024,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +2025,38.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States +2026,26.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +2027,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +2028,52.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1755.0,40.0, United-States +2029,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States +2030,33.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +2031,39.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,2202.0,0.0,45.0, United-States +2032,50.0, Private, 5th-6th,3.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,34.0, Mexico +2033,48.0, State-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,56.0, United-States +2034,54.0, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +2035,58.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2036,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, Black, Female,0.0,0.0,4.0, United-States +2037,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2038,47.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,45.0, United-States +2039,50.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +2040,59.0, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2041,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +2042,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Ireland +2043,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2044,71.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +2045,38.0, Private, 10th,6.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +2046,31.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +2047,61.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +2048,40.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +2049,48.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +2050,51.0, Private, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +2051,34.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +2052,49.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2053,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +2054,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States +2055,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +2056,21.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Columbia +2057,66.0, Private, Masters,14.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States +2058,18.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,16.0, United-States +2059,29.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2060,65.0, Federal-gov, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +2061,20.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +2062,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +2063,67.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2392.0,24.0, United-States +2064,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Ireland +2065,33.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1092.0,40.0, United-States +2066,55.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2067,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +2068,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,23.0, United-States +2069,39.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +2070,34.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2071,29.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +2072,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,4.0, United-States +2073,50.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,38.0, United-States +2074,31.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +2075,23.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +2076,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,50.0, United-States +2077,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +2078,54.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Male,914.0,0.0,40.0, United-States +2079,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2080,23.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2081,48.0, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +2082,64.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +2083,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +2084,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +2085,46.0, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +2086,28.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2087,35.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2088,35.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,2205.0,40.0, United-States +2089,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +2090,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +2091,52.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,15020.0,0.0,50.0, United-States +2092,64.0, Local-gov, 9th,5.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +2093,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, Mexico +2094,48.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +2095,61.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2096,25.0, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +2097,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2098,54.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, Puerto-Rico +2099,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +2100,32.0, Private, Some-college,10.0,, Sales, Own-child, White, Male,0.0,1876.0,60.0, United-States +2101,23.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2102,45.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +2103,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +2104,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Own-child, White, Female,7298.0,0.0,16.0, United-States +2105,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1408.0,40.0, United-States +2106,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States +2107,36.0, Private, 10th,6.0, Separated, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States +2108,22.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +2109,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +2110,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States +2111,23.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +2112,22.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +2113,48.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +2114,51.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,30.0, United-States +2115,44.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2116,39.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,1485.0,40.0, United-States +2117,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,55.0, United-States +2118,67.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +2119,50.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +2120,59.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +2121,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +2122,23.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +2123,50.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2124,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,35.0, United-States +2125,36.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +2126,23.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +2127,46.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2128,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1504.0,45.0, United-States +2129,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States +2130,69.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,2282.0,40.0, United-States +2131,32.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +2132,53.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +2133,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2134,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +2135,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +2136,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +2137,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2138,45.0, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States +2139,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2140,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,65.0, United-States +2141,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2142,52.0, Private, 12th,8.0, Separated, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Cuba +2143,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +2144,47.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +2145,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2146,28.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2147,40.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +2148,31.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +2149,55.0, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,30.0, United-States +2150,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2151,55.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +2152,33.0, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +2153,75.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +2154,20.0, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,10.0, United-States +2155,31.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +2156,33.0, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, Mexico +2157,59.0, Private, 9th,5.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico +2158,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2159,25.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2160,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +2161,50.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +2162,37.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,70.0, Philippines +2163,55.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +2164,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +2165,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,45.0, United-States +2166,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2167,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2168,31.0, Private, 9th,5.0, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States +2169,36.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, Germany +2170,45.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +2171,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,24.0, United-States +2172,43.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +2173,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,20.0, United-States +2174,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +2175,46.0, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +2176,45.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,56.0, United-States +2177,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,40.0, United-States +2178,50.0, Private, 5th-6th,3.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, Cuba +2179,56.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, Italy +2180,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,2205.0,40.0, United-States +2181,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +2182,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2183,51.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, Ireland +2184,55.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2185,50.0, Local-gov, Some-college,10.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +2186,36.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +2187,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +2188,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +2189,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2190,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2191,25.0, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +2192,62.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +2193,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,33.0, United-States +2194,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2195,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2196,20.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2197,24.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,60.0, United-States +2198,36.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +2199,24.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +2200,21.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +2201,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2202,60.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,99999.0,0.0,40.0, United-States +2203,56.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +2204,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2205,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +2206,58.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,1.0, United-States +2207,80.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2208,51.0, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +2209,34.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +2210,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +2211,39.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +2212,34.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,84.0, United-States +2213,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2214,38.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2215,44.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2216,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,44.0, United-States +2217,23.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +2218,24.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1974.0,40.0, United-States +2219,35.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +2220,24.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India +2221,54.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +2222,32.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +2223,50.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,55.0, United-States +2224,22.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +2225,36.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2226,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2227,40.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States +2228,22.0, Private, 11th,7.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2229,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +2230,63.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3471.0,0.0,40.0, United-States +2231,35.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +2232,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,37.0, United-States +2233,55.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,914.0,0.0,50.0, United-States +2234,34.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States +2235,32.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +2236,47.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,40.0, Puerto-Rico +2237,41.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, Canada +2238,24.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +2239,23.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,4101.0,0.0,40.0, United-States +2240,26.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +2241,54.0, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +2242,21.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2243,36.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,70.0, United-States +2244,60.0, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2245,48.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2246,23.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +2247,29.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2248,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, United-States +2249,42.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,2354.0,0.0,16.0, United-States +2250,25.0, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +2251,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +2252,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, Italy +2253,18.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States +2254,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,30.0, United-States +2255,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +2256,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Vietnam +2257,23.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4508.0,0.0,25.0, United-States +2258,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,2597.0,0.0,40.0, United-States +2259,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +2260,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +2261,58.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +2262,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States +2263,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0.0,0.0,40.0, Puerto-Rico +2264,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +2265,25.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +2266,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +2267,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +2268,46.0, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2269,38.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, Mexico +2270,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States +2271,46.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2272,58.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +2273,34.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,28.0, United-States +2274,34.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +2275,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,25.0, United-States +2276,43.0, State-gov, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +2277,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,50.0, Jamaica +2278,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2279,60.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +2280,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,44.0, United-States +2281,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +2282,61.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +2283,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +2284,22.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +2285,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States +2286,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2287,41.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2051.0,60.0, United-States +2288,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +2289,48.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2290,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +2291,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2292,29.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States +2293,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +2294,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States +2295,37.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +2296,45.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2297,32.0, Private, Some-college,10.0, Divorced, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Nicaragua +2298,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2299,65.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,24.0, United-States +2300,42.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2301,42.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +2302,53.0, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +2303,34.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +2304,38.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3411.0,0.0,40.0, United-States +2305,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +2306,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States +2307,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, Mexico +2308,25.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +2309,25.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,60.0, United-States +2310,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2311,47.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,6849.0,0.0,40.0, United-States +2312,50.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +2313,63.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States +2314,26.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +2315,66.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +2316,29.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,52.0, United-States +2317,34.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,1974.0,30.0, United-States +2318,39.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +2319,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +2320,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +2321,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +2322,39.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States +2323,47.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2324,58.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +2325,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2326,43.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2327,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +2328,40.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, China +2329,31.0, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +2330,24.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2331,42.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +2332,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2333,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2334,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,1055.0,0.0,20.0, United-States +2335,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +2336,45.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,50.0, United-States +2337,36.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +2338,49.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +2339,33.0, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States +2340,35.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +2341,20.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +2342,41.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1980.0,40.0, United-States +2343,45.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2344,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +2345,57.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +2346,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885.0,0.0,40.0, United-States +2347,60.0, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +2348,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2349,23.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2350,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,45.0, United-States +2351,36.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2352,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States +2353,26.0, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +2354,19.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +2355,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +2356,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, Columbia +2357,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States +2358,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +2359,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +2360,60.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3781.0,0.0,16.0, United-States +2361,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1740.0,40.0, Haiti +2362,55.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +2363,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2364,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2365,17.0, State-gov, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +2366,37.0, Local-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,1980.0,35.0, United-States +2367,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2368,41.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +2369,54.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,32.0, United-States +2370,45.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2371,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, Greece +2372,23.0, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +2373,43.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,45.0, United-States +2374,31.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2375,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +2376,53.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2377,58.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,35.0, United-States +2378,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2379,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +2380,41.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States +2381,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +2382,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2383,39.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2384,43.0, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +2385,46.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States +2386,41.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Other-relative, White, Male,0.0,0.0,20.0, United-States +2387,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2388,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +2389,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States +2390,52.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States +2391,36.0, Private, HS-grad,9.0,, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2392,24.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2393,47.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,21.0, United-States +2394,30.0, Private, 12th,8.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2395,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2396,35.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Canada +2397,39.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,5013.0,0.0,56.0, United-States +2398,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +2399,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +2400,26.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, Black, Female,114.0,0.0,40.0, United-States +2401,27.0, Private, Assoc-voc,11.0, Married-spouse-absent, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +2402,47.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +2403,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +2404,53.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States +2405,61.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2406,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2407,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +2408,35.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,1974.0,40.0, United-States +2409,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, Ireland +2410,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +2411,59.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +2412,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +2413,20.0, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,18.0, United-States +2414,68.0, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +2415,51.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +2416,37.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +2417,47.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +2418,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2419,46.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2420,46.0, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,75.0, Dominican-Republic +2421,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States +2422,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2423,38.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Cuba +2424,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +2425,45.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,20.0, United-States +2426,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2427,23.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +2428,27.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,32.0, United-States +2429,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2430,37.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +2431,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States +2432,39.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +2433,19.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +2434,38.0, Private, 10th,6.0, Widowed, Transport-moving, Unmarried, Black, Male,114.0,0.0,40.0, United-States +2435,31.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, United-States +2436,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2437,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,43.0, United-States +2438,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, United-States +2439,32.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, Mexico +2440,55.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2441,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +2442,71.0, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,9.0, United-States +2443,42.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +2444,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2445,37.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +2446,60.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,4101.0,0.0,60.0, United-States +2447,50.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2448,26.0, Self-emp-not-inc, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +2449,54.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2450,31.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +2451,53.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, Germany +2452,44.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States +2453,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2454,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,99.0, United-States +2455,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +2456,72.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,6360.0,0.0,40.0, United-States +2457,47.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Italy +2458,40.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States +2459,45.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +2460,68.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States +2461,47.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States +2462,32.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2463,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +2464,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2465,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +2466,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +2467,64.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +2468,51.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +2469,59.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +2470,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2471,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +2472,34.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,7443.0,0.0,35.0, United-States +2473,51.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +2474,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2475,47.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2476,45.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +2477,61.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, Columbia +2478,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2479,45.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +2480,28.0, State-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2481,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,55.0, United-States +2482,26.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States +2483,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +2484,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +2485,41.0, Private, 9th,5.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,80.0, United-States +2486,57.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States +2487,48.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +2488,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2489,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +2490,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2491,54.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2492,63.0, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +2493,38.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2494,24.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +2495,61.0, Self-emp-inc, Bachelors,13.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +2496,44.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States +2497,19.0, State-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +2498,32.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States +2499,43.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,46.0, United-States +2500,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,70.0, United-States +2501,25.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +2502,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +2503,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States +2504,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +2505,24.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,32.0, United-States +2506,49.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +2507,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +2508,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +2509,58.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +2510,46.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2511,38.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +2512,30.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,70.0, United-States +2513,30.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +2514,26.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,25.0, United-States +2515,18.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,1055.0,0.0,30.0, United-States +2516,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +2517,47.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Cuba +2518,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2519,60.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States +2520,46.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States +2521,30.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +2522,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,38.0, United-States +2523,22.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +2524,74.0, State-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, Black, Male,15831.0,0.0,40.0, United-States +2525,33.0, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2526,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +2527,30.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States +2528,31.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States +2529,44.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +2530,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States +2531,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +2532,23.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +2533,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +2534,25.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +2535,55.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2536,52.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +2537,53.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,99.0, United-States +2538,59.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2539,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,87.0, United-States +2540,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +2541,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,99999.0,0.0,30.0, United-States +2542,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +2543,66.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Canada +2544,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +2545,60.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Columbia +2546,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2547,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States +2548,62.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +2549,17.0, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +2550,48.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +2551,40.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +2552,60.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2553,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +2554,53.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +2555,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +2556,39.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +2557,30.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +2558,47.0, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2559,35.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2560,37.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +2561,55.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +2562,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States +2563,18.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States +2564,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2565,52.0, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +2566,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States +2567,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2568,40.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2569,60.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +2570,38.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +2571,64.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2572,41.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +2573,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2574,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States +2575,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,55.0, United-States +2576,32.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +2577,64.0, Self-emp-inc, 1st-4th,2.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +2578,36.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2579,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +2580,32.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2581,25.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador +2582,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States +2583,41.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,52.0, United-States +2584,23.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +2585,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, Greece +2586,33.0, Private, 11th,7.0, Separated, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +2587,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2588,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1980.0,40.0, United-States +2589,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +2590,41.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +2591,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2592,23.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +2593,50.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +2594,40.0, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,55.0, United-States +2595,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +2596,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +2597,30.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +2598,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2599,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,42.0, United-States +2600,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +2601,27.0, Private, 9th,5.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2602,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,55.0, United-States +2603,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +2604,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +2605,46.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +2606,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2607,29.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +2608,53.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2609,39.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +2610,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,15.0, United-States +2611,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,47.0, United-States +2612,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +2613,53.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States +2614,67.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2615,71.0, Private, 11th,7.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,75.0, United-States +2616,56.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +2617,57.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,13.0, United-States +2618,35.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2619,43.0, Private,,2.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,21.0, Mexico +2620,36.0, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +2621,37.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +2622,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +2623,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,7298.0,0.0,35.0, United-States +2624,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,24.0, United-States +2625,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,10.0, United-States +2626,28.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, France +2627,37.0, Local-gov, Assoc-acdm,12.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,50.0, United-States +2628,51.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +2629,29.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,37.0, United-States +2630,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +2631,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,20.0, United-States +2632,42.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +2633,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,26.0, United-States +2634,30.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +2635,29.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +2636,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +2637,32.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, Mexico +2638,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +2639,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,48.0, United-States +2640,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +2641,36.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +2642,68.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +2643,23.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2644,36.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +2645,45.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,4687.0,0.0,35.0, United-States +2646,71.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1411.0,70.0, United-States +2647,50.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +2648,47.0, Private, 5th-6th,3.0, Married-spouse-absent, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico +2649,28.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +2650,42.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +2651,39.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2652,23.0, Private, Assoc-voc,11.0, Separated, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +2653,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2654,40.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +2655,31.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +2656,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +2657,32.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2658,51.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +2659,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +2660,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +2661,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2662,60.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,46.0, United-States +2663,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +2664,53.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +2665,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +2666,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2667,57.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +2668,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States +2669,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States +2670,37.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +2671,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,40.0, United-States +2672,59.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999.0,0.0,40.0, United-States +2673,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States +2674,46.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2675,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +2676,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +2677,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +2678,50.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States +2679,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States +2680,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2681,43.0, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,45.0, United-States +2682,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +2683,23.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States +2684,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +2685,34.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2686,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +2687,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +2688,46.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +2689,30.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +2690,32.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +2691,20.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +2692,23.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2693,50.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +2694,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +2695,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +2696,31.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +2697,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +2698,58.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +2699,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2700,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +2701,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States +2702,48.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +2703,57.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Iran +2704,31.0, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +2705,20.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +2706,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2707,31.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +2708,23.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2709,38.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Other, Male,0.0,0.0,40.0, United-States +2710,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,25.0, United-States +2711,38.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +2712,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2713,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +2714,59.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +2715,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +2716,29.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,55.0, Outlying-US(Guam-USVI-etc) +2717,44.0, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Wife, White, Female,3908.0,0.0,60.0, United-States +2718,47.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +2719,34.0, Private, Masters,14.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,28.0, United-States +2720,18.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,16.0, United-States +2721,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, United-States +2722,36.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Mexico +2723,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2724,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2725,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +2726,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States +2727,62.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +2728,59.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +2729,26.0, Private, 12th,8.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +2730,37.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,30.0, United-States +2731,40.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +2732,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +2733,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +2734,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +2735,36.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,50.0, United-States +2736,23.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,50.0, United-States +2737,41.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +2738,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2739,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States +2740,43.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +2741,24.0, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,13550.0,0.0,50.0, United-States +2742,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2743,64.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2744,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,70.0, United-States +2745,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,65.0, United-States +2746,20.0, Private, 10th,6.0, Never-married, Sales, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +2747,55.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2748,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2749,59.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2750,64.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +2751,38.0, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,6849.0,0.0,50.0, United-States +2752,25.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,37.0, India +2753,35.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, United-States +2754,30.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2755,58.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,20.0, United-States +2756,36.0, Local-gov, Some-college,10.0, Separated, Adm-clerical, Own-child, Black, Male,0.0,,40.0, United-States +2757,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States +2758,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2759,53.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States +2760,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +2761,24.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2762,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +2763,31.0, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +2764,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +2765,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, United-States +2766,23.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +2767,36.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +2768,43.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +2769,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +2770,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +2771,27.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2772,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +2773,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +2774,24.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,48.0, United-States +2775,31.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,34.0, United-States +2776,55.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,18.0, United-States +2777,44.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +2778,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +2779,35.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,5721.0,0.0,40.0, United-States +2780,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +2781,34.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +2782,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +2783,30.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +2784,20.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +2785,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States +2786,39.0, Self-emp-not-inc, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2787,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2788,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States +2789,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2790,56.0, Private, 9th,5.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2791,45.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, Dominican-Republic +2792,30.0, Private, 11th,7.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +2793,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +2794,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +2795,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2796,46.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States +2797,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2798,39.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,47.0, United-States +2799,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +2800,44.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,55.0, England +2801,45.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013.0,0.0,45.0, United-States +2802,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States +2803,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +2804,63.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2805,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +2806,19.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States +2807,38.0, Private, Doctorate,16.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2808,29.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,50.0, United-States +2809,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2810,53.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2811,75.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,2346.0,0.0,15.0, United-States +2812,74.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,16.0, United-States +2813,57.0, Private, 10th,6.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,64.0, United-States +2814,33.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2815,42.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2816,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2817,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +2818,31.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, Mexico +2819,53.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +2820,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +2821,45.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2822,32.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,37.0, United-States +2823,31.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +2824,27.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,10.0, United-States +2825,20.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador +2826,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +2827,34.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,4386.0,0.0,40.0, United-States +2828,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +2829,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +2830,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,52.0, United-States +2831,64.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1421.0,35.0, United-States +2832,28.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +2833,61.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2834,21.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,4865.0,0.0,40.0, United-States +2835,29.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,38.0, United-States +2836,25.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,56.0, United-States +2837,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +2838,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,24.0, United-States +2839,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +2840,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States +2841,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2842,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2843,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States +2844,69.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +2845,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States +2846,45.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States +2847,43.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +2848,37.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +2849,58.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2850,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States +2851,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +2852,40.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2853,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +2854,41.0, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States +2855,27.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +2856,59.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +2857,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, England +2858,26.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2859,42.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +2860,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, Poland +2861,50.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +2862,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2863,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +2864,22.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +2865,26.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +2866,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2867,54.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +2868,47.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2179.0,52.0, United-States +2869,46.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +2870,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2871,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +2872,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States +2873,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +2874,47.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,5455.0,0.0,45.0, United-States +2875,46.0, Self-emp-not-inc, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,1151.0,0.0,60.0, United-States +2876,47.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +2877,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,60.0, United-States +2878,27.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2879,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2880,31.0, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,50.0, United-States +2881,24.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +2882,34.0, Local-gov, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,14.0, United-States +2883,27.0, Private, 1st-4th,2.0, Never-married, Other-service, Own-child, Other, Male,0.0,0.0,35.0, Dominican-Republic +2884,58.0, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +2885,31.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +2886,55.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2887,34.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +2888,51.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Canada +2889,37.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2890,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +2891,21.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2892,38.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,42.0, United-States +2893,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +2894,25.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States +2895,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +2896,64.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +2897,18.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +2898,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2899,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +2900,49.0, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2901,38.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +2902,40.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2903,22.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2904,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +2905,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +2906,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +2907,57.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +2908,45.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +2909,56.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +2910,65.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +2911,24.0, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +2912,49.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +2913,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +2914,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2915,62.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States +2916,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +2917,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +2918,47.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,44.0, United-States +2919,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,594.0,0.0,30.0, United-States +2920,49.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States +2921,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +2922,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +2923,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +2924,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +2925,22.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States +2926,59.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2927,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,50.0, United-States +2928,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,65.0, United-States +2929,29.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +2930,24.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +2931,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +2932,63.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,55.0, United-States +2933,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +2934,33.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +2935,34.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States +2936,30.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2937,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +2938,48.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2939,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Black, Male,0.0,0.0,38.0, United-States +2940,44.0, Private, 10th,6.0, Never-married, Sales, Unmarried, Other, Female,0.0,0.0,35.0, Dominican-Republic +2941,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +2942,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +2943,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +2944,60.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2945,30.0, Local-gov, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2946,35.0, Private, 10th,6.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,1980.0,40.0, United-States +2947,36.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +2948,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +2949,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +2950,34.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1485.0,40.0, United-States +2951,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +2952,22.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +2953,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +2954,23.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States +2955,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,13550.0,0.0,50.0, United-States +2956,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +2957,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2958,17.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +2959,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States +2960,68.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,28.0, United-States +2961,42.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +2962,68.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Italy +2963,30.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +2964,48.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States +2965,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +2966,39.0, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,3004.0,40.0, United-States +2967,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,36.0, United-States +2968,29.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +2969,29.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +2970,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,50.0, United-States +2971,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Other, Female,0.0,0.0,35.0, United-States +2972,55.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +2973,42.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2974,28.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +2975,26.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2976,28.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +2977,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +2978,71.0, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,6.0, United-States +2979,49.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +2980,55.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2981,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +2982,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +2983,49.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +2984,38.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +2985,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +2986,38.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +2987,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +2988,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +2989,53.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +2990,31.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +2991,55.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +2992,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States +2993,26.0, State-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +2994,49.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +2995,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +2996,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States +2997,58.0, Private, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Female,3674.0,0.0,40.0, United-States +2998,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States +2999,26.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +3000,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +3001,35.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +3002,28.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +3003,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3004,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +3005,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +3006,38.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +3007,37.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,42.0, United-States +3008,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +3009,65.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3010,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +3011,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +3012,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Canada +3013,31.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +3014,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland +3015,47.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,52.0, United-States +3016,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +3017,36.0, Local-gov, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +3018,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3019,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3020,21.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,2174.0,0.0,60.0, United-States +3021,28.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,25.0, United-States +3022,60.0, Private, Some-college,10.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,28.0, United-States +3023,46.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +3024,26.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States +3025,58.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,2907.0,0.0,43.0, United-States +3026,41.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,3137.0,0.0,40.0, United-States +3027,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3028,25.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3029,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3030,26.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,65.0, United-States +3031,62.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +3032,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States +3033,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +3034,47.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3035,48.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States +3036,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,,18.0, United-States +3037,33.0, State-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +3038,35.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +3039,53.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +3040,35.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3041,46.0, State-gov, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,38.0, United-States +3042,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +3043,23.0, State-gov, 12th,8.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3044,43.0, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,3004.0,40.0, United-States +3045,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,45.0, United-States +3046,50.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3047,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +3048,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +3049,18.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,10.0, United-States +3050,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +3051,33.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +3052,40.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +3053,45.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3054,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +3055,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Nicaragua +3056,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3057,27.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany +3058,41.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +3059,62.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3060,29.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3061,30.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +3062,46.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +3063,45.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3064,48.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,89.0, United-States +3065,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +3066,41.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3067,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3068,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +3069,58.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +3070,79.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Male,0.0,0.0,5.0, United-States +3071,43.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +3072,46.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,2258.0,35.0, United-States +3073,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +3074,60.0, Federal-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, England +3075,45.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,44.0, United-States +3076,27.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +3077,34.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,23.0, United-States +3078,19.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,14084.0,0.0,20.0, United-States +3079,39.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,2444.0,45.0, United-States +3080,35.0, Federal-gov, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +3081,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States +3082,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3083,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3084,29.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +3085,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States +3086,46.0, Local-gov, Masters,14.0, Widowed, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States +3087,31.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3088,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +3089,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1092.0,40.0, United-States +3090,27.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3091,46.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3092,61.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3093,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +3094,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +3095,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,10520.0,0.0,40.0, United-States +3096,47.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +3097,37.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +3098,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3099,21.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3100,60.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +3101,46.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +3102,19.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,18.0, United-States +3103,53.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,4386.0,0.0,40.0, United-States +3104,42.0, Federal-gov, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,2001.0,60.0, United-States +3105,50.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3106,31.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3107,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +3108,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +3109,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,45.0, United-States +3110,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3111,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +3112,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,45.0, United-States +3113,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +3114,58.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +3115,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3116,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +3117,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3118,63.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3119,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +3120,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3121,25.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +3122,66.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1825.0,40.0, United-States +3123,56.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Canada +3124,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +3125,33.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +3126,24.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +3127,39.0, Private, 11th,7.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +3128,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +3129,51.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,48.0, United-States +3130,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,10.0, United-States +3131,21.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +3132,21.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,8.0, United-States +3133,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3134,36.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +3135,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,594.0,0.0,40.0, United-States +3136,40.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +3137,27.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +3138,61.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3139,54.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +3140,34.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3141,52.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +3142,50.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +3143,90.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3144,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,1602.0,25.0, United-States +3145,59.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,80.0, United-States +3146,37.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +3147,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +3148,34.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +3149,39.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States +3150,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +3151,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +3152,42.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +3153,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3154,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +3155,33.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3156,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3157,27.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +3158,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States +3159,33.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3160,45.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +3161,38.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3162,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3163,21.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +3164,50.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +3165,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3166,65.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3167,65.0, Self-emp-not-inc, Some-college,10.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States +3168,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,9.0, United-States +3169,47.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3170,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3171,47.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3172,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3173,36.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3174,40.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,30.0, Mexico +3175,37.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3176,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +3177,41.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States +3178,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +3179,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,16.0, United-States +3180,35.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3181,27.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +3182,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +3183,52.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3184,28.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,55.0, United-States +3185,26.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3186,60.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,40.0, United-States +3187,64.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +3188,42.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +3189,47.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +3190,33.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, France +3191,38.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,56.0, United-States +3192,40.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3193,33.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, Japan +3194,45.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3195,22.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +3196,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +3197,22.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,16.0, United-States +3198,44.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +3199,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States +3200,29.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +3201,43.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3202,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +3203,69.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +3204,38.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,58.0, Poland +3205,49.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +3206,76.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States +3207,42.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States +3208,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,42.0, United-States +3209,36.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3210,37.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3211,62.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +3212,24.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States +3213,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +3214,38.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3215,26.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,58.0, United-States +3216,51.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,50.0, United-States +3217,52.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany +3218,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,61.0, United-States +3219,79.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,35.0, El-Salvador +3220,32.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +3221,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3222,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3223,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3224,61.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3225,29.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +3226,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +3227,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +3228,21.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +3229,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +3230,21.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +3231,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +3232,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +3233,32.0, State-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States +3234,28.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Male,0.0,0.0,40.0, Ecuador +3235,26.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States +3236,46.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States +3237,34.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +3238,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3239,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +3240,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +3241,37.0, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,77.0, Mexico +3242,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,48.0, United-States +3243,57.0, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Ecuador +3244,27.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,38.0, United-States +3245,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3246,67.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States +3247,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +3248,59.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,20.0, United-States +3249,39.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +3250,33.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3251,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +3252,48.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States +3253,49.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3254,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,25.0, United-States +3255,45.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +3256,21.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +3257,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,15.0, Cuba +3258,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,60.0, United-States +3259,54.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3260,68.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States +3261,47.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, Mexico +3262,46.0, Private, 10th,6.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,37.0, China +3263,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States +3264,25.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3265,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3266,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3267,53.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3268,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,70.0, United-States +3269,64.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States +3270,63.0, Private, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +3271,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +3272,68.0, Self-emp-not-inc, 10th,6.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,20.0, United-States +3273,35.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3274,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3275,45.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +3276,22.0, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States +3277,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3278,23.0, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3279,30.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +3280,38.0, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States +3281,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3282,31.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3283,42.0, Federal-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +3284,46.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3285,50.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +3286,30.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3287,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3288,41.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +3289,22.0, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +3290,52.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, India +3291,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +3292,33.0, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,35.0, United-States +3293,42.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +3294,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +3295,34.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +3296,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1719.0,30.0, United-States +3297,46.0, Federal-gov, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,60.0, United-States +3298,32.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +3299,36.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,55.0, United-States +3300,30.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States +3301,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +3302,49.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +3303,35.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +3304,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +3305,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,25.0, United-States +3306,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3307,34.0, Self-emp-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,4787.0,0.0,45.0, France +3308,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3309,61.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, India +3310,35.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3311,33.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +3312,21.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,20.0, United-States +3313,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +3314,59.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3315,28.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,4865.0,0.0,40.0, United-States +3316,41.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,2179.0,84.0, Mexico +3317,47.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +3318,22.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +3319,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +3320,41.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,50.0, United-States +3321,39.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3322,46.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +3323,41.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +3324,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Germany +3325,30.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3326,45.0, Private, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +3327,68.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +3328,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +3329,34.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +3330,27.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +3331,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,60.0, United-States +3332,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +3333,18.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +3334,30.0, State-gov, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3335,39.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +3336,62.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3337,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3338,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580.0,0.0,40.0, United-States +3339,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3340,43.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +3341,80.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +3342,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,32.0, United-States +3343,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +3344,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3345,24.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +3346,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +3347,56.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +3348,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +3349,49.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +3350,42.0, Private, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +3351,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3352,64.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +3353,36.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3354,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,32.0, United-States +3355,53.0, Self-emp-not-inc, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Poland +3356,22.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +3357,58.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3358,59.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3359,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +3360,56.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +3361,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3362,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +3363,47.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +3364,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +3365,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3366,40.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,2.0, United-States +3367,29.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +3368,53.0, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3369,35.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States +3370,27.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, Japan +3371,47.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3372,51.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +3373,18.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,18.0, United-States +3374,40.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico +3375,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +3376,47.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,37.0, Puerto-Rico +3377,48.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3378,67.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,18.0, United-States +3379,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States +3380,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +3381,27.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +3382,35.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3383,59.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3384,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +3385,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,1055.0,0.0,35.0, United-States +3386,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3942.0,0.0,32.0, United-States +3387,42.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +3388,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States +3389,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +3390,53.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +3391,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580.0,0.0,40.0, United-States +3392,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +3393,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,41.0, United-States +3394,54.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +3395,24.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, Germany +3396,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +3397,49.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +3398,20.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +3399,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,25.0, United-States +3400,18.0, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +3401,42.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3402,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +3403,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +3404,42.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +3405,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +3406,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +3407,34.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Guatemala +3408,52.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +3409,26.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,78.0, United-States +3410,19.0, Private, 12th,8.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,25.0, Thailand +3411,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +3412,38.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,35.0, United-States +3413,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +3414,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,5.0, United-States +3415,29.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +3416,51.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +3417,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3418,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3419,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3420,57.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3421,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica +3422,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +3423,37.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +3424,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3425,56.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +3426,77.0, Self-emp-not-inc, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,12.0, United-States +3427,18.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States +3428,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3429,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,2597.0,0.0,45.0, United-States +3430,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +3431,62.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +3432,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +3433,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3434,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +3435,57.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +3436,31.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +3437,58.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +3438,41.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3439,51.0, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States +3440,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3441,31.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +3442,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States +3443,80.0, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States +3444,32.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +3445,29.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +3446,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3447,67.0, Self-emp-not-inc, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,2346.0,0.0,33.0, United-States +3448,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States +3449,44.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico +3450,48.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, United-States +3451,41.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +3452,36.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +3453,40.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +3454,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3455,43.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +3456,45.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,32.0, United-States +3457,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +3458,25.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +3459,32.0, State-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3460,31.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3461,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3462,32.0, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +3463,46.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,40.0, United-States +3464,32.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3465,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +3466,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +3467,21.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States +3468,64.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3469,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States +3470,39.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3471,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +3472,34.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, Germany +3473,81.0, Private, Bachelors,13.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3474,56.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3475,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, El-Salvador +3476,23.0, Private, 12th,8.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,30.0, United-States +3477,53.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States +3478,34.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3479,42.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3480,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3481,51.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3482,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +3483,36.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,3674.0,0.0,42.0, United-States +3484,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +3485,17.0, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,12.0, Poland +3486,37.0, Private, Assoc-acdm,12.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +3487,49.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +3488,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,15.0, United-States +3489,45.0, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3490,55.0, Local-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States +3491,41.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,60.0, United-States +3492,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +3493,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3494,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +3495,28.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3496,45.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +3497,20.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +3498,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3499,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3500,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +3501,51.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3502,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +3503,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,48.0, United-States +3504,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +3505,51.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3506,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,17.0, United-States +3507,78.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,40.0, United-States +3508,37.0, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States +3509,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +3510,46.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +3511,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +3512,37.0, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3513,18.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +3514,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,40.0, United-States +3515,28.0, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Columbia +3516,31.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +3517,40.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1408.0,50.0, United-States +3518,24.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico +3519,34.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3520,32.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3521,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,24.0, United-States +3522,19.0, Private, 9th,5.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,16.0, Mexico +3523,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +3524,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +3525,32.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +3526,42.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3527,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +3528,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, China +3529,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +3530,20.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +3531,30.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +3532,33.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +3533,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3534,34.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,30.0, United-States +3535,31.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,3325.0,0.0,35.0, United-States +3536,25.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States +3537,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3538,31.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +3539,42.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +3540,47.0, Private, 7th-8th,4.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +3541,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3542,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +3543,38.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3544,57.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,50.0, India +3545,27.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, Other, Male,0.0,0.0,40.0, United-States +3546,42.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +3547,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +3548,35.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +3549,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +3550,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States +3551,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +3552,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,30.0, United-States +3553,28.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +3554,30.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3555,29.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +3556,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1902.0,32.0, United-States +3557,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +3558,70.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States +3559,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3560,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +3561,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +3562,32.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +3563,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband,, Male,0.0,0.0,45.0, United-States +3564,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +3565,37.0, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3566,51.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, Germany +3567,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +3568,56.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3569,30.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States +3570,26.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +3571,22.0, Private, 11th,7.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3572,55.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +3573,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +3574,18.0, Local-gov, 11th,7.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,10.0, United-States +3575,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +3576,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +3577,20.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,20.0, South +3578,53.0, Self-emp-not-inc,,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3579,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +3580,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +3581,34.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3582,53.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, Greece +3583,42.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +3584,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +3585,53.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +3586,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,50.0, United-States +3587,20.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +3588,26.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,53.0, Mexico +3589,45.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States +3590,31.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,65.0, United-States +3591,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,15.0, United-States +3592,23.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States +3593,52.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3594,38.0, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +3595,37.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3596,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +3597,49.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +3598,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +3599,26.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3942.0,0.0,45.0, United-States +3600,69.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,2346.0,0.0,15.0, United-States +3601,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +3602,77.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,1668.0,30.0, United-States +3603,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +3604,34.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,30.0, United-States +3605,49.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3606,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +3607,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3608,51.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +3609,61.0, Local-gov, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3610,64.0, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +3611,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3612,50.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States +3613,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +3614,45.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +3615,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +3616,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +3617,50.0, Federal-gov, 10th,6.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,56.0, United-States +3618,24.0, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,58.0, Guatemala +3619,44.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +3620,49.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +3621,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3622,36.0, Private, Some-college,10.0, Married-spouse-absent, Other-service, Own-child, White, Female,0.0,0.0,28.0, United-States +3623,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +3624,80.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,24.0, United-States +3625,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3626,50.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Puerto-Rico +3627,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,51.0, United-States +3628,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +3629,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States +3630,43.0, Federal-gov, Some-college,10.0, Widowed, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,15.0, United-States +3631,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +3632,35.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +3633,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,4064.0,0.0,35.0, England +3634,27.0, Private, 11th,7.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, India +3635,51.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +3636,71.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Male,1731.0,0.0,5.0, United-States +3637,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +3638,30.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,52.0, China +3639,27.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +3640,42.0, Private, Bachelors,13.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3641,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +3642,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany +3643,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +3644,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +3645,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, Mexico +3646,26.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +3647,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3648,65.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,6723.0,0.0,40.0, United-States +3649,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +3650,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +3651,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,37.0, United-States +3652,49.0, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +3653,52.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3654,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3655,44.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +3656,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +3657,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong +3658,29.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States +3659,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +3660,32.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +3661,56.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +3662,48.0, Private, Bachelors,13.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,44.0, Germany +3663,37.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +3664,50.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +3665,55.0, Self-emp-inc, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +3666,53.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +3667,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +3668,32.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +3669,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +3670,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,60.0, United-States +3671,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3672,45.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,3942.0,0.0,40.0, United-States +3673,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3674,21.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +3675,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States +3676,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +3677,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,50.0, United-States +3678,42.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,35.0, United-States +3679,61.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3680,56.0, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,36.0, United-States +3681,38.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3682,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +3683,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,60.0, United-States +3684,66.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States +3685,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +3686,22.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3687,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064.0,0.0,50.0, United-States +3688,49.0, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico +3689,49.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +3690,54.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +3691,49.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3692,55.0, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States +3693,27.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3694,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +3695,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,38.0, England +3696,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +3697,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3698,22.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +3699,46.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +3700,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States +3701,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3702,40.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +3703,40.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +3704,42.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +3705,44.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +3706,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +3707,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States +3708,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +3709,21.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,1579.0,40.0, United-States +3710,36.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,65.0, United-States +3711,24.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +3712,26.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +3713,43.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico +3714,62.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3715,24.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,50.0, United-States +3716,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +3717,62.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +3718,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +3719,41.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3720,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +3721,54.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +3722,50.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States +3723,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3724,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States +3725,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3726,50.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3727,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +3728,58.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3729,41.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +3730,56.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3731,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2002.0,43.0, United-States +3732,28.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,38.0, United-States +3733,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +3734,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,28.0, United-States +3735,68.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,10.0, United-States +3736,39.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1564.0,12.0, United-States +3737,37.0, Private, Prof-school,15.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States +3738,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +3739,26.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +3740,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3741,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +3742,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +3743,40.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,45.0, United-States +3744,43.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3745,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3746,49.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +3747,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3748,33.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +3749,44.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +3750,78.0, Private, Masters,14.0, Widowed, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +3751,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3752,56.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +3753,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +3754,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States +3755,35.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3756,47.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,45.0, United-States +3757,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,15.0, United-States +3758,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +3759,44.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +3760,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +3761,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +3762,42.0, Local-gov, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3763,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +3764,32.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3765,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2407.0,0.0,40.0, United-States +3766,34.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +3767,31.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3768,53.0, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +3769,37.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +3770,39.0, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,60.0, United-States +3771,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +3772,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +3773,33.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +3774,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +3775,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +3776,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +3777,27.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3778,52.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +3779,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +3780,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +3781,67.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,10.0, United-States +3782,48.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +3783,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +3784,36.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +3785,28.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3786,32.0, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +3787,73.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +3788,59.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +3789,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +3790,59.0, Local-gov, HS-grad,9.0, Separated, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +3791,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,,48.0, United-States +3792,27.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, China +3793,36.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3794,26.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Canada +3795,59.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3796,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +3797,26.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +3798,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +3799,32.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +3800,29.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +3801,54.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States +3802,55.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,25.0, United-States +3803,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States +3804,71.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,30.0, United-States +3805,18.0, Private, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,42.0, United-States +3806,45.0, Private, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,65.0, United-States +3807,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +3808,47.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,40.0, United-States +3809,27.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3810,41.0, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3811,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3812,65.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,22.0, United-States +3813,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +3814,56.0, Private, 7th-8th,4.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +3815,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +3816,40.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999.0,0.0,75.0, United-States +3817,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3818,65.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +3819,64.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3820,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, England +3821,49.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +3822,45.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +3823,31.0, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,1980.0,60.0, United-States +3824,53.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +3825,90.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,6767.0,0.0,40.0, United-States +3826,80.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States +3827,41.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +3828,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico +3829,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +3830,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +3831,35.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3832,62.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Female,0.0,0.0,40.0, United-States +3833,39.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +3834,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +3835,26.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +3836,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3837,37.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +3838,49.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3839,61.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,34.0, United-States +3840,51.0, Private, 12th,8.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,1564.0,40.0, United-States +3841,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3842,66.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +3843,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3844,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +3845,25.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +3846,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, United-States +3847,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,37.0, United-States +3848,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States +3849,60.0, Self-emp-inc, Masters,14.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +3850,26.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +3851,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +3852,31.0, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3853,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3854,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +3855,25.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3856,35.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3857,40.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,8614.0,0.0,60.0, United-States +3858,20.0, Self-emp-inc, 9th,5.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,625.0,40.0, United-States +3859,21.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,5.0, United-States +3860,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +3861,29.0, Private, HS-grad,9.0, Married-spouse-absent, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States +3862,90.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,11678.0,0.0,40.0, United-States +3863,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +3864,40.0, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,60.0, United-States +3865,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +3866,54.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3867,25.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3868,47.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States +3869,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,54.0, United-States +3870,47.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +3871,50.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +3872,63.0, Private, 12th,8.0, Widowed, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,35.0, United-States +3873,64.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,1055.0,0.0,40.0, United-States +3874,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +3875,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3876,40.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,84.0, United-States +3877,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +3878,47.0, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3879,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3880,58.0, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3881,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +3882,38.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3883,23.0, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +3884,31.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Mexico +3885,50.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +3886,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,48.0, United-States +3887,44.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +3888,42.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1579.0,40.0, United-States +3889,66.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +3890,52.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,323.0,40.0, United-States +3891,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,30.0, United-States +3892,48.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1848.0,40.0, United-States +3893,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +3894,56.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3895,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3896,31.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3897,35.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +3898,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +3899,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black,,0.0,0.0,40.0, United-States +3900,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +3901,32.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States +3902,36.0, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,32.0, Mexico +3903,22.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +3904,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +3905,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +3906,23.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +3907,30.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +3908,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064.0,0.0,40.0, United-States +3909,49.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States +3910,43.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +3911,37.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,56.0, United-States +3912,35.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +3913,23.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,26.0, United-States +3914,26.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +3915,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3916,41.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +3917,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3918,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +3919,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +3920,48.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, Canada +3921,59.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,55.0, United-States +3922,22.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3923,33.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3924,28.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3925,60.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,99.0, United-States +3926,36.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +3927,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,50.0, United-States +3928,37.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +3929,26.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White,,3942.0,0.0,7.0, United-States +3930,33.0, Private, Assoc-voc,11.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador +3931,41.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3932,50.0, Private, 7th-8th,4.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +3933,49.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +3934,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,47.0, United-States +3935,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +3936,52.0, Private, 10th,6.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States +3937,25.0, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +3938,48.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,16.0, United-States +3939,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, Italy +3940,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +3941,30.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +3942,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, United-States +3943,50.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States +3944,74.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +3945,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +3946,34.0, State-gov, 12th,8.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +3947,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +3948,66.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +3949,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, Germany +3950,46.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +3951,39.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +3952,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +3953,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +3954,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +3955,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +3956,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3957,37.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,1564.0,55.0, United-States +3958,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +3959,35.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +3960,28.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +3961,20.0, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +3962,28.0, Private, 1st-4th,2.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,77.0, Mexico +3963,19.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +3964,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +3965,22.0, State-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States +3966,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,20.0, United-States +3967,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +3968,23.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +3969,50.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +3970,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3971,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3972,44.0, Private, Some-college,10.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,45.0, United-States +3973,72.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,36.0, United-States +3974,37.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7688.0,0.0,40.0, United-States +3975,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +3976,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +3977,23.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,75.0, United-States +3978,57.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +3979,55.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3464.0,0.0,40.0, United-States +3980,55.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +3981,33.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3982,65.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2290.0,0.0,40.0, Greece +3983,47.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +3984,19.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +3985,76.0, Private, 7th-8th,4.0, Widowed, Protective-serv, Not-in-family, White, Male,0.0,0.0,30.0, United-States +3986,34.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States +3987,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +3988,29.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,46.0, United-States +3989,38.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +3990,45.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,50.0, United-States +3991,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +3992,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +3993,66.0, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3994,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,18.0, United-States +3995,19.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +3996,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +3997,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +3998,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +3999,24.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4000,57.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +4001,27.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +4002,28.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States +4003,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico +4004,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4005,45.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +4006,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4007,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +4008,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States +4009,32.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,60.0, South +4010,44.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +4011,47.0, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, Cuba +4012,57.0, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7298.0,0.0,40.0, United-States +4013,35.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4014,50.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +4015,69.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States +4016,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +4017,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala +4018,24.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4019,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +4020,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4021,57.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4022,31.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +4023,23.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +4024,75.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,15831.0,0.0,50.0, United-States +4025,43.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +4026,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +4027,55.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4028,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +4029,63.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4030,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +4031,25.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4032,44.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4033,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico +4034,41.0, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States +4035,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4036,38.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States +4037,74.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,4.0, United-States +4038,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +4039,31.0, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +4040,35.0, Private, 11th,7.0, Separated, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +4041,33.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4042,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +4043,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +4044,32.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4045,56.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4046,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4047,18.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +4048,52.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States +4049,30.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,4416.0,0.0,40.0, United-States +4050,27.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +4051,58.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,40.0, United-States +4052,47.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4053,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +4054,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4055,37.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,30.0, United-States +4056,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,22.0, United-States +4057,46.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4058,46.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +4059,38.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,42.0, United-States +4060,37.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +4061,38.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,60.0, United-States +4062,46.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States +4063,38.0, Private, Some-college,10.0, Widowed, Other-service, Other-relative, Black, Female,0.0,0.0,45.0, Haiti +4064,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +4065,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +4066,62.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +4067,64.0, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580.0,0.0,50.0, United-States +4068,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +4069,45.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1902.0,40.0, United-States +4070,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,45.0, United-States +4071,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4072,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4073,44.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4074,29.0, Private, 11th,7.0, Separated, Sales, Not-in-family, White, Female,0.0,2754.0,42.0, United-States +4075,39.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4076,61.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +4077,54.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States +4078,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3908.0,0.0,50.0, United-States +4079,54.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +4080,51.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4081,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4082,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4083,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +4084,44.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,75.0, United-States +4085,46.0, State-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, Other, Female,0.0,0.0,48.0, United-States +4086,31.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +4087,35.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4088,81.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,2936.0,0.0,28.0, United-States +4089,32.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +4090,24.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +4091,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,42.0, United-States +4092,45.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States +4093,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +4094,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4095,31.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,1902.0,50.0, United-States +4096,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States +4097,62.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,20051.0,0.0,72.0, United-States +4098,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4099,38.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4100,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +4101,50.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4102,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +4103,40.0, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4104,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, Poland +4105,23.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +4106,56.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +4107,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4108,34.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, Mexico +4109,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +4110,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,1740.0,40.0, United-States +4111,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +4112,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4113,26.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4114,26.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +4115,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, Mexico +4116,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +4117,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4118,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4119,21.0, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +4120,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,3103.0,0.0,38.0, United-States +4121,69.0, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States +4122,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +4123,41.0, Private, Bachelors,13.0, Widowed, Sales, Unmarried, Black, Male,0.0,0.0,50.0, United-States +4124,46.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4125,44.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4126,31.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +4127,23.0, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico +4128,32.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Iran +4129,33.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +4130,45.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4131,36.0, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4132,40.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4133,54.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4134,45.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +4135,62.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +4136,41.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, Outlying-US(Guam-USVI-etc) +4137,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4138,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4139,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4140,27.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +4141,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +4142,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +4143,28.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +4144,57.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4145,46.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4146,31.0, Private, 12th,8.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +4147,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4148,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico +4149,53.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +4150,45.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4151,57.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,84.0, United-States +4152,29.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4153,38.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +4154,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +4155,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,1721.0,20.0, United-States +4156,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,49.0, United-States +4157,54.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4158,36.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,20.0, United-States +4159,44.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4160,27.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4161,26.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +4162,62.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +4163,39.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4164,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +4165,34.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4166,42.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +4167,59.0, Local-gov, Some-college,10.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4168,33.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +4169,26.0, Private, Bachelors,13.0, Never-married, Protective-serv, Other-relative, White, Male,0.0,0.0,45.0, United-States +4170,52.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,45.0, United-States +4171,47.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States +4172,54.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +4173,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,84.0, United-States +4174,54.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico +4175,48.0, Private, Bachelors,13.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,2472.0,70.0, United-States +4176,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4177,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4178,44.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +4179,33.0, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4180,34.0, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,4416.0,0.0,30.0, United-States +4181,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +4182,27.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +4183,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +4184,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +4185,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +4186,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4187,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +4188,29.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +4189,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +4190,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States +4191,46.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +4192,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +4193,43.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +4194,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,4101.0,0.0,40.0, United-States +4195,56.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +4196,53.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4197,36.0, Private, HS-grad,9.0, Separated, Transport-moving, Other-relative, White, Male,0.0,0.0,60.0, Mexico +4198,18.0, Private, 12th,8.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States +4199,57.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +4200,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States +4201,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +4202,32.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +4203,41.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4204,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +4205,55.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,2202.0,0.0,35.0, Italy +4206,36.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +4207,56.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,80.0, United-States +4208,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4209,51.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +4210,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +4211,46.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,30.0, United-States +4212,26.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +4213,28.0, Private, HS-grad,9.0, Separated, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, United-States +4214,22.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States +4215,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +4216,27.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,60.0, United-States +4217,47.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States +4218,38.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +4219,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany +4220,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States +4221,21.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +4222,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +4223,35.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States +4224,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +4225,25.0, Private, 5th-6th,3.0, Married-spouse-absent, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +4226,60.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +4227,42.0, Federal-gov, HS-grad,9.0, Separated, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States +4228,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4229,23.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States +4230,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +4231,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +4232,48.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States +4233,27.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +4234,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4235,67.0, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +4236,32.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +4237,37.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +4238,32.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +4239,26.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States +4240,19.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4241,28.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, Mexico +4242,24.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4243,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,10.0, India +4244,53.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4245,48.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +4246,32.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +4247,27.0, State-gov, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +4248,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4249,18.0, Self-emp-not-inc, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +4250,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,594.0,0.0,10.0, United-States +4251,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,45.0, United-States +4252,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +4253,41.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, Vietnam +4254,63.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +4255,55.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, Mexico +4256,51.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +4257,30.0, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +4258,55.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States +4259,41.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4260,33.0, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,37.0, United-States +4261,34.0, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland +4262,46.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4064.0,0.0,55.0, United-States +4263,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +4264,55.0, Private, Masters,14.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4265,32.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +4266,30.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +4267,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +4268,51.0, Self-emp-not-inc, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4269,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4270,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4271,25.0, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +4272,37.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4273,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +4274,45.0, Private, Masters,14.0, Widowed, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +4275,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4276,38.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4277,35.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +4278,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +4279,24.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +4280,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4281,37.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4282,41.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +4283,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1564.0,50.0, United-States +4284,49.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4285,70.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,2653.0,0.0,40.0, United-States +4286,39.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4287,48.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,14084.0,0.0,63.0, United-States +4288,38.0, Federal-gov, 12th,8.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +4289,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4290,57.0, Federal-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +4291,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4292,31.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,18.0, United-States +4293,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +4294,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4295,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4296,34.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2002.0,40.0, United-States +4297,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +4298,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,2205.0,43.0, United-States +4299,65.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +4300,33.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,40.0, United-States +4301,64.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,9.0, United-States +4302,28.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,36.0, United-States +4303,53.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4304,27.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +4305,35.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +4306,34.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +4307,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +4308,27.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4309,31.0, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +4310,29.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, Asian-Pac-Islander, Female,4386.0,0.0,45.0, United-States +4311,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,14.0, Philippines +4312,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +4313,58.0, Self-emp-not-inc, Doctorate,16.0, Married-AF-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,35.0, United-States +4314,26.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +4315,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4316,42.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4317,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4318,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +4319,52.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, Cuba +4320,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2885.0,0.0,40.0, United-States +4321,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,1902.0,65.0, United-States +4322,62.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4323,31.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4324,56.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4325,42.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4326,33.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +4327,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,2339.0,40.0, Philippines +4328,33.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,2001.0,40.0, United-States +4329,36.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States +4330,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +4331,31.0, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4332,35.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4333,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4334,41.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +4335,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +4336,66.0, State-gov, HS-grad,9.0, Widowed,, Unmarried, Black, Female,0.0,0.0,35.0, United-States +4337,55.0, State-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4338,41.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +4339,26.0, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +4340,54.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4341,49.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +4342,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4343,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +4344,30.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +4345,25.0, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +4346,57.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +4347,23.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +4348,25.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,34.0, United-States +4349,22.0, Private, Some-college,10.0, Married-AF-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +4350,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +4351,30.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4352,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +4353,34.0, Private, Assoc-acdm,12.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +4354,53.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +4355,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +4356,28.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4357,65.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States +4358,76.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +4359,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +4360,32.0, State-gov, 11th,7.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +4361,35.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4362,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4363,41.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +4364,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4365,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4366,61.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4367,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4368,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +4369,59.0, Private, Prof-school,15.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,15024.0,0.0,50.0, United-States +4370,35.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4371,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +4372,33.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4373,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States +4374,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +4375,56.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4376,29.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +4377,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +4378,56.0, State-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4379,71.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4380,44.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +4381,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +4382,26.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,3.0, El-Salvador +4383,46.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4384,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +4385,28.0, Self-emp-inc,,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4386,33.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4387,50.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States +4388,35.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4389,46.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Germany +4390,40.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States +4391,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +4392,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +4393,71.0, Self-emp-inc, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States +4394,54.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4395,66.0, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,12.0, United-States +4396,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4397,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,1977.0,75.0, Cambodia +4398,41.0, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +4399,32.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,72.0, Mexico +4400,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +4401,24.0, State-gov, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States +4402,49.0, State-gov, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4403,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States +4404,67.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4405,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,50.0, United-States +4406,20.0, Federal-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +4407,57.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +4408,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +4409,20.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4410,33.0, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1876.0,50.0, United-States +4411,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4412,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,24.0, United-States +4413,59.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4414,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +4415,26.0, Private, HS-grad,9.0,, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +4416,53.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4417,63.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,20.0, United-States +4418,28.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States +4419,28.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +4420,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +4421,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,50.0, United-States +4422,44.0, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Unmarried, White, Female,1506.0,0.0,45.0, United-States +4423,36.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +4424,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +4425,29.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +4426,37.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1980.0,40.0, United-States +4427,31.0, Private, Prof-school,15.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,35.0, United-States +4428,53.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4429,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +4430,60.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +4431,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +4432,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4433,50.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +4434,38.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +4435,51.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +4436,18.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,11.0, United-States +4437,31.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4438,37.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, El-Salvador +4439,24.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +4440,42.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,38.0, United-States +4441,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4442,33.0, Local-gov, 5th-6th,3.0, Never-married, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, El-Salvador +4443,35.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +4444,18.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4445,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +4446,31.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4447,84.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,66.0, United-States +4448,54.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +4449,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4450,41.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +4451,51.0, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +4452,39.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,1590.0,40.0, United-States +4453,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4454,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +4455,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,2202.0,0.0,45.0, United-States +4456,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +4457,21.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +4458,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse,, Husband, White, Male,0.0,0.0,99.0, United-States +4459,22.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +4460,64.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4461,43.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4462,41.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +4463,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +4464,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +4465,31.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,25.0, United-States +4466,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico +4467,25.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +4468,35.0, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,65.0, Mexico +4469,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,38.0, United-States +4470,47.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4471,25.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +4472,20.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +4473,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4474,68.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1844.0,10.0, United-States +4475,35.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,60.0, United-States +4476,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +4477,30.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,35.0, Jamaica +4478,25.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, El-Salvador +4479,43.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +4480,52.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +4481,43.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +4482,37.0, Private, 9th,5.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +4483,63.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +4484,42.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +4485,59.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4486,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,28.0, United-States +4487,33.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States +4488,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +4489,37.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +4490,27.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +4491,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +4492,52.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +4493,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +4494,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +4495,32.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Unmarried, Black, Female,3887.0,0.0,40.0, United-States +4496,38.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +4497,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, United-States +4498,37.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +4499,44.0, Private, 9th,5.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States +4500,32.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +4501,38.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +4502,25.0, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,50.0, United-States +4503,35.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +4504,52.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,25.0, United-States +4505,23.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +4506,25.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Male,0.0,0.0,40.0, Mexico +4507,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States +4508,42.0, Private, Preschool,1.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States +4509,57.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +4510,31.0, Local-gov, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +4511,67.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,10566.0,0.0,15.0, United-States +4512,25.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +4513,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +4514,30.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,49.0, United-States +4515,31.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4516,22.0, Private, 9th,5.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, Mexico +4517,27.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +4518,38.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,10520.0,0.0,50.0, United-States +4519,36.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +4520,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4521,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4522,34.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +4523,26.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4524,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +4525,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4526,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4527,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +4528,45.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,38.0, United-States +4529,23.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States +4530,74.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2149.0,20.0, United-States +4531,50.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688.0,0.0,50.0, Philippines +4532,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +4533,59.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4534,36.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +4535,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +4536,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +4537,31.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +4538,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +4539,25.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4540,41.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,7.0, United-States +4541,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4542,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +4543,31.0, State-gov, Assoc-acdm,12.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4544,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +4545,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States +4546,57.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Taiwan +4547,31.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,25.0, United-States +4548,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +4549,30.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,3137.0,0.0,60.0, Germany +4550,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +4551,31.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4552,67.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +4553,57.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,1485.0,40.0, China +4554,47.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +4555,37.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +4556,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +4557,59.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +4558,56.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +4559,26.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4560,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +4561,35.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +4562,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States +4563,34.0, Private, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,55.0, United-States +4564,61.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4565,22.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4566,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4567,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +4568,39.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, Jamaica +4569,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4570,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +4571,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +4572,39.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4573,46.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,38.0, United-States +4574,44.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,1980.0,45.0, England +4575,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +4576,46.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4577,59.0, Private, 9th,5.0, Widowed, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +4578,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +4579,38.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States +4580,49.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4581,69.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States +4582,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064.0,0.0,15.0, United-States +4583,17.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,15.0, United-States +4584,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +4585,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +4586,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,6849.0,0.0,40.0, United-States +4587,41.0, Self-emp-inc, 9th,5.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,70.0, Dominican-Republic +4588,34.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4589,24.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4590,43.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4591,52.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +4592,57.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States +4593,22.0, Private, 12th,8.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,50.0, United-States +4594,36.0, Local-gov, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4595,36.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +4596,33.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, China +4597,29.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +4598,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +4599,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4600,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4601,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,99.0, United-States +4602,37.0, State-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,65.0, United-States +4603,50.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4604,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,35.0, United-States +4605,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +4606,59.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1579.0,60.0, United-States +4607,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +4608,26.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4609,30.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4610,44.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +4611,50.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Other-relative, White, Male,10520.0,0.0,50.0, United-States +4612,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +4613,22.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +4614,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +4615,54.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +4616,34.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +4617,41.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4618,41.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,10.0, United-States +4619,17.0, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States +4620,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +4621,31.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +4622,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,35.0, United-States +4623,34.0, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala +4624,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4625,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4626,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +4627,28.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4628,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +4629,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4630,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4631,47.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,27828.0,0.0,38.0, United-States +4632,67.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,75.0, United-States +4633,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +4634,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1887.0,60.0, Cuba +4635,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, Dominican-Republic +4636,31.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4637,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +4638,36.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4639,35.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +4640,31.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, Mexico +4641,60.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States +4642,53.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White,,0.0,0.0,65.0, United-States +4643,25.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4644,59.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +4645,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +4646,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4647,47.0, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States +4648,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4649,54.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,20.0, United-States +4650,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States +4651,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,23.0, United-States +4652,26.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +4653,18.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +4654,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +4655,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4656,18.0, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +4657,38.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +4658,33.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, Hong +4659,49.0, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298.0,0.0,40.0, United-States +4660,33.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +4661,43.0, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4662,38.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1485.0,60.0, Cuba +4663,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4664,40.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4665,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +4666,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +4667,36.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4668,31.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2179.0,35.0, Mexico +4669,27.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4670,29.0, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,42.0, United-States +4671,55.0, Private, 10th,6.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4672,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,20.0, United-States +4673,31.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States +4674,48.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,3325.0,0.0,60.0, United-States +4675,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +4676,48.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +4677,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +4678,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +4679,42.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4680,45.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, Mexico +4681,49.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4682,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +4683,36.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +4684,32.0, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +4685,37.0, Private, 7th-8th,4.0, Separated, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +4686,47.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +4687,62.0, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,35.0, United-States +4688,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States +4689,58.0, Private, HS-grad,9.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,38.0, United-States +4690,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +4691,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States +4692,23.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States +4693,41.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +4694,53.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +4695,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States +4696,27.0, Local-gov, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4697,71.0, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Unmarried, Black, Male,0.0,1816.0,2.0, United-States +4698,40.0, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4699,47.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,42.0, United-States +4700,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +4701,31.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States +4702,18.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +4703,41.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4704,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +4705,42.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +4706,37.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +4707,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4708,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,24.0, United-States +4709,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4710,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +4711,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,48.0, United-States +4712,35.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +4713,31.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,1504.0,40.0, United-States +4714,47.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4715,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +4716,40.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4717,47.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +4718,50.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, South +4719,41.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +4720,51.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,40.0, United-States +4721,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +4722,38.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,3942.0,0.0,40.0, United-States +4723,62.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States +4724,54.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4725,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,72.0, United-States +4726,36.0, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +4727,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +4728,55.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,15024.0,0.0,40.0, United-States +4729,30.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +4730,50.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +4731,57.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,2258.0,38.0, United-States +4732,34.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Female,7443.0,0.0,35.0, United-States +4733,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,60.0, United-States +4734,51.0, Local-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +4735,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States +4736,47.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +4737,25.0, Private, 10th,6.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,24.0, United-States +4738,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4739,34.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, Germany +4740,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +4741,19.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4742,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4743,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +4744,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,40.0, United-States +4745,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +4746,33.0, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +4747,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,43.0, Germany +4748,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +4749,27.0, Self-emp-inc, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +4750,24.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +4751,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +4752,37.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +4753,42.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Italy +4754,20.0, Self-emp-not-inc, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4755,50.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,60.0, United-States +4756,69.0, Local-gov, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4757,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2829.0,0.0,40.0, United-States +4758,45.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +4759,64.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4760,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +4761,37.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Philippines +4762,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +4763,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4764,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +4765,60.0, Private, 7th-8th,4.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Cuba +4766,28.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Wife, Other, Female,0.0,0.0,48.0, Guatemala +4767,45.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +4768,29.0, Private, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +4769,44.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States +4770,49.0, State-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +4771,23.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +4772,64.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,2057.0,60.0, China +4773,47.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +4774,63.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +4775,54.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan +4776,68.0, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +4777,34.0, Private, Prof-school,15.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,1564.0,40.0, India +4778,28.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, El-Salvador +4779,25.0, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +4780,39.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +4781,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,17.0, United-States +4782,34.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,4865.0,0.0,60.0, United-States +4783,59.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, England +4784,55.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4785,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4786,72.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States +4787,28.0, Local-gov, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,1669.0,90.0, United-States +4788,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +4789,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,2977.0,0.0,65.0, United-States +4790,31.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +4791,58.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4792,36.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +4793,32.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +4794,40.0, Private, Bachelors,13.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +4795,78.0, Private, 1st-4th,2.0, Widowed, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, Nicaragua +4796,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +4797,44.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +4798,29.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4799,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +4800,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +4801,54.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4802,56.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,1741.0,40.0, United-States +4803,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +4804,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4805,26.0, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4806,33.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +4807,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +4808,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,92.0, United-States +4809,29.0, Private, Assoc-acdm,12.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4810,35.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +4811,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, Canada +4812,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4813,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +4814,60.0, Self-emp-not-inc, Preschool,1.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +4815,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,32.0, United-States +4816,31.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4817,23.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4818,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4819,52.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4820,31.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4821,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +4822,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4823,18.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,5.0, United-States +4824,42.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,58.0, United-States +4825,43.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4826,32.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Other, Male,0.0,0.0,20.0, Iran +4827,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +4828,49.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1564.0,40.0, United-States +4829,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4830,64.0, Federal-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States +4831,39.0, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +4832,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +4833,29.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,10.0, China +4834,37.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +4835,55.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,29.0, United-States +4836,48.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2885.0,0.0,15.0, United-States +4837,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4838,36.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +4839,53.0, Local-gov, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, Mexico +4840,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +4841,24.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4842,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States +4843,72.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2290.0,0.0,10.0, United-States +4844,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +4845,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +4846,39.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4847,59.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4848,34.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +4849,58.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,1485.0,40.0, United-States +4850,39.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States +4851,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,13550.0,0.0,46.0, United-States +4852,33.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4853,19.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +4854,40.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4855,58.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States +4856,38.0, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +4857,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +4858,41.0, Private, Some-college,10.0, Separated, Prof-specialty, Own-child, White, Female,0.0,3900.0,40.0, United-States +4859,48.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4860,58.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +4861,33.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4862,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +4863,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +4864,50.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,4416.0,0.0,45.0, United-States +4865,28.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +4866,39.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1876.0,46.0, United-States +4867,52.0, Private, Assoc-voc,11.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States +4868,60.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +4869,60.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,20.0, United-States +4870,61.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4871,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +4872,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +4873,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +4874,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States +4875,58.0, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4876,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +4877,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +4878,35.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +4879,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +4880,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +4881,41.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Female,2597.0,0.0,40.0, United-States +4882,53.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,30.0, United-States +4883,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +4884,43.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan +4885,47.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +4886,65.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +4887,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +4888,57.0, Private, Some-college,10.0, Divorced, Exec-managerial, Other-relative, White, Female,594.0,0.0,10.0, United-States +4889,52.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4890,44.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4891,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +4892,58.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4893,35.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +4894,67.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,1848.0,0.0,99.0, United-States +4895,54.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +4896,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +4897,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4898,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4899,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, China +4900,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4901,43.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +4902,32.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +4903,39.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4904,23.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,,0.0,6.0, United-States +4905,38.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +4906,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,38.0, United-States +4907,24.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +4908,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +4909,30.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,2559.0,40.0, United-States +4910,39.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +4911,36.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States +4912,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4913,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States +4914,35.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,4787.0,0.0,40.0, United-States +4915,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +4916,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +4917,50.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4918,46.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +4919,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4920,25.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +4921,51.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +4922,41.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +4923,73.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +4924,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4925,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4926,29.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +4927,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1721.0,20.0, United-States +4928,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +4929,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4930,35.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, India +4931,53.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1485.0,40.0, Thailand +4932,49.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +4933,50.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +4934,36.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4935,42.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,50.0, United-States +4936,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4937,32.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,2597.0,0.0,48.0, United-States +4938,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +4939,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Mexico +4940,47.0, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, El-Salvador +4941,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +4942,51.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +4943,57.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States +4944,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +4945,58.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Italy +4946,34.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +4947,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +4948,48.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,5178.0,0.0,40.0, United-States +4949,38.0, State-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +4950,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +4951,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +4952,49.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +4953,46.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +4954,33.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +4955,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4956,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,14.0, United-States +4957,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,40.0, United-States +4958,32.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,13550.0,0.0,60.0, United-States +4959,59.0, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +4960,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +4961,50.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +4962,41.0, Federal-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, Black, Male,1506.0,0.0,40.0, United-States +4963,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +4964,63.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +4965,34.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Guatemala +4966,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +4967,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +4968,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,5.0, United-States +4969,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +4970,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,1762.0,40.0, United-States +4971,25.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4972,20.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +4973,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States +4974,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +4975,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +4976,34.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +4977,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, Germany +4978,22.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +4979,27.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Poland +4980,41.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +4981,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +4982,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States +4983,38.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States +4984,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +4985,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +4986,34.0, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States +4987,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +4988,54.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +4989,20.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +4990,40.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +4991,22.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States +4992,28.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +4993,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +4994,33.0, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,99.0, United-States +4995,20.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,25.0, United-States +4996,58.0, Private, 5th-6th,3.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +4997,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +4998,29.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +4999,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3942.0,0.0,40.0, United-States +5000,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States +5001,23.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +5002,69.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,1848.0,0.0,12.0, United-States +5003,45.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +5004,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,44.0, United-States +5005,24.0, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5006,42.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +5007,35.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,62.0, United-States +5008,28.0, Private, HS-grad,9.0, Separated, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, Guatemala +5009,46.0, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States +5010,19.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +5011,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +5012,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States +5013,34.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +5014,32.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5015,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5016,18.0, Local-gov, 12th,8.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States +5017,30.0, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States +5018,27.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States +5019,32.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5020,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +5021,46.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,45.0, United-States +5022,47.0, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +5023,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1669.0,40.0, United-States +5024,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +5025,45.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +5026,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5027,28.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico +5028,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,23.0, United-States +5029,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,7298.0,0.0,50.0, Puerto-Rico +5030,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,45.0, United-States +5031,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +5032,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +5033,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5034,55.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +5035,34.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,27.0, United-States +5036,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,72.0, United-States +5037,40.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +5038,47.0, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,25.0, United-States +5039,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +5040,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +5041,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +5042,36.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5043,32.0, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +5044,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +5045,52.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5046,28.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +5047,59.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,45.0, United-States +5048,32.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,2907.0,0.0,35.0, United-States +5049,62.0, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States +5050,72.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1258.0,40.0, United-States +5051,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, United-States +5052,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +5053,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5054,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +5055,74.0, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,8.0, United-States +5056,30.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +5057,52.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5058,43.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,32.0, United-States +5059,25.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +5060,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,18.0, United-States +5061,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5062,27.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +5063,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +5064,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +5065,60.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5066,47.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,60.0, United-States +5067,56.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5068,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,14344.0,0.0,40.0, United-States +5069,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5070,40.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +5071,23.0, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +5072,50.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,43.0, United-States +5073,29.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5074,57.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5075,62.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States +5076,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,65.0, United-States +5077,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +5078,53.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +5079,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States +5080,27.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +5081,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +5082,39.0, Private, 5th-6th,3.0, Married-spouse-absent, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +5083,69.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Male,2538.0,0.0,40.0, United-States +5084,50.0, Private, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,20.0, Germany +5085,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +5086,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +5087,18.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5088,23.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5089,50.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +5090,68.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States +5091,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5092,45.0, State-gov, Some-college,10.0, Married-spouse-absent, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, Haiti +5093,34.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,99.0, United-States +5094,62.0, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +5095,40.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States +5096,27.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +5097,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,15.0, United-States +5098,53.0, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, El-Salvador +5099,39.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +5100,61.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5101,39.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5102,49.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +5103,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,91.0, United-States +5104,31.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +5105,52.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5106,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5107,65.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,18.0, United-States +5108,56.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +5109,58.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5110,37.0, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +5111,65.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5112,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany +5113,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +5114,58.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5115,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5116,30.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5117,60.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +5118,52.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +5119,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +5120,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5121,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, Peru +5122,46.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +5123,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,45.0, United-States +5124,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +5125,33.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,46.0, United-States +5126,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Hong +5127,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5128,22.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,10.0, United-States +5129,34.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,24.0, United-States +5130,29.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +5131,36.0, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States +5132,35.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +5133,59.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,14084.0,0.0,60.0, United-States +5134,66.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1825.0,10.0, United-States +5135,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +5136,38.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, Trinadad&Tobago +5137,41.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,70.0, United-States +5138,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,46.0, United-States +5139,46.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5140,74.0, Private, Assoc-voc,11.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5141,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +5142,33.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +5143,31.0, Local-gov, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5144,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,60.0, United-States +5145,52.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +5146,70.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,6514.0,0.0,40.0, United-States +5147,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,40.0, United-States +5148,25.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1590.0,35.0, United-States +5149,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States +5150,33.0, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States +5151,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +5152,27.0, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +5153,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +5154,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +5155,21.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,43.0, United-States +5156,37.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,7430.0,0.0,45.0, United-States +5157,61.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +5158,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States +5159,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +5160,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5161,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +5162,44.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,14344.0,0.0,40.0, United-States +5163,43.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5164,50.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +5165,58.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3908.0,0.0,40.0, United-States +5166,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,16.0, United-States +5167,36.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,32.0, United-States +5168,34.0, Private, HS-grad,9.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +5169,57.0, Local-gov, HS-grad,9.0,, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States +5170,29.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,48.0, United-States +5171,44.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,46.0, Puerto-Rico +5172,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +5173,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,35.0, United-States +5174,61.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5175,61.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,90.0, United-States +5176,58.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,72.0, United-States +5177,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +5178,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +5179,17.0, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States +5180,59.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,24.0, United-States +5181,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +5182,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,45.0, United-States +5183,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +5184,81.0, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Unmarried, White, Female,1264.0,0.0,40.0, United-States +5185,60.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5186,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013.0,0.0,40.0, United-States +5187,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,1721.0,40.0, United-States +5188,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5189,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2051.0,55.0, United-States +5190,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +5191,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +5192,43.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,40.0, United-States +5193,75.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2174.0,50.0, United-States +5194,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States +5195,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +5196,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +5197,53.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5198,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +5199,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5200,33.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +5201,43.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +5202,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +5203,38.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +5204,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,23.0, United-States +5205,22.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States +5206,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5207,61.0, Private, Assoc-acdm,12.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +5208,40.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,37.0, United-States +5209,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5210,36.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +5211,46.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,58.0, United-States +5212,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +5213,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +5214,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5215,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5216,59.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,1762.0,30.0, United-States +5217,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +5218,51.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5219,66.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5220,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,25.0, United-States +5221,27.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +5222,46.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,63.0, Thailand +5223,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5224,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +5225,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +5226,42.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +5227,64.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,1741.0,40.0, United-States +5228,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +5229,59.0, Private, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Dominican-Republic +5230,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5231,67.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5232,54.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5233,41.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,48.0, United-States +5234,36.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,38.0, United-States +5235,21.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +5236,41.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,15.0, United-States +5237,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5238,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States +5239,60.0, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,27.0, United-States +5240,28.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,24.0, United-States +5241,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +5242,37.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5243,37.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +5244,45.0, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States +5245,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +5246,18.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +5247,52.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +5248,45.0, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407.0,0.0,50.0, United-States +5249,51.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +5250,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5251,31.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5252,26.0, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5253,35.0, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Male,0.0,0.0,20.0, United-States +5254,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +5255,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +5256,53.0, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +5257,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5258,62.0, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States +5259,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +5260,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States +5261,44.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +5262,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States +5263,54.0, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States +5264,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +5265,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +5266,50.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1485.0,40.0, United-States +5267,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5268,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,43.0, United-States +5269,65.0, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +5270,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +5271,34.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +5272,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States +5273,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, Mexico +5274,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,2051.0,32.0, United-States +5275,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States +5276,20.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3781.0,0.0,50.0, United-States +5277,75.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2467.0,40.0, Canada +5278,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +5279,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +5280,49.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2377.0,40.0, United-States +5281,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +5282,48.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,3325.0,0.0,53.0, United-States +5283,43.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +5284,41.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +5285,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +5286,43.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5287,31.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5288,29.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5289,43.0, Federal-gov, Bachelors,13.0, Married-spouse-absent, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +5290,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +5291,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,25.0, Ecuador +5292,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5293,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +5294,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5295,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5296,57.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +5297,20.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +5298,22.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +5299,25.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +5300,33.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +5301,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5302,39.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +5303,55.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,44.0, United-States +5304,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +5305,59.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,24.0, United-States +5306,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +5307,54.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +5308,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,41.0, United-States +5309,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,1669.0,40.0, United-States +5310,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +5311,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +5312,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +5313,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +5314,36.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +5315,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,4416.0,0.0,40.0, United-States +5316,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5317,35.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, Puerto-Rico +5318,26.0, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,50.0, United-States +5319,35.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +5320,51.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,20.0, United-States +5321,64.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,2559.0,60.0, United-States +5322,32.0, Private, Some-college,10.0, Separated, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,0.0,1980.0,40.0, United-States +5323,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5324,35.0, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5325,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +5326,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +5327,34.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5328,46.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5329,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,47.0, United-States +5330,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,48.0, United-States +5331,31.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5332,30.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5333,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +5334,23.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,15.0, United-States +5335,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5336,52.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +5337,37.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +5338,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +5339,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States +5340,55.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Poland +5341,53.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,14344.0,0.0,55.0, United-States +5342,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,41.0, United-States +5343,54.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5344,20.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +5345,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5346,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +5347,19.0, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +5348,39.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,56.0, United-States +5349,37.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,8614.0,0.0,40.0, United-States +5350,58.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5351,40.0, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States +5352,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,13.0, United-States +5353,47.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5354,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +5355,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan +5356,37.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States +5357,39.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,14344.0,0.0,40.0, United-States +5358,26.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5359,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +5360,44.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +5361,31.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +5362,30.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5363,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +5364,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +5365,28.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5366,33.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +5367,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +5368,27.0, Private, HS-grad,9.0, Married-AF-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5369,32.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,1741.0,40.0, United-States +5370,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5371,18.0, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +5372,33.0, Federal-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5373,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5374,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +5375,27.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +5376,18.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,32.0, United-States +5377,40.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5378,39.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +5379,48.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, Japan +5380,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +5381,45.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +5382,24.0, Private, Preschool,1.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +5383,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5384,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +5385,34.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7298.0,0.0,40.0, United-States +5386,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States +5387,45.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +5388,34.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +5389,73.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States +5390,45.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +5391,30.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5392,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +5393,37.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +5394,19.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +5395,54.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +5396,24.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +5397,32.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States +5398,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +5399,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5400,30.0, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States +5401,43.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +5402,54.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States +5403,29.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States +5404,23.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +5405,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,22.0, United-States +5406,52.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +5407,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,42.0, United-States +5408,41.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,54.0, United-States +5409,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,49.0, United-States +5410,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +5411,21.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +5412,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +5413,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +5414,17.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States +5415,48.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,7443.0,0.0,45.0, United-States +5416,32.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,36.0, Puerto-Rico +5417,30.0, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +5418,73.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,24.0, United-States +5419,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +5420,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +5421,28.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5422,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5423,38.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +5424,32.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5425,20.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States +5426,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5427,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,45.0, United-States +5428,48.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +5429,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, United-States +5430,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +5431,44.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5432,67.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3456.0,0.0,35.0, United-States +5433,64.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States +5434,26.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5435,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +5436,34.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +5437,35.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +5438,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,60.0, United-States +5439,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,40.0, Poland +5440,32.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5441,35.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,32.0, United-States +5442,60.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +5443,54.0, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,39.0, United-States +5444,34.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +5445,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5446,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +5447,44.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +5448,46.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +5449,47.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +5450,30.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +5451,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +5452,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,50.0, United-States +5453,28.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5454,25.0, Private, Some-college,10.0, Separated, Priv-house-serv, Other-relative, White, Female,0.0,0.0,30.0, El-Salvador +5455,41.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +5456,30.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,1974.0,40.0, United-States +5457,24.0, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5458,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +5459,38.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,13550.0,0.0,40.0, United-States +5460,46.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Columbia +5461,24.0, Local-gov, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +5462,33.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +5463,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5464,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +5465,27.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +5466,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5467,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +5468,31.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5469,48.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5470,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5471,54.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,45.0, United-States +5472,17.0, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,24.0, United-States +5473,50.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +5474,33.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +5475,50.0, State-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +5476,46.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,7298.0,0.0,40.0, United-States +5477,40.0, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5478,54.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +5479,60.0, Private, 1st-4th,2.0, Divorced, Craft-repair, Not-in-family, Other, Male,0.0,0.0,38.0, Dominican-Republic +5480,55.0, State-gov, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, White, Female,6849.0,0.0,40.0, United-States +5481,58.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +5482,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5483,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +5484,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +5485,35.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5486,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,51.0, United-States +5487,72.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,25.0, United-States +5488,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +5489,24.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,60.0, United-States +5490,47.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +5491,41.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +5492,45.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5493,24.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5494,31.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,60.0, Portugal +5495,38.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +5496,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +5497,35.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +5498,40.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +5499,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,10520.0,0.0,45.0, United-States +5500,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +5501,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +5502,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +5503,25.0, State-gov, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +5504,18.0, Private, 9th,5.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +5505,26.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +5506,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States +5507,35.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States +5508,39.0, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +5509,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +5510,26.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +5511,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +5512,55.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +5513,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +5514,33.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5515,19.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +5516,42.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +5517,28.0, Self-emp-not-inc, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5518,24.0, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States +5519,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +5520,49.0, Self-emp-inc, Prof-school,15.0, Widowed, Prof-specialty, Unmarried, White, Male,99999.0,0.0,50.0, United-States +5521,43.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +5522,37.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States +5523,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +5524,59.0, Private, 12th,8.0, Divorced, Transport-moving, Other-relative, Black, Male,0.0,0.0,35.0, United-States +5525,40.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Other, Female,0.0,0.0,55.0, United-States +5526,17.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +5527,24.0, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +5528,29.0, Private, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States +5529,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +5530,41.0, Private, 9th,5.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, Columbia +5531,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +5532,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, France +5533,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States +5534,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,49.0, United-States +5535,57.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-spouse-absent, Farming-fishing, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +5536,73.0, Federal-gov, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,3273.0,0.0,40.0, United-States +5537,21.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +5538,56.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +5539,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States +5540,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +5541,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,1.0, Vietnam +5542,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +5543,79.0, Local-gov, Doctorate,16.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +5544,60.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,52.0, United-States +5545,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +5546,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5547,51.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, England +5548,20.0, Federal-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5549,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5550,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5551,57.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5552,57.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5553,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5554,33.0, Private, 5th-6th,3.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +5555,65.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +5556,25.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +5557,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +5558,44.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5559,42.0, Private, HS-grad,9.0, Separated, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +5560,40.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +5561,26.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States +5562,25.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +5563,49.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +5564,48.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +5565,55.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States +5566,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,45.0, United-States +5567,36.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +5568,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5569,27.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +5570,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +5571,51.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5572,50.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +5573,26.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +5574,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +5575,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,99.0, United-States +5576,41.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +5577,62.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,2174.0,0.0,40.0, United-States +5578,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5579,47.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,6.0, United-States +5580,34.0, Local-gov, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5581,28.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5582,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +5583,29.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +5584,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +5585,51.0, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5586,22.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States +5587,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +5588,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +5589,34.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +5590,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5591,28.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +5592,40.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +5593,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +5594,47.0, Private, 9th,5.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Cuba +5595,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States +5596,90.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,2206.0,40.0, United-States +5597,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +5598,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5599,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5600,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,10520.0,0.0,40.0, United-States +5601,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +5602,41.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +5603,46.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +5604,37.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,2258.0,40.0, United-States +5605,19.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5606,45.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5607,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5608,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5609,56.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +5610,23.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States +5611,63.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5612,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +5613,37.0,, 1st-4th,2.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,48.0, El-Salvador +5614,33.0, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +5615,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +5616,29.0, Private, 12th,8.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, England +5617,38.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +5618,56.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States +5619,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5620,44.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand +5621,39.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +5622,38.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,21.0, United-States +5623,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +5624,25.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +5625,37.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States +5626,47.0, Federal-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +5627,58.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States +5628,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +5629,37.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5630,39.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1876.0,50.0, United-States +5631,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +5632,32.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +5633,55.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5634,46.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +5635,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,12.0, United-States +5636,18.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +5637,72.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +5638,61.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5639,38.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +5640,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States +5641,66.0, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +5642,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +5643,43.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,50.0, Outlying-US(Guam-USVI-etc) +5644,63.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5645,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +5646,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5647,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,90.0, United-States +5648,25.0, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,60.0, Mexico +5649,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States +5650,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5651,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +5652,47.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +5653,30.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +5654,44.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,44.0, United-States +5655,29.0, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States +5656,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +5657,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +5658,40.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5659,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +5660,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5661,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +5662,46.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,40.0, United-States +5663,58.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5664,49.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1564.0,40.0, Canada +5665,71.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +5666,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +5667,35.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5668,27.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5669,42.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,2205.0,40.0, United-States +5670,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5671,61.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +5672,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +5673,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +5674,25.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +5675,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5676,34.0, Private, Masters,14.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States +5677,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5678,25.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +5679,30.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5680,33.0, State-gov, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,44.0, United-States +5681,38.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +5682,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States +5683,47.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States +5684,36.0, Local-gov, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +5685,35.0, State-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,5013.0,0.0,40.0, United-States +5686,37.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +5687,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +5688,31.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, Mexico +5689,36.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5690,67.0, Local-gov, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,2009.0,0.0,40.0, United-States +5691,30.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States +5692,42.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +5693,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +5694,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5695,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +5696,31.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5697,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5698,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +5699,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +5700,35.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +5701,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,98.0, United-States +5702,57.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5703,25.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, Black, Male,3103.0,0.0,40.0, United-States +5704,71.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States +5705,41.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5706,28.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +5707,51.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,99.0, South +5708,56.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,16.0, United-States +5709,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +5710,33.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +5711,39.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +5712,32.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5713,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +5714,58.0, Self-emp-not-inc, 9th,5.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5715,61.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +5716,26.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Germany +5717,24.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,55.0, United-States +5718,61.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,21.0, United-States +5719,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +5720,37.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +5721,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5722,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +5723,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States +5724,47.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States +5725,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,53.0, United-States +5726,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5727,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States +5728,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States +5729,18.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,12.0, United-States +5730,27.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,36.0, United-States +5731,53.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5732,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +5733,40.0, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,49.0, United-States +5734,29.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, Mexico +5735,25.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +5736,20.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,25.0, United-States +5737,77.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,20.0, United-States +5738,23.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,2559.0,40.0, United-States +5739,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +5740,43.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5741,26.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +5742,63.0, Private, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +5743,25.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Thailand +5744,32.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, Mexico +5745,21.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +5746,49.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +5747,39.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Cuba +5748,40.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Other-relative, White, Male,0.0,1564.0,70.0, Iran +5749,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,40.0, United-States +5750,33.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +5751,55.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5752,47.0, Self-emp-not-inc, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +5753,50.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States +5754,51.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +5755,35.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States +5756,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +5757,40.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +5758,36.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5759,49.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5760,39.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +5761,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +5762,29.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +5763,27.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +5764,37.0, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5765,34.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,75.0, United-States +5766,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5767,56.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5768,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States +5769,47.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,47.0, United-States +5770,21.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,35.0, Jamaica +5771,61.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +5772,52.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +5773,26.0, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,24.0, Honduras +5774,61.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +5775,26.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,38.0, United-States +5776,37.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +5777,51.0, Local-gov, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +5778,46.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States +5779,52.0, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +5780,59.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,48.0, United-States +5781,51.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5782,44.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +5783,64.0, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +5784,24.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +5785,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +5786,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5787,48.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,70.0, United-States +5788,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States +5789,61.0, State-gov, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5790,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5791,43.0, Private,,9.0, Separated, Transport-moving, Unmarried, White, Female,0.0,0.0,44.0, United-States +5792,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +5793,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +5794,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +5795,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5796,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5797,40.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +5798,23.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +5799,36.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5800,43.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +5801,36.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +5802,59.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +5803,39.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +5804,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +5805,47.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,44.0, United-States +5806,23.0, Self-emp-inc, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +5807,45.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,56.0, Germany +5808,19.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +5809,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +5810,28.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States +5811,34.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States +5812,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1902.0,55.0, India +5813,43.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +5814,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, United-States +5815,33.0, Self-emp-not-inc, 1st-4th,2.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +5816,58.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +5817,36.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +5818,30.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5819,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +5820,63.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +5821,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +5822,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +5823,60.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +5824,64.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,40.0, United-States +5825,28.0, State-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +5826,40.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +5827,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5828,50.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States +5829,32.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,40.0, United-States +5830,22.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,25.0, United-States +5831,31.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +5832,36.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +5833,45.0, State-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5834,38.0, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5835,54.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5836,62.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5837,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, Thailand +5838,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5839,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +5840,40.0, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +5841,46.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Ecuador +5842,29.0, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,55.0, United-States +5843,35.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +5844,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5845,18.0, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +5846,56.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +5847,28.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,0.0,70.0, Iran +5848,19.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +5849,49.0, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,653.0,60.0, United-States +5850,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,15.0, United-States +5851,70.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2174.0,40.0, United-States +5852,25.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +5853,17.0, Local-gov, 11th,7.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, United-States +5854,35.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5855,49.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,35.0, United-States +5856,26.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +5857,38.0, Federal-gov, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Female,6497.0,0.0,40.0, United-States +5858,43.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,45.0, Mexico +5859,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +5860,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +5861,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +5862,27.0, Private, Bachelors,13.0, Married-AF-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +5863,35.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5864,65.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +5865,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +5866,86.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5867,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +5868,34.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,49.0, United-States +5869,37.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States +5870,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,2354.0,0.0,61.0, United-States +5871,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States +5872,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5873,20.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +5874,75.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,15.0, United-States +5875,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5876,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States +5877,26.0, Private, 11th,7.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +5878,39.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +5879,49.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +5880,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +5881,34.0, Self-emp-not-inc, Prof-school,15.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,48.0, United-States +5882,29.0, Self-emp-inc, HS-grad,9.0, Separated, Prof-specialty, Other-relative, White, Male,0.0,0.0,25.0, United-States +5883,32.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5884,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States +5885,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Japan +5886,49.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5887,47.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5888,31.0, Private, 7th-8th,4.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5889,40.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +5890,53.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States +5891,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +5892,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +5893,57.0, State-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +5894,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Scotland +5895,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5896,27.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +5897,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,47.0, United-States +5898,29.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,20.0, United-States +5899,43.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5900,50.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1977.0,40.0, United-States +5901,21.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +5902,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5903,19.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +5904,59.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,52.0, Outlying-US(Guam-USVI-etc) +5905,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +5906,46.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States +5907,43.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5908,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +5909,47.0, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States +5910,29.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +5911,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,1876.0,75.0, United-States +5912,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +5913,29.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,, United-States +5914,29.0, Federal-gov, Bachelors,13.0, Married-AF-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +5915,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5916,52.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +5917,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5918,38.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States +5919,56.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,56.0, United-States +5920,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +5921,19.0, Private, 12th,8.0, Married-spouse-absent, Other-service, Own-child, Other, Female,0.0,0.0,20.0, United-States +5922,29.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +5923,58.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States +5924,23.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +5925,37.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +5926,47.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States +5927,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +5928,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +5929,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5930,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +5931,57.0, Federal-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5932,66.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +5933,30.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,58.0, United-States +5934,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,32.0, United-States +5935,54.0, Local-gov, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5936,64.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +5937,34.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +5938,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +5939,45.0, Self-emp-not-inc, Doctorate,16.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +5940,35.0, Federal-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +5941,74.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +5942,17.0, Private, 11th,7.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +5943,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,80.0, Thailand +5944,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5945,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +5946,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +5947,30.0, Local-gov, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,17.0, United-States +5948,27.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +5949,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +5950,27.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +5951,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,50.0, United-States +5952,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5953,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +5954,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5955,22.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +5956,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,60.0, United-States +5957,22.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +5958,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,70.0, United-States +5959,49.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325.0,0.0,45.0, United-States +5960,52.0, Private, 9th,5.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +5961,21.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +5962,33.0, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +5963,22.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,53.0, United-States +5964,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +5965,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +5966,68.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States +5967,62.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +5968,30.0, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5969,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States +5970,40.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +5971,55.0, Private, Bachelors,13.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +5972,46.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,2824.0,40.0, United-States +5973,72.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,1455.0,0.0,6.0, United-States +5974,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +5975,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +5976,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +5977,22.0, Private, Assoc-voc,11.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,52.0, United-States +5978,55.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +5979,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +5980,23.0, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +5981,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +5982,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +5983,40.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +5984,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2002.0,66.0, United-States +5985,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States +5986,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +5987,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +5988,55.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States +5989,40.0, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +5990,65.0, State-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +5991,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +5992,23.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +5993,22.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,28.0, United-States +5994,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States +5995,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +5996,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +5997,47.0, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +5998,62.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +5999,38.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +6000,35.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +6001,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1579.0,40.0, United-States +6002,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6003,28.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +6004,33.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +6005,51.0, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +6006,35.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +6007,25.0, Private, 11th,7.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, India +6008,46.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +6009,50.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +6010,49.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +6011,58.0, Federal-gov, 11th,7.0, Divorced, Craft-repair, Not-in-family, Black, Female,14084.0,0.0,40.0, United-States +6012,29.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +6013,61.0, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6014,47.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +6015,53.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +6016,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,2597.0,0.0,40.0, United-States +6017,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,14.0, United-States +6018,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States +6019,34.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +6020,58.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,37.0, United-States +6021,42.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +6022,21.0, Federal-gov, 12th,8.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,25.0, United-States +6023,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +6024,59.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +6025,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +6026,71.0, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,1429.0,40.0, United-States +6027,43.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,38.0, United-States +6028,46.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States +6029,50.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,48.0, United-States +6030,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6031,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +6032,50.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,48.0, United-States +6033,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +6034,51.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +6035,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,1506.0,0.0,40.0, United-States +6036,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6037,71.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,1455.0,0.0,3.0, United-States +6038,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +6039,56.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States +6040,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong +6041,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +6042,17.0, Private, 10th,6.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,10.0, United-States +6043,33.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States +6044,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +6045,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States +6046,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +6047,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103.0,0.0,45.0, United-States +6048,26.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +6049,45.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +6050,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,55.0, United-States +6051,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6052,43.0, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +6053,43.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +6054,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6055,45.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6056,23.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States +6057,28.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States +6058,60.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +6059,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6060,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +6061,46.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +6062,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +6063,35.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6064,45.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States +6065,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,35.0, United-States +6066,28.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States +6067,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6068,56.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States +6069,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,40.0, United-States +6070,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +6071,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6072,22.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +6073,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6074,29.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6075,27.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +6076,39.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +6077,46.0, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6078,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +6079,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +6080,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6081,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6082,28.0, Private, 10th,6.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, Mexico +6083,42.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6084,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +6085,70.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +6086,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +6087,59.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6088,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6089,77.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6090,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,40.0, United-States +6091,29.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6092,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +6093,40.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +6094,63.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +6095,37.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +6096,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +6097,32.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +6098,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +6099,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +6100,36.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +6101,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +6102,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +6103,55.0, Private, Bachelors,13.0, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0.0,0.0,55.0, Ireland +6104,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +6105,22.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,56.0, United-States +6106,69.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,2964.0,0.0,40.0, United-States +6107,44.0, Private, 9th,5.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,50.0, Puerto-Rico +6108,46.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +6109,26.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +6110,60.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +6111,31.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6112,29.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,2174.0,0.0,45.0, United-States +6113,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +6114,57.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +6115,29.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6116,50.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +6117,26.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, United-States +6118,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +6119,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +6120,64.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6121,54.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Cuba +6122,62.0, Federal-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, Black, Male,4650.0,0.0,40.0, United-States +6123,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6124,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +6125,26.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +6126,36.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +6127,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6128,37.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6129,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States +6130,20.0, State-gov, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6131,38.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,42.0, United-States +6132,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States +6133,27.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States +6134,18.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States +6135,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +6136,21.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +6137,23.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States +6138,22.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +6139,57.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +6140,36.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6141,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +6142,34.0, Federal-gov, Some-college,10.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,72.0, United-States +6143,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,48.0, United-States +6144,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,34.0, United-States +6145,21.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +6146,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +6147,40.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6148,68.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +6149,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,2001.0,37.0, United-States +6150,44.0, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador +6151,24.0, Local-gov, Some-college,10.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States +6152,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +6153,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6154,48.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +6155,33.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +6156,62.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6157,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Germany +6158,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +6159,33.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +6160,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,13.0, United-States +6161,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +6162,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6163,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1628.0,48.0, United-States +6164,45.0, Self-emp-inc, Prof-school,15.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +6165,31.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +6166,37.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +6167,60.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,2339.0,40.0, United-States +6168,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica +6169,30.0, State-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6170,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +6171,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +6172,31.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +6173,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +6174,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +6175,26.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +6176,26.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +6177,35.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +6178,58.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +6179,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +6180,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6181,18.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +6182,27.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +6183,19.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +6184,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland +6185,40.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +6186,38.0, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +6187,44.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,52.0, United-States +6188,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +6189,35.0, Federal-gov, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States +6190,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6191,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6192,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +6193,27.0, State-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,58.0, United-States +6194,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, Portugal +6195,26.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States +6196,52.0, Private, Some-college,10.0, Separated, Sales, Other-relative, White, Female,0.0,0.0,55.0, United-States +6197,39.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +6198,68.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2377.0,60.0, United-States +6199,48.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6200,33.0, Federal-gov, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Nicaragua +6201,50.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,48.0, South +6202,27.0, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +6203,41.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Canada +6204,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6205,53.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +6206,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +6207,36.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +6208,53.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +6209,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,35.0, United-States +6210,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +6211,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +6212,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +6213,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +6214,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,35.0, United-States +6215,57.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6216,63.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,2580.0,0.0,20.0, United-States +6217,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States +6218,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +6219,66.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,10.0, United-States +6220,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,42.0, United-States +6221,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +6222,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6223,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,50.0, United-States +6224,59.0, Private, 9th,5.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6225,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6226,38.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +6227,44.0, Private, 1st-4th,2.0, Married-civ-spouse, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, Mexico +6228,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +6229,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States +6230,69.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,11.0, United-States +6231,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,78.0, United-States +6232,62.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, Germany +6233,40.0, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Not-in-family, Other, Male,0.0,0.0,40.0, Mexico +6234,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +6235,29.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +6236,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +6237,22.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6238,38.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,75.0, Mexico +6239,57.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6240,27.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,52.0, United-States +6241,61.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +6242,40.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +6243,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6244,34.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, England +6245,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +6246,69.0, Private, 5th-6th,3.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,1797.0,0.0,40.0, United-States +6247,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,37.0, United-States +6248,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +6249,46.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States +6250,46.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +6251,34.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States +6252,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,8.0, United-States +6253,49.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6254,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +6255,32.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,3887.0,0.0,40.0, United-States +6256,45.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6257,90.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States +6258,51.0, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +6259,39.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6260,36.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States +6261,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,1902.0,28.0, United-States +6262,46.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +6263,56.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +6264,34.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,64.0, United-States +6265,44.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6266,53.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +6267,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico +6268,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6269,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,1719.0,40.0, United-States +6270,26.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +6271,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +6272,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6273,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6274,34.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States +6275,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +6276,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,47.0, United-States +6277,23.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6278,26.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, Mexico +6279,31.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States +6280,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +6281,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +6282,37.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +6283,49.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +6284,50.0, Self-emp-not-inc, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,64.0, United-States +6285,45.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +6286,27.0, Private, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +6287,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +6288,59.0, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +6289,49.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6290,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,48.0, United-States +6291,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6292,28.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +6293,28.0, Private, Some-college,10.0,, Other-service, Not-in-family, Black, Male,0.0,0.0,14.0, United-States +6294,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +6295,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +6296,48.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,44.0, United-States +6297,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6298,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +6299,43.0,, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +6300,21.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +6301,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +6302,31.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6303,52.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6304,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +6305,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +6306,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States +6307,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +6308,64.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +6309,25.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +6310,44.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +6311,23.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States +6312,25.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States +6313,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +6314,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +6315,25.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +6316,49.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +6317,56.0, Private, 9th,5.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +6318,64.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +6319,27.0, Local-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1564.0,72.0, United-States +6320,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States +6321,34.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Guatemala +6322,55.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,40.0, United-States +6323,64.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +6324,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6325,36.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +6326,67.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,1797.0,0.0,40.0, United-States +6327,46.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +6328,64.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +6329,27.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Japan +6330,66.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,16.0, United-States +6331,17.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States +6332,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6333,60.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +6334,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +6335,18.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Cuba +6336,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6337,35.0, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy +6338,60.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,10.0, United-States +6339,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +6340,69.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +6341,27.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6342,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States +6343,22.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +6344,31.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +6345,23.0, Private, Some-college,10.0, Divorced, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +6346,40.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +6347,32.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,56.0, United-States +6348,60.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +6349,43.0, Private, 9th,5.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +6350,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +6351,50.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, South +6352,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +6353,55.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +6354,23.0, Private, 9th,5.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +6355,56.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Italy +6356,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6357,26.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6358,26.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6359,45.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried,, Female,0.0,0.0,45.0, United-States +6360,52.0, Private, HS-grad,9.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States +6361,52.0, Private, 11th,7.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6362,31.0, Private, 9th,5.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6363,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +6364,52.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6365,59.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,16.0, United-States +6366,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +6367,24.0, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,50.0, South +6368,46.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6369,46.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,35.0, United-States +6370,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, Guatemala +6371,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,38.0, United-States +6372,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6373,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +6374,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +6375,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,65.0, United-States +6376,21.0, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States +6377,45.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6378,61.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6379,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +6380,44.0, State-gov, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6381,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,45.0, United-States +6382,24.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +6383,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6384,51.0, Local-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +6385,28.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6386,63.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +6387,54.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +6388,43.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,35.0, United-States +6389,47.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6390,49.0, Private, Bachelors,13.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,30.0, Columbia +6391,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6392,48.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,35.0, United-States +6393,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +6394,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Germany +6395,45.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6396,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,38.0, Jamaica +6397,37.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +6398,30.0, Private, 7th-8th,4.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States +6399,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6400,57.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6401,47.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +6402,54.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +6403,34.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6404,50.0, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,80.0, United-States +6405,64.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, Peru +6406,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +6407,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +6408,26.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +6409,47.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6410,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States +6411,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +6412,61.0, Private, 10th,6.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States +6413,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6414,66.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +6415,61.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6416,37.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +6417,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +6418,62.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6419,29.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,2415.0,40.0, Puerto-Rico +6420,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +6421,60.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +6422,29.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,80.0, United-States +6423,21.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,64.0, United-States +6424,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6425,39.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, United-States +6426,25.0, Local-gov, Bachelors,13.0, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +6427,42.0, State-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +6428,38.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +6429,35.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +6430,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +6431,25.0, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +6432,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6433,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,46.0, United-States +6434,25.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +6435,43.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Canada +6436,47.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6437,19.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Hong +6438,31.0, State-gov, 12th,8.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +6439,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6440,44.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6441,54.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +6442,37.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6443,53.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +6444,24.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +6445,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +6446,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +6447,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, Mexico +6448,30.0, Private, Assoc-voc,11.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6449,50.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +6450,29.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +6451,62.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6452,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +6453,29.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,36.0, United-States +6454,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,15024.0,0.0,40.0, United-States +6455,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +6456,35.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +6457,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +6458,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6459,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +6460,28.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6461,39.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,18.0, United-States +6462,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +6463,47.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,4.0, United-States +6464,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +6465,44.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,27828.0,0.0,60.0, United-States +6466,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6467,32.0, Private, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +6468,22.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, France +6469,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Germany +6470,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6471,46.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +6472,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,26.0, United-States +6473,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +6474,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6475,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,3674.0,0.0,40.0, United-States +6476,58.0, Local-gov, Assoc-acdm,12.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +6477,31.0, Self-emp-not-inc, 9th,5.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,47.0, United-States +6478,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6479,45.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6480,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +6481,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +6482,29.0, Private, Some-college,10.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +6483,46.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,56.0, United-States +6484,35.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +6485,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +6486,30.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, Canada +6487,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, United-States +6488,27.0, Private, 10th,6.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +6489,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,10.0, United-States +6490,40.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +6491,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,28.0, United-States +6492,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,70.0, United-States +6493,37.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,99.0, United-States +6494,66.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +6495,36.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +6496,59.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,3004.0,40.0, United-States +6497,59.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States +6498,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +6499,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Own-child, Other, Male,0.0,0.0,40.0, United-States +6500,23.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,2176.0,0.0,25.0, United-States +6501,36.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6502,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +6503,33.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States +6504,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6505,50.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,65.0, United-States +6506,28.0, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +6507,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781.0,0.0,40.0, United-States +6508,25.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +6509,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +6510,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States +6511,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,55.0, United-States +6512,45.0, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Columbia +6513,23.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +6514,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,50.0, United-States +6515,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, United-States +6516,54.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +6517,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +6518,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +6519,34.0, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States +6520,65.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,10.0, United-States +6521,43.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +6522,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +6523,40.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +6524,80.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,32.0, United-States +6525,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +6526,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +6527,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +6528,34.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6529,28.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, France +6530,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +6531,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,60.0, United-States +6532,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +6533,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States +6534,59.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,55.0, United-States +6535,48.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6536,27.0, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,75.0, United-States +6537,43.0, Private, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,37.0, United-States +6538,40.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +6539,42.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6540,36.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +6541,66.0, Local-gov, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +6542,38.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6543,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6544,65.0, State-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2653.0,0.0,8.0, United-States +6545,50.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +6546,37.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6547,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6548,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +6549,36.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6550,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States +6551,51.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +6552,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6553,24.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +6554,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +6555,51.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6556,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +6557,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +6558,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6559,37.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6560,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +6561,34.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,45.0, United-States +6562,38.0, Local-gov, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States +6563,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, Asian-Pac-Islander, Male,3411.0,0.0,40.0, United-States +6564,47.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +6565,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +6566,54.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,46.0, United-States +6567,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, United-States +6568,25.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6569,33.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +6570,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +6571,27.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +6572,45.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6573,74.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,14.0, United-States +6574,52.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +6575,42.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,4650.0,0.0,35.0, United-States +6576,38.0, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, Germany +6577,24.0, State-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,10.0, China +6578,47.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,625.0,40.0, United-States +6579,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6580,32.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +6581,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +6582,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States +6583,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +6584,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,37.0, United-States +6585,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +6586,40.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States +6587,59.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +6588,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +6589,42.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +6590,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,16.0, United-States +6591,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,32.0, United-States +6592,27.0, State-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,45.0, United-States +6593,48.0, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States +6594,50.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +6595,58.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6596,59.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,8614.0,0.0,60.0, United-States +6597,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +6598,65.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2352.0,65.0, United-States +6599,50.0, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,10.0, United-States +6600,35.0, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6601,44.0, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,2258.0,60.0, United-States +6602,46.0, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +6603,40.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States +6604,42.0, Local-gov, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,33.0, United-States +6605,61.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +6606,51.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6607,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +6608,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +6609,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,41.0, United-States +6610,64.0, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,22.0, United-States +6611,38.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +6612,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6613,40.0, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States +6614,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +6615,50.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +6616,31.0, Federal-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +6617,47.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +6618,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +6619,22.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +6620,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States +6621,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States +6622,63.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6623,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +6624,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +6625,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +6626,40.0, Private, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6627,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +6628,38.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +6629,34.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +6630,35.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States +6631,72.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse,, Husband, White, Male,4931.0,0.0,70.0, United-States +6632,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +6633,55.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States +6634,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +6635,44.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6636,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6637,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +6638,18.0, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,56.0, United-States +6639,40.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +6640,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +6641,21.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +6642,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +6643,70.0, Private, 10th,6.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6644,33.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +6645,46.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,44.0, United-States +6646,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1408.0,50.0, Hong +6647,42.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6648,19.0, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States +6649,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6650,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6651,26.0, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6652,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +6653,31.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +6654,58.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6655,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +6656,26.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +6657,28.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6658,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +6659,59.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6660,32.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +6661,22.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic +6662,57.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +6663,24.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico +6664,57.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6665,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +6666,48.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +6667,57.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +6668,36.0, Self-emp-inc, Assoc-acdm,12.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +6669,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +6670,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,594.0,0.0,14.0, United-States +6671,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6672,40.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +6673,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +6674,45.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,78.0, United-States +6675,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +6676,49.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +6677,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +6678,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6679,55.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,48.0, United-States +6680,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +6681,37.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +6682,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +6683,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States +6684,72.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,28.0, United-States +6685,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,50.0, United-States +6686,51.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +6687,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +6688,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6689,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6690,51.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +6691,40.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +6692,41.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +6693,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,14344.0,0.0,40.0, United-States +6694,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +6695,58.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +6696,18.0, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,30.0, India +6697,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,16.0, United-States +6698,39.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +6699,48.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +6700,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +6701,22.0, Private, Assoc-voc,11.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,30.0, United-States +6702,31.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,40.0, United-States +6703,36.0, Private, 7th-8th,4.0, Divorced, Sales, Not-in-family, Other, Female,0.0,0.0,35.0, United-States +6704,41.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +6705,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +6706,52.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, Greece +6707,22.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,25.0, United-States +6708,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +6709,44.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States +6710,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +6711,57.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +6712,41.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6713,48.0, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6714,47.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +6715,38.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States +6716,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6717,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6718,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +6719,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +6720,64.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +6721,47.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +6722,46.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,1506.0,0.0,50.0, United-States +6723,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,1602.0,15.0, United-States +6724,24.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +6725,27.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +6726,38.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6727,40.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6728,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6729,32.0, Private, 11th,7.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,43.0, United-States +6730,46.0, Local-gov, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +6731,41.0, Private, 9th,5.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States +6732,64.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States +6733,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +6734,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6735,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +6736,28.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +6737,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +6738,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States +6739,59.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States +6740,23.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +6741,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +6742,32.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States +6743,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +6744,51.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,58.0, United-States +6745,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States +6746,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +6747,71.0, Private, HS-grad,9.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,16.0, United-States +6748,24.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,35.0, United-States +6749,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,40.0, United-States +6750,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Germany +6751,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States +6752,57.0, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6753,76.0, Private, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, White, Female,7896.0,0.0,18.0, United-States +6754,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6755,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +6756,34.0, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +6757,23.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +6758,51.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6759,33.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +6760,40.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +6761,49.0, Local-gov, 11th,7.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,60.0, United-States +6762,39.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6763,26.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, United-States +6764,66.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2290.0,0.0,40.0, Germany +6765,39.0, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,45.0, United-States +6766,34.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,59.0, United-States +6767,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +6768,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,12.0, United-States +6769,50.0, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, United-States +6770,38.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +6771,36.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6772,26.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +6773,40.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,43.0, United-States +6774,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6775,44.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +6776,65.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,44.0, United-States +6777,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +6778,17.0, Self-emp-inc, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,12.0, United-States +6779,52.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,7298.0,0.0,50.0, United-States +6780,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +6781,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +6782,36.0, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +6783,18.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Other, Male,0.0,0.0,30.0, United-States +6784,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6785,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6786,21.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, United-States +6787,48.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +6788,52.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6789,33.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +6790,44.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,18.0, United-States +6791,20.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6792,58.0, Local-gov, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +6793,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,2057.0,60.0, Canada +6794,28.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,58.0, United-States +6795,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States +6796,24.0, Private, 11th,7.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +6797,43.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +6798,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +6799,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885.0,0.0,40.0, United-States +6800,38.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6801,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +6802,32.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +6803,31.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6804,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States +6805,29.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +6806,50.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +6807,55.0, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1887.0,40.0, United-States +6808,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6809,26.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +6810,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States +6811,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6812,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States +6813,48.0, Federal-gov, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6814,25.0, Private, Some-college,10.0, Never-married,, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6815,71.0, Private, 7th-8th,4.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,10.0, United-States +6816,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +6817,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +6818,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,1741.0,40.0, United-States +6819,28.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States +6820,36.0, Local-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6821,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +6822,29.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Mexico +6823,28.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6824,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +6825,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +6826,56.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States +6827,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +6828,36.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,13550.0,0.0,50.0, United-States +6829,49.0, Self-emp-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6830,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States +6831,32.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, Mexico +6832,55.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1876.0,40.0, United-States +6833,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6834,24.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico +6835,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States +6836,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +6837,35.0, Local-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +6838,71.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +6839,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +6840,42.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6841,27.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +6842,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States +6843,40.0, State-gov, Masters,14.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,80.0, United-States +6844,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6845,26.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,4508.0,0.0,12.0, United-States +6846,19.0, Private, HS-grad,9.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +6847,35.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +6848,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,40.0, United-States +6849,58.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +6850,20.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +6851,51.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +6852,52.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States +6853,34.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +6854,45.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +6855,24.0, Federal-gov, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6856,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +6857,28.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Other-relative, Black, Male,0.0,1876.0,40.0, United-States +6858,44.0, Private, 9th,5.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +6859,55.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +6860,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,15.0, United-States +6861,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6862,34.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +6863,29.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States +6864,58.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,8.0, United-States +6865,23.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6866,39.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +6867,39.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6868,61.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +6869,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6870,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,35.0, Jamaica +6871,55.0, Private, Bachelors,13.0, Never-married, Tech-support, Other-relative, White, Female,0.0,1590.0,38.0, United-States +6872,63.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +6873,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +6874,30.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +6875,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +6876,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,84.0, United-States +6877,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +6878,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +6879,33.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, El-Salvador +6880,33.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6881,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States +6882,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +6883,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +6884,35.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +6885,19.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +6886,23.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico +6887,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +6888,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +6889,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +6890,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +6891,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,25.0, United-States +6892,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +6893,38.0, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,1471.0,0.0,40.0, United-States +6894,25.0, Private, Some-college,10.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +6895,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6896,28.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +6897,54.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +6898,30.0, Federal-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6899,62.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +6900,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +6901,42.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse,, Husband, White, Male,0.0,0.0,41.0, United-States +6902,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +6903,38.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +6904,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +6905,47.0, Private, 12th,8.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, United-States +6906,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States +6907,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +6908,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +6909,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +6910,61.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +6911,51.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +6912,22.0, Private, 9th,5.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6913,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,,40.0, United-States +6914,55.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States +6915,47.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States +6916,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +6917,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +6918,66.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States +6919,51.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,44.0, United-States +6920,19.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +6921,54.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6922,20.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6923,31.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6924,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6925,33.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Hong +6926,52.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Cuba +6927,39.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States +6928,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +6929,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +6930,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6931,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +6932,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +6933,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +6934,33.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,5.0, United-States +6935,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States +6936,44.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,5178.0,0.0,40.0, United-States +6937,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +6938,41.0, Federal-gov, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +6939,17.0, Private, 9th,5.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States +6940,40.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +6941,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +6942,57.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,38.0, United-States +6943,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +6944,30.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +6945,42.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +6946,26.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,35.0, United-States +6947,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +6948,48.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,1594.0,32.0, United-States +6949,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6950,32.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,3411.0,0.0,40.0, United-States +6951,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +6952,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6953,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States +6954,26.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +6955,26.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6956,22.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +6957,78.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,5.0, United-States +6958,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +6959,27.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +6960,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +6961,17.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +6962,53.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Peru +6963,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +6964,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal +6965,63.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +6966,26.0, Private, Bachelors,13.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,35.0, Mexico +6967,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States +6968,28.0, Private, 10th,6.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico +6969,28.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,10520.0,0.0,45.0, United-States +6970,49.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,36.0, United-States +6971,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, United-States +6972,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +6973,39.0, Self-emp-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6974,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1887.0,55.0, United-States +6975,37.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico +6976,43.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6977,51.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,19.0, United-States +6978,61.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +6979,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States +6980,20.0, Federal-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States +6981,64.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +6982,40.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +6983,58.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6984,37.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781.0,0.0,50.0, Mexico +6985,48.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +6986,51.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6987,27.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +6988,20.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States +6989,47.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +6990,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +6991,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +6992,45.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +6993,51.0, State-gov, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +6994,43.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States +6995,27.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +6996,46.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +6997,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +6998,41.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +6999,42.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +7000,56.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +7001,56.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +7002,28.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +7003,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +7004,32.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,60.0, United-States +7005,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,50.0, United-States +7006,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +7007,35.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family,, Male,8614.0,0.0,40.0, United-States +7008,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7009,43.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +7010,59.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +7011,36.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +7012,62.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,1617.0,33.0, United-States +7013,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7014,40.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +7015,51.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States +7016,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,54.0, Dominican-Republic +7017,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7018,40.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7019,52.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,3770.0,40.0, United-States +7020,55.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,37.0, United-States +7021,40.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,66.0, United-States +7022,62.0, Self-emp-not-inc, Doctorate,16.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7023,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,9.0, United-States +7024,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +7025,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +7026,29.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,35.0, United-States +7027,50.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States +7028,36.0, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,42.0, United-States +7029,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +7030,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +7031,25.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7032,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7033,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +7034,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +7035,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States +7036,26.0, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,25.0, United-States +7037,41.0, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +7038,22.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,40.0, United-States +7039,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1669.0,60.0, United-States +7040,36.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States +7041,48.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,65.0, United-States +7042,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7043,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7044,31.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7045,63.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,40.0, Haiti +7046,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +7047,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +7048,26.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +7049,65.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7050,45.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7051,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +7052,28.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7053,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7054,53.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +7055,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7056,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7057,51.0, Local-gov, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, Cuba +7058,60.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,1408.0,50.0, United-States +7059,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,10.0, United-States +7060,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +7061,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Canada +7062,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States +7063,43.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +7064,57.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7065,42.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,47.0, United-States +7066,42.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico +7067,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +7068,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +7069,35.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +7070,29.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +7071,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +7072,35.0, Private, Some-college,10.0, Married-spouse-absent, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +7073,30.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7074,74.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,7262.0,0.0,30.0, United-States +7075,23.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,25.0, United-States +7076,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +7077,75.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,26.0, United-States +7078,49.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +7079,35.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +7080,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States +7081,64.0, Private, 5th-6th,3.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7082,24.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, United-States +7083,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +7084,33.0, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +7085,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +7086,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7087,36.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7088,40.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2377.0,50.0, United-States +7089,58.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7090,42.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7091,39.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Wife, Asian-Pac-Islander, Female,0.0,0.0,37.0, Philippines +7092,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +7093,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7094,25.0, Private, 11th,7.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +7095,48.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +7096,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7097,41.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +7098,30.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,5.0, United-States +7099,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +7100,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +7101,24.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +7102,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +7103,19.0, Self-emp-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States +7104,57.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +7105,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7106,27.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States +7107,63.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +7108,47.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,33.0, United-States +7109,24.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +7110,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States +7111,27.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +7112,39.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +7113,36.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +7114,37.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +7115,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,25.0, United-States +7116,23.0, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Laos +7117,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,45.0, United-States +7118,32.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,37.0, United-States +7119,52.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +7120,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States +7121,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7122,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +7123,40.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,31.0, United-States +7124,58.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1672.0,40.0, United-States +7125,20.0, Private, 9th,5.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,40.0, Mexico +7126,66.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States +7127,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +7128,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +7129,41.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +7130,27.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +7131,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +7132,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, Canada +7133,41.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,21.0, United-States +7134,22.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +7135,29.0, Local-gov, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +7136,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +7137,66.0, Self-emp-not-inc, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7138,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +7139,31.0, Private, Bachelors,, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1887.0,40.0, United-States +7140,47.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +7141,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,1887.0,48.0, United-States +7142,64.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7143,47.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,4.0, United-States +7144,40.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +7145,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States +7146,48.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,54.0, United-States +7147,54.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,55.0, United-States +7148,34.0, Self-emp-not-inc, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +7149,29.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +7150,42.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,41.0, United-States +7151,58.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7152,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7153,54.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,56.0, Haiti +7154,38.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,55.0, United-States +7155,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7156,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +7157,55.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +7158,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +7159,43.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7160,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States +7161,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +7162,54.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7163,51.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +7164,31.0, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,42.0, United-States +7165,59.0, Private, 7th-8th,4.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,38.0, United-States +7166,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +7167,67.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,8.0, United-States +7168,82.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7169,44.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,70.0, United-States +7170,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Jamaica +7171,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,48.0, China +7172,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,2174.0,0.0,40.0, Vietnam +7173,43.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +7174,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,60.0, United-States +7175,27.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States +7176,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +7177,36.0, Local-gov, 11th,7.0, Separated, Prof-specialty, Unmarried, Other, Female,0.0,0.0,30.0, United-States +7178,32.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico +7179,39.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +7180,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, El-Salvador +7181,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,40.0, United-States +7182,44.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +7183,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +7184,72.0, Private, 10th,6.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +7185,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,37.0, United-States +7186,47.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +7187,49.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, France +7188,24.0, Private, 12th,8.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7189,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, United-States +7190,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7191,37.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,50.0, United-States +7192,34.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7193,18.0, Self-emp-not-inc, 9th,5.0, Never-married, Farming-fishing, Other-relative, Other, Female,0.0,0.0,40.0, Mexico +7194,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7195,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,51.0, United-States +7196,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7197,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7198,33.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7199,49.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,39.0, United-States +7200,22.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States +7201,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +7202,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +7203,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, Mexico +7204,25.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +7205,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +7206,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +7207,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +7208,51.0, Private, 11th,7.0, Widowed, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +7209,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7210,23.0, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7211,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7212,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +7213,52.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Cuba +7214,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7215,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +7216,48.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7217,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7218,52.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +7219,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,46.0, United-States +7220,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7221,32.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +7222,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7223,28.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +7224,24.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States +7225,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +7226,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +7227,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +7228,33.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7229,35.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7230,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,2829.0,0.0,40.0, United-States +7231,37.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7232,38.0, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7233,58.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +7234,35.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +7235,27.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico +7236,42.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +7237,56.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,65.0, United-States +7238,50.0, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States +7239,35.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7240,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7241,56.0, Private, 1st-4th,2.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +7242,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +7243,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States +7244,67.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7245,22.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7246,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +7247,55.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +7248,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +7249,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1590.0,32.0, United-States +7250,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +7251,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,24.0, Vietnam +7252,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7253,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +7254,23.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,27.0, United-States +7255,53.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +7256,51.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States +7257,45.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7258,71.0, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, White, Female,11678.0,0.0,38.0, United-States +7259,43.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7260,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +7261,61.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,25.0, United-States +7262,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7263,35.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,14344.0,0.0,40.0, United-States +7264,48.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +7265,37.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, United-States +7266,50.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines +7267,28.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +7268,60.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +7269,42.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7270,28.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +7271,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, India +7272,47.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,36.0, United-States +7273,58.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States +7274,49.0, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +7275,25.0, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States +7276,37.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +7277,56.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +7278,46.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7279,35.0, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +7280,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +7281,55.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,2580.0,0.0,40.0, United-States +7282,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7283,30.0, Private, Preschool,1.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,28.0, El-Salvador +7284,26.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7285,24.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States +7286,43.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +7287,57.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +7288,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,70.0, United-States +7289,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +7290,30.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,65.0, United-States +7291,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,65.0, United-States +7292,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +7293,45.0, Private, Bachelors,13.0,, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +7294,60.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +7295,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7296,69.0, Federal-gov, 11th,7.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +7297,27.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7298,52.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +7299,26.0, Federal-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, Cuba +7300,19.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7301,53.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,37.0, United-States +7302,40.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +7303,31.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +7304,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7305,18.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,1719.0,16.0, United-States +7306,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +7307,48.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +7308,41.0, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +7309,22.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, England +7310,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +7311,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7312,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2829.0,0.0,40.0, United-States +7313,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,15.0, United-States +7314,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7315,55.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +7316,34.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +7317,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +7318,37.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +7319,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +7320,30.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,40.0, Dominican-Republic +7321,21.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,45.0, United-States +7322,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +7323,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +7324,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7325,35.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +7326,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +7327,29.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, White, Female,0.0,0.0,30.0, United-States +7328,27.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,30.0, United-States +7329,54.0, Self-emp-not-inc, 7th-8th,4.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, Cuba +7330,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Dominican-Republic +7331,47.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7332,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +7333,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +7334,45.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7335,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +7336,43.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +7337,30.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, Guatemala +7338,48.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7339,32.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7340,49.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States +7341,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +7342,62.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,99.0, United-States +7343,20.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,35.0, United-States +7344,68.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States +7345,56.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,2339.0,40.0, United-States +7346,37.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States +7347,52.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +7348,58.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7349,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany +7350,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,40.0, United-States +7351,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7352,35.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7353,46.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, England +7354,42.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7355,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +7356,33.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7357,50.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Canada +7358,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7359,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7360,17.0, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,25.0, United-States +7361,50.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +7362,28.0, Private, Some-college,10.0, Divorced, Other-service, Other-relative, Black, Male,0.0,0.0,24.0, United-States +7363,58.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, Greece +7364,30.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States +7365,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +7366,37.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +7367,34.0, Self-emp-not-inc, 7th-8th,4.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7368,35.0, State-gov, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +7369,34.0, Local-gov, Assoc-voc,11.0, Divorced, Protective-serv, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +7370,24.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +7371,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +7372,37.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7373,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,41.0, United-States +7374,24.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +7375,22.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Greece +7376,29.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +7377,48.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,50.0, United-States +7378,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States +7379,29.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7380,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States +7381,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +7382,56.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +7383,29.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,38.0, United-States +7384,59.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7385,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +7386,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +7387,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +7388,37.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7389,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7390,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7391,25.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +7392,30.0, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +7393,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +7394,90.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +7395,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7396,26.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +7397,35.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,1590.0,40.0, South +7398,37.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7399,77.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +7400,43.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7401,23.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, Ecuador +7402,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +7403,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +7404,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +7405,35.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7406,17.0, State-gov, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +7407,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,36.0, United-States +7408,62.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7409,51.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +7410,31.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +7411,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,27.0, United-States +7412,29.0, State-gov, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +7413,70.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653.0,0.0,70.0, United-States +7414,56.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,45.0, United-States +7415,54.0, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +7416,34.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,66.0, United-States +7417,62.0, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +7418,46.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +7419,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,45.0, United-States +7420,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +7421,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7422,30.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +7423,48.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +7424,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7425,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +7426,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +7427,55.0, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +7428,41.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States +7429,27.0, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, Mexico +7430,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7431,29.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +7432,22.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States +7433,62.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7434,68.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7435,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7436,50.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,28.0, United-States +7437,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7438,60.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7439,31.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +7440,47.0, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7441,67.0, Self-emp-inc, Bachelors,13.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +7442,43.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,26.0, United-States +7443,32.0, Self-emp-not-inc, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7444,53.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +7445,46.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,45.0, United-States +7446,40.0, Private, 10th,6.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +7447,26.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +7448,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +7449,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,40.0, United-States +7450,24.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +7451,45.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +7452,38.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2051.0,40.0, United-States +7453,62.0, Private, 12th,8.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +7454,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,45.0, United-States +7455,31.0, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +7456,30.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7457,34.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +7458,42.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7459,38.0, Self-emp-not-inc, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,25.0, United-States +7460,62.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +7461,40.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +7462,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +7463,26.0, Private, 11th,7.0, Separated, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +7464,57.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +7465,42.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7466,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +7467,30.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7468,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +7469,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +7470,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +7471,52.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +7472,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7473,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +7474,19.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +7475,59.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +7476,31.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +7477,28.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7478,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +7479,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +7480,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7481,23.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +7482,49.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,4787.0,0.0,40.0, United-States +7483,55.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +7484,56.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7485,36.0, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,50.0, United-States +7486,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +7487,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States +7488,38.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,10.0, United-States +7489,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +7490,74.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States +7491,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +7492,63.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,15.0, United-States +7493,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +7494,61.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7495,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7496,41.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +7497,35.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,45.0, United-States +7498,17.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,17.0, United-States +7499,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,70.0, Iran +7500,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7501,39.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7502,44.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +7503,31.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +7504,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1590.0,50.0, United-States +7505,45.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,6849.0,0.0,43.0, United-States +7506,42.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +7507,55.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States +7508,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +7509,30.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7510,37.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +7511,62.0, Private, 9th,5.0, Never-married, Priv-house-serv, Not-in-family, Black, Female,1055.0,0.0,22.0, United-States +7512,20.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +7513,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +7514,59.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +7515,19.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,594.0,0.0,40.0, United-States +7516,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +7517,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +7518,51.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7519,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +7520,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States +7521,24.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +7522,45.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +7523,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +7524,46.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +7525,41.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,60.0, United-States +7526,61.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7527,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7528,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1672.0,50.0, United-States +7529,36.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7530,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +7531,43.0, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7532,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,13.0, United-States +7533,30.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +7534,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +7535,42.0, Local-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +7536,58.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +7537,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7538,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +7539,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,22.0, United-States +7540,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +7541,54.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7542,53.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,5178.0,0.0,40.0, Puerto-Rico +7543,38.0, Private, Assoc-voc,11.0, Never-married, Craft-repair,, White, Female,0.0,0.0,40.0, Portugal +7544,30.0,, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +7545,27.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States +7546,42.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,25.0, United-States +7547,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States +7548,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7549,51.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,7298.0,0.0,40.0, El-Salvador +7550,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,36.0, United-States +7551,47.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +7552,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7553,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +7554,40.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +7555,47.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7556,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +7557,47.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +7558,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +7559,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7560,53.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7561,37.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +7562,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,55.0, United-States +7563,31.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7564,44.0, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +7565,25.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,44.0, United-States +7566,40.0, Private, HS-grad,9.0, Married-civ-spouse,, Husband, White, Male,0.0,0.0,40.0, United-States +7567,41.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, United-States +7568,31.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +7569,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +7570,23.0, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +7571,48.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7572,23.0, Private, 9th,5.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7573,34.0, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States +7574,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +7575,45.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,72.0, United-States +7576,51.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7577,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7578,19.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, Germany +7579,50.0, Self-emp-inc, Masters,14.0, Separated, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,45.0, China +7580,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,39.0, United-States +7581,20.0, Private, 11th,7.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States +7582,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7583,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +7584,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,55.0, United-States +7585,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7586,47.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +7587,44.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +7588,42.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +7589,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7590,44.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7591,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7592,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7593,40.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,14344.0,0.0,45.0, United-States +7594,27.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7595,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7596,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7597,63.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,15.0, United-States +7598,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7599,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +7600,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7601,46.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +7602,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7603,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +7604,43.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,2174.0,0.0,40.0, United-States +7605,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +7606,49.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,45.0, United-States +7607,19.0, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +7608,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,1506.0,0.0,50.0, United-States +7609,28.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +7610,55.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +7611,23.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, Iran +7612,30.0, Private, Prof-school,15.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States +7613,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland +7614,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, Outlying-US(Guam-USVI-etc) +7615,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +7616,39.0, Private, 9th,5.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, Mexico +7617,74.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States +7618,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +7619,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +7620,58.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, Canada +7621,52.0, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico +7622,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +7623,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7624,62.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +7625,57.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,65.0, United-States +7626,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +7627,53.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7628,45.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States +7629,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +7630,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +7631,51.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,47.0, United-States +7632,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +7633,23.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7634,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7635,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +7636,64.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7637,47.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States +7638,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7639,34.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +7640,53.0, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, Canada +7641,37.0, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7642,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +7643,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +7644,50.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,48.0, United-States +7645,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2002.0,55.0, United-States +7646,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +7647,27.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,46.0, United-States +7648,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +7649,25.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7650,31.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7651,22.0, Local-gov, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States +7652,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7653,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7654,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +7655,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +7656,44.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +7657,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States +7658,55.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,35.0, Philippines +7659,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7660,38.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +7661,46.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,13550.0,0.0,40.0, United-States +7662,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +7663,46.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,44.0, United-States +7664,36.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States +7665,17.0, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +7666,41.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7667,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7668,24.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7669,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +7670,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +7671,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7672,24.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +7673,48.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +7674,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +7675,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,50.0, United-States +7676,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7677,42.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,72.0, Philippines +7678,65.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +7679,18.0, Private,,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +7680,62.0, Private, 12th,8.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, Mexico +7681,58.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, El-Salvador +7682,23.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,30.0, Mexico +7683,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +7684,54.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +7685,51.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,25.0, United-States +7686,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7687,42.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +7688,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +7689,52.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +7690,62.0, Local-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +7691,36.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Cuba +7692,39.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7693,37.0, Private, 7th-8th,4.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7694,36.0, Private, Assoc-acdm,12.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,3.0, United-States +7695,49.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +7696,36.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,80.0, United-States +7697,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7698,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +7699,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +7700,39.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +7701,27.0, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +7702,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States +7703,38.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,35.0, United-States +7704,44.0, State-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7705,25.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +7706,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,75.0, United-States +7707,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, United-States +7708,30.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +7709,52.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,28.0, United-States +7710,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States +7711,35.0, State-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,1980.0,40.0, United-States +7712,62.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +7713,43.0, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +7714,33.0, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,1669.0,55.0, United-States +7715,53.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,48.0, Canada +7716,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +7717,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +7718,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +7719,24.0, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,32.0, El-Salvador +7720,46.0, Local-gov, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +7721,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7722,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +7723,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +7724,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,40.0, United-States +7725,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7726,21.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States +7727,56.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +7728,21.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,35.0, United-States +7729,42.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +7730,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7731,50.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States +7732,39.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +7733,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States +7734,33.0, Federal-gov, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +7735,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,3781.0,0.0,40.0, Columbia +7736,31.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,90.0, United-States +7737,24.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +7738,47.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +7739,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +7740,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,15.0, United-States +7741,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3464.0,0.0,40.0, United-States +7742,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States +7743,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair,, White, Male,0.0,0.0,40.0, United-States +7744,35.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States +7745,41.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,62.0, United-States +7746,40.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7747,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,2001.0,40.0, United-States +7748,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +7749,56.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +7750,32.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,60.0, United-States +7751,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +7752,20.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,33.0, United-States +7753,33.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7754,28.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7755,58.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States +7756,28.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +7757,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +7758,37.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,17.0, United-States +7759,35.0, State-gov, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +7760,40.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +7761,25.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +7762,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +7763,41.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,1980.0,56.0, United-States +7764,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +7765,65.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,60.0, United-States +7766,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7767,29.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +7768,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064.0,0.0,35.0, United-States +7769,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,45.0, United-States +7770,18.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,23.0, United-States +7771,45.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +7772,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +7773,33.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +7774,27.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Other, Male,0.0,0.0,38.0, United-States +7775,43.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7776,30.0, Private, 7th-8th,4.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, Mexico +7777,45.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,44.0, United-States +7778,36.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +7779,40.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +7780,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,24.0, United-States +7781,45.0, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, India +7782,35.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +7783,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +7784,45.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +7785,49.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7786,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +7787,56.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7788,46.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +7789,58.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,55.0, United-States +7790,60.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +7791,23.0, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +7792,49.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +7793,20.0, Private, 11th,7.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, Guatemala +7794,60.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +7795,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +7796,65.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7797,35.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +7798,20.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,8.0, United-States +7799,72.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +7800,29.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States +7801,34.0, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +7802,39.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7803,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +7804,31.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +7805,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +7806,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +7807,36.0, Private, 1st-4th,2.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,20.0, Mexico +7808,69.0, State-gov, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,34.0, United-States +7809,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +7810,64.0, State-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +7811,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +7812,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +7813,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,5013.0,0.0,45.0, United-States +7814,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7815,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +7816,21.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, Mexico +7817,33.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7818,29.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2129.0,50.0, United-States +7819,75.0, Self-emp-not-inc, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +7820,51.0, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +7821,30.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +7822,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +7823,34.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +7824,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +7825,30.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +7826,43.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +7827,42.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +7828,44.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +7829,24.0, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7830,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,70.0, United-States +7831,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +7832,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +7833,40.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7834,21.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,10.0, United-States +7835,35.0, Private, 7th-8th,4.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, Mexico +7836,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1573.0,30.0, United-States +7837,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +7838,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7839,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +7840,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +7841,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1579.0,42.0, United-States +7842,33.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7843,54.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,6849.0,0.0,50.0, United-States +7844,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7845,37.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +7846,58.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +7847,28.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +7848,27.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +7849,47.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +7850,44.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Canada +7851,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +7852,45.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India +7853,42.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +7854,45.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7855,35.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +7856,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7857,24.0, Private, 10th,6.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,58.0, United-States +7858,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,24.0, United-States +7859,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Germany +7860,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7861,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,45.0, United-States +7862,28.0, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7863,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Cambodia +7864,52.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1628.0,40.0, United-States +7865,38.0, Private, HS-grad,9.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States +7866,44.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +7867,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Poland +7868,53.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +7869,33.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +7870,31.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +7871,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +7872,37.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,75.0, United-States +7873,28.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +7874,40.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +7875,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,15.0, United-States +7876,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +7877,35.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +7878,48.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +7879,75.0, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7880,30.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +7881,27.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial,, White, Male,0.0,0.0,50.0, United-States +7882,33.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +7883,68.0, Self-emp-not-inc, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7884,26.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, England +7885,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +7886,43.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +7887,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7888,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +7889,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +7890,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, Vietnam +7891,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +7892,24.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,38.0, United-States +7893,27.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States +7894,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7895,45.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +7896,21.0, Private, 11th,7.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +7897,25.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7898,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +7899,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States +7900,50.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +7901,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,16.0, United-States +7902,39.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,80.0, United-States +7903,25.0, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +7904,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,35.0, United-States +7905,60.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +7906,55.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States +7907,54.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +7908,65.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +7909,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +7910,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +7911,40.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,40.0, United-States +7912,33.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +7913,33.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +7914,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7915,24.0, State-gov, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +7916,49.0, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +7917,49.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0.0,0.0,45.0, United-States +7918,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7919,34.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,30.0, United-States +7920,20.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +7921,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,52.0, United-States +7922,49.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +7923,37.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,15.0, United-States +7924,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +7925,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,35.0, United-States +7926,25.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +7927,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +7928,60.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States +7929,34.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +7930,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7931,57.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +7932,54.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +7933,31.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, Mexico +7934,20.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +7935,39.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7936,53.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +7937,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,43.0, United-States +7938,25.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7939,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico +7940,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +7941,22.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +7942,36.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +7943,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +7944,28.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +7945,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +7946,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,7688.0,0.0,40.0, United-States +7947,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +7948,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Jamaica +7949,81.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +7950,26.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,48.0, United-States +7951,41.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,24.0, United-States +7952,17.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,12.0, United-States +7953,25.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +7954,39.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1974.0,40.0, United-States +7955,41.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +7956,49.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States +7957,50.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +7958,58.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,80.0, United-States +7959,45.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,30.0, United-States +7960,23.0, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7961,26.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Other, Male,0.0,0.0,50.0, United-States +7962,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States +7963,31.0, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +7964,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,43.0, United-States +7965,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +7966,50.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,45.0, United-States +7967,57.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +7968,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States +7969,45.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,24.0, Canada +7970,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +7971,41.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +7972,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +7973,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +7974,28.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +7975,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,65.0, United-States +7976,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,50.0, United-States +7977,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +7978,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States +7979,25.0, Private, 10th,6.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +7980,37.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,37.0, United-States +7981,39.0, Private, 10th,6.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +7982,62.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7983,31.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +7984,32.0, Private, 12th,8.0, Divorced, Protective-serv, Own-child, White, Male,0.0,0.0,54.0, Mexico +7985,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Cuba +7986,23.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +7987,51.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,60.0, United-States +7988,27.0, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Guatemala +7989,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +7990,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +7991,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,28.0, Guatemala +7992,33.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +7993,46.0, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +7994,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +7995,44.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +7996,30.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,50.0, United-States +7997,36.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +7998,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +7999,44.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,32.0, United-States +8000,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +8001,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8002,61.0, Private, Preschool,1.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +8003,50.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,45.0, United-States +8004,59.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +8005,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8006,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8007,66.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8008,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8009,73.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, United-States +8010,25.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +8011,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +8012,18.0, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,25.0, United-States +8013,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,2907.0,0.0,40.0, United-States +8014,56.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8015,35.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States +8016,34.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +8017,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8018,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8019,19.0, Private, 12th,8.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8020,28.0, Federal-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States +8021,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +8022,66.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8023,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +8024,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,72.0, United-States +8025,41.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +8026,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,4101.0,0.0,50.0, United-States +8027,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8028,53.0, Private, 12th,8.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +8029,24.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +8030,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States +8031,25.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,35.0, United-States +8032,39.0, Federal-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8033,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +8034,34.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8035,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2885.0,0.0,32.0, United-States +8036,77.0, Private, Some-college,10.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,20.0, United-States +8037,85.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +8038,31.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +8039,48.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +8040,45.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +8041,51.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States +8042,37.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +8043,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +8044,38.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States +8045,29.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,35.0, Nicaragua +8046,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +8047,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +8048,43.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +8049,44.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,38.0, United-States +8050,44.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,70.0, United-States +8051,37.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8052,58.0, Private, 10th,6.0, Married-civ-spouse,, Husband, White, Male,0.0,1887.0,40.0, United-States +8053,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +8054,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +8055,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +8056,40.0, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +8057,25.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8058,22.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8059,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States +8060,37.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8061,21.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +8062,34.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,44.0, United-States +8063,38.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +8064,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +8065,33.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3464.0,0.0,40.0, Mexico +8066,56.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8067,82.0, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +8068,29.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +8069,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +8070,52.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +8071,41.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8072,37.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +8073,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8074,37.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8075,27.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +8076,45.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +8077,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8078,31.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8079,23.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,12.0, United-States +8080,61.0, Local-gov, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +8081,33.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,32.0, United-States +8082,54.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States +8083,17.0, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,45.0, United-States +8084,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +8085,49.0, Private, Masters,14.0, Married-spouse-absent, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +8086,56.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,4508.0,0.0,28.0, United-States +8087,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +8088,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +8089,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +8090,35.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, China +8091,33.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Germany +8092,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,2597.0,0.0,40.0, United-States +8093,26.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States +8094,54.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8095,51.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States +8096,40.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,2205.0,45.0, United-States +8097,25.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +8098,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +8099,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8100,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,42.0, United-States +8101,33.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +8102,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8103,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8104,60.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +8105,23.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +8106,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +8107,72.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,2329.0,0.0,60.0, United-States +8108,17.0, Private, 10th,6.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +8109,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States +8110,63.0, Self-emp-not-inc, 1st-4th,2.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,30.0, El-Salvador +8111,24.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8112,31.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1980.0,60.0, United-States +8113,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +8114,46.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +8115,45.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8116,30.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,2463.0,0.0,40.0, Vietnam +8117,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8118,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States +8119,34.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +8120,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +8121,58.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +8122,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +8123,44.0, Local-gov, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +8124,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8125,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Cuba +8126,40.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +8127,37.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +8128,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +8129,37.0, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +8130,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +8131,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,45.0, United-States +8132,41.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +8133,19.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States +8134,51.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +8135,32.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +8136,51.0, Self-emp-not-inc, 10th,6.0, Widowed, Transport-moving, Other-relative, White, Female,0.0,0.0,40.0, United-States +8137,26.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,28.0, United-States +8138,34.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +8139,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,89.0, United-States +8140,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8141,39.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8142,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,24.0, United-States +8143,64.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,6418.0,0.0,65.0, United-States +8144,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8145,20.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +8146,42.0, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,2201.0,60.0, India +8147,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +8148,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,213.0,40.0, United-States +8149,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,3908.0,0.0,40.0, United-States +8150,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +8151,62.0, Private, 10th,6.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +8152,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8153,60.0, Private, 7th-8th,4.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8154,55.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8155,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Portugal +8156,45.0, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8157,23.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8158,58.0, Federal-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8159,17.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +8160,37.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,50.0, Peru +8161,57.0, Private, Assoc-voc,11.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,47.0, United-States +8162,30.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +8163,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +8164,23.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +8165,26.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +8166,61.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, Black, Female,0.0,1669.0,50.0, United-States +8167,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8168,62.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,84.0, United-States +8169,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +8170,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +8171,38.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8172,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,13550.0,0.0,50.0, United-States +8173,25.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +8174,64.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,99.0, United-States +8175,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +8176,62.0, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,50.0, United-States +8177,61.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +8178,46.0, Federal-gov, 11th,7.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8179,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8180,25.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States +8181,40.0, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, El-Salvador +8182,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +8183,53.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Germany +8184,37.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8185,54.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States +8186,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8187,49.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +8188,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +8189,32.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8190,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +8191,49.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +8192,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +8193,49.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8194,53.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8195,46.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8196,50.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +8197,45.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8198,80.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States +8199,27.0, State-gov, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +8200,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +8201,50.0, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, Haiti +8202,38.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,55.0, United-States +8203,60.0, Private, 10th,6.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8204,26.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +8205,36.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,36.0, United-States +8206,23.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,36.0, United-States +8207,57.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1977.0,40.0, United-States +8208,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +8209,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8210,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8211,30.0, Local-gov, 9th,5.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, Mexico +8212,29.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +8213,57.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8214,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8215,46.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States +8216,58.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,25.0, United-States +8217,41.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +8218,58.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +8219,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States +8220,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +8221,26.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8222,20.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Black, Female,0.0,0.0,18.0, United-States +8223,20.0, State-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +8224,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +8225,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +8226,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1741.0,50.0, United-States +8227,37.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +8228,49.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +8229,33.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +8230,47.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States +8231,51.0, Federal-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8232,35.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8233,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +8234,65.0, Private, 5th-6th,3.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,10.0, Italy +8235,43.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +8236,55.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8237,36.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States +8238,19.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,30.0, Haiti +8239,55.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,20.0, United-States +8240,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8241,70.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,35.0, United-States +8242,29.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,50.0, United-States +8243,56.0, State-gov, Doctorate,16.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States +8244,24.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,98.0, United-States +8245,45.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8246,40.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Other, Male,4064.0,0.0,40.0, Mexico +8247,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8248,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,4.0, United-States +8249,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,25.0, Philippines +8250,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,40.0, United-States +8251,24.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8252,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +8253,25.0, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8254,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8255,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +8256,54.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +8257,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,10520.0,0.0,64.0, United-States +8258,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +8259,51.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8260,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,1.0, United-States +8261,57.0, Local-gov, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8262,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8263,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8264,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +8265,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +8266,65.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,6514.0,0.0,40.0, United-States +8267,18.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +8268,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +8269,67.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States +8270,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +8271,31.0, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +8272,47.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +8273,44.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +8274,46.0, Self-emp-inc, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +8275,41.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8276,51.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, Black, Male,8614.0,0.0,40.0, United-States +8277,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8278,63.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +8279,35.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8280,35.0, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,50.0, United-States +8281,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +8282,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +8283,47.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, Italy +8284,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +8285,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +8286,28.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8287,71.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,4.0, United-States +8288,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +8289,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, Taiwan +8290,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8291,49.0, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Not-in-family, White, Female,2597.0,0.0,40.0, United-States +8292,40.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8293,60.0, Private, 7th-8th,4.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,15.0, United-States +8294,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +8295,58.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +8296,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8297,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +8298,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,33.0, United-States +8299,38.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +8300,63.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8301,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +8302,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States +8303,20.0, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8304,61.0, Private, 7th-8th,4.0, Widowed, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +8305,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +8306,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +8307,26.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +8308,45.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,27828.0,0.0,56.0, United-States +8309,53.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1573.0,40.0, Italy +8310,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8311,45.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +8312,28.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +8313,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States +8314,29.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,594.0,0.0,24.0, United-States +8315,25.0, Self-emp-not-inc, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +8316,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,,50.0, United-States +8317,21.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +8318,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +8319,29.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8320,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +8321,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +8322,40.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Own-child, White, Female,0.0,1902.0,40.0, United-States +8323,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8324,19.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,20.0, United-States +8325,52.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, United-States +8326,40.0, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,2174.0,0.0,60.0, Poland +8327,43.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,45.0, United-States +8328,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8329,45.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8330,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +8331,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States +8332,64.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,32.0, United-States +8333,49.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8334,36.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +8335,38.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +8336,28.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +8337,33.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8338,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +8339,41.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States +8340,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8341,34.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8342,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +8343,22.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, Jamaica +8344,35.0, Private, Assoc-voc,11.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +8345,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8346,51.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +8347,68.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,40.0, United-States +8348,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +8349,42.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +8350,28.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Portugal +8351,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +8352,22.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,36.0, United-States +8353,42.0, Private, 9th,5.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +8354,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,54.0, United-States +8355,41.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8356,60.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,44.0, United-States +8357,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Mexico +8358,24.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +8359,23.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +8360,25.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +8361,21.0, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,48.0, Mexico +8362,32.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1590.0,40.0, United-States +8363,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8364,30.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8365,66.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, England +8366,53.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,45.0, United-States +8367,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +8368,35.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +8369,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +8370,41.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8371,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +8372,48.0, Local-gov, Masters,14.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8373,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +8374,45.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +8375,38.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +8376,44.0, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8377,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +8378,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8379,36.0, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +8380,34.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +8381,23.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +8382,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Poland +8383,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +8384,45.0, Federal-gov, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States +8385,26.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +8386,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8387,38.0, Private, 1st-4th,2.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +8388,48.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States +8389,36.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +8390,19.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States +8391,64.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,18.0, United-States +8392,56.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8393,25.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States +8394,34.0, State-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Black, Male,0.0,0.0,47.0, United-States +8395,26.0, Private, 12th,8.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Puerto-Rico +8396,26.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +8397,44.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +8398,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States +8399,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +8400,36.0, Self-emp-inc, Some-college,10.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States +8401,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +8402,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States +8403,59.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +8404,42.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8405,44.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8406,36.0, Private, 10th,6.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +8407,52.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, +8408,25.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8409,31.0, Federal-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8410,30.0, State-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8411,48.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +8412,46.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +8413,31.0, Private, Some-college,10.0, Married-AF-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States +8414,62.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +8415,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8416,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +8417,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +8418,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8419,21.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +8420,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +8421,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8422,74.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,1.0, United-States +8423,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States +8424,44.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +8425,55.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +8426,34.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8427,29.0, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +8428,35.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8429,57.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +8430,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8431,63.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8432,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +8433,31.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8434,47.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +8435,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8436,47.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,50.0, United-States +8437,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +8438,52.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +8439,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,70.0, United-States +8440,42.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States +8441,40.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States +8442,24.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States +8443,36.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8444,48.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8445,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8446,76.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8447,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +8448,38.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +8449,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +8450,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,50.0, United-States +8451,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8452,69.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +8453,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +8454,20.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +8455,32.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8456,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +8457,53.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8458,36.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +8459,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, United-States +8460,57.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +8461,41.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8462,57.0, Private, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,32.0, United-States +8463,22.0, Private, 10th,6.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8464,48.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,60.0, United-States +8465,45.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8466,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8467,56.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8468,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States +8469,79.0, Federal-gov, Doctorate,16.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,6.0, United-States +8470,38.0, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +8471,68.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,6360.0,0.0,20.0, United-States +8472,53.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +8473,81.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +8474,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1573.0,70.0, United-States +8475,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +8476,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +8477,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,65.0, United-States +8478,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,37.0, United-States +8479,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,35.0, United-States +8480,25.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Dominican-Republic +8481,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +8482,30.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8483,18.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States +8484,49.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +8485,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +8486,42.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8487,21.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +8488,61.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States +8489,63.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +8490,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +8491,27.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,38.0, United-States +8492,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States +8493,29.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Germany +8494,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8495,32.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +8496,33.0, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +8497,37.0, Private, 12th,8.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +8498,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States +8499,36.0, Private, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States +8500,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +8501,31.0, State-gov, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8502,46.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +8503,45.0, Local-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,47.0, United-States +8504,43.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +8505,37.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,25.0, United-States +8506,34.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +8507,59.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8508,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Nicaragua +8509,49.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8510,34.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +8511,56.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States +8512,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States +8513,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8514,49.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8515,65.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,28.0, United-States +8516,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,44.0, United-States +8517,26.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +8518,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8519,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,45.0, United-States +8520,51.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,52.0, United-States +8521,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,42.0, United-States +8522,33.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +8523,55.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8524,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +8525,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +8526,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,98.0, United-States +8527,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +8528,38.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,52.0, United-States +8529,59.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines +8530,29.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8531,46.0, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,2258.0,38.0, United-States +8532,28.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +8533,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +8534,57.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8535,63.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +8536,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +8537,36.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +8538,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8539,26.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8540,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8541,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8542,45.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +8543,29.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +8544,17.0, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +8545,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +8546,28.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States +8547,28.0, Private, 7th-8th,4.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +8548,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +8549,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +8550,61.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8551,37.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8552,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8553,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8554,61.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +8555,55.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States +8556,29.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8557,24.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +8558,41.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8559,22.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +8560,33.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,21.0, United-States +8561,23.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,50.0, United-States +8562,38.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8563,28.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +8564,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +8565,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +8566,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +8567,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8568,51.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8569,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8570,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8571,48.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +8572,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8573,37.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +8574,36.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,40.0, Ireland +8575,41.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +8576,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8577,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8578,26.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +8579,20.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico +8580,47.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +8581,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +8582,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8583,52.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +8584,25.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +8585,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +8586,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8587,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +8588,40.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +8589,40.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8590,26.0, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,10.0, Jamaica +8591,64.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +8592,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +8593,27.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,32.0, Dominican-Republic +8594,60.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +8595,36.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8596,43.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,22.0, United-States +8597,29.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,6.0, United-States +8598,40.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8599,79.0, Local-gov, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,7.0, United-States +8600,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +8601,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +8602,45.0, State-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8603,32.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +8604,33.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +8605,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8606,23.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,30.0, United-States +8607,40.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +8608,47.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +8609,25.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +8610,25.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8611,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8612,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +8613,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8614,36.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +8615,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8616,63.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +8617,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8618,56.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,67.0, United-States +8619,52.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8620,19.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +8621,64.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8622,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8623,50.0, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8624,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, England +8625,43.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +8626,52.0, State-gov, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States +8627,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1887.0,20.0, United-States +8628,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8629,65.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States +8630,54.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States +8631,29.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,42.0, United-States +8632,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States +8633,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,35.0, United-States +8634,55.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States +8635,31.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8636,19.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +8637,24.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +8638,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +8639,59.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +8640,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States +8641,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States +8642,61.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +8643,29.0, Private, Some-college,10.0, Separated, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,30.0, Guatemala +8644,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +8645,37.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,25236.0,0.0,25.0, United-States +8646,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +8647,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,38.0, United-States +8648,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,37.0, United-States +8649,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8650,32.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,16.0, United-States +8651,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8652,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,55.0, United-States +8653,29.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +8654,65.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, Jamaica +8655,52.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +8656,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8657,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,3103.0,0.0,84.0, Vietnam +8658,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +8659,53.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1590.0,50.0, United-States +8660,23.0, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Guatemala +8661,58.0, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,43.0, United-States +8662,45.0, Local-gov, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +8663,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +8664,22.0, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States +8665,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +8666,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +8667,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8668,58.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8669,51.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,16.0, United-States +8670,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,23.0, United-States +8671,31.0, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8672,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +8673,47.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,40.0, United-States +8674,17.0, Self-emp-not-inc, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States +8675,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8676,52.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Jamaica +8677,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States +8678,76.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,6.0, United-States +8679,49.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +8680,53.0, Federal-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +8681,45.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +8682,48.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8683,23.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +8684,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8685,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,70.0, Canada +8686,36.0, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +8687,29.0, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Female,1831.0,0.0,40.0, United-States +8688,48.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,16.0, United-States +8689,36.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8690,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +8691,42.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,55.0, United-States +8692,48.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, Dominican-Republic +8693,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +8694,18.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States +8695,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8696,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,10.0, United-States +8697,20.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +8698,24.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +8699,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +8700,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,10520.0,0.0,60.0, United-States +8701,38.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +8702,27.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +8703,74.0, Self-emp-inc, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +8704,19.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,15.0, United-States +8705,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8706,57.0, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +8707,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +8708,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +8709,52.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8710,45.0, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +8711,44.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8712,41.0, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +8713,33.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +8714,39.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +8715,28.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8716,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8717,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8718,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +8719,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8720,43.0, Local-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, Black, Female,8614.0,0.0,47.0, United-States +8721,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8722,38.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +8723,17.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +8724,48.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,45.0, United-States +8725,25.0, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +8726,26.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8727,24.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +8728,36.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8729,37.0, Private, 12th,8.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +8730,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +8731,19.0, Private, 11th,7.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,25.0, United-States +8732,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +8733,33.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,7298.0,0.0,50.0, United-States +8734,39.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8735,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, Canada +8736,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8737,33.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8738,42.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8739,24.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,2885.0,0.0,45.0, United-States +8740,34.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0.0,0.0,40.0, United-States +8741,18.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8742,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States +8743,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8744,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8745,45.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +8746,52.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8747,33.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,1138.0,40.0, United-States +8748,53.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,65.0, United-States +8749,49.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +8750,42.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +8751,51.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +8752,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +8753,45.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8754,39.0, Self-emp-not-inc, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +8755,72.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Scotland +8756,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,15.0, United-States +8757,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,55.0, United-States +8758,54.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8759,75.0, Self-emp-inc, 11th,7.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8760,20.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +8761,33.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,15.0, United-States +8762,44.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,54.0, United-States +8763,54.0, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +8764,60.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +8765,69.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +8766,46.0, Private, Assoc-acdm,12.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +8767,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8768,43.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8769,44.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States +8770,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +8771,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +8772,31.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8773,40.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States +8774,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +8775,18.0, State-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +8776,56.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,10.0, United-States +8777,21.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,36.0, United-States +8778,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +8779,59.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8780,61.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +8781,62.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8782,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States +8783,42.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,3464.0,0.0,80.0, United-States +8784,38.0, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +8785,48.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,80.0, United-States +8786,57.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8787,48.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +8788,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1504.0,35.0, United-States +8789,54.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8790,64.0, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +8791,50.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8792,44.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8793,36.0, State-gov, HS-grad,9.0, Never-married, Protective-serv, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +8794,33.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +8795,37.0, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +8796,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8797,33.0, Private, Assoc-voc,11.0, Separated, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8798,36.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +8799,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Germany +8800,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Yugoslavia +8801,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8802,34.0, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +8803,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8804,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, Philippines +8805,58.0, State-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8806,44.0, Private, Doctorate,16.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +8807,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States +8808,29.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8809,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8810,29.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8811,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,27.0, United-States +8812,53.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +8813,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8814,52.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +8815,24.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Own-child, White, Female,0.0,0.0,36.0, United-States +8816,27.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +8817,59.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,45.0, United-States +8818,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +8819,36.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,53.0, United-States +8820,65.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +8821,39.0, Private, 12th,8.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,48.0, Haiti +8822,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2415.0,40.0, United-States +8823,60.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,15.0, Germany +8824,25.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States +8825,39.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States +8826,37.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States +8827,19.0, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,30.0, United-States +8828,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8829,52.0, Federal-gov, 10th,6.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +8830,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,48.0, United-States +8831,30.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +8832,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States +8833,50.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +8834,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,50.0, United-States +8835,41.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +8836,23.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8837,55.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +8838,54.0, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +8839,55.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States +8840,54.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8841,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,16.0, Haiti +8842,19.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,1602.0,45.0, United-States +8843,34.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,60.0, United-States +8844,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +8845,62.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8846,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +8847,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8848,55.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +8849,59.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,84.0, United-States +8850,28.0, Local-gov, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,5.0, United-States +8851,40.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +8852,29.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8853,36.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8854,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580.0,0.0,40.0, United-States +8855,24.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,20.0, United-States +8856,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +8857,44.0, Private, 11th,7.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178.0,0.0,36.0, United-States +8858,39.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +8859,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Other, Male,0.0,0.0,40.0, United-States +8860,45.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +8861,63.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,27.0, United-States +8862,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8863,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States +8864,40.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, Greece +8865,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,60.0, United-States +8866,46.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8867,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8868,42.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +8869,57.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +8870,38.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +8871,43.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +8872,34.0, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States +8873,56.0, Self-emp-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +8874,35.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8875,25.0, Private, Some-college,10.0, Divorced, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +8876,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +8877,39.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, Dominican-Republic +8878,44.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,42.0, United-States +8879,29.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8880,26.0, Private, Assoc-voc,11.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,65.0, United-States +8881,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +8882,48.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +8883,31.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Other-relative, White, Male,0.0,0.0,45.0, United-States +8884,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,40.0, United-States +8885,52.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8886,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829.0,0.0,65.0, United-States +8887,46.0, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States +8888,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +8889,26.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +8890,36.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +8891,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +8892,37.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8893,46.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +8894,36.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +8895,41.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8896,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +8897,23.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8898,63.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,1408.0,40.0, United-States +8899,46.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,1602.0,8.0, United-States +8900,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +8901,56.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +8902,25.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,27828.0,0.0,50.0, United-States +8903,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,3103.0,0.0,50.0, United-States +8904,45.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8905,27.0, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +8906,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8907,52.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +8908,44.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States +8909,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,3325.0,0.0,40.0, United-States +8910,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,12.0, United-States +8911,57.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,2258.0,40.0, United-States +8912,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8913,57.0, Self-emp-not-inc, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States +8914,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,44.0, United-States +8915,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +8916,56.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +8917,38.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +8918,28.0, State-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, Germany +8919,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,1055.0,0.0,24.0, United-States +8920,28.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +8921,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +8922,55.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States +8923,55.0, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +8924,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States +8925,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,57.0, United-States +8926,34.0,, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,27.0, United-States +8927,50.0, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Cuba +8928,55.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +8929,67.0, Local-gov, Masters,14.0, Never-married, Exec-managerial, Other-relative, White, Female,15831.0,0.0,72.0, United-States +8930,45.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +8931,20.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,25.0, United-States +8932,36.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,45.0, United-States +8933,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States +8934,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8935,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8936,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +8937,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +8938,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0.0,1977.0,40.0, United-States +8939,38.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8940,47.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +8941,29.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States +8942,61.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103.0,0.0,40.0, United-States +8943,37.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1741.0,70.0, United-States +8944,34.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +8945,48.0, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8946,33.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +8947,25.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3137.0,0.0,40.0, United-States +8948,42.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +8949,59.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,50.0, United-States +8950,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1977.0,65.0, United-States +8951,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +8952,44.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,60.0, United-States +8953,47.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +8954,35.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +8955,46.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +8956,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,48.0, United-States +8957,56.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +8958,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +8959,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,18.0, United-States +8960,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +8961,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +8962,25.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +8963,27.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +8964,59.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8965,32.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +8966,60.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +8967,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Germany +8968,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,2202.0,0.0,40.0, Taiwan +8969,61.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +8970,25.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +8971,32.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +8972,49.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, Columbia +8973,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States +8974,35.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,20.0, United-States +8975,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +8976,60.0, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +8977,22.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +8978,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +8979,33.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +8980,55.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +8981,34.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +8982,26.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +8983,64.0, Local-gov, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +8984,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8985,31.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +8986,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +8987,32.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +8988,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +8989,27.0, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,60.0, United-States +8990,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +8991,24.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +8992,38.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +8993,37.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +8994,22.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +8995,69.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States +8996,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +8997,31.0, Private, Assoc-voc,11.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States +8998,39.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +8999,23.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +9000,48.0, Local-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, Black, Female,9562.0,0.0,40.0, United-States +9001,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +9002,29.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +9003,30.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9004,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +9005,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, El-Salvador +9006,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States +9007,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,9.0, United-States +9008,32.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9009,35.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,7443.0,0.0,40.0, United-States +9010,42.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9011,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +9012,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States +9013,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,45.0, United-States +9014,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +9015,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +9016,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,1055.0,0.0,40.0, United-States +9017,22.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, England +9018,61.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9019,56.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9020,54.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9021,39.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States +9022,33.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States +9023,33.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9024,43.0, Private, 5th-6th,3.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador +9025,19.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,10.0, United-States +9026,35.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9027,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9028,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9029,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9030,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +9031,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9032,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +9033,28.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +9034,53.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +9035,50.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,55.0, United-States +9036,52.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +9037,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +9038,29.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States +9039,57.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +9040,42.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +9041,45.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, Mexico +9042,44.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +9043,35.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9044,54.0, Federal-gov, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9045,44.0, Private, 12th,8.0, Divorced, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States +9046,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,42.0, United-States +9047,31.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,65.0, United-States +9048,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9049,58.0, Private, 10th,6.0, Separated, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9050,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States +9051,41.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +9052,46.0, Private, 11th,7.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,27.0, El-Salvador +9053,44.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9054,45.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +9055,20.0, Private, Some-college,10.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +9056,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +9057,37.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9058,45.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9059,29.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,60.0, United-States +9060,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +9061,, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9062,42.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States +9063,32.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, Cuba +9064,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9065,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan +9066,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, United-States +9067,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9068,32.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,1590.0,62.0, United-States +9069,35.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,38.0, Germany +9070,23.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +9071,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9072,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9073,32.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +9074,41.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9075,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +9076,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,45.0, United-States +9077,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +9078,35.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +9079,47.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +9080,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9081,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9082,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,36.0, United-States +9083,51.0, Local-gov, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9084,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9085,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +9086,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9087,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States +9088,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,44.0, United-States +9089,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9090,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +9091,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +9092,18.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,21.0, United-States +9093,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +9094,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9095,55.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9096,36.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,,40.0, United-States +9097,44.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Male,5455.0,0.0,40.0, United-States +9098,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9099,29.0, State-gov, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9100,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, England +9101,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States +9102,44.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9103,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9104,33.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +9105,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +9106,24.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,65.0, United-States +9107,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +9108,36.0, Private, Some-college,10.0, Never-married, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9109,36.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +9110,53.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,45.0, United-States +9111,41.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States +9112,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +9113,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +9114,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +9115,48.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, Other, Female,0.0,0.0,38.0, Ecuador +9116,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +9117,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States +9118,32.0, Private, 9th,5.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,23.0, Mexico +9119,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9120,29.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +9121,40.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,80.0, United-States +9122,34.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +9123,36.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +9124,32.0, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9125,45.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +9126,41.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9127,63.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9128,20.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +9129,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,26.0, United-States +9130,50.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9131,65.0, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,3175.0,60.0, Puerto-Rico +9132,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +9133,33.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, England +9134,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States +9135,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +9136,39.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +9137,27.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,42.0, United-States +9138,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +9139,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +9140,48.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,36.0, United-States +9141,58.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,60.0, United-States +9142,42.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,50.0, United-States +9143,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,4650.0,0.0,50.0, United-States +9144,31.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9145,78.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,24.0, United-States +9146,39.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +9147,37.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +9148,51.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9149,63.0, Private, 12th,8.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States +9150,57.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +9151,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +9152,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +9153,35.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,50.0, United-States +9154,25.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9155,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,35.0, China +9156,25.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +9157,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States +9158,25.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +9159,31.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9160,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1564.0,50.0, United-States +9161,29.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +9162,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,56.0, United-States +9163,31.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9164,33.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +9165,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,48.0, United-States +9166,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, Poland +9167,33.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9168,17.0, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,20.0, United-States +9169,57.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9170,51.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +9171,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +9172,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico +9173,29.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,55.0, United-States +9174,26.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +9175,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +9176,45.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +9177,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +9178,29.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9179,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +9180,56.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +9181,36.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +9182,34.0, Private, 11th,7.0, Divorced, Sales, Own-child, Black, Female,0.0,0.0,37.0, United-States +9183,30.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +9184,54.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9185,25.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,30.0, United-States +9186,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,30.0, United-States +9187,41.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +9188,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +9189,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,10.0, United-States +9190,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9191,31.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +9192,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +9193,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9194,39.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9195,36.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9196,64.0, State-gov, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, Black, Male,8614.0,0.0,50.0, United-States +9197,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +9198,54.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,36.0, United-States +9199,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9200,39.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +9201,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +9202,38.0, Private, 10th,6.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2559.0,90.0, United-States +9203,52.0, Private, Bachelors,, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +9204,29.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9205,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9206,28.0, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9207,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9208,25.0, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9209,51.0, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,70.0, United-States +9210,41.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +9211,45.0, Federal-gov, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +9212,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9213,56.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +9214,37.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9215,65.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +9216,37.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9217,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +9218,53.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9219,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States +9220,41.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9221,56.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States +9222,41.0, State-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,1590.0,40.0, Puerto-Rico +9223,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +9224,38.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9225,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +9226,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,60.0, United-States +9227,35.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,96.0, United-States +9228,54.0, Private, Doctorate,16.0, Widowed, Tech-support, Unmarried, White, Male,0.0,2472.0,40.0, United-States +9229,32.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9230,27.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +9231,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1651.0,38.0, United-States +9232,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9233,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +9234,38.0, Private, HS-grad,9.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9235,41.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9236,36.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +9237,46.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +9238,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +9239,33.0, Federal-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States +9240,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Poland +9241,28.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,3.0, United-States +9242,27.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +9243,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +9244,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9245,44.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,60.0, United-States +9246,25.0, Private, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +9247,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +9248,32.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States +9249,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +9250,41.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1974.0,40.0, United-States +9251,42.0, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Black, Female,2977.0,0.0,40.0, United-States +9252,17.0, Private, 5th-6th,3.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +9253,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +9254,66.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2290.0,0.0,30.0, Hungary +9255,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +9256,43.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +9257,67.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,60.0, Italy +9258,24.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +9259,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +9260,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +9261,59.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,3908.0,0.0,28.0, United-States +9262,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +9263,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, Ireland +9264,39.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,1602.0,35.0, United-States +9265,53.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +9266,42.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +9267,41.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +9268,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9269,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +9270,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9271,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9272,34.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +9273,22.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +9274,22.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9275,46.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +9276,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +9277,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9278,59.0, Private, Masters,14.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9279,43.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +9280,46.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +9281,51.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,55.0, United-States +9282,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +9283,43.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,24.0, United-States +9284,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +9285,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2205.0,40.0, United-States +9286,28.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9287,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9288,74.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,1409.0,0.0,20.0, Canada +9289,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +9290,45.0, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States +9291,22.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +9292,38.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9293,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9294,38.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Iran +9295,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9296,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +9297,45.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +9298,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,38.0, United-States +9299,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +9300,56.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +9301,30.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +9302,36.0, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +9303,44.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +9304,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +9305,44.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States +9306,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +9307,56.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9308,58.0, Private, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1980.0,45.0, United-States +9309,32.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,53.0, United-States +9310,53.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,4386.0,0.0,40.0, United-States +9311,23.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico +9312,44.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +9313,25.0, Private, 9th,5.0, Never-married, Craft-repair, Unmarried, White, Male,914.0,0.0,40.0, United-States +9314,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +9315,41.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States +9316,17.0, Private, 7th-8th,4.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States +9317,30.0, Private, 9th,5.0, Never-married, Farming-fishing, Other-relative, Black, Male,0.0,0.0,40.0, United-States +9318,25.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +9319,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +9320,49.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +9321,56.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States +9322,33.0, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +9323,34.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Philippines +9324,42.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +9325,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9326,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +9327,56.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States +9328,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States +9329,28.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +9330,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +9331,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9332,48.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,44.0, United-States +9333,58.0, Self-emp-not-inc, 12th,8.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,52.0, United-States +9334,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9335,32.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +9336,45.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9337,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +9338,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,55.0, United-States +9339,40.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,8.0, Guatemala +9340,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +9341,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +9342,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9343,40.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +9344,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9345,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +9346,41.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States +9347,59.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +9348,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9349,54.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,25.0, United-States +9350,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +9351,49.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +9352,47.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9353,31.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2258.0,40.0, United-States +9354,41.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,36.0, United-States +9355,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +9356,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +9357,48.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States +9358,65.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +9359,22.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +9360,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,28.0, United-States +9361,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9362,22.0, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +9363,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +9364,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9365,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +9366,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9367,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +9368,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +9369,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Ecuador +9370,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9371,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines +9372,30.0, Private, HS-grad,9.0, Married-AF-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +9373,27.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Male,2174.0,0.0,40.0, United-States +9374,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +9375,46.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Guatemala +9376,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +9377,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +9378,62.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,24.0, Mexico +9379,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +9380,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +9381,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +9382,67.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9383,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States +9384,35.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, Canada +9385,20.0, Private, 5th-6th,3.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico +9386,31.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,1669.0,50.0, United-States +9387,22.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +9388,56.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +9389,34.0, Federal-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9390,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +9391,35.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +9392,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +9393,30.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,36.0, United-States +9394,46.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +9395,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +9396,49.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +9397,30.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +9398,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9399,33.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9400,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9401,30.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9402,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States +9403,36.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +9404,59.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9405,44.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,5.0, United-States +9406,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, United-States +9407,20.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States +9408,36.0, Private, Some-college,10.0, Separated, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States +9409,47.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +9410,68.0, Self-emp-not-inc, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,20.0, United-States +9411,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +9412,31.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +9413,28.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +9414,54.0, Local-gov, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,2001.0,35.0, United-States +9415,33.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Ecuador +9416,58.0, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States +9417,26.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,80.0, United-States +9418,48.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9419,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,35.0, United-States +9420,42.0, Private, Bachelors,13.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9421,33.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +9422,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9423,29.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +9424,24.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9425,37.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9426,31.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9427,43.0, Private, 5th-6th,3.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, Mexico +9428,30.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9429,56.0, Federal-gov, Masters,14.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +9430,59.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +9431,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +9432,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +9433,65.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +9434,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +9435,35.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9436,22.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +9437,31.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +9438,37.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +9439,49.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +9440,32.0, Self-emp-not-inc, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9441,57.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States +9442,41.0, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,36.0, United-States +9443,28.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9444,50.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,32.0, United-States +9445,61.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +9446,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +9447,21.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +9448,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9449,37.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +9450,33.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +9451,33.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica +9452,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9453,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States +9454,55.0, Private, Bachelors,13.0, Widowed, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +9455,31.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9456,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9457,49.0, Self-emp-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +9458,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9459,47.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +9460,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +9461,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +9462,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +9463,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9464,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,36.0, United-States +9465,24.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9466,43.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States +9467,23.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +9468,33.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9469,31.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States +9470,60.0, Federal-gov, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9471,35.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,32.0, United-States +9472,21.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,36.0, United-States +9473,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9474,56.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9475,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +9476,63.0, Private, 10th,6.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,56.0, United-States +9477,43.0, Local-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,7430.0,0.0,60.0, United-States +9478,45.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,7430.0,0.0,70.0, United-States +9479,60.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9480,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States +9481,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +9482,31.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, Other, Male,0.0,0.0,50.0, United-States +9483,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +9484,24.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +9485,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States +9486,45.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +9487,26.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +9488,69.0, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,1848.0,0.0,50.0, United-States +9489,75.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +9490,54.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9491,44.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +9492,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +9493,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +9494,43.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +9495,42.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,35.0, United-States +9496,53.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +9497,24.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +9498,34.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,39.0, United-States +9499,48.0, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9500,34.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +9501,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,25.0, Philippines +9502,25.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +9503,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +9504,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +9505,19.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,594.0,0.0,15.0, United-States +9506,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +9507,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9508,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1974.0,40.0, United-States +9509,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,70.0, United-States +9510,46.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1740.0,60.0, United-States +9511,19.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +9512,33.0, Private, 12th,8.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States +9513,63.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +9514,47.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,35.0, United-States +9515,34.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9516,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States +9517,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +9518,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,3.0, United-States +9519,34.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +9520,34.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +9521,44.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9522,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +9523,26.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9524,19.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States +9525,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +9526,44.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +9527,57.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9528,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9529,59.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +9530,40.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,45.0, United-States +9531,31.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +9532,80.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,40.0, United-States +9533,24.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +9534,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +9535,28.0, Private, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9536,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1672.0,50.0, United-States +9537,30.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,48.0, United-States +9538,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,47.0, United-States +9539,59.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9540,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,32.0, United-States +9541,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +9542,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +9543,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,52.0, United-States +9544,57.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States +9545,39.0, State-gov, Some-college,10.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,37.0, United-States +9546,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9547,49.0, Self-emp-inc, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States +9548,89.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9549,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,90.0, United-States +9550,32.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +9551,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,35.0, United-States +9552,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9553,44.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +9554,51.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +9555,37.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, France +9556,52.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +9557,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,85.0, United-States +9558,46.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Germany +9559,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4508.0,0.0,8.0, United-States +9560,42.0, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +9561,48.0, Federal-gov, HS-grad,9.0, Divorced, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States +9562,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9563,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9564,31.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States +9565,33.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,38.0, El-Salvador +9566,46.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9567,34.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +9568,23.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,40.0, Jamaica +9569,57.0, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +9570,26.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,65.0, United-States +9571,38.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9572,51.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti +9573,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, Columbia +9574,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +9575,45.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9576,74.0, State-gov, 7th-8th,4.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,20.0, United-States +9577,51.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +9578,25.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +9579,40.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +9580,59.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +9581,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +9582,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9583,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +9584,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +9585,66.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +9586,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9587,26.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +9588,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +9589,43.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9590,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +9591,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +9592,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,,0.0,50.0, United-States +9593,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +9594,43.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States +9595,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +9596,32.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +9597,56.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9598,32.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9599,73.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9600,44.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +9601,62.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +9602,52.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9603,35.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +9604,44.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States +9605,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +9606,48.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Mexico +9607,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,1485.0,37.0, United-States +9608,19.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States +9609,37.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9610,59.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9611,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,15.0, United-States +9612,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +9613,28.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9614,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +9615,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, England +9616,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +9617,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +9618,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +9619,64.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +9620,39.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +9621,28.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +9622,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +9623,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9624,57.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +9625,33.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +9626,36.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Italy +9627,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9628,55.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,40.0, Scotland +9629,22.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +9630,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,80.0, United-States +9631,50.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9632,23.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Other, Female,99999.0,0.0,40.0, United-States +9633,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +9634,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +9635,34.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +9636,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +9637,46.0, Private, 7th-8th,4.0, Married-spouse-absent, Priv-house-serv, Unmarried, White, Female,0.0,1594.0,24.0, Guatemala +9638,31.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +9639,32.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +9640,90.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +9641,24.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +9642,33.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9643,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States +9644,30.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,72.0, United-States +9645,30.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +9646,26.0, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +9647,55.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +9648,18.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +9649,33.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +9650,54.0, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +9651,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9652,28.0, State-gov, Some-college,10.0, Separated, Exec-managerial, Own-child, White, Male,0.0,2339.0,40.0, United-States +9653,69.0, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,8.0, United-States +9654,49.0, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2258.0,50.0, United-States +9655,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +9656,80.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +9657,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +9658,52.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +9659,55.0, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +9660,55.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +9661,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9662,51.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, United-States +9663,53.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4386.0,0.0,40.0, United-States +9664,48.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9665,46.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +9666,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,5178.0,0.0,60.0, United-States +9667,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9668,36.0, Private, HS-grad,9.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +9669,66.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +9670,36.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States +9671,77.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +9672,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9673,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States +9674,58.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States +9675,47.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9676,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,36.0, United-States +9677,32.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +9678,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9679,61.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2051.0,40.0, United-States +9680,51.0, Private, 10th,6.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +9681,54.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, Canada +9682,52.0, Without-pay, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +9683,26.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +9684,73.0, Private, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States +9685,39.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9686,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, Mexico +9687,27.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +9688,30.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9689,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +9690,57.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9691,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9692,46.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, England +9693,43.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +9694,31.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +9695,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9696,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States +9697,30.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +9698,49.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9699,58.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +9700,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +9701,52.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States +9702,39.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +9703,47.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,40.0, United-States +9704,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9705,35.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +9706,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Puerto-Rico +9707,34.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +9708,37.0, Federal-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9709,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +9710,39.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1380.0,40.0, United-States +9711,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +9712,22.0, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +9713,52.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +9714,37.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9715,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Ecuador +9716,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +9717,42.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9718,56.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +9719,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States +9720,29.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +9721,50.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9722,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +9723,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,65.0, United-States +9724,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9725,36.0, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9726,49.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States +9727,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States +9728,44.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +9729,31.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +9730,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +9731,51.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +9732,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States +9733,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9734,47.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9735,35.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +9736,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States +9737,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +9738,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +9739,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +9740,58.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,55.0, United-States +9741,67.0, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,1086.0,0.0,15.0, United-States +9742,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9743,58.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +9744,48.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9745,45.0, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,2824.0,76.0, United-States +9746,50.0, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +9747,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,55.0, United-States +9748,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1848.0,48.0, United-States +9749,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +9750,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9751,27.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,37.0, Portugal +9752,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,72.0, United-States +9753,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +9754,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +9755,27.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +9756,37.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9757,20.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States +9758,22.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,2205.0,45.0, United-States +9759,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9760,75.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +9761,25.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9762,43.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +9763,64.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, France +9764,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,45.0, India +9765,28.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,5721.0,0.0,40.0, United-States +9766,58.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +9767,35.0, Local-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,42.0, United-States +9768,20.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9769,29.0, Private, 10th,6.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9770,57.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9771,20.0, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +9772,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +9773,57.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +9774,60.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +9775,19.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, United-States +9776,17.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,30.0, United-States +9777,36.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0.0,0.0,69.0, Germany +9778,29.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9779,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,27.0, United-States +9780,53.0, Self-emp-inc, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +9781,49.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9782,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9783,47.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9784,30.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +9785,27.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,30.0, United-States +9786,51.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9787,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, Black, Male,0.0,0.0,45.0, United-States +9788,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +9789,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +9790,54.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3908.0,0.0,50.0, United-States +9791,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +9792,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +9793,57.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +9794,42.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,33.0, United-States +9795,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,50.0, United-States +9796,40.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,40.0, Honduras +9797,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +9798,39.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,2885.0,0.0,30.0, United-States +9799,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +9800,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +9801,37.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +9802,39.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +9803,84.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,13.0, United-States +9804,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +9805,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico +9806,38.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9807,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +9808,53.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9809,31.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,90.0, United-States +9810,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +9811,20.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +9812,40.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +9813,41.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,33.0, United-States +9814,49.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +9815,74.0, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,20.0, United-States +9816,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,72.0, United-States +9817,50.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +9818,47.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,43.0, United-States +9819,46.0, Local-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9820,51.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +9821,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +9822,34.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, Mexico +9823,57.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +9824,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9825,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +9826,33.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +9827,40.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,6849.0,0.0,43.0, United-States +9828,28.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,70.0, United-States +9829,26.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States +9830,57.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,40.0, United-States +9831,30.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,53.0, United-States +9832,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,12.0, United-States +9833,33.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9834,39.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +9835,36.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +9836,43.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +9837,53.0, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Cuba +9838,40.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States +9839,53.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9840,41.0, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9841,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +9842,28.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,60.0, United-States +9843,56.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +9844,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +9845,27.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9846,61.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States +9847,57.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,15024.0,0.0,45.0, United-States +9848,21.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +9849,64.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +9850,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +9851,78.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,45.0, United-States +9852,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,50.0, United-States +9853,48.0, Self-emp-inc, Masters,14.0, Married-spouse-absent, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +9854,59.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States +9855,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9856,27.0, State-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,2174.0,0.0,40.0, United-States +9857,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +9858,38.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9859,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9860,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4386.0,0.0,70.0, United-States +9861,43.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,39.0, United-States +9862,58.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +9863,44.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +9864,33.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +9865,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +9866,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +9867,22.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +9868,48.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,70.0, United-States +9869,63.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9870,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +9871,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,54.0, United-States +9872,43.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +9873,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,36.0, Jamaica +9874,48.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +9875,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +9876,29.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +9877,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +9878,84.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States +9879,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9880,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, South +9881,37.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +9882,29.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +9883,32.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9884,59.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +9885,43.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States +9886,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9887,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +9888,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +9889,27.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +9890,51.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +9891,44.0, Private, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9892,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +9893,42.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,25.0, United-States +9894,56.0, Local-gov, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +9895,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband,, Male,0.0,0.0,50.0, Germany +9896,68.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,2206.0,30.0, United-States +9897,31.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +9898,33.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +9899,28.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Peru +9900,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +9901,60.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +9902,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,50.0, United-States +9903,48.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +9904,60.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +9905,48.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +9906,24.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, Mexico +9907,61.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +9908,38.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +9909,34.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,,0.0,20.0, United-States +9910,63.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States +9911,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9912,28.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,55.0, United-States +9913,37.0, State-gov, Assoc-voc,11.0, Divorced, Protective-serv, Unmarried, Black, Male,0.0,0.0,40.0, United-States +9914,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9915,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +9916,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9917,34.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,64.0, United-States +9918,43.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,2174.0,0.0,45.0, United-States +9919,46.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States +9920,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9921,35.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,37.0, United-States +9922,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +9923,60.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +9924,70.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +9925,30.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9926,40.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,55.0, United-States +9927,57.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9928,38.0, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9929,28.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,2354.0,0.0,60.0, United-States +9930,49.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +9931,38.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States +9932,44.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +9933,47.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +9934,42.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +9935,67.0, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States +9936,43.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +9937,38.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +9938,33.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States +9939,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States +9940,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +9941,29.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Iran +9942,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, Germany +9943,44.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,2377.0,35.0, Hong +9944,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, Poland +9945,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +9946,50.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +9947,34.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +9948,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +9949,43.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,7430.0,0.0,45.0, United-States +9950,46.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,17.0, United-States +9951,40.0, Private, 7th-8th,4.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +9952,70.0, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,18.0, United-States +9953,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +9954,38.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +9955,33.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, Mexico +9956,36.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9957,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +9958,28.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +9959,31.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +9960,22.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +9961,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +9962,55.0, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States +9963,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +9964,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +9965,32.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +9966,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,55.0, United-States +9967,63.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +9968,54.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +9969,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +9970,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +9971,65.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9972,38.0, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +9973,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States +9974,55.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, France +9975,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +9976,36.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +9977,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9978,17.0, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,12.0, United-States +9979,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +9980,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, England +9981,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9982,49.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +9983,61.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +9984,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +9985,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +9986,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +9987,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +9988,25.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, Mexico +9989,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +9990,35.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +9991,38.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +9992,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +9993,64.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Philippines +9994,47.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +9995,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,5.0, United-States +9996,61.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +9997,54.0, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +9998,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +9999,21.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +10000,25.0, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Cambodia +10001,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10002,56.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10003,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10004,43.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +10005,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10006,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1719.0,28.0, United-States +10007,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10008,71.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +10009,66.0, Self-emp-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,86.0, United-States +10010,43.0, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10011,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,47.0, United-States +10012,18.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +10013,28.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10014,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +10015,47.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10016,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +10017,50.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10018,45.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +10019,29.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,40.0, Ecuador +10020,50.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +10021,17.0, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +10022,25.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +10023,51.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +10024,27.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +10025,42.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10026,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States +10027,17.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Other-relative, Other, Male,0.0,0.0,40.0, Mexico +10028,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10029,37.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,99.0, United-States +10030,44.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +10031,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +10032,55.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10033,34.0, Private, Assoc-acdm,12.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +10034,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +10035,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10036,31.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10037,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,49.0, United-States +10038,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +10039,28.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +10040,34.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10041,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +10042,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10043,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +10044,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +10045,24.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +10046,43.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10047,26.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, Hungary +10048,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +10049,37.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,45.0, United-States +10050,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +10051,26.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +10052,52.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +10053,25.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +10054,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +10055,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10056,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10057,76.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,1668.0,40.0, United-States +10058,40.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,5455.0,0.0,40.0, United-States +10059,38.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,42.0, United-States +10060,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10061,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10062,52.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10063,34.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,3325.0,0.0,40.0, United-States +10064,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10065,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan +10066,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Columbia +10067,35.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +10068,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +10069,45.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States +10070,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +10071,21.0, Private, HS-grad,9.0, Widowed, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +10072,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +10073,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +10074,48.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +10075,32.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +10076,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States +10077,47.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10078,56.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +10079,70.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States +10080,50.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +10081,36.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +10082,29.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10083,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +10084,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +10085,54.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10086,56.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1617.0,40.0, United-States +10087,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +10088,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +10089,24.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States +10090,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2129.0,40.0, United-States +10091,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +10092,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +10093,48.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +10094,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +10095,21.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,40.0, United-States +10096,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +10097,64.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +10098,30.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,14.0, United-States +10099,39.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,1628.0,40.0, United-States +10100,42.0, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,39.0, United-States +10101,40.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10102,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10103,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +10104,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +10105,60.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,42.0, United-States +10106,49.0, Local-gov, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +10107,81.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,25.0, Greece +10108,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10109,44.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +10110,40.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +10111,24.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Canada +10112,40.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +10113,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States +10114,33.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, United-States +10115,37.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan +10116,42.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +10117,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10118,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States +10119,36.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10120,64.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Greece +10121,38.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +10122,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +10123,66.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States +10124,51.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10125,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +10126,23.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +10127,37.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +10128,47.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,23.0, United-States +10129,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +10130,62.0, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +10131,51.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +10132,57.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,22.0, United-States +10133,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +10134,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10135,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +10136,36.0, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10137,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +10138,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +10139,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +10140,37.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +10141,25.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +10142,32.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +10143,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +10144,32.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,13.0, United-States +10145,35.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +10146,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +10147,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +10148,42.0, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10149,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States +10150,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +10151,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +10152,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +10153,28.0, Self-emp-not-inc, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,1762.0,40.0, United-States +10154,32.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +10155,72.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States +10156,48.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +10157,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +10158,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland +10159,48.0, Private, 12th,8.0, Separated, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +10160,65.0, State-gov, 7th-8th,4.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,24.0, United-States +10161,31.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +10162,52.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10163,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10164,56.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,58.0, United-States +10165,43.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10166,23.0, Private, 11th,7.0, Separated, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +10167,25.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +10168,59.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,625.0,38.0, United-States +10169,58.0, Private, 7th-8th,4.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +10170,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +10171,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +10172,59.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10173,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10174,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2051.0,40.0, United-States +10175,42.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,15.0, United-States +10176,25.0, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,2472.0,40.0, United-States +10177,65.0, Local-gov, HS-grad,9.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,35.0, United-States +10178,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,30.0, United-States +10179,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +10180,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +10181,26.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +10182,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +10183,38.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, United-States +10184,22.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +10185,64.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10186,34.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,40.0, United-States +10187,53.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +10188,26.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10189,51.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +10190,58.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +10191,32.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +10192,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +10193,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +10194,39.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10195,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +10196,28.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,4101.0,0.0,60.0, United-States +10197,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +10198,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +10199,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10200,50.0, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Haiti +10201,39.0, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +10202,28.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +10203,44.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,60.0, United-States +10204,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,16.0, United-States +10205,31.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,44.0, United-States +10206,39.0, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States +10207,27.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +10208,35.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,30.0, United-States +10209,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +10210,49.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10211,52.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States +10212,26.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10213,63.0, Private, Masters,14.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,46.0, United-States +10214,44.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1617.0,20.0, United-States +10215,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States +10216,37.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10217,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10218,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +10219,38.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,55.0, United-States +10220,51.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +10221,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10222,24.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +10223,28.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1726.0,40.0, United-States +10224,27.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +10225,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +10226,35.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,4101.0,0.0,40.0, United-States +10227,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10228,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,60.0, United-States +10229,36.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10230,34.0, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +10231,30.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10232,22.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +10233,53.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10234,43.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +10235,56.0, Private, 12th,8.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10236,31.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +10237,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +10238,46.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +10239,31.0, Self-emp-inc, Masters,14.0, Never-married, Sales, Own-child, White, Female,27828.0,0.0,40.0, United-States +10240,38.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,43.0, United-States +10241,50.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +10242,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +10243,42.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10244,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +10245,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10246,18.0, Self-emp-not-inc, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,4.0, United-States +10247,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,45.0, United-States +10248,31.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10249,63.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +10250,37.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, United-States +10251,19.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +10252,17.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +10253,29.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +10254,49.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10255,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +10256,33.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10257,42.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +10258,72.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,10.0, Poland +10259,60.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10260,26.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +10261,38.0, Private,,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States +10262,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +10263,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +10264,34.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10265,25.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,78.0, United-States +10266,51.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Male,0.0,0.0,32.0, Haiti +10267,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10268,38.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +10269,32.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +10270,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10271,25.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10272,34.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +10273,33.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +10274,33.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10275,35.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10276,30.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,45.0, United-States +10277,44.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,33.0, United-States +10278,18.0, Self-emp-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +10279,53.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10280,33.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10281,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10282,36.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States +10283,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10284,38.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +10285,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +10286,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10287,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10288,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +10289,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +10290,21.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +10291,42.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,22.0, United-States +10292,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,3411.0,0.0,47.0, United-States +10293,55.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +10294,34.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,55.0, United-States +10295,45.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +10296,46.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10297,57.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,29.0, United-States +10298,46.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +10299,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10300,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +10301,37.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +10302,51.0, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +10303,34.0, Private, 11th,7.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +10304,28.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States +10305,19.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, Guatemala +10306,48.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States +10307,55.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +10308,35.0, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10309,52.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10310,81.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,26.0, United-States +10311,29.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,35.0, United-States +10312,51.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico +10313,63.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,32.0, United-States +10314,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States +10315,38.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10316,55.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States +10317,24.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +10318,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10319,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +10320,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +10321,31.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,40.0, United-States +10322,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +10323,18.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +10324,45.0, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10325,52.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +10326,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +10327,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,40.0, United-States +10328,37.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +10329,26.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +10330,47.0, Private, Bachelors,13.0, Widowed, Priv-house-serv, Unmarried, White, Female,25236.0,0.0,35.0, United-States +10331,23.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +10332,48.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +10333,32.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,60.0, United-States +10334,46.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10335,56.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10336,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +10337,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +10338,24.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +10339,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10340,53.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10341,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan +10342,46.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10343,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +10344,36.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +10345,53.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +10346,25.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +10347,55.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +10348,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +10349,46.0, Private, 10th,6.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +10350,25.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +10351,21.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,49.0, United-States +10352,45.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +10353,59.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,22.0, United-States +10354,41.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10355,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,45.0, United-States +10356,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States +10357,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +10358,63.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10359,47.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10360,40.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10361,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10362,31.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +10363,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10364,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2414.0,0.0,40.0, United-States +10365,37.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +10366,27.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10367,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10368,48.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10369,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10370,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +10371,41.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +10372,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10373,40.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,48.0, United-States +10374,35.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +10375,46.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10376,59.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10377,48.0, State-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,914.0,0.0,40.0, United-States +10378,26.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +10379,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +10380,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +10381,47.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,55.0, Taiwan +10382,69.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,28.0, United-States +10383,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Philippines +10384,41.0, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,20.0, United-States +10385,46.0, Private, Prof-school,15.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10386,69.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +10387,48.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +10388,40.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,2977.0,0.0,35.0, United-States +10389,27.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10390,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Poland +10391,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +10392,43.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +10393,38.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +10394,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +10395,63.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +10396,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +10397,62.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +10398,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, Mexico +10399,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,40.0, United-States +10400,35.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10401,53.0, Private, Preschool,1.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +10402,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +10403,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +10404,27.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064.0,0.0,40.0, El-Salvador +10405,61.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Female,0.0,0.0,45.0, Mexico +10406,33.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,80.0, United-States +10407,67.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +10408,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,65.0, United-States +10409,42.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10410,55.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1617.0,40.0, United-States +10411,42.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,7430.0,0.0,40.0, United-States +10412,51.0, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico +10413,50.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +10414,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,8.0, United-States +10415,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States +10416,43.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,2258.0,50.0, United-States +10417,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +10418,40.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,24.0, United-States +10419,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10420,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,60.0, United-States +10421,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10422,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +10423,61.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +10424,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States +10425,39.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10426,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +10427,45.0, Private, Some-college,10.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,50.0, United-States +10428,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +10429,39.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +10430,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +10431,44.0, Local-gov, Prof-school,15.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +10432,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States +10433,31.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10434,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +10435,47.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10436,55.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10437,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +10438,72.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, Cuba +10439,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,2339.0,35.0, United-States +10440,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,31.0, United-States +10441,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +10442,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States +10443,26.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States +10444,47.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +10445,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States +10446,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +10447,44.0, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,2205.0,35.0, United-States +10448,29.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +10449,34.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +10450,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +10451,29.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,58.0, United-States +10452,41.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +10453,36.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, Mexico +10454,34.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +10455,34.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,1471.0,0.0,40.0, Cambodia +10456,48.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, Greece +10457,33.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Unmarried, Black, Male,0.0,0.0,60.0, United-States +10458,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10459,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,16.0, United-States +10460,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States +10461,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10462,32.0, Private, Some-college,10.0, Married-AF-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +10463,42.0, Local-gov, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +10464,31.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10465,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +10466,90.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,45.0, United-States +10467,62.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10468,39.0, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States +10469,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +10470,36.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Canada +10471,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +10472,20.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, Mexico +10473,46.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +10474,53.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,25236.0,0.0,60.0, United-States +10475,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States +10476,52.0, Private, HS-grad,9.0, Widowed, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +10477,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States +10478,25.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,32.0, United-States +10479,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,38.0, United-States +10480,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10481,63.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10482,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10483,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States +10484,36.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10485,69.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10486,33.0, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,1564.0,52.0, United-States +10487,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +10488,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10489,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,36.0, Philippines +10490,73.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,25124.0,0.0,20.0, United-States +10491,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10492,51.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10493,34.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +10494,62.0, Federal-gov, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +10495,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States +10496,42.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, United-States +10497,52.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, Mexico +10498,53.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10499,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1579.0,36.0, United-States +10500,28.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10501,58.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +10502,52.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,8.0, Philippines +10503,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +10504,45.0, Private, 5th-6th,3.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Ecuador +10505,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10506,47.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +10507,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10508,36.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +10509,62.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States +10510,58.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States +10511,23.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,60.0, Mexico +10512,47.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +10513,27.0, Self-emp-inc, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +10514,43.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Unmarried, Black, Male,0.0,0.0,40.0, United-States +10515,53.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +10516,32.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10517,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States +10518,37.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Own-child, White, Female,0.0,0.0,38.0, United-States +10519,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,51.0, United-States +10520,26.0, Private, Some-college,10.0, Separated, Sales, Other-relative, Black, Male,0.0,0.0,30.0, United-States +10521,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +10522,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +10523,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10524,32.0, Private, Assoc-voc,11.0, Widowed, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +10525,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1485.0,38.0, United-States +10526,54.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +10527,55.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10528,31.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +10529,40.0, Private, 12th,8.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba +10530,28.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10531,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States +10532,79.0, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Not-in-family, White, Female,2964.0,0.0,30.0, United-States +10533,74.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +10534,66.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10535,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10536,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States +10537,32.0, Private, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +10538,28.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10539,41.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +10540,72.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, Canada +10541,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States +10542,46.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10543,68.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States +10544,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States +10545,61.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +10546,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband,, Male,0.0,1672.0,50.0, United-States +10547,60.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10548,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +10549,63.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +10550,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +10551,36.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1848.0,40.0, United-States +10552,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10553,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States +10554,53.0, Federal-gov, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +10555,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador +10556,42.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,60.0, United-States +10557,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10558,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10559,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10560,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +10561,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States +10562,37.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +10563,27.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,37.0, United-States +10564,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States +10565,67.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10566,45.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +10567,51.0, Self-emp-not-inc, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +10568,34.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,2463.0,0.0,40.0, United-States +10569,56.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10570,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10571,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +10572,65.0, Local-gov, 12th,8.0, Widowed, Exec-managerial, Not-in-family, White, Male,2009.0,0.0,44.0, United-States +10573,43.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,38.0, United-States +10574,55.0, Private, 9th,5.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,23.0, United-States +10575,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +10576,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +10577,38.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +10578,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +10579,55.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +10580,60.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +10581,32.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,47.0, Iran +10582,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +10583,43.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,1762.0,24.0, United-States +10584,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +10585,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1902.0,60.0, United-States +10586,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +10587,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Japan +10588,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10589,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +10590,43.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10591,42.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,55.0, United-States +10592,42.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,21.0, Haiti +10593,24.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand +10594,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +10595,41.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10596,28.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10597,67.0, State-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,8.0, United-States +10598,29.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,1564.0,56.0, United-States +10599,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024.0,0.0,45.0, United-States +10600,57.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10601,37.0, Self-emp-not-inc, Preschool,1.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, Mexico +10602,44.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +10603,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States +10604,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States +10605,35.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +10606,46.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +10607,56.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, Canada +10608,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,2597.0,0.0,31.0, United-States +10609,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10610,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +10611,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States +10612,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,43.0, United-States +10613,52.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +10614,24.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10615,57.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,8.0, United-States +10616,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +10617,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10618,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10619,58.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +10620,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,32.0, United-States +10621,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10622,56.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, China +10623,25.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +10624,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +10625,50.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10626,33.0, Private, 12th,8.0, Separated, Adm-clerical, Unmarried, White, Female,1471.0,0.0,40.0, United-States +10627,32.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10628,50.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +10629,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +10630,31.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,8.0, United-States +10631,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +10632,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +10633,59.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,37.0, United-States +10634,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +10635,56.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +10636,76.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +10637,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +10638,21.0, Self-emp-not-inc, 9th,5.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +10639,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10640,55.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10641,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,20.0, United-States +10642,48.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10643,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +10644,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,5.0, United-States +10645,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, Iran +10646,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10647,32.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States +10648,31.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +10649,43.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +10650,26.0, Private, Assoc-voc,11.0, Divorced, Sales, Own-child, White, Female,594.0,0.0,35.0, United-States +10651,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10652,28.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,45.0, United-States +10653,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States +10654,25.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States +10655,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +10656,62.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +10657,17.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +10658,42.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador +10659,46.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +10660,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +10661,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,58.0, United-States +10662,28.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10663,29.0, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10664,53.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,24.0, Italy +10665,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +10666,19.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador +10667,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10668,36.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,3.0, United-States +10669,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +10670,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +10671,25.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States +10672,21.0, Private, 9th,5.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +10673,40.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States +10674,31.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,56.0, Mexico +10675,45.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +10676,54.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +10677,36.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10678,44.0, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,80.0, France +10679,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +10680,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,66.0, United-States +10681,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +10682,24.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States +10683,25.0, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States +10684,48.0, Self-emp-not-inc, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,53.0, United-States +10685,71.0, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,39.0, Cuba +10686,48.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, Philippines +10687,68.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605.0,0.0,20.0, United-States +10688,54.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10689,49.0, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,20.0, United-States +10690,54.0, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +10691,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Iran +10692,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +10693,46.0, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10694,39.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +10695,47.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,27828.0,0.0,60.0, United-States +10696,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10697,35.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10698,23.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10699,34.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +10700,56.0, Self-emp-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1651.0,40.0, United-States +10701,42.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Ecuador +10702,60.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10703,34.0, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +10704,45.0, Private, Masters,14.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,36.0, United-States +10705,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10706,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +10707,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +10708,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,37.0, United-States +10709,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,38.0, United-States +10710,31.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +10711,26.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +10712,56.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10713,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, +10714,48.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +10715,51.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +10716,45.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +10717,37.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +10718,59.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +10719,40.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +10720,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,60.0, United-States +10721,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,72.0, United-States +10722,74.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +10723,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +10724,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10725,47.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +10726,24.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States +10727,25.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, Poland +10728,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +10729,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +10730,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +10731,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Other, Female,0.0,0.0,40.0, United-States +10732,69.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3456.0,0.0,30.0, Germany +10733,30.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10734,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10735,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10736,63.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +10737,36.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +10738,35.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +10739,25.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +10740,64.0, State-gov, 9th,5.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +10741,35.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,54.0, United-States +10742,25.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +10743,52.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +10744,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10745,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +10746,37.0, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10747,27.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +10748,27.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +10749,54.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico +10750,46.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +10751,52.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +10752,29.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,26.0, India +10753,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +10754,19.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +10755,50.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, Ireland +10756,40.0, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +10757,20.0, Private, 11th,7.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,50.0, United-States +10758,25.0, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10759,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +10760,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +10761,61.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family,, Male,0.0,0.0,40.0, United-States +10762,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +10763,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10764,33.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +10765,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines +10766,46.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +10767,50.0, Private, 10th,6.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +10768,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,44.0, United-States +10769,46.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States +10770,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +10771,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10772,29.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +10773,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10774,85.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,3.0, Poland +10775,29.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +10776,26.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10777,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10778,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +10779,38.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10780,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,49.0, United-States +10781,26.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States +10782,20.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10783,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10784,42.0, Private, Masters,14.0, Divorced, Tech-support, Unmarried, Black, Female,4687.0,0.0,35.0, United-States +10785,61.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +10786,79.0, Self-emp-inc, 12th,8.0, Widowed, Sales, Not-in-family, White, Male,18481.0,0.0,45.0, United-States +10787,33.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +10788,56.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10789,32.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +10790,21.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +10791,28.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10792,55.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10793,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10794,28.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +10795,38.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10796,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +10797,67.0, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +10798,57.0, Self-emp-not-inc, 1st-4th,2.0, Widowed, Craft-repair, Other-relative, White, Female,0.0,1602.0,45.0, Columbia +10799,58.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10800,30.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10801,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +10802,49.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States +10803,56.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,,0.0,41.0, United-States +10804,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +10805,38.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,15.0, United-States +10806,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,20.0, South +10807,48.0, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +10808,37.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,4.0, United-States +10809,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,37.0, United-States +10810,31.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10811,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,55.0, United-States +10812,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +10813,53.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10814,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Mexico +10815,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +10816,62.0, Private, Masters,14.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +10817,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +10818,35.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10819,38.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States +10820,29.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,2463.0,0.0,15.0, United-States +10821,54.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,3900.0,40.0, United-States +10822,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +10823,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,35.0, United-States +10824,29.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +10825,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +10826,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10827,48.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,58.0, United-States +10828,67.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,18.0, United-States +10829,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,50.0, United-States +10830,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Male,4101.0,0.0,50.0, United-States +10831,19.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States +10832,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +10833,61.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10834,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +10835,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10836,47.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10837,43.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States +10838,32.0, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,4508.0,0.0,40.0, Cambodia +10839,44.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +10840,18.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +10841,42.0, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Italy +10842,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States +10843,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States +10844,67.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +10845,57.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10846,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +10847,30.0, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10848,70.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,2329.0,0.0,20.0, United-States +10849,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Ecuador +10850,51.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +10851,33.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10852,55.0, Private, 9th,5.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,10520.0,0.0,60.0, United-States +10853,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10854,23.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10855,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +10856,35.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +10857,38.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States +10858,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +10859,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +10860,46.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10861,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +10862,42.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,72.0, India +10863,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +10864,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10865,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,48.0, United-States +10866,56.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,48.0, Germany +10867,24.0, Self-emp-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States +10868,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +10869,31.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10870,55.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +10871,55.0, Private, 11th,7.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +10872,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +10873,23.0, Private, Some-college,10.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,26.0, United-States +10874,36.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +10875,32.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10876,30.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10877,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, England +10878,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico +10879,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +10880,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States +10881,49.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +10882,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1741.0,40.0, United-States +10883,48.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +10884,61.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +10885,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +10886,36.0, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10887,54.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +10888,46.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10889,39.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States +10890,57.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,57.0, United-States +10891,68.0, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,1870.0,35.0, United-States +10892,39.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,60.0, United-States +10893,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +10894,48.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +10895,27.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +10896,29.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +10897,55.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +10898,64.0, Self-emp-inc, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,70.0, United-States +10899,51.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103.0,0.0,40.0, United-States +10900,33.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10901,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +10902,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +10903,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +10904,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +10905,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States +10906,54.0, Private, Masters,14.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +10907,53.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States +10908,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +10909,38.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10910,36.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,55.0, United-States +10911,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +10912,63.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10913,69.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10914,22.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +10915,55.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +10916,69.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,12.0, United-States +10917,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +10918,52.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +10919,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +10920,60.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +10921,56.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +10922,51.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +10923,19.0, State-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +10924,62.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10925,25.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10926,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +10927,49.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10928,60.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +10929,39.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,4650.0,0.0,44.0, United-States +10930,55.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +10931,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10932,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +10933,23.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico +10934,27.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,43.0, United-States +10935,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10936,24.0, Private, 12th,8.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,55.0, United-States +10937,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10938,24.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10939,32.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +10940,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +10941,22.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +10942,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10943,37.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +10944,64.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Cuba +10945,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +10946,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,40.0, United-States +10947,31.0, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,70.0, United-States +10948,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10949,43.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Other, Male,0.0,0.0,32.0, United-States +10950,67.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States +10951,59.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States +10952,35.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,50.0, United-States +10953,34.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10954,52.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +10955,65.0, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10956,30.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10957,29.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +10958,29.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,45.0, United-States +10959,24.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +10960,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +10961,62.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2415.0,60.0, United-States +10962,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +10963,30.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10964,35.0, State-gov, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +10965,27.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,9562.0,0.0,50.0, United-States +10966,22.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States +10967,26.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +10968,30.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10969,32.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +10970,48.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +10971,30.0, Federal-gov, Bachelors,13.0,, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, Japan +10972,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +10973,23.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +10974,22.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +10975,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States +10976,28.0, Private, Masters,14.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,36.0, Philippines +10977,21.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States +10978,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +10979,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10980,39.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +10981,31.0, Local-gov, HS-grad,9.0, Separated, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +10982,19.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +10983,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +10984,52.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +10985,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States +10986,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +10987,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +10988,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +10989,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, Mexico +10990,43.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +10991,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +10992,75.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,20.0, United-States +10993,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +10994,49.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,75.0, United-States +10995,23.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +10996,50.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +10997,48.0, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Male,0.0,0.0,22.0, United-States +10998,66.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,20.0, United-States +10999,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11000,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +11001,25.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11002,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States +11003,51.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11004,31.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +11005,36.0, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +11006,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +11007,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11008,39.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States +11009,29.0, Federal-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +11010,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11011,24.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +11012,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +11013,25.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +11014,30.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,80.0, United-States +11015,36.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,2.0, Taiwan +11016,68.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11017,48.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy +11018,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +11019,31.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,18.0, United-States +11020,90.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,2653.0,0.0,40.0, United-States +11021,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States +11022,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +11023,42.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,50.0, United-States +11024,37.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States +11025,45.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +11026,34.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +11027,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,46.0, United-States +11028,33.0, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +11029,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +11030,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +11031,41.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, Japan +11032,39.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,41.0, United-States +11033,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11034,63.0, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,4386.0,0.0,37.0, United-States +11035,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +11036,55.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11037,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +11038,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States +11039,37.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,80.0, United-States +11040,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, Japan +11041,43.0, Self-emp-not-inc, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +11042,35.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11043,62.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +11044,21.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, Ecuador +11045,39.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,24.0, United-States +11046,44.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States +11047,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11048,36.0, Private, 12th,8.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +11049,40.0, Private, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +11050,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,12.0, United-States +11051,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11052,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +11053,37.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11054,31.0, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States +11055,39.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11056,28.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11057,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11058,30.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +11059,39.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +11060,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +11061,38.0, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,65.0, United-States +11062,21.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +11063,32.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +11064,47.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11065,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +11066,64.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11067,37.0, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11068,26.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,55.0, United-States +11069,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +11070,38.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +11071,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11072,17.0, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,15.0, United-States +11073,40.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +11074,44.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +11075,36.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +11076,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,60.0, United-States +11077,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,28.0, United-States +11078,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +11079,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11080,26.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +11081,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,10.0, United-States +11082,30.0, Private, Prof-school,15.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States +11083,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +11084,25.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2407.0,0.0,40.0, United-States +11085,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,24.0, United-States +11086,41.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3411.0,0.0,40.0, Mexico +11087,41.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, Japan +11088,26.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +11089,41.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,40.0, United-States +11090,49.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,1876.0,35.0, United-States +11091,49.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11092,50.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +11093,65.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +11094,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +11095,40.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11096,63.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11097,21.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11098,51.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,50.0, United-States +11099,39.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,1092.0,40.0, Germany +11100,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +11101,23.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +11102,35.0, Private, 11th,7.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,90.0, United-States +11103,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Mexico +11104,60.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11105,44.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +11106,40.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,65.0, United-States +11107,58.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +11108,45.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States +11109,23.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +11110,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +11111,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +11112,48.0, Private, 1st-4th,2.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,52.0, Dominican-Republic +11113,59.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,7.0, United-States +11114,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Columbia +11115,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +11116,37.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11117,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11118,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States +11119,48.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Puerto-Rico +11120,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +11121,55.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11122,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +11123,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,2.0, United-States +11124,26.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +11125,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +11126,43.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States +11127,50.0, Self-emp-inc, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11128,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +11129,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +11130,51.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1628.0,30.0, United-States +11131,61.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +11132,25.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11133,35.0, Private, 12th,8.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States +11134,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,44.0, United-States +11135,27.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +11136,62.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11137,61.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,24.0, United-States +11138,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +11139,38.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +11140,32.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,1471.0,0.0,38.0, United-States +11141,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +11142,45.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11143,38.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +11144,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States +11145,62.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11146,48.0, Private, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +11147,50.0, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Ecuador +11148,40.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11149,31.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +11150,26.0, Federal-gov, 12th,8.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti +11151,34.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11152,40.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +11153,47.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +11154,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +11155,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +11156,47.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +11157,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +11158,63.0, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11159,52.0, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +11160,36.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,38.0, United-States +11161,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11162,19.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +11163,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11164,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +11165,21.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States +11166,48.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +11167,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11168,60.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States +11169,34.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States +11170,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States +11171,28.0, Private, 10th,6.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,2238.0,35.0, United-States +11172,52.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +11173,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11174,58.0, Federal-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,4787.0,0.0,40.0, United-States +11175,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +11176,20.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,2001.0,40.0, United-States +11177,18.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +11178,49.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +11179,73.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,2538.0,0.0,20.0, United-States +11180,46.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +11181,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11182,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +11183,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +11184,30.0, Private, HS-grad,9.0, Separated, Other-service, Other-relative, White, Male,0.0,0.0,28.0, United-States +11185,34.0, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +11186,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +11187,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +11188,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11189,30.0, Private, Prof-school,15.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +11190,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +11191,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, Black, Female,594.0,0.0,20.0, United-States +11192,30.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +11193,43.0, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +11194,40.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,36.0, United-States +11195,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,1741.0,40.0, United-States +11196,61.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +11197,37.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +11198,47.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +11199,52.0, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11200,48.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,37.0, United-States +11201,48.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +11202,59.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +11203,31.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States +11204,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +11205,64.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3471.0,0.0,40.0, United-States +11206,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +11207,22.0, Private, 7th-8th,4.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +11208,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +11209,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +11210,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,22.0, United-States +11211,55.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +11212,51.0, Federal-gov, Masters,14.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,50.0, El-Salvador +11213,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,2597.0,0.0,40.0, United-States +11214,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +11215,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, Dominican-Republic +11216,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States +11217,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +11218,54.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States +11219,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3456.0,0.0,8.0, United-States +11220,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +11221,35.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +11222,19.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11223,59.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,27828.0,0.0,45.0, United-States +11224,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +11225,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11226,51.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11227,55.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,55.0, United-States +11228,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States +11229,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,60.0, United-States +11230,45.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11231,76.0, Self-emp-not-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +11232,46.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,43.0, United-States +11233,70.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, Puerto-Rico +11234,66.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +11235,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11236,37.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +11237,22.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States +11238,63.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +11239,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +11240,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +11241,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +11242,60.0, Self-emp-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +11243,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11244,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +11245,49.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11246,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States +11247,50.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11248,60.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +11249,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +11250,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +11251,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +11252,34.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, Mexico +11253,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +11254,26.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States +11255,65.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +11256,54.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11257,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,85.0, United-States +11258,53.0, State-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +11259,33.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,59.0, Mexico +11260,36.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +11261,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +11262,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +11263,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,45.0, United-States +11264,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11265,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11266,48.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11267,55.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +11268,54.0, Private, 7th-8th,4.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11269,44.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,2547.0,50.0, United-States +11270,62.0, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11271,54.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +11272,47.0, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +11273,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11274,53.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298.0,0.0,50.0, Thailand +11275,32.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States +11276,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +11277,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11278,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States +11279,54.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +11280,34.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,1639.0,0.0,20.0, United-States +11281,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States +11282,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,30.0, Dominican-Republic +11283,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +11284,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11285,64.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +11286,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +11287,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States +11288,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,20.0, United-States +11289,27.0, Private, 10th,6.0, Never-married, Sales, Other-relative, White, Male,0.0,1980.0,40.0, United-States +11290,37.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11291,54.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,41.0, United-States +11292,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,5178.0,0.0,35.0, United-States +11293,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11294,24.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +11295,39.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,75.0, United-States +11296,47.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States +11297,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States +11298,47.0, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11299,40.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11300,28.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11301,60.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, Black, Male,2597.0,0.0,55.0, United-States +11302,39.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +11303,31.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +11304,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States +11305,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +11306,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11307,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,48.0, United-States +11308,40.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,30.0, Guatemala +11309,33.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +11310,27.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States +11311,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +11312,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +11313,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +11314,43.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States +11315,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11316,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11317,51.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,40.0, United-States +11318,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11319,56.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +11320,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States +11321,56.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +11322,48.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +11323,60.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +11324,21.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,46.0, United-States +11325,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +11326,21.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,15.0, United-States +11327,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11328,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States +11329,47.0, Local-gov, Some-college,10.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,45.0, United-States +11330,53.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +11331,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States +11332,68.0, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,3683.0,40.0, United-States +11333,24.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +11334,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11335,38.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +11336,31.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +11337,33.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +11338,39.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +11339,65.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,11678.0,0.0,50.0, United-States +11340,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +11341,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,48.0, United-States +11342,53.0, State-gov, Doctorate,16.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +11343,34.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,, United-States +11344,24.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +11345,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +11346,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +11347,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +11348,35.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +11349,41.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States +11350,42.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +11351,57.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11352,23.0, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,53.0, United-States +11353,35.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1579.0,40.0, United-States +11354,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,1721.0,15.0, United-States +11355,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +11356,25.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,26.0, United-States +11357,32.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +11358,36.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +11359,51.0, Self-emp-inc, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +11360,50.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +11361,52.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11362,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11363,70.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11364,40.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +11365,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +11366,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +11367,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11368,26.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,16.0, United-States +11369,38.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +11370,44.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +11371,45.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +11372,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +11373,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +11374,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States +11375,59.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +11376,40.0, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11377,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +11378,35.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +11379,58.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11380,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +11381,47.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,29.0, United-States +11382,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +11383,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +11384,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Ireland +11385,64.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +11386,22.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11387,67.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,12.0, United-States +11388,58.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +11389,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States +11390,30.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States +11391,18.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +11392,42.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +11393,48.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +11394,20.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,20.0, United-States +11395,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11396,47.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,9.0, United-States +11397,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,75.0, United-States +11398,32.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +11399,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11400,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +11401,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +11402,25.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +11403,42.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688.0,0.0,45.0, United-States +11404,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +11405,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11406,23.0, Private, 9th,5.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +11407,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +11408,24.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11409,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Female,0.0,0.0,20.0, United-States +11410,62.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,16.0, United-States +11411,33.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11412,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +11413,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +11414,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States +11415,33.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +11416,33.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,15.0, United-States +11417,33.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico +11418,48.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,52.0, United-States +11419,41.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,2174.0,0.0,45.0, United-States +11420,39.0, Federal-gov, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11421,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3908.0,0.0,40.0, United-States +11422,39.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11423,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy +11424,64.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11425,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +11426,73.0, Private, Some-college,10.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,10.0, United-States +11427,45.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +11428,40.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,55.0, United-States +11429,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11430,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,36.0, United-States +11431,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +11432,38.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,4787.0,0.0,43.0, United-States +11433,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,52.0, United-States +11434,37.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States +11435,43.0, Local-gov, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1579.0,40.0, United-States +11436,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States +11437,37.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,48.0, United-States +11438,64.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +11439,27.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11440,26.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11441,36.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +11442,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +11443,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +11444,73.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418.0,0.0,99.0, United-States +11445,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +11446,33.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +11447,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +11448,53.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11449,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +11450,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +11451,24.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico +11452,37.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,15.0, United-States +11453,43.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Yugoslavia +11454,65.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,6418.0,0.0,45.0, United-States +11455,58.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,36.0, United-States +11456,28.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +11457,18.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States +11458,37.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +11459,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11460,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +11461,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +11462,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +11463,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +11464,63.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Scotland +11465,41.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11466,41.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,38.0, United-States +11467,38.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States +11468,41.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1977.0,50.0, United-States +11469,52.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11470,44.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,52.0, United-States +11471,54.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany +11472,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +11473,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,20.0, South +11474,28.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Nicaragua +11475,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11476,44.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11477,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States +11478,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States +11479,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +11480,51.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines +11481,30.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +11482,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States +11483,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +11484,40.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +11485,39.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +11486,29.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, Italy +11487,27.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11488,44.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,55.0, United-States +11489,36.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,60.0, United-States +11490,60.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11491,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11492,47.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11493,47.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States +11494,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11495,36.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +11496,29.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +11497,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,15.0, United-States +11498,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +11499,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +11500,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +11501,37.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11502,38.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +11503,42.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +11504,30.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,66.0, United-States +11505,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +11506,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,36.0, United-States +11507,32.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +11508,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +11509,19.0, Private, HS-grad,9.0, Never-married, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, United-States +11510,52.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11511,42.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +11512,23.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,50.0, United-States +11513,82.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +11514,47.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +11515,27.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,60.0, United-States +11516,23.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,7.0, United-States +11517,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +11518,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,38.0, United-States +11519,30.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +11520,25.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11521,21.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States +11522,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +11523,38.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,50.0, United-States +11524,19.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States +11525,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +11526,36.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11527,36.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,40.0, United-States +11528,42.0, Private, 9th,5.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,46.0, United-States +11529,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +11530,53.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +11531,40.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,20.0, United-States +11532,37.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +11533,50.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +11534,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,40.0, United-States +11535,32.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +11536,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +11537,69.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States +11538,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11539,43.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +11540,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11541,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +11542,59.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11543,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11544,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +11545,60.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11546,36.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,54.0, United-States +11547,54.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +11548,31.0, State-gov, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +11549,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +11550,57.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11551,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +11552,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +11553,44.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +11554,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +11555,33.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11556,36.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +11557,53.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +11558,32.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11559,33.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,26.0, United-States +11560,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +11561,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11562,53.0, Private, Some-college,10.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,39.0, United-States +11563,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,60.0, United-States +11564,52.0, Federal-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11565,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11566,62.0, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, Cuba +11567,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11568,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States +11569,26.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +11570,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11571,30.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +11572,29.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +11573,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +11574,42.0, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +11575,40.0, Private, 10th,6.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States +11576,27.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580.0,0.0,45.0, United-States +11577,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +11578,34.0, State-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11579,44.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11580,34.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +11581,33.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +11582,55.0, Local-gov, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States +11583,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11584,28.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +11585,43.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States +11586,38.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +11587,19.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, United-States +11588,19.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States +11589,55.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +11590,61.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +11591,38.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +11592,43.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,53.0, United-States +11593,24.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +11594,22.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, United-States +11595,28.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +11596,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +11597,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States +11598,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,42.0, United-States +11599,37.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +11600,45.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +11601,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, Canada +11602,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11603,45.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, Mexico +11604,41.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,46.0, United-States +11605,51.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +11606,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +11607,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +11608,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +11609,44.0, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States +11610,43.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States +11611,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +11612,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +11613,61.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +11614,54.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,40.0, England +11615,17.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, Columbia +11616,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +11617,48.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +11618,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11619,56.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11620,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States +11621,27.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +11622,40.0, Local-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +11623,31.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +11624,56.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,84.0, United-States +11625,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,2001.0,40.0, Cuba +11626,56.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +11627,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11628,44.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11629,29.0, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States +11630,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +11631,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,60.0, United-States +11632,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +11633,21.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +11634,26.0, Private, Bachelors,13.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +11635,26.0, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11636,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +11637,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +11638,56.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,46.0, United-States +11639,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +11640,59.0, Private, 7th-8th,4.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11641,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +11642,36.0, Self-emp-not-inc, Assoc-voc,11.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +11643,40.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States +11644,48.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +11645,31.0, Private, 11th,7.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, India +11646,48.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11647,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11648,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11649,32.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +11650,39.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +11651,23.0, Federal-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,32.0, United-States +11652,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11653,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States +11654,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +11655,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +11656,33.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11657,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +11658,23.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,36.0, United-States +11659,43.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,914.0,0.0,40.0, United-States +11660,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +11661,36.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +11662,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11663,62.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +11664,46.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,1651.0,40.0, China +11665,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11666,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +11667,27.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,34.0, United-States +11668,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,4.0, United-States +11669,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +11670,52.0, Private, Bachelors,13.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,25.0, United-States +11671,44.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,20.0, Portugal +11672,53.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +11673,49.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11674,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +11675,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +11676,65.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,6723.0,0.0,40.0, United-States +11677,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +11678,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11679,21.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,28.0, United-States +11680,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,2051.0,40.0, United-States +11681,27.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,52.0, United-States +11682,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,26.0, United-States +11683,24.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +11684,31.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, Cuba +11685,39.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7688.0,0.0,52.0, United-States +11686,42.0, Local-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +11687,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +11688,44.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +11689,40.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +11690,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11691,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +11692,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, Haiti +11693,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +11694,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +11695,70.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,22.0, United-States +11696,22.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, Mexico +11697,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +11698,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States +11699,43.0, Private, 5th-6th,3.0, Separated, Craft-repair, Not-in-family, Other, Male,0.0,0.0,40.0, Mexico +11700,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States +11701,34.0, Local-gov, Masters,14.0,, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +11702,18.0, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,20.0, United-States +11703,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States +11704,41.0, Local-gov, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,45.0, United-States +11705,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +11706,25.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +11707,33.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11708,25.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +11709,19.0, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico +11710,28.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +11711,72.0, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,48.0, United-States +11712,39.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States +11713,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +11714,49.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,594.0,0.0,10.0, United-States +11715,39.0, Private, Masters,14.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +11716,42.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,31.0, Laos +11717,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11718,52.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +11719,37.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Female,3887.0,0.0,40.0, Nicaragua +11720,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +11721,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +11722,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11723,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,36.0, United-States +11724,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +11725,27.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +11726,27.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11727,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +11728,37.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11729,61.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States +11730,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11731,31.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105.0,0.0,40.0, Mexico +11732,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +11733,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11734,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11735,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11736,56.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States +11737,31.0, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,13.0, United-States +11738,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11739,19.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +11740,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11741,50.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +11742,30.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,65.0, Canada +11743,55.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +11744,39.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +11745,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,60.0, United-States +11746,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11747,46.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +11748,38.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +11749,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +11750,33.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +11751,47.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +11752,37.0, Private, Some-college,10.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,48.0, United-States +11753,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +11754,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +11755,64.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11756,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States +11757,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +11758,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11759,46.0, Private, 1st-4th,2.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +11760,52.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States +11761,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11762,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,20.0, United-States +11763,40.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +11764,33.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11765,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +11766,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +11767,28.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11768,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +11769,28.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +11770,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +11771,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States +11772,58.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,20.0, United-States +11773,39.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,56.0, United-States +11774,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11775,27.0, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Scotland +11776,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +11777,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +11778,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,4064.0,0.0,25.0, United-States +11779,53.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +11780,18.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +11781,30.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +11782,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +11783,64.0, Private, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,35.0, United-States +11784,32.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +11785,18.0, Private, 11th,7.0, Never-married, Sales, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,25.0, United-States +11786,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11787,41.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11788,46.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +11789,33.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,323.0,40.0, United-States +11790,19.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11791,24.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +11792,37.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +11793,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11794,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +11795,68.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11796,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11797,44.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +11798,43.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States +11799,46.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,5.0, United-States +11800,50.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +11801,39.0, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11802,46.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +11803,42.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11804,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +11805,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1408.0,38.0, United-States +11806,30.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11807,24.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, United-States +11808,69.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,1086.0,0.0,20.0, United-States +11809,47.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +11810,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +11811,28.0, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,4508.0,0.0,40.0, United-States +11812,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,35.0, United-States +11813,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11814,41.0, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +11815,51.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +11816,35.0,, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,29.0, United-States +11817,26.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +11818,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States +11819,61.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11820,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States +11821,23.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,44.0, United-States +11822,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11823,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +11824,25.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,38.0, United-States +11825,50.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178.0,0.0,40.0, United-States +11826,30.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +11827,52.0, Private, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Puerto-Rico +11828,41.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,65.0, United-States +11829,23.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908.0,0.0,40.0, United-States +11830,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,,40.0, Japan +11831,90.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +11832,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11833,44.0, Private, 10th,6.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,35.0, United-States +11834,77.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11835,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States +11836,47.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +11837,26.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11838,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,44.0, United-States +11839,51.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +11840,31.0, Federal-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11841,73.0, Local-gov, 5th-6th,3.0, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,25.0, Philippines +11842,36.0, Private, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +11843,39.0, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11844,29.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +11845,22.0, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +11846,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,4101.0,0.0,40.0, United-States +11847,24.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11848,25.0, Private, 7th-8th,4.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,45.0, Guatemala +11849,29.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,1138.0,40.0, United-States +11850,44.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11851,49.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +11852,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Scotland +11853,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,55.0, United-States +11854,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +11855,44.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States +11856,19.0, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +11857,44.0, Local-gov, Assoc-voc,11.0, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +11858,50.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3781.0,0.0,40.0, United-States +11859,43.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1669.0,45.0, United-States +11860,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +11861,33.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +11862,47.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +11863,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +11864,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +11865,19.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States +11866,31.0, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +11867,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +11868,39.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States +11869,40.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +11870,49.0, Local-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11871,39.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,40.0, United-States +11872,29.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11873,53.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +11874,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +11875,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, Nicaragua +11876,38.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Unmarried, Black, Male,0.0,0.0,40.0, United-States +11877,48.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, Canada +11878,39.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States +11879,45.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Other, Male,0.0,0.0,40.0, Columbia +11880,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2463.0,0.0,50.0, England +11881,33.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +11882,23.0, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Male,0.0,0.0,46.0, United-States +11883,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11884,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +11885,46.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +11886,42.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +11887,26.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11888,34.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Portugal +11889,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +11890,26.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +11891,56.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +11892,24.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +11893,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +11894,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States +11895,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,15024.0,0.0,45.0, United-States +11896,27.0, Local-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +11897,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,42.0, United-States +11898,25.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11899,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +11900,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,36.0, United-States +11901,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11902,52.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,99999.0,0.0,30.0, United-States +11903,66.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605.0,0.0,40.0, United-States +11904,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11905,44.0, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +11906,44.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +11907,33.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +11908,69.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,991.0,0.0,18.0, United-States +11909,19.0, Local-gov, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +11910,35.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +11911,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,15.0, United-States +11912,17.0, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +11913,59.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +11914,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +11915,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +11916,61.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,18.0, United-States +11917,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +11918,58.0, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +11919,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1887.0,42.0, United-States +11920,48.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +11921,26.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +11922,40.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +11923,40.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,47.0, United-States +11924,55.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2179.0,60.0, United-States +11925,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,25.0, United-States +11926,41.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +11927,62.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +11928,19.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,56.0, United-States +11929,39.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States +11930,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11931,34.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States +11932,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11933,23.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +11934,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +11935,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,14.0, United-States +11936,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +11937,40.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11938,55.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,25.0, United-States +11939,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11940,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +11941,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +11942,29.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Canada +11943,26.0, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States +11944,50.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,80.0, United-States +11945,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11946,51.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +11947,50.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States +11948,57.0, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Other-relative, White, Male,0.0,0.0,25.0, United-States +11949,34.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +11950,34.0, Local-gov, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +11951,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +11952,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,85.0, United-States +11953,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11954,24.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States +11955,35.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11956,21.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States +11957,37.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +11958,38.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11959,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1740.0,20.0, United-States +11960,61.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +11961,50.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1848.0,40.0, United-States +11962,44.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11963,27.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, South +11964,31.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +11965,33.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11966,54.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11967,62.0, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11968,37.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +11969,59.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +11970,59.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +11971,46.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +11972,31.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +11973,71.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, Germany +11974,42.0, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +11975,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11976,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +11977,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +11978,23.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11979,39.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,2174.0,0.0,40.0, United-States +11980,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +11981,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +11982,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11983,26.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +11984,45.0, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +11985,20.0, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +11986,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +11987,30.0, Self-emp-inc, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +11988,42.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11989,44.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico +11990,38.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States +11991,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +11992,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +11993,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +11994,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +11995,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +11996,38.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States +11997,52.0, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +11998,48.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +11999,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +12000,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +12001,24.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,33.0, United-States +12002,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,66.0, United-States +12003,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +12004,46.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +12005,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, Japan +12006,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +12007,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +12008,22.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12009,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12010,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +12011,41.0, Private, 5th-6th,3.0, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,32.0, Mexico +12012,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +12013,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12014,30.0, Private, Bachelors,13.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,60.0, United-States +12015,26.0, Private, Some-college,10.0, Separated, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States +12016,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +12017,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,80.0, Philippines +12018,40.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +12019,26.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +12020,42.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,38.0, United-States +12021,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +12022,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +12023,31.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +12024,39.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12025,37.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,36.0, Mexico +12026,58.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,60.0, United-States +12027,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States +12028,31.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +12029,55.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,55.0, United-States +12030,47.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12031,71.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,9386.0,0.0,50.0, United-States +12032,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +12033,59.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +12034,45.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +12035,39.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +12036,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +12037,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,14344.0,0.0,40.0, United-States +12038,39.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,24.0, United-States +12039,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +12040,57.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Wife, White, Female,15024.0,0.0,35.0, United-States +12041,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,1590.0,48.0, United-States +12042,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12043,24.0, Local-gov, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12044,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India +12045,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +12046,30.0, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +12047,49.0, State-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12048,56.0, Private, 12th,8.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12049,66.0, Private, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,18.0, United-States +12050,59.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +12051,47.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +12052,30.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12053,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12054,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +12055,35.0, Local-gov, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,38.0, United-States +12056,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +12057,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +12058,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +12059,34.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +12060,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +12061,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,594.0,0.0,12.0, United-States +12062,25.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +12063,25.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,25.0, United-States +12064,22.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12065,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +12066,25.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +12067,59.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,55.0, United-States +12068,80.0, Self-emp-not-inc, 7th-8th,4.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,15.0, United-States +12069,39.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +12070,34.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +12071,61.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +12072,37.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +12073,47.0, Local-gov, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12074,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +12075,65.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12076,34.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +12077,48.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12078,34.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12079,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +12080,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12081,60.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,48.0, United-States +12082,54.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States +12083,21.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +12084,24.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black,,0.0,0.0,30.0, United-States +12085,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +12086,43.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +12087,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, Iran +12088,42.0, Self-emp-inc, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,15.0, United-States +12089,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +12090,24.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12091,26.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States +12092,35.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +12093,23.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States +12094,46.0, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12095,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +12096,48.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +12097,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12098,35.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12099,67.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States +12100,60.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Hungary +12101,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +12102,20.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States +12103,64.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States +12104,56.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, Germany +12105,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +12106,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +12107,60.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12108,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +12109,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +12110,44.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +12111,22.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,42.0, United-States +12112,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, Ecuador +12113,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12114,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +12115,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,32.0, United-States +12116,43.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12117,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,70.0, United-States +12118,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +12119,37.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12120,48.0, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +12121,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +12122,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,46.0, United-States +12123,23.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +12124,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States +12125,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +12126,24.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +12127,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +12128,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +12129,37.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12130,29.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +12131,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12132,18.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +12133,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +12134,43.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +12135,53.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +12136,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12137,51.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12138,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12139,54.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +12140,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12141,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12142,29.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,75.0, Thailand +12143,46.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,30.0, United-States +12144,27.0, Federal-gov, HS-grad,9.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12145,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +12146,51.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States +12147,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +12148,40.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,2258.0,48.0, Philippines +12149,72.0, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Japan +12150,69.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +12151,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States +12152,36.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +12153,31.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,2001.0,40.0, United-States +12154,17.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +12155,35.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,50.0, United-States +12156,26.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +12157,63.0, Private, 11th,7.0, Widowed, Sales, Not-in-family, White, Female,2176.0,0.0,30.0, United-States +12158,28.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States +12159,34.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +12160,29.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,38.0, United-States +12161,20.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +12162,40.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +12163,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +12164,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,45.0, United-States +12165,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +12166,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +12167,39.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,50.0, United-States +12168,28.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +12169,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12170,46.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +12171,37.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, Black, Female,0.0,0.0,40.0, United-States +12172,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +12173,63.0, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +12174,30.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +12175,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12176,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +12177,57.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +12178,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +12179,26.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Nicaragua +12180,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,44.0, United-States +12181,75.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +12182,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12183,38.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,14344.0,0.0,40.0, United-States +12184,58.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +12185,46.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +12186,25.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12187,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +12188,52.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Germany +12189,29.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12190,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12191,61.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, Philippines +12192,67.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12193,54.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +12194,40.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,30.0, United-States +12195,56.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +12196,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +12197,50.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12198,40.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +12199,27.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +12200,18.0, Private, 12th,8.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +12201,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +12202,31.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +12203,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +12204,54.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12205,47.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12206,57.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12207,43.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +12208,41.0, Federal-gov,,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +12209,70.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12210,37.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12211,46.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12212,17.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +12213,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12214,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,6.0, United-States +12215,18.0, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,55.0, United-States +12216,57.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,1408.0,40.0, France +12217,39.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +12218,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +12219,36.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Female,1831.0,0.0,40.0, United-States +12220,40.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Mexico +12221,37.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States +12222,25.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,50.0, United-States +12223,19.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, United-States +12224,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States +12225,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +12226,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12227,47.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12228,28.0, Private, 12th,8.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12229,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +12230,46.0, Local-gov, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12231,35.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States +12232,36.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12233,27.0, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +12234,47.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States +12235,25.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +12236,33.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Germany +12237,33.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +12238,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +12239,28.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +12240,40.0, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, Philippines +12241,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +12242,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +12243,66.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12244,17.0, Self-emp-inc, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +12245,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12246,72.0, Self-emp-inc, Prof-school,15.0,, Prof-specialty, Husband, White, Male,20051.0,0.0,48.0, United-States +12247,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +12248,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12249,30.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,25.0, United-States +12250,27.0, Federal-gov, Bachelors,13.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,35.0, United-States +12251,38.0, Local-gov, Some-college,10.0, Widowed, Transport-moving, Not-in-family, Black, Female,0.0,0.0,47.0, United-States +12252,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +12253,43.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +12254,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,60.0, United-States +12255,36.0, Private, HS-grad,9.0, Separated, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +12256,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +12257,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +12258,24.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +12259,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +12260,25.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India +12261,39.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States +12262,28.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +12263,37.0, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States +12264,45.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States +12265,26.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12266,49.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,323.0,20.0, United-States +12267,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,28.0, United-States +12268,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12269,33.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,36.0, United-States +12270,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12271,52.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12272,38.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +12273,43.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12274,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +12275,59.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2002.0,50.0, United-States +12276,29.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +12277,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +12278,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12279,47.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, Black, Female,4101.0,0.0,40.0, Jamaica +12280,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +12281,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +12282,21.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States +12283,30.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +12284,42.0, Local-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,45.0, United-States +12285,51.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,46.0, United-States +12286,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +12287,56.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +12288,37.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12289,45.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,50.0, United-States +12290,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +12291,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12292,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +12293,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,47.0, United-States +12294,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,5.0, United-States +12295,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,50.0, United-States +12296,36.0, Private, 10th,6.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +12297,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +12298,46.0, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Puerto-Rico +12299,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +12300,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +12301,64.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,10.0, United-States +12302,34.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +12303,21.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +12304,27.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +12305,40.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +12306,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, Black, Female,0.0,0.0,40.0, United-States +12307,32.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, Cuba +12308,24.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,41.0, United-States +12309,40.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12310,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +12311,27.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12312,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +12313,43.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +12314,50.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany +12315,24.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +12316,43.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +12317,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, Mexico +12318,26.0, Private, Some-college,10.0, Never-married, Farming-fishing, Other-relative, White, Female,0.0,0.0,65.0, United-States +12319,40.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +12320,26.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,20.0, United-States +12321,26.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +12322,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +12323,53.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +12324,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +12325,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12326,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2829.0,0.0,40.0, United-States +12327,19.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,12.0, United-States +12328,37.0, Private, HS-grad,9.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +12329,22.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +12330,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,75.0, United-States +12331,24.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12332,25.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,46.0, United-States +12333,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +12334,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +12335,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +12336,55.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,6.0, United-States +12337,32.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12338,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12339,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +12340,51.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12341,32.0, Private, 7th-8th,4.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, Mexico +12342,36.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,48.0, United-States +12343,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +12344,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +12345,47.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States +12346,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +12347,34.0, Private, 9th,5.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States +12348,18.0, Private, 10th,, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,27.0, United-States +12349,27.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +12350,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +12351,31.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +12352,33.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced,, Not-in-family, White, Male,0.0,0.0,60.0, United-States +12353,48.0, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +12354,38.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12355,30.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +12356,48.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +12357,50.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +12358,29.0, Local-gov, HS-grad,9.0, Separated, Protective-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States +12359,27.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Cuba +12360,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12361,41.0, Local-gov, 7th-8th,4.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12362,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States +12363,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +12364,34.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +12365,28.0, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12366,30.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States +12367,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +12368,46.0, Local-gov, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +12369,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India +12370,46.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,28.0, United-States +12371,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +12372,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12373,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +12374,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +12375,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12376,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12377,46.0, State-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,3325.0,0.0,42.0, United-States +12378,38.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,70.0, United-States +12379,28.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +12380,27.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,38.0, United-States +12381,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,13550.0,0.0,45.0, United-States +12382,23.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States +12383,19.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +12384,53.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,2597.0,0.0,40.0, United-States +12385,32.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12386,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +12387,25.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12388,46.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +12389,48.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States +12390,29.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12391,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12392,42.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +12393,42.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12394,35.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States +12395,22.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +12396,41.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +12397,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +12398,37.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico +12399,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +12400,55.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12401,70.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States +12402,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +12403,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States +12404,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,20.0, United-States +12405,21.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +12406,74.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,2282.0,35.0, United-States +12407,36.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12408,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12409,37.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12410,34.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +12411,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +12412,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +12413,50.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States +12414,26.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +12415,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,56.0, United-States +12416,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States +12417,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +12418,52.0, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, El-Salvador +12419,53.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,50.0, South +12420,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States +12421,38.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +12422,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +12423,43.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +12424,52.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,43.0, United-States +12425,58.0, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,47.0, United-States +12426,64.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +12427,66.0, Private, HS-grad,9.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,8.0, United-States +12428,34.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,48.0, United-States +12429,46.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,40.0, United-States +12430,44.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12431,38.0, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +12432,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +12433,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Greece +12434,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +12435,44.0, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,60.0, United-States +12436,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12437,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +12438,33.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,62.0, United-States +12439,43.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +12440,73.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +12441,25.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +12442,37.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +12443,53.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,35.0, United-States +12444,62.0, Private, 10th,6.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12445,44.0, Private, Masters,14.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,55.0, United-States +12446,33.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12447,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12448,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +12449,46.0, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +12450,31.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12451,68.0, Local-gov, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, White, Male,0.0,1668.0,20.0, United-States +12452,40.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +12453,44.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Portugal +12454,53.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +12455,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +12456,43.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States +12457,77.0, Self-emp-not-inc, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,1944.0,1.0, United-States +12458,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +12459,45.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,40.0, United-States +12460,40.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12461,31.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,25.0, United-States +12462,41.0, Private, HS-grad,9.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +12463,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +12464,31.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +12465,59.0, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +12466,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,25.0, United-States +12467,45.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12468,45.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States +12469,45.0, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,48.0, United-States +12470,31.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,50.0, United-States +12471,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,3464.0,0.0,40.0, United-States +12472,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +12473,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12474,58.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +12475,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Mexico +12476,76.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,2.0, United-States +12477,37.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12478,39.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +12479,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +12480,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12481,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +12482,48.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +12483,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, Mexico +12484,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +12485,23.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,25.0, United-States +12486,30.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +12487,56.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +12488,46.0, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +12489,26.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States +12490,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +12491,21.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12492,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12493,67.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4931.0,0.0,30.0, United-States +12494,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12495,28.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,99999.0,0.0,40.0, United-States +12496,24.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,45.0, United-States +12497,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +12498,29.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +12499,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +12500,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +12501,51.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +12502,24.0, State-gov, 7th-8th,4.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,20.0, United-States +12503,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +12504,19.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +12505,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +12506,31.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12507,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +12508,48.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,37.0, United-States +12509,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +12510,19.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,32.0, United-States +12511,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12512,44.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12513,31.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +12514,47.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +12515,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12516,17.0, Self-emp-not-inc, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States +12517,39.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +12518,37.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +12519,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +12520,38.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +12521,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +12522,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +12523,39.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12524,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12525,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, El-Salvador +12526,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +12527,43.0, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +12528,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,70.0, United-States +12529,54.0, Private, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +12530,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,25.0, United-States +12531,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +12532,44.0, Self-emp-not-inc, Assoc-voc,11.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +12533,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,50.0, United-States +12534,27.0, Private, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12535,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,4386.0,0.0,48.0, United-States +12536,48.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,55.0, United-States +12537,44.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12538,25.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12539,48.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +12540,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12541,53.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +12542,20.0, Private, 11th,7.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,36.0, El-Salvador +12543,25.0, Private, 9th,5.0, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +12544,50.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,880.0,40.0, United-States +12545,54.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,47.0, United-States +12546,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,99999.0,0.0,60.0, United-States +12547,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +12548,25.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12549,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,48.0, United-States +12550,59.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +12551,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,38.0, Jamaica +12552,28.0, Federal-gov, Some-college,10.0, Never-married, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +12553,52.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12554,29.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12555,28.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +12556,38.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,75.0, United-States +12557,42.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, South +12558,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +12559,26.0, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +12560,24.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States +12561,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12562,46.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,37.0, United-States +12563,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +12564,50.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +12565,65.0, Without-pay, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2414.0,0.0,20.0, United-States +12566,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,18.0, United-States +12567,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +12568,27.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,2258.0,50.0, United-States +12569,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12570,38.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States +12571,18.0, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,20.0, United-States +12572,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,48.0, United-States +12573,72.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +12574,33.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,70.0, United-States +12575,20.0, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,30.0, Mexico +12576,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,50.0, United-States +12577,44.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +12578,25.0, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +12579,21.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +12580,44.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +12581,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,18.0, United-States +12582,26.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +12583,35.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States +12584,28.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,25.0, United-States +12585,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +12586,30.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12587,71.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States +12588,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12589,31.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,45.0, United-States +12590,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2057.0,60.0, United-States +12591,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12592,52.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +12593,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States +12594,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +12595,25.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12596,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +12597,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12598,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +12599,26.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +12600,52.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +12601,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12602,61.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +12603,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +12604,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,60.0, South +12605,27.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12606,57.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +12607,58.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3464.0,0.0,60.0, United-States +12608,53.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12609,31.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +12610,28.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +12611,27.0, Private,,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,45.0, Mexico +12612,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,20.0, United-States +12613,27.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +12614,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +12615,35.0, State-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +12616,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12617,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +12618,44.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +12619,29.0, State-gov, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +12620,32.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States +12621,58.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12622,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,2597.0,0.0,40.0, United-States +12623,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,36.0, United-States +12624,55.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,30.0, United-States +12625,34.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States +12626,38.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +12627,23.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12628,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +12629,33.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +12630,18.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +12631,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +12632,57.0, State-gov, 12th,8.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +12633,43.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12634,18.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +12635,21.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +12636,32.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12637,53.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +12638,43.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States +12639,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +12640,56.0, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12641,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12642,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12643,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +12644,21.0, Private, 10th,6.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +12645,40.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12646,39.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Other-relative, Other, Female,7688.0,0.0,38.0, United-States +12647,26.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Other-relative, Black, Male,0.0,0.0,40.0, Mexico +12648,59.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,10.0, United-States +12649,56.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +12650,23.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +12651,57.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States +12652,52.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1564.0,40.0, United-States +12653,52.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +12654,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +12655,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +12656,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +12657,60.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,3103.0,0.0,40.0, United-States +12658,22.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,60.0, United-States +12659,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,60.0, United-States +12660,67.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,48.0, United-States +12661,50.0, Private, Preschool,1.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +12662,21.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +12663,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013.0,0.0,20.0, United-States +12664,17.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +12665,58.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,2202.0,0.0,56.0, United-States +12666,74.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12667,40.0, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +12668,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12669,29.0, Self-emp-not-inc, Bachelors,13.0, Separated, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +12670,32.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +12671,31.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,42.0, United-States +12672,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +12673,27.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +12674,60.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12675,52.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +12676,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,4416.0,0.0,24.0, United-States +12677,31.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,5178.0,0.0,40.0, United-States +12678,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +12679,60.0, Private, 10th,6.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12680,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,8.0, United-States +12681,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12682,23.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12683,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +12684,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,33.0, United-States +12685,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,7.0, United-States +12686,50.0, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +12687,43.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Mexico +12688,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States +12689,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,52.0, United-States +12690,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +12691,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States +12692,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +12693,32.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1977.0,40.0, United-States +12694,49.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +12695,25.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, El-Salvador +12696,62.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,, United-States +12697,33.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12698,47.0, Private, Some-college,10.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,25.0, Outlying-US(Guam-USVI-etc) +12699,41.0, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States +12700,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12701,60.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12702,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +12703,34.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,4865.0,0.0,55.0, United-States +12704,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +12705,62.0, Private, 9th,5.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States +12706,23.0, Local-gov, Some-college,10.0, Married-spouse-absent, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States +12707,57.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +12708,31.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Thailand +12709,32.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,34.0, United-States +12710,25.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +12711,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +12712,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +12713,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +12714,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12715,35.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12716,49.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +12717,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12718,31.0, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +12719,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +12720,42.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +12721,18.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States +12722,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +12723,51.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,57.0, United-States +12724,37.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +12725,61.0, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12726,22.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +12727,41.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,1579.0,40.0, Nicaragua +12728,41.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +12729,45.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, Hong +12730,31.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +12731,29.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,34.0, United-States +12732,32.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +12733,25.0, Self-emp-not-inc, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +12734,27.0, Federal-gov, Assoc-voc,11.0, Never-married, Tech-support, Unmarried, Black, Male,1151.0,0.0,40.0, United-States +12735,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +12736,61.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +12737,43.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +12738,35.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States +12739,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +12740,47.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +12741,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,65.0, United-States +12742,40.0, State-gov, 9th,5.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +12743,69.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,1429.0,30.0, United-States +12744,30.0, Self-emp-not-inc, 11th,7.0, Divorced, Sales, Unmarried, White, Male,0.0,653.0,40.0, United-States +12745,19.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,35.0, United-States +12746,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12747,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,50.0, United-States +12748,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,40.0, United-States +12749,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +12750,25.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,2597.0,0.0,40.0, United-States +12751,68.0, Private, Prof-school,15.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,60.0, United-States +12752,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12753,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,5.0, United-States +12754,65.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +12755,41.0, Private, 10th,6.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,33.0, United-States +12756,45.0, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12757,33.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +12758,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,45.0, United-States +12759,50.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +12760,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico +12761,53.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +12762,41.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12763,51.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States +12764,54.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +12765,48.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Dominican-Republic +12766,37.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,2977.0,0.0,55.0, United-States +12767,19.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Mexico +12768,31.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico +12769,52.0, Private, 11th,7.0, Separated, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States +12770,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12771,39.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, Mexico +12772,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12773,52.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +12774,45.0, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +12775,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12776,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +12777,23.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1573.0,30.0, Mexico +12778,46.0, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +12779,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,60.0, United-States +12780,28.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +12781,25.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12782,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +12783,23.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +12784,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,52.0, United-States +12785,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12786,48.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +12787,59.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12788,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +12789,54.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +12790,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +12791,44.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +12792,57.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12793,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +12794,54.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12795,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,49.0, United-States +12796,33.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +12797,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +12798,25.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +12799,32.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,54.0, United-States +12800,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China +12801,55.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +12802,53.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +12803,34.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,44.0, United-States +12804,41.0, Local-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,4101.0,0.0,40.0, United-States +12805,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States +12806,41.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States +12807,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12808,43.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,15020.0,0.0,35.0, United-States +12809,17.0, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +12810,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12811,42.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, China +12812,44.0, Private, Assoc-voc,11.0, Never-married, Priv-house-serv, Not-in-family, White, Male,594.0,0.0,25.0, United-States +12813,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +12814,46.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +12815,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688.0,0.0,40.0, United-States +12816,38.0, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12817,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States +12818,39.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +12819,51.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,20.0, United-States +12820,35.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +12821,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +12822,32.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +12823,32.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1485.0,45.0, United-States +12824,32.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +12825,17.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12826,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12827,41.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12828,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +12829,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +12830,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12831,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States +12832,28.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, Dominican-Republic +12833,25.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +12834,46.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +12835,27.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +12836,30.0, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +12837,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,1590.0,40.0, Japan +12838,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +12839,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +12840,39.0, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Poland +12841,27.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +12842,32.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +12843,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12844,63.0, Local-gov, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,35.0, Outlying-US(Guam-USVI-etc) +12845,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12846,34.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1672.0,42.0, United-States +12847,27.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador +12848,37.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States +12849,37.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +12850,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +12851,28.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,39.0, United-States +12852,45.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,27.0, United-States +12853,27.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12854,34.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +12855,40.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States +12856,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +12857,25.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, Canada +12858,38.0, Private, Bachelors,13.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12859,26.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +12860,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States +12861,52.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12862,18.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +12863,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +12864,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States +12865,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1579.0,40.0, United-States +12866,44.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12867,43.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Male,5721.0,0.0,40.0, Philippines +12868,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,594.0,0.0,35.0, United-States +12869,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States +12870,23.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,45.0, United-States +12871,69.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +12872,67.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +12873,36.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,55.0, United-States +12874,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +12875,22.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12876,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1672.0,60.0, United-States +12877,22.0, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,24.0, Mexico +12878,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12879,49.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,6.0, United-States +12880,56.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States +12881,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +12882,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +12883,41.0, Federal-gov, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, India +12884,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States +12885,55.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12886,41.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +12887,41.0, Private, Assoc-voc,11.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12888,45.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +12889,53.0, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,2444.0,45.0, United-States +12890,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +12891,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +12892,23.0, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +12893,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +12894,55.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,51.0, United-States +12895,24.0, Private, 9th,5.0, Never-married, Transport-moving, Unmarried, Other, Male,0.0,0.0,40.0, El-Salvador +12896,31.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +12897,64.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +12898,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +12899,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States +12900,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +12901,41.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +12902,66.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +12903,33.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12904,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +12905,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +12906,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +12907,33.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +12908,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +12909,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3103.0,0.0,52.0, United-States +12910,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +12911,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,4787.0,0.0,40.0, United-States +12912,54.0, Private, 5th-6th,3.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, Haiti +12913,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Puerto-Rico +12914,48.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States +12915,47.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2258.0,20.0, United-States +12916,34.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,52.0, United-States +12917,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12918,, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +12919,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,2176.0,0.0,25.0, United-States +12920,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States +12921,33.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +12922,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +12923,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +12924,47.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +12925,30.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12926,48.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +12927,36.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +12928,50.0, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +12929,55.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +12930,28.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +12931,50.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +12932,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +12933,32.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +12934,52.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +12935,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +12936,50.0, Self-emp-inc, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +12937,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,2174.0,0.0,40.0, United-States +12938,51.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12939,39.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +12940,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +12941,47.0, Private, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +12942,36.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +12943,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, England +12944,28.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,46.0, United-States +12945,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +12946,24.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +12947,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12948,58.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +12949,34.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +12950,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +12951,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +12952,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12953,62.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +12954,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12955,41.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +12956,35.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States +12957,52.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +12958,41.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,99.0, United-States +12959,74.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,6418.0,0.0,24.0, United-States +12960,43.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +12961,33.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +12962,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +12963,41.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +12964,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12965,42.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +12966,58.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,14084.0,0.0,40.0, United-States +12967,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +12968,44.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +12969,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +12970,45.0, Private, Doctorate,16.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +12971,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +12972,24.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +12973,28.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12974,67.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,24.0, United-States +12975,71.0, Local-gov, Masters,14.0, Widowed, Exec-managerial, Not-in-family, White, Male,2050.0,0.0,20.0, United-States +12976,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12977,40.0, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12978,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,3411.0,0.0,40.0, Jamaica +12979,43.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +12980,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +12981,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +12982,63.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +12983,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,45.0, United-States +12984,59.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States +12985,25.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +12986,34.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,6.0, United-States +12987,40.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States +12988,54.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +12989,36.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +12990,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +12991,40.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +12992,34.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,25.0, United-States +12993,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +12994,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +12995,39.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +12996,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,35.0, United-States +12997,51.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +12998,36.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +12999,51.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,45.0, Mexico +13000,24.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +13001,37.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +13002,24.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States +13003,34.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +13004,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +13005,18.0, State-gov, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +13006,45.0, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +13007,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +13008,38.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +13009,61.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Black, Female,0.0,0.0,35.0, United-States +13010,38.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +13011,46.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +13012,47.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +13013,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +13014,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13015,29.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, India +13016,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +13017,62.0, Private, Assoc-voc,11.0, Separated, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +13018,25.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +13019,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,48.0, Philippines +13020,60.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13021,54.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,25.0, United-States +13022,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13023,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,50.0, United-States +13024,22.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,17.0, United-States +13025,53.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +13026,59.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States +13027,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +13028,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13029,71.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +13030,42.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +13031,26.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,72.0, United-States +13032,27.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +13033,23.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +13034,65.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13035,32.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Philippines +13036,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,99.0, United-States +13037,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +13038,44.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +13039,31.0, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13040,25.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13041,55.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +13042,47.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +13043,32.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Male,0.0,0.0,35.0, United-States +13044,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +13045,25.0, State-gov, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +13046,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13047,24.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States +13048,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,4787.0,0.0,24.0, United-States +13049,51.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,5013.0,0.0,40.0, India +13050,30.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +13051,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,29.0, United-States +13052,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13053,58.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13054,63.0, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,20.0, United-States +13055,28.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13056,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +13057,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +13058,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +13059,23.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1590.0,40.0, United-States +13060,29.0, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13061,61.0, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,36.0, United-States +13062,48.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13063,31.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +13064,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +13065,64.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13066,45.0, State-gov, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13067,83.0, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States +13068,50.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States +13069,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +13070,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13071,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13072,49.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +13073,52.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13074,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico +13075,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,4.0, United-States +13076,25.0, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +13077,41.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +13078,33.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13079,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +13080,39.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +13081,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,7.0, United-States +13082,51.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +13083,64.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13084,39.0, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,10.0, Japan +13085,35.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13086,52.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13087,49.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Female,27828.0,0.0,60.0, United-States +13088,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +13089,29.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +13090,32.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +13091,46.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13092,61.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13093,43.0, Self-emp-inc, Bachelors,13.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,42.0, United-States +13094,22.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States +13095,36.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +13096,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +13097,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +13098,25.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +13099,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,45.0, United-States +13100,43.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +13101,42.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13102,59.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States +13103,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1977.0,52.0, United-States +13104,46.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +13105,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13106,26.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +13107,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13108,34.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,80.0, United-States +13109,34.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +13110,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States +13111,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +13112,41.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,43.0, Mexico +13113,31.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,50.0, United-States +13114,61.0, Local-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13115,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105.0,0.0,40.0, United-States +13116,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +13117,37.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4064.0,0.0,46.0, United-States +13118,42.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +13119,65.0, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,28.0, United-States +13120,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,2444.0,50.0, United-States +13121,26.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, United-States +13122,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States +13123,33.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13124,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,60.0, United-States +13125,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +13126,52.0, Private, HS-grad,9.0, Married-civ-spouse,, Husband, White, Male,0.0,0.0,40.0, United-States +13127,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +13128,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +13129,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,33.0, United-States +13130,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13131,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,17.0, United-States +13132,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,50.0, United-States +13133,32.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +13134,56.0,, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13135,50.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +13136,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States +13137,21.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States +13138,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +13139,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13140,26.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13141,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +13142,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,43.0, United-States +13143,22.0,, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13144,36.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, El-Salvador +13145,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +13146,63.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13147,45.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +13148,23.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Mexico +13149,52.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +13150,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +13151,30.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13152,27.0, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,37.0, United-States +13153,23.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13154,58.0, State-gov, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +13155,39.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +13156,32.0, Private, 10th,6.0, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +13157,52.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +13158,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, England +13159,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +13160,50.0, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13161,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13162,56.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, England +13163,56.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +13164,40.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13165,25.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,3137.0,0.0,40.0, United-States +13166,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +13167,39.0, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13168,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13169,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +13170,37.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13171,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany +13172,26.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +13173,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States +13174,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13175,52.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +13176,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +13177,24.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +13178,59.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,4.0, United-States +13179,56.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13180,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +13181,37.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13182,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, Poland +13183,39.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +13184,46.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +13185,34.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0.0,1672.0,40.0, United-States +13186,40.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +13187,59.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13188,51.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +13189,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +13190,49.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +13191,19.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,15.0, United-States +13192,27.0, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +13193,37.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13194,50.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +13195,33.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1590.0,60.0, United-States +13196,36.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +13197,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +13198,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,1590.0,50.0, United-States +13199,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +13200,90.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +13201,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States +13202,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13203,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +13204,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +13205,30.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +13206,41.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +13207,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +13208,88.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13209,41.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +13210,64.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +13211,35.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,1887.0,40.0, United-States +13212,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13213,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,13.0, United-States +13214,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +13215,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +13216,39.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +13217,39.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +13218,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +13219,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +13220,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +13221,36.0, Federal-gov, Masters,14.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13222,21.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States +13223,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States +13224,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States +13225,52.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +13226,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +13227,25.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +13228,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,1721.0,24.0, United-States +13229,25.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States +13230,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13231,29.0, Private, 5th-6th,3.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, El-Salvador +13232,47.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States +13233,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +13234,56.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13235,43.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +13236,56.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13237,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +13238,44.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States +13239,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13240,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +13241,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +13242,49.0, State-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +13243,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +13244,32.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +13245,66.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +13246,23.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,10.0, United-States +13247,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,60.0, United-States +13248,45.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,10.0, United-States +13249,36.0, Self-emp-inc, 7th-8th,4.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +13250,30.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +13251,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States +13252,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,9.0, United-States +13253,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13254,54.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +13255,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States +13256,45.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White,,0.0,1628.0,45.0, United-States +13257,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13258,42.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +13259,50.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +13260,24.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +13261,25.0, Local-gov, Masters,14.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13262,69.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,15831.0,0.0,40.0, United-States +13263,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +13264,32.0, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,1590.0,54.0, United-States +13265,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,4064.0,0.0,40.0, United-States +13266,54.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13267,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +13268,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,40.0, United-States +13269,56.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +13270,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13271,59.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, Italy +13272,28.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,1092.0,60.0, United-States +13273,59.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, Puerto-Rico +13274,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +13275,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +13276,35.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,8614.0,0.0,40.0, United-States +13277,28.0, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States +13278,34.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +13279,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +13280,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +13281,27.0, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,47.0, United-States +13282,37.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13283,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +13284,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +13285,51.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +13286,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13287,29.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +13288,26.0, Local-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13289,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +13290,39.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,1726.0,40.0, United-States +13291,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +13292,33.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13293,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13294,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +13295,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13296,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13297,53.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States +13298,51.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +13299,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +13300,43.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +13301,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, Mexico +13302,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +13303,28.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States +13304,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13305,47.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +13306,46.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States +13307,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13308,43.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13309,53.0, Private, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, +13310,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +13311,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13312,30.0, Private, Preschool,1.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico +13313,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +13314,50.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, United-States +13315,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +13316,45.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13317,32.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +13318,29.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,2057.0,40.0, United-States +13319,49.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +13320,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +13321,29.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13322,29.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,2202.0,0.0,50.0, United-States +13323,45.0, Private, 12th,8.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +13324,53.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +13325,20.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +13326,38.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +13327,30.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13328,19.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,78.0, United-States +13329,31.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,70.0, United-States +13330,30.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13331,67.0, Private, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +13332,36.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13333,34.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2258.0,50.0, United-States +13334,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +13335,23.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +13336,55.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,20.0, United-States +13337,54.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +13338,45.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +13339,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,1092.0,40.0, Philippines +13340,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +13341,62.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +13342,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States +13343,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,52.0, Jamaica +13344,23.0, Private, HS-grad,9.0, Never-married, Protective-serv, Other-relative, White, Male,0.0,0.0,42.0, United-States +13345,50.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +13346,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +13347,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +13348,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,14344.0,0.0,50.0, United-States +13349,18.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13350,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13351,29.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +13352,75.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +13353,41.0, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13354,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13355,45.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +13356,42.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13357,19.0, Without-pay, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +13358,27.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, Germany +13359,28.0, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +13360,64.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +13361,25.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +13362,44.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,38.0, United-States +13363,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +13364,45.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +13365,24.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +13366,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States +13367,37.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States +13368,17.0, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,12.0, United-States +13369,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +13370,30.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States +13371,57.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +13372,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,50.0, United-States +13373,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +13374,44.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13375,23.0, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +13376,40.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13377,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +13378,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +13379,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +13380,30.0, Private, 7th-8th,4.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13381,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +13382,29.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States +13383,30.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,40.0, United-States +13384,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13385,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Cuba +13386,25.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13387,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13388,50.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +13389,26.0, Federal-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +13390,24.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3137.0,0.0,40.0, United-States +13391,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,70.0, United-States +13392,33.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States +13393,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013.0,0.0,40.0, United-States +13394,37.0, Private, 1st-4th,2.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, Mexico +13395,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, Germany +13396,43.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +13397,53.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,40.0, United-States +13398,23.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +13399,40.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +13400,28.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,2202.0,0.0,50.0, United-States +13401,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +13402,43.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,36.0, Portugal +13403,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +13404,34.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +13405,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13406,47.0, Private, 10th,6.0, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +13407,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +13408,35.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +13409,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +13410,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,8.0, United-States +13411,30.0, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,60.0, United-States +13412,35.0, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13413,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13414,37.0, State-gov, Some-college,10.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +13415,33.0, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +13416,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13417,31.0, State-gov, Some-college,10.0, Married-spouse-absent, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +13418,46.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13419,46.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,52.0, United-States +13420,37.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +13421,23.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13422,30.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,55.0, United-States +13423,37.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13424,33.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,55.0, United-States +13425,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +13426,28.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +13427,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States +13428,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +13429,30.0, State-gov, Masters,14.0, Separated, Craft-repair, Not-in-family, White, Male,99999.0,0.0,40.0, United-States +13430,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13431,36.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +13432,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +13433,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13434,39.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +13435,28.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13436,68.0, Private, 10th,6.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +13437,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +13438,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +13439,25.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +13440,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,40.0, United-States +13441,43.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +13442,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13443,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13444,31.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,45.0, United-States +13445,29.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13446,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +13447,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +13448,19.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +13449,35.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0.0,0.0,20.0, Columbia +13450,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,24.0, United-States +13451,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +13452,60.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +13453,42.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +13454,68.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13455,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +13456,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +13457,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13458,62.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +13459,51.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +13460,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +13461,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +13462,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +13463,67.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,25.0, Nicaragua +13464,18.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +13465,55.0, Private, Masters,14.0, Widowed, Exec-managerial, Own-child, White, Male,0.0,0.0,62.0, United-States +13466,31.0, Private, 9th,5.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +13467,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States +13468,50.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13469,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +13470,21.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +13471,50.0, Private, 1st-4th,2.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +13472,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +13473,57.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +13474,56.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +13475,44.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +13476,19.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +13477,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13478,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +13479,59.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,2907.0,0.0,40.0, United-States +13480,60.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States +13481,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +13482,59.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +13483,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +13484,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States +13485,39.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,60.0, United-States +13486,48.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +13487,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +13488,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,5.0, United-States +13489,31.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Trinadad&Tobago +13490,25.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +13491,35.0, Private, 1st-4th,2.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala +13492,52.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +13493,22.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,24.0, United-States +13494,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13495,41.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13496,21.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13497,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +13498,25.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13499,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13500,28.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, Other, Male,0.0,0.0,40.0, Mexico +13501,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +13502,28.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,85.0, United-States +13503,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States +13504,35.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +13505,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +13506,27.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +13507,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States +13508,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13509,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +13510,24.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +13511,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +13512,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,2829.0,0.0,40.0, United-States +13513,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +13514,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13515,43.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13516,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +13517,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +13518,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13519,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13520,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +13521,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Peru +13522,52.0, Self-emp-not-inc, 10th,6.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,27.0, United-States +13523,26.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States +13524,25.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +13525,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +13526,42.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,12.0, England +13527,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13528,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,40.0, United-States +13529,55.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +13530,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +13531,50.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13532,40.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13533,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +13534,19.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +13535,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,35.0, United-States +13536,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +13537,23.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +13538,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13539,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +13540,40.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +13541,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +13542,59.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +13543,56.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +13544,49.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +13545,18.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +13546,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +13547,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +13548,45.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +13549,37.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13550,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13551,41.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +13552,48.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,8.0, United-States +13553,36.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +13554,55.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +13555,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +13556,41.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +13557,38.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13558,28.0, Private, 9th,5.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,52.0, United-States +13559,32.0, Local-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +13560,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,34.0, United-States +13561,35.0, Private, 9th,5.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13562,37.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,50.0, United-States +13563,37.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13564,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +13565,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13566,69.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,9386.0,0.0,72.0, United-States +13567,28.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Female,0.0,0.0,35.0, United-States +13568,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13569,35.0, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +13570,50.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13571,40.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13572,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +13573,49.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States +13574,32.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,32.0, United-States +13575,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,44.0, United-States +13576,53.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13577,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador +13578,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +13579,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +13580,31.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +13581,41.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +13582,30.0, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,3325.0,0.0,35.0, United-States +13583,38.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +13584,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13585,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +13586,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13587,29.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13588,64.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,5.0, United-States +13589,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +13590,22.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States +13591,33.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13592,29.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13593,38.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +13594,49.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +13595,64.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +13596,39.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13597,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +13598,31.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,4650.0,0.0,40.0, United-States +13599,29.0, Federal-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +13600,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States +13601,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +13602,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +13603,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,25.0, United-States +13604,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +13605,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,42.0, Canada +13606,52.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,50.0, Puerto-Rico +13607,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13608,42.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,40.0, United-States +13609,42.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13610,42.0, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13611,42.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Taiwan +13612,35.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +13613,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +13614,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13615,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13616,52.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +13617,23.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States +13618,31.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13619,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,24.0, United-States +13620,23.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +13621,38.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,50.0, United-States +13622,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States +13623,56.0, Self-emp-not-inc, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,65.0, Greece +13624,40.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +13625,49.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +13626,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13627,67.0, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13628,23.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States +13629,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +13630,47.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,80.0, United-States +13631,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +13632,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,42.0, United-States +13633,24.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +13634,40.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States +13635,28.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +13636,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +13637,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States +13638,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13639,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13640,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Puerto-Rico +13641,31.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,46.0, United-States +13642,34.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13643,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +13644,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13645,28.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +13646,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +13647,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1887.0,50.0, Iran +13648,58.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +13649,48.0, Private, 7th-8th,4.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,15.0, United-States +13650,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13651,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13652,32.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +13653,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador +13654,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,65.0, United-States +13655,22.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +13656,23.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +13657,50.0, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13658,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +13659,55.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,36.0, United-States +13660,25.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +13661,58.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +13662,31.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +13663,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +13664,25.0, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +13665,45.0, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,5013.0,0.0,40.0, United-States +13666,73.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,99.0, United-States +13667,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +13668,27.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +13669,28.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13670,37.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13671,40.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13672,20.0, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +13673,42.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,2885.0,0.0,30.0, United-States +13674,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13675,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13676,52.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,56.0, United-States +13677,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,65.0, United-States +13678,28.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Male,14084.0,0.0,40.0, United-States +13679,56.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13680,47.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States +13681,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +13682,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13683,62.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,43.0, United-States +13684,23.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +13685,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +13686,36.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1977.0,40.0, United-States +13687,54.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +13688,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13689,33.0, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +13690,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States +13691,59.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +13692,58.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13693,48.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,38.0, United-States +13694,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +13695,28.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13696,48.0, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +13697,24.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,7298.0,0.0,48.0, United-States +13698,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +13699,32.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13700,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +13701,26.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,42.0, United-States +13702,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13703,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +13704,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +13705,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, United-States +13706,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13707,42.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +13708,67.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,60.0, United-States +13709,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +13710,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +13711,34.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +13712,38.0, State-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,10.0, United-States +13713,56.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +13714,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +13715,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States +13716,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,53.0, United-States +13717,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States +13718,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13719,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +13720,42.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13721,67.0, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +13722,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +13723,25.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +13724,32.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States +13725,42.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13726,25.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13727,26.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States +13728,64.0, Self-emp-not-inc, Some-college,10.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,8.0, United-States +13729,38.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +13730,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States +13731,74.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +13732,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, India +13733,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +13734,28.0, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +13735,34.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13736,48.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +13737,38.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,35.0, United-States +13738,22.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +13739,38.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,24.0, Haiti +13740,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, England +13741,46.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +13742,72.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,17.0, United-States +13743,38.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States +13744,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +13745,35.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,80.0, United-States +13746,30.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Other, Female,1506.0,0.0,45.0, United-States +13747,21.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13748,35.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +13749,51.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,47.0, United-States +13750,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580.0,0.0,40.0, United-States +13751,48.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland +13752,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States +13753,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13754,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +13755,41.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +13756,41.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,40.0, United-States +13757,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +13758,47.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13759,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Jamaica +13760,59.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +13761,25.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +13762,41.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,30.0, United-States +13763,31.0, Private, 10th,6.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +13764,53.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +13765,21.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,2907.0,0.0,30.0, United-States +13766,48.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +13767,67.0, Private, 1st-4th,2.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,2062.0,0.0,34.0, Ecuador +13768,37.0, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13769,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +13770,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13771,51.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +13772,62.0, Private, Bachelors,13.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,7.0, United-States +13773,41.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13774,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +13775,80.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,1409.0,0.0,40.0, United-States +13776,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,40.0, United-States +13777,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +13778,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +13779,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13780,32.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan +13781,50.0, Without-pay, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0.0,1887.0,40.0, United-States +13782,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13783,49.0, Local-gov, 11th,7.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +13784,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +13785,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,60.0, United-States +13786,31.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, France +13787,71.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,50.0, United-States +13788,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +13789,36.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,15024.0,0.0,75.0, United-States +13790,30.0, Private, Masters,14.0, Never-married, Tech-support, Unmarried, White, Male,0.0,0.0,45.0, Nicaragua +13791,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13792,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +13793,26.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +13794,35.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +13795,31.0, Private, 10th,6.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +13796,54.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +13797,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States +13798,49.0, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,70.0, United-States +13799,64.0, Private, 5th-6th,3.0, Widowed, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,4.0, United-States +13800,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,46.0, United-States +13801,20.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States +13802,39.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,4.0, United-States +13803,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +13804,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +13805,41.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +13806,30.0, Federal-gov, HS-grad,9.0, Separated, Adm-clerical, Other-relative, Black, Male,0.0,0.0,35.0, United-States +13807,20.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +13808,30.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +13809,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy +13810,34.0, Private, 12th,8.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, Mexico +13811,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +13812,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13813,42.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +13814,, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,4101.0,0.0,35.0, United-States +13815,40.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13816,19.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +13817,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13818,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13819,26.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +13820,37.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +13821,67.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +13822,48.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +13823,41.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +13824,30.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +13825,31.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +13826,74.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +13827,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13828,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13829,73.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +13830,54.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +13831,39.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,47.0, United-States +13832,28.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +13833,71.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +13834,46.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13835,53.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +13836,57.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +13837,55.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13838,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +13839,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States +13840,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,24.0, United-States +13841,44.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +13842,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +13843,52.0, Local-gov, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13844,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +13845,46.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States +13846,28.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13847,61.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +13848,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +13849,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +13850,50.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13851,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States +13852,58.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States +13853,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +13854,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +13855,38.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Own-child, White, Male,0.0,0.0,45.0, United-States +13856,56.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +13857,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13858,30.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13859,45.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2824.0,50.0, United-States +13860,35.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13861,39.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +13862,19.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,30.0, United-States +13863,35.0, Self-emp-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +13864,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +13865,52.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,57.0, United-States +13866,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +13867,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +13868,64.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +13869,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,45.0, United-States +13870,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +13871,27.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13872,53.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +13873,53.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,38.0, United-States +13874,30.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13875,24.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States +13876,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13877,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +13878,40.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +13879,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States +13880,54.0, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States +13881,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +13882,51.0, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, Cuba +13883,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States +13884,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +13885,53.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,20.0, United-States +13886,44.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +13887,30.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +13888,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +13889,48.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13890,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +13891,24.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +13892,21.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +13893,32.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +13894,25.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +13895,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +13896,50.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1980.0,40.0, United-States +13897,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13898,58.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +13899,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +13900,38.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +13901,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +13902,34.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +13903,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +13904,24.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, Other, Female,0.0,0.0,30.0, Ecuador +13905,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,2907.0,0.0,30.0, United-States +13906,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +13907,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +13908,43.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +13909,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13910,39.0, Without-pay, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13911,59.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13912,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +13913,28.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13914,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, United-States +13915,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +13916,41.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13917,26.0, Private, Preschool,1.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,1719.0,40.0, Mexico +13918,35.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,2977.0,0.0,45.0, United-States +13919,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,30.0, United-States +13920,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +13921,58.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,25.0, United-States +13922,47.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,42.0, United-States +13923,46.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +13924,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +13925,45.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,80.0, United-States +13926,21.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13927,60.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +13928,69.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,50.0, United-States +13929,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,47.0, United-States +13930,29.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +13931,59.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,30.0, United-States +13932,70.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,12.0, United-States +13933,31.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,32.0, United-States +13934,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +13935,36.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,28.0, United-States +13936,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2258.0,45.0, United-States +13937,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +13938,32.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +13939,26.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +13940,55.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1977.0,35.0, United-States +13941,44.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,48.0, United-States +13942,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,40.0, United-States +13943,34.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +13944,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13945,36.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +13946,59.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13947,66.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +13948,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +13949,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +13950,61.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13951,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +13952,27.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +13953,50.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States +13954,46.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States +13955,25.0, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,2597.0,0.0,50.0, United-States +13956,45.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13957,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +13958,53.0, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica +13959,75.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +13960,24.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States +13961,40.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +13962,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1902.0,55.0, United-States +13963,48.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, China +13964,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +13965,29.0, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +13966,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +13967,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13968,57.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, United-States +13969,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +13970,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +13971,25.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,2001.0,30.0, United-States +13972,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,2174.0,0.0,40.0, United-States +13973,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States +13974,53.0, State-gov, 7th-8th,4.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,45.0, Poland +13975,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +13976,17.0, Local-gov, 10th,6.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States +13977,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +13978,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +13979,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,4508.0,0.0,40.0, South +13980,53.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +13981,22.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105.0,0.0,40.0, United-States +13982,35.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +13983,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +13984,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,1602.0,10.0, United-States +13985,64.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +13986,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +13987,47.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +13988,35.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +13989,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +13990,34.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +13991,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States +13992,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +13993,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +13994,32.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States +13995,55.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, England +13996,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1902.0,80.0, United-States +13997,51.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States +13998,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +13999,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14000,65.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,8.0, United-States +14001,32.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14002,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14003,31.0, Private, 11th,7.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14004,54.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14005,48.0, Self-emp-not-inc, 12th,8.0, Widowed, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +14006,58.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States +14007,39.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +14008,45.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +14009,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +14010,24.0, Local-gov, 10th,6.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,65.0, Haiti +14011,21.0, Self-emp-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States +14012,35.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298.0,0.0,35.0, United-States +14013,28.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14014,45.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,80.0, United-States +14015,38.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14016,33.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14017,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +14018,22.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +14019,36.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +14020,49.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States +14021,58.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,58.0, United-States +14022,47.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14023,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,42.0, United-States +14024,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +14025,19.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +14026,47.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +14027,49.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +14028,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,4.0, United-States +14029,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,40.0, United-States +14030,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +14031,21.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14032,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States +14033,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,2977.0,0.0,35.0, United-States +14034,55.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +14035,29.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +14036,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +14037,39.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +14038,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +14039,36.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Honduras +14040,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14041,72.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States +14042,27.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14043,56.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,70.0, United-States +14044,43.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508.0,0.0,40.0, Cuba +14045,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +14046,60.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +14047,25.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States +14048,28.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +14049,41.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +14050,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +14051,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +14052,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +14053,58.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14054,22.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +14055,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,8.0, United-States +14056,63.0, Self-emp-not-inc, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14057,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Italy +14058,25.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +14059,42.0, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,70.0, United-States +14060,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +14061,45.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14062,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +14063,59.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,34.0, United-States +14064,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +14065,47.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2179.0,50.0, Mexico +14066,31.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +14067,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14068,21.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States +14069,46.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States +14070,59.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +14071,25.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,2885.0,0.0,43.0, United-States +14072,70.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +14073,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +14074,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,20.0, United-States +14075,38.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States +14076,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14077,28.0, Private, Masters,14.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +14078,56.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +14079,67.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +14080,36.0, Private, 11th,7.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,12.0, United-States +14081,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +14082,45.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,55.0, United-States +14083,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Other, Male,0.0,0.0,40.0, United-States +14084,63.0, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14085,22.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States +14086,38.0, Private, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States +14087,26.0, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,15.0, United-States +14088,43.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +14089,31.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,30.0, United-States +14090,24.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +14091,28.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, Jamaica +14092,34.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, Italy +14093,50.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +14094,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +14095,57.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2824.0,50.0, United-States +14096,90.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14097,62.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +14098,62.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +14099,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States +14100,27.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Other-relative, Other, Male,0.0,0.0,50.0, Ecuador +14101,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,52.0, United-States +14102,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +14103,33.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States +14104,25.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +14105,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +14106,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Own-child, White, Male,0.0,0.0,72.0, Mexico +14107,23.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +14108,80.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States +14109,24.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,45.0, England +14110,38.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14111,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +14112,52.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +14113,21.0, Private, 11th,7.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,24.0, United-States +14114,47.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +14115,26.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Columbia +14116,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +14117,38.0, Federal-gov, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14118,41.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14119,41.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +14120,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14121,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States +14122,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14123,33.0, State-gov, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +14124,38.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14125,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +14126,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +14127,29.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14128,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,594.0,0.0,16.0, United-States +14129,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,1340.0,40.0, United-States +14130,48.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,914.0,0.0,40.0, United-States +14131,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14132,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,40.0, United-States +14133,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +14134,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +14135,22.0, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +14136,40.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +14137,37.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States +14138,47.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14139,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +14140,32.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, United-States +14141,36.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +14142,51.0, Private, Masters,14.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States +14143,38.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +14144,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +14145,45.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +14146,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14147,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14148,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +14149,46.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +14150,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,36.0, Haiti +14151,34.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,41.0, United-States +14152,41.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +14153,37.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +14154,41.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,42.0, United-States +14155,32.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14156,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14157,40.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,38.0, United-States +14158,54.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +14159,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,38.0, United-States +14160,57.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +14161,47.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,4.0, France +14162,42.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14163,24.0, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany +14164,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +14165,56.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +14166,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +14167,55.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +14168,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States +14169,23.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,53.0, United-States +14170,56.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States +14171,49.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +14172,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14173,27.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,16.0, United-States +14174,38.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,52.0, United-States +14175,19.0, Private, 11th,7.0, Separated, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +14176,40.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +14177,26.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +14178,54.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,50.0, Philippines +14179,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +14180,58.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14181,45.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,8.0, United-States +14182,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14183,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,44.0, United-States +14184,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +14185,44.0, Private, Some-college,10.0, Separated, Sales, Other-relative, Black, Female,0.0,0.0,35.0, United-States +14186,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14187,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +14188,56.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +14189,26.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,18.0, United-States +14190,47.0, Private, Assoc-acdm,12.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,44.0, United-States +14191,45.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14192,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +14193,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +14194,46.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +14195,31.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,50.0, United-States +14196,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +14197,32.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +14198,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14199,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +14200,31.0, Private, 5th-6th,3.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico +14201,38.0, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +14202,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,46.0, United-States +14203,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14204,61.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2246.0,50.0, United-States +14205,43.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +14206,31.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14207,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +14208,46.0, State-gov, Masters,14.0, Widowed, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States +14209,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14210,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +14211,36.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +14212,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States +14213,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +14214,20.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,2.0, United-States +14215,28.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,38.0, United-States +14216,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +14217,59.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,2885.0,0.0,30.0, United-States +14218,52.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14219,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,25.0, United-States +14220,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +14221,49.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +14222,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +14223,26.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,55.0, Philippines +14224,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +14225,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14226,19.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +14227,29.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,30.0, Germany +14228,31.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +14229,46.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14230,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2377.0,50.0, United-States +14231,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14232,42.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,10520.0,0.0,50.0, United-States +14233,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +14234,22.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, United-States +14235,42.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +14236,27.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14237,27.0, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,12.0, United-States +14238,33.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,3325.0,0.0,43.0, United-States +14239,25.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,22.0, United-States +14240,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +14241,38.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,2354.0,0.0,40.0, United-States +14242,43.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +14243,24.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +14244,29.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14245,31.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +14246,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +14247,43.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +14248,24.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +14249,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +14250,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14251,37.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Male,27828.0,0.0,40.0, United-States +14252,40.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +14253,24.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +14254,60.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,44.0, Mexico +14255,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +14256,25.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +14257,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +14258,30.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14259,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,40.0, United-States +14260,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14261,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States +14262,51.0, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States +14263,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,3464.0,0.0,80.0, Italy +14264,31.0, Local-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,64.0, United-States +14265,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +14266,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +14267,33.0, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,60.0, Germany +14268,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +14269,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14270,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14271,53.0, Federal-gov, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14272,46.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,70.0, United-States +14273,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +14274,42.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +14275,50.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +14276,48.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14277,30.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,44.0, United-States +14278,42.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14279,53.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +14280,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +14281,45.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,14084.0,0.0,45.0, United-States +14282,23.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +14283,24.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +14284,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +14285,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14286,52.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States +14287,53.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States +14288,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +14289,41.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +14290,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,48.0, United-States +14291,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1887.0,45.0, Iran +14292,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14293,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States +14294,62.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14295,23.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States +14296,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Italy +14297,34.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +14298,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +14299,37.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,30.0, United-States +14300,60.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +14301,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,10.0, United-States +14302,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,50.0, Cuba +14303,53.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Other, Female,4865.0,0.0,45.0, Mexico +14304,46.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,48.0, United-States +14305,43.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14306,30.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States +14307,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +14308,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +14309,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14310,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, Jamaica +14311,51.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +14312,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +14313,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +14314,33.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +14315,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14316,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14317,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +14318,52.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +14319,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +14320,24.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States +14321,46.0, Self-emp-inc, Doctorate,16.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +14322,46.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1408.0,40.0, United-States +14323,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14324,45.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,64.0, United-States +14325,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14326,22.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States +14327,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +14328,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14329,23.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +14330,40.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +14331,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Greece +14332,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14333,25.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +14334,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +14335,35.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14336,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +14337,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,33.0, United-States +14338,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +14339,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14340,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +14341,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +14342,30.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +14343,21.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,45.0, United-States +14344,47.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +14345,29.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14346,90.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14347,49.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14348,33.0, Private, Assoc-acdm,12.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,32.0, United-States +14349,76.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,15.0, United-States +14350,67.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,10605.0,0.0,10.0, United-States +14351,56.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14352,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +14353,29.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +14354,29.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +14355,26.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,41.0, United-States +14356,24.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +14357,30.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +14358,54.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +14359,28.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +14360,25.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,37.0, United-States +14361,41.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,35.0, United-States +14362,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +14363,27.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,39.0, United-States +14364,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +14365,34.0, Private, 10th,6.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +14366,56.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +14367,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +14368,25.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14369,25.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +14370,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +14371,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14372,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +14373,52.0, Private, 5th-6th,3.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, El-Salvador +14374,29.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, United-States +14375,26.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +14376,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +14377,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14378,31.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States +14379,40.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +14380,57.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688.0,0.0,40.0, United-States +14381,27.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +14382,59.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +14383,55.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +14384,27.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14385,28.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14386,38.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +14387,30.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14388,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14389,40.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +14390,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14391,41.0, State-gov, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +14392,39.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +14393,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +14394,40.0, Private, 9th,5.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +14395,26.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14396,60.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +14397,60.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +14398,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +14399,20.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14400,41.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +14401,41.0, State-gov, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +14402,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States +14403,68.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States +14404,52.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States +14405,38.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,70.0, United-States +14406,28.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1628.0,50.0, United-States +14407,28.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,23.0, United-States +14408,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14409,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +14410,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14411,33.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,38.0, United-States +14412,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +14413,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +14414,58.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +14415,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14416,48.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,16.0, United-States +14417,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +14418,26.0, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +14419,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14420,43.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States +14421,24.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,56.0, United-States +14422,71.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2467.0,52.0, United-States +14423,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +14424,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14425,29.0, Local-gov, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14426,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +14427,28.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +14428,53.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +14429,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,48.0, United-States +14430,66.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +14431,43.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14432,67.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14433,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +14434,40.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,22.0, United-States +14435,44.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +14436,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +14437,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,37.0, United-States +14438,28.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +14439,38.0, Private, Bachelors,13.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, Dominican-Republic +14440,34.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,4650.0,0.0,40.0, United-States +14441,33.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, Puerto-Rico +14442,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +14443,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14444,56.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,30.0, United-States +14445,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +14446,57.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14447,47.0, Self-emp-not-inc, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +14448,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14449,32.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +14450,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +14451,29.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14452,48.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +14453,63.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +14454,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,16.0, United-States +14455,27.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +14456,51.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Columbia +14457,45.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +14458,43.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,60.0, United-States +14459,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +14460,44.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +14461,42.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +14462,38.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +14463,44.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +14464,55.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14465,58.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,45.0, United-States +14466,51.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +14467,57.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States +14468,25.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +14469,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +14470,55.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14471,37.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +14472,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States +14473,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,45.0, United-States +14474,41.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14475,50.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +14476,27.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, El-Salvador +14477,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States +14478,63.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14479,36.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14480,26.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14481,37.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,3137.0,0.0,40.0, United-States +14482,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +14483,48.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14484,37.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14485,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Poland +14486,62.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14487,19.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,25.0, United-States +14488,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,2001.0,40.0, Mexico +14489,33.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14490,57.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Male,10520.0,0.0,40.0, United-States +14491,27.0, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,55.0, United-States +14492,52.0, Local-gov, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +14493,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +14494,31.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14495,38.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14496,18.0, Private, 11th,7.0, Married-civ-spouse, Sales, Wife, Other, Female,0.0,0.0,20.0, United-States +14497,19.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +14498,39.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,4787.0,0.0,40.0, United-States +14499,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +14500,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States +14501,38.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +14502,33.0, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,35.0, United-States +14503,29.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +14504,51.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +14505,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +14506,19.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States +14507,42.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +14508,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +14509,35.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Other, Male,0.0,0.0,25.0, Columbia +14510,21.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +14511,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14512,44.0, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,1876.0,55.0, United-States +14513,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +14514,60.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14515,30.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +14516,57.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +14517,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +14518,27.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +14519,38.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +14520,41.0, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States +14521,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,37.0, United-States +14522,59.0, Private, 12th,8.0, Widowed, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,48.0, United-States +14523,51.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +14524,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +14525,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +14526,19.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,58.0, United-States +14527,47.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +14528,22.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14529,21.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Ecuador +14530,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +14531,60.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +14532,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14533,36.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +14534,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,1887.0,40.0, Philippines +14535,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +14536,48.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States +14537,56.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico +14538,29.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States +14539,28.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +14540,42.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +14541,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1977.0,50.0, United-States +14542,25.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States +14543,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +14544,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,50.0, United-States +14545,53.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +14546,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +14547,31.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,25.0, United-States +14548,26.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +14549,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14550,28.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +14551,56.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +14552,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14553,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,35.0, United-States +14554,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +14555,39.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,48.0, United-States +14556,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14557,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14558,45.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +14559,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0.0,0.0,40.0, Columbia +14560,36.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,45.0, United-States +14561,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +14562,28.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +14563,41.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +14564,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,15024.0,0.0,20.0, United-States +14565,38.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +14566,87.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,16.0, United-States +14567,56.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,21.0, China +14568,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,42.0, United-States +14569,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +14570,48.0, Private, 9th,5.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14571,43.0, Self-emp-not-inc, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,36.0, United-States +14572,23.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, Other, Male,0.0,0.0,40.0, United-States +14573,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2339.0,40.0, United-States +14574,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +14575,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, +14576,38.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +14577,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +14578,37.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +14579,27.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +14580,19.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +14581,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14582,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,43.0, United-States +14583,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +14584,51.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +14585,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,40.0, United-States +14586,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +14587,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +14588,20.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,15.0, United-States +14589,46.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +14590,52.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +14591,42.0, State-gov, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +14592,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14593,23.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States +14594,19.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +14595,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,11.0, United-States +14596,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +14597,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14598,64.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14599,23.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +14600,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14601,42.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +14602,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States +14603,46.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +14604,46.0, Local-gov, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14605,37.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1504.0,40.0, United-States +14606,46.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, Greece +14607,39.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,81.0, United-States +14608,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +14609,51.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +14610,43.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14611,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +14612,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States +14613,25.0, Private, Some-college,10.0, Never-married,, Not-in-family, Black, Female,2174.0,0.0,50.0, United-States +14614,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +14615,26.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States +14616,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +14617,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,40.0, United-States +14618,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,6497.0,0.0,65.0, United-States +14619,24.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +14620,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +14621,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,40.0, United-States +14622,37.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +14623,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14624,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14625,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +14626,52.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Ecuador +14627,36.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +14628,30.0, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +14629,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +14630,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +14631,27.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +14632,55.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States +14633,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +14634,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,70.0, United-States +14635,59.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,60.0, United-States +14636,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States +14637,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +14638,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14639,26.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14640,34.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14641,33.0, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +14642,38.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States +14643,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +14644,60.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States +14645,39.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +14646,41.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +14647,24.0, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Mexico +14648,49.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,44.0, United-States +14649,46.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,23.0, United-States +14650,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +14651,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +14652,41.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala +14653,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +14654,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14655,29.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +14656,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14657,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +14658,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Other, Male,0.0,0.0,40.0, United-States +14659,29.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +14660,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, United-States +14661,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14662,37.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States +14663,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +14664,38.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +14665,65.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +14666,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,40.0, United-States +14667,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States +14668,43.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14669,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +14670,43.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +14671,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14672,36.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,42.0, United-States +14673,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14674,44.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States +14675,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,25.0, United-States +14676,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,30.0, United-States +14677,66.0, Self-emp-inc, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +14678,30.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +14679,21.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,12.0, United-States +14680,81.0, State-gov, 1st-4th,2.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +14681,29.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States +14682,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +14683,50.0, Private, 10th,6.0, Separated, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,47.0, Jamaica +14684,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +14685,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,35.0, United-States +14686,39.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, Poland +14687,21.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +14688,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,40.0, United-States +14689,26.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14690,33.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Thailand +14691,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +14692,32.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,30.0, United-States +14693,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14694,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +14695,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14696,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14697,28.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, United-States +14698,63.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +14699,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +14700,42.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,1876.0,38.0, United-States +14701,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +14702,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, England +14703,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14704,47.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Germany +14705,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +14706,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,1055.0,0.0,25.0, United-States +14707,39.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +14708,68.0, Private, Prof-school,15.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,16.0, United-States +14709,39.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14710,32.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +14711,60.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,80.0, United-States +14712,25.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +14713,43.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +14714,60.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States +14715,48.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States +14716,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +14717,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +14718,28.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14719,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +14720,43.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States +14721,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,45.0, United-States +14722,22.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14723,54.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +14724,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,45.0, United-States +14725,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +14726,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States +14727,73.0, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Female,0.0,0.0,75.0, United-States +14728,32.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +14729,23.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +14730,31.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,50.0, United-States +14731,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +14732,30.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +14733,53.0, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +14734,25.0, Private, 12th,8.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +14735,36.0, Self-emp-inc, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,27828.0,0.0,55.0, United-States +14736,22.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +14737,29.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +14738,53.0, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14739,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,42.0, United-States +14740,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +14741,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +14742,53.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14743,28.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +14744,35.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +14745,24.0, Private, Bachelors,13.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14746,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +14747,36.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14748,18.0, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,6.0, United-States +14749,26.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +14750,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +14751,48.0, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Male,1506.0,0.0,40.0, Honduras +14752,36.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +14753,24.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +14754,54.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +14755,51.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +14756,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +14757,22.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,54.0, United-States +14758,46.0, Local-gov, 10th,6.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,20.0, United-States +14759,24.0, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States +14760,62.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States +14761,23.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +14762,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +14763,39.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14764,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,35.0, United-States +14765,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +14766,51.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14767,29.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, United-States +14768,19.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States +14769,49.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States +14770,23.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,2231.0,40.0, United-States +14771,39.0, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +14772,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, Philippines +14773,27.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14774,40.0, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Other-relative, Black, Female,0.0,0.0,32.0, United-States +14775,32.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14776,42.0, Private, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +14777,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,18.0, United-States +14778,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +14779,48.0, Private, 12th,8.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,50.0, United-States +14780,23.0, Private, 12th,8.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +14781,29.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14782,47.0, Private, Masters,14.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14783,27.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +14784,61.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +14785,43.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14786,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States +14787,32.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, Philippines +14788,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +14789,40.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14790,33.0, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,2444.0,42.0, United-States +14791,30.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14792,43.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Poland +14793,42.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,625.0,40.0, United-States +14794,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +14795,28.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14796,44.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +14797,26.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,12.0, United-States +14798,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,36.0, United-States +14799,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14800,46.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14801,44.0, Private, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14802,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +14803,61.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2885.0,0.0,40.0, United-States +14804,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +14805,39.0, Federal-gov, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States +14806,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, Italy +14807,71.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,60.0, United-States +14808,19.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States +14809,52.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +14810,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14811,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +14812,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +14813,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +14814,51.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +14815,55.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,45.0, United-States +14816,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14817,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, Canada +14818,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14819,55.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14820,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14821,51.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +14822,46.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,27828.0,0.0,50.0, United-States +14823,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +14824,42.0, Self-emp-inc, 7th-8th,4.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,25.0, United-States +14825,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +14826,25.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14827,42.0, Local-gov, 7th-8th,4.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, Puerto-Rico +14828,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14829,45.0, Private, Doctorate,16.0, Widowed, Prof-specialty, Unmarried, White, Male,15020.0,0.0,40.0, Iran +14830,37.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,33.0, United-States +14831,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14832,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +14833,56.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States +14834,24.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +14835,33.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14836,37.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,17.0, United-States +14837,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +14838,56.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States +14839,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14840,38.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +14841,19.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +14842,47.0, Private, 12th,8.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +14843,31.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, United-States +14844,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14845,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,39.0, United-States +14846,42.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,99.0, United-States +14847,51.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14848,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States +14849,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14850,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +14851,59.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,74.0, United-States +14852,28.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Male,0.0,0.0,40.0, United-States +14853,56.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States +14854,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States +14855,30.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, Ecuador +14856,34.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,2824.0,50.0, United-States +14857,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Ireland +14858,31.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,42.0, United-States +14859,74.0, Private, 1st-4th,2.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,15.0, United-States +14860,26.0, State-gov, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +14861,64.0, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,20.0, United-States +14862,23.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,70.0, United-States +14863,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +14864,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,50.0, South +14865,46.0, Federal-gov, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +14866,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,38.0, United-States +14867,37.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +14868,27.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,36.0, Canada +14869,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,30.0, United-States +14870,50.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +14871,37.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Other, Female,4101.0,0.0,35.0, United-States +14872,54.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Other-relative, Black, Female,0.0,0.0,40.0, United-States +14873,45.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +14874,44.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Male,0.0,0.0,40.0, United-States +14875,28.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +14876,45.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14877,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +14878,48.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +14879,61.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,27.0, United-States +14880,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14881,27.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +14882,50.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +14883,63.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,24.0, United-States +14884,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States +14885,21.0, State-gov, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,1602.0,12.0, United-States +14886,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +14887,43.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +14888,52.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +14889,58.0, State-gov, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +14890,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +14891,51.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +14892,37.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +14893,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +14894,40.0,, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,1506.0,0.0,40.0, United-States +14895,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States +14896,58.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +14897,21.0, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,10.0, United-States +14898,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14899,68.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,70.0, Germany +14900,49.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States +14901,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14902,46.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,48.0, United-States +14903,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,45.0, United-States +14904,26.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Mexico +14905,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Poland +14906,33.0, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,34.0, Germany +14907,61.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14908,41.0, Self-emp-inc, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +14909,44.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States +14910,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14911,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,17.0, United-States +14912,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +14913,48.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +14914,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +14915,52.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +14916,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14917,33.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +14918,17.0, Local-gov, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +14919,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +14920,55.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +14921,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +14922,42.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14923,32.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +14924,49.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,9562.0,0.0,32.0, United-States +14925,41.0, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,1506.0,0.0,40.0, United-States +14926,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +14927,65.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States +14928,54.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Male,0.0,0.0,30.0, United-States +14929,35.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,60.0, United-States +14930,44.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14931,26.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +14932,50.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14933,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +14934,43.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States +14935,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +14936,34.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States +14937,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14938,37.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,30.0, United-States +14939,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14940,26.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14941,54.0, Local-gov, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +14942,31.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14943,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +14944,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +14945,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +14946,43.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14947,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +14948,46.0, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +14949,29.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +14950,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, Ireland +14951,59.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2179.0,40.0, United-States +14952,50.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +14953,25.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States +14954,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +14955,63.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +14956,51.0, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +14957,33.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +14958,28.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +14959,20.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,30.0, Puerto-Rico +14960,46.0, Self-emp-not-inc, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14961,59.0, Private, Prof-school,15.0, Divorced, Other-service, Not-in-family, White, Male,27828.0,0.0,60.0, United-States +14962,58.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +14963,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Philippines +14964,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +14965,58.0, State-gov, Bachelors,13.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +14966,35.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,72.0, United-States +14967,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +14968,36.0, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +14969,30.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +14970,77.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,6.0, United-States +14971,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +14972,29.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +14973,63.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States +14974,36.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3908.0,0.0,75.0, United-States +14975,29.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14976,32.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,45.0, United-States +14977,39.0, Local-gov, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1848.0,40.0, Nicaragua +14978,69.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14979,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +14980,53.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +14981,51.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +14982,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,70.0, United-States +14983,50.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +14984,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +14985,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,48.0, United-States +14986,68.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +14987,44.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,70.0, United-States +14988,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +14989,47.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +14990,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,70.0, United-States +14991,42.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +14992,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1651.0,40.0, United-States +14993,27.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, United-States +14994,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +14995,55.0, Self-emp-not-inc, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,12.0, United-States +14996,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +14997,41.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +14998,42.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +14999,36.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +15000,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15001,29.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +15002,54.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15003,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +15004,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +15005,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States +15006,74.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15007,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,70.0, United-States +15008,34.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +15009,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15010,26.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +15011,64.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +15012,53.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, Cuba +15013,52.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15014,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +15015,41.0, Federal-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +15016,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15017,30.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +15018,28.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +15019,30.0, Private, 1st-4th,2.0, Separated, Priv-house-serv, Other-relative, White, Female,0.0,0.0,30.0, Mexico +15020,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +15021,43.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15022,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,2597.0,0.0,40.0, United-States +15023,27.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +15024,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,48.0, United-States +15025,30.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15026,22.0, Federal-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,4.0, United-States +15027,46.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States +15028,27.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15029,66.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,10.0, United-States +15030,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +15031,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +15032,19.0, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +15033,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +15034,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +15035,30.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15036,28.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Mexico +15037,18.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, Honduras +15038,31.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +15039,53.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +15040,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +15041,46.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +15042,22.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,99999.0,0.0,55.0, United-States +15043,34.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +15044,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15045,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +15046,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +15047,34.0, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,30.0, United-States +15048,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15049,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +15050,62.0, State-gov, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15051,64.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +15052,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15053,49.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, Laos +15054,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +15055,26.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15056,49.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +15057,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +15058,33.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +15059,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +15060,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +15061,41.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15062,26.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +15063,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +15064,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +15065,61.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15066,48.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +15067,18.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +15068,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States +15069,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,40.0, United-States +15070,62.0, Local-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15071,22.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,30.0, United-States +15072,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +15073,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15074,33.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,40.0, United-States +15075,65.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +15076,36.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15077,28.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, Germany +15078,53.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +15079,27.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +15080,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15081,26.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Female,0.0,1594.0,40.0, United-States +15082,40.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +15083,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, Ireland +15084,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States +15085,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2377.0,40.0, United-States +15086,31.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15087,45.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States +15088,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +15089,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, England +15090,70.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States +15091,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +15092,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,46.0, United-States +15093,67.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,24.0, United-States +15094,39.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +15095,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +15096,54.0, Private, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,51.0, United-States +15097,57.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States +15098,46.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15099,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +15100,59.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,56.0, United-States +15101,24.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Guatemala +15102,36.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +15103,34.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,3770.0,45.0, United-States +15104,51.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15105,42.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States +15106,36.0, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico +15107,30.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, France +15108,31.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +15109,25.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +15110,45.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,42.0, United-States +15111,48.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15112,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States +15113,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,3674.0,0.0,50.0, United-States +15114,63.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +15115,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +15116,50.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15117,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +15118,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States +15119,46.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +15120,36.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +15121,25.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,36.0, United-States +15122,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,37.0, United-States +15123,25.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States +15124,44.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,38.0, United-States +15125,19.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +15126,36.0, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +15127,34.0, State-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15128,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15129,38.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15130,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +15131,30.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +15132,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +15133,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +15134,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +15135,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany +15136,53.0, Private, 11th,7.0, Widowed, Other-service, Own-child, White, Female,0.0,0.0,47.0, United-States +15137,34.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +15138,25.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +15139,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador +15140,32.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2057.0,70.0, United-States +15141,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15142,46.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +15143,32.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +15144,45.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,914.0,0.0,40.0, United-States +15145,44.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,60.0, United-States +15146,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15147,38.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +15148,59.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +15149,25.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,9.0, United-States +15150,45.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15151,52.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15152,53.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,1876.0,38.0, United-States +15153,18.0, Self-emp-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States +15154,32.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,32.0, United-States +15155,59.0, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15156,23.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Mexico +15157,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,62.0, United-States +15158,31.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,38.0, United-States +15159,33.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15160,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +15161,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15162,35.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15163,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +15164,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15165,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,35.0, United-States +15166,59.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +15167,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +15168,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +15169,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +15170,39.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +15171,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15172,35.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,1151.0,0.0,40.0, United-States +15173,67.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +15174,30.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15175,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +15176,49.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15177,31.0, Private, Assoc-voc,11.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States +15178,51.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,1590.0,40.0, United-States +15179,28.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +15180,50.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,65.0, United-States +15181,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +15182,43.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15183,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +15184,54.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386.0,0.0,41.0, United-States +15185,21.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,15.0, United-States +15186,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15187,45.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +15188,63.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +15189,59.0, Private, 10th,6.0, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +15190,42.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +15191,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2057.0,20.0, United-States +15192,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,52.0, United-States +15193,40.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15194,39.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +15195,55.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15196,28.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +15197,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States +15198,40.0, State-gov, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15199,55.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1887.0,40.0, United-States +15200,37.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15201,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15202,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +15203,69.0, Private, 11th,7.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,45.0, United-States +15204,25.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,20.0, United-States +15205,35.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +15206,48.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +15207,45.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,19.0, United-States +15208,51.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +15209,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,45.0, United-States +15210,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,38.0, Japan +15211,25.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +15212,48.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +15213,37.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,32.0, United-States +15214,53.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,28.0, United-States +15215,51.0, Local-gov, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,39.0, United-States +15216,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15217,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +15218,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +15219,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15220,36.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +15221,40.0, State-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +15222,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States +15223,62.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +15224,27.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +15225,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15226,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,52.0, United-States +15227,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +15228,22.0, Federal-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +15229,52.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +15230,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,32.0, United-States +15231,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +15232,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +15233,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +15234,65.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15235,23.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15236,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,21.0, United-States +15237,26.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,75.0, United-States +15238,31.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +15239,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15240,39.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15241,35.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15242,61.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15243,59.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Italy +15244,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, Italy +15245,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,55.0, United-States +15246,59.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,18.0, United-States +15247,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +15248,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +15249,46.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +15250,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +15251,40.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +15252,52.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +15253,32.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15254,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15255,33.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +15256,23.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15257,58.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0.0,0.0,35.0, Poland +15258,52.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +15259,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +15260,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +15261,47.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +15262,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,6.0, United-States +15263,33.0, Private, Some-college,10.0,, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +15264,50.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +15265,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Male,6849.0,0.0,40.0, United-States +15266,32.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908.0,0.0,40.0, United-States +15267,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +15268,41.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,20.0, United-States +15269,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +15270,56.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,24.0, United-States +15271,29.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States +15272,33.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +15273,53.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15274,42.0, Private, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Nicaragua +15275,48.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +15276,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15277,51.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15278,69.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,6514.0,0.0,40.0, United-States +15279,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,3325.0,0.0,43.0, United-States +15280,44.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +15281,63.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +15282,32.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +15283,29.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15284,53.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +15285,45.0, Private, Masters,14.0, Divorced, Transport-moving, Not-in-family, White, Male,14344.0,0.0,48.0, United-States +15286,31.0, State-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15287,54.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +15288,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298.0,0.0,30.0, United-States +15289,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +15290,55.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15291,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15292,43.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,625.0,40.0, United-States +15293,43.0, Local-gov, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +15294,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15295,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +15296,24.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +15297,37.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +15298,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +15299,44.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15300,37.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105.0,0.0,50.0, United-States +15301,23.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,33.0, United-States +15302,27.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +15303,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, England +15304,65.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2290.0,0.0,40.0, United-States +15305,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +15306,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,28.0, United-States +15307,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15308,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,4416.0,0.0,45.0, Philippines +15309,48.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, China +15310,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15311,23.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,55.0, United-States +15312,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +15313,31.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15314,46.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States +15315,22.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,60.0, United-States +15316,22.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +15317,42.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States +15318,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +15319,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +15320,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15321,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,60.0, Philippines +15322,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +15323,45.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +15324,40.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15325,41.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Peru +15326,50.0, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +15327,18.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,48.0, Mexico +15328,48.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +15329,25.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +15330,31.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +15331,42.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,25236.0,0.0,20.0, United-States +15332,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3137.0,0.0,50.0, United-States +15333,55.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States +15334,61.0, Private, 11th,7.0, Widowed, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +15335,43.0, Private, 7th-8th,4.0, Separated, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +15336,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +15337,42.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15338,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15339,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15340,55.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States +15341,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +15342,48.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15343,41.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15344,48.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,16.0, Trinadad&Tobago +15345,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan +15346,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,36.0, United-States +15347,61.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Puerto-Rico +15348,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15349,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Philippines +15350,75.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +15351,41.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15352,33.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +15353,40.0, State-gov, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15354,28.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15355,35.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +15356,38.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +15357,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,2176.0,0.0,35.0, United-States +15358,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15359,25.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,2580.0,0.0,30.0, United-States +15360,42.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15361,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,35.0, United-States +15362,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15363,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +15364,34.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +15365,30.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Iran +15366,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +15367,31.0, State-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +15368,45.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States +15369,21.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +15370,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,1602.0,15.0, United-States +15371,37.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +15372,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States +15373,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,45.0, United-States +15374,42.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15375,31.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +15376,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +15377,57.0, Self-emp-not-inc, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, Cuba +15378,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States +15379,27.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +15380,27.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15381,57.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,45.0, United-States +15382,52.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15383,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +15384,56.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,7688.0,0.0,50.0, United-States +15385,54.0, State-gov, 12th,8.0, Never-married, Other-service, Own-child, White, Male,4101.0,0.0,40.0, United-States +15386,56.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +15387,30.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Ireland +15388,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +15389,23.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +15390,60.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States +15391,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,2463.0,0.0,40.0, United-States +15392,27.0, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,1980.0,40.0, United-States +15393,36.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +15394,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +15395,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,16.0, United-States +15396,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +15397,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +15398,32.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +15399,83.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband,, Male,0.0,2392.0,55.0, United-States +15400,47.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15401,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +15402,33.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15403,50.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,32.0, United-States +15404,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +15405,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +15406,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +15407,23.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,16.0, United-States +15408,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15409,44.0, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +15410,50.0, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,4650.0,0.0,70.0, United-States +15411,50.0, Local-gov, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,52.0, United-States +15412,19.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,1719.0,16.0, United-States +15413,49.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15414,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +15415,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,2907.0,0.0,40.0, United-States +15416,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15417,20.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +15418,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,2176.0,0.0,25.0, United-States +15419,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15420,44.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +15421,34.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +15422,22.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +15423,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15424,27.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +15425,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States +15426,38.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15427,20.0, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico +15428,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +15429,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,35.0, United-States +15430,67.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,2206.0,5.0, United-States +15431,71.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,14.0, United-States +15432,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,46.0, United-States +15433,47.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, United-States +15434,58.0, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15435,47.0, Federal-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15436,76.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15437,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +15438,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,32.0, United-States +15439,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +15440,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15441,28.0, Private, 1st-4th,2.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +15442,38.0, Private, HS-grad,9.0, Separated, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +15443,40.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15444,47.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15445,33.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1902.0,40.0, United-States +15446,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +15447,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15448,27.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15449,43.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,2174.0,0.0,40.0, United-States +15450,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +15451,42.0, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +15452,64.0, Federal-gov, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,30.0, Puerto-Rico +15453,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,70.0, United-States +15454,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +15455,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +15456,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +15457,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +15458,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15459,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15460,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15461,39.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +15462,43.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +15463,32.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,3325.0,0.0,45.0, United-States +15464,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +15465,62.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States +15466,31.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +15467,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +15468,34.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15469,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15470,55.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,73.0, United-States +15471,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States +15472,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15473,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,45.0, United-States +15474,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +15475,57.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +15476,39.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,6849.0,0.0,40.0, United-States +15477,37.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +15478,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States +15479,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,30.0, United-States +15480,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15481,46.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +15482,33.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15483,64.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +15484,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15485,32.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15486,28.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,2176.0,0.0,40.0, United-States +15487,42.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +15488,57.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +15489,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +15490,29.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Portugal +15491,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15492,47.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +15493,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,20.0, United-States +15494,19.0, Private, 11th,7.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +15495,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +15496,28.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,48.0, United-States +15497,31.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,70.0, Taiwan +15498,36.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +15499,39.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,99.0, United-States +15500,24.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White,,0.0,0.0,30.0, United-States +15501,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,10.0, United-States +15502,71.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15503,32.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +15504,57.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15505,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States +15506,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +15507,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +15508,40.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,52.0, United-States +15509,54.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States +15510,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +15511,37.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +15512,48.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States +15513,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15514,58.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States +15515,46.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,60.0, United-States +15516,61.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +15517,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,70.0, United-States +15518,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States +15519,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15520,34.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15521,40.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Canada +15522,52.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +15523,65.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +15524,32.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +15525,48.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +15526,57.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +15527,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15528,50.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +15529,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,94.0, United-States +15530,73.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,1668.0,77.0, United-States +15531,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,25.0, United-States +15532,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15533,27.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +15534,54.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +15535,55.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States +15536,35.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +15537,19.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,36.0, United-States +15538,84.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, England +15539,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +15540,43.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +15541,27.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,41.0, United-States +15542,28.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,50.0, United-States +15543,31.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +15544,68.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15545,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15546,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +15547,41.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +15548,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +15549,32.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +15550,38.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +15551,24.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15552,28.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States +15553,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +15554,45.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,50.0, United-States +15555,64.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +15556,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +15557,47.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +15558,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15559,32.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,48.0, United-States +15560,40.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States +15561,35.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +15562,34.0, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,55.0, United-States +15563,35.0, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +15564,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +15565,52.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +15566,32.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, Ireland +15567,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +15568,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,45.0, United-States +15569,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,50.0, United-States +15570,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States +15571,26.0, Private, 11th,7.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +15572,72.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2653.0,0.0,40.0, United-States +15573,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15574,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States +15575,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +15576,17.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +15577,46.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15578,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +15579,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +15580,54.0, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024.0,0.0,38.0, Jamaica +15581,53.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +15582,42.0, Self-emp-not-inc, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +15583,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15584,25.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +15585,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +15586,26.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,90.0, United-States +15587,49.0, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States +15588,35.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +15589,42.0, Private, 5th-6th,3.0, Separated, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +15590,40.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +15591,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +15592,30.0, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15593,45.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +15594,68.0, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15595,47.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15596,29.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15597,43.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +15598,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,40.0, United-States +15599,31.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,53.0, United-States +15600,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15601,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +15602,29.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0.0,1564.0,50.0, India +15603,34.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +15604,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +15605,36.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15606,55.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +15607,43.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15608,48.0, Federal-gov, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States +15609,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +15610,51.0, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,3908.0,0.0,47.0, United-States +15611,22.0, Private, Some-college,10.0, Divorced, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States +15612,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +15613,49.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,14344.0,0.0,45.0, United-States +15614,39.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +15615,69.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,1424.0,0.0,6.0, United-States +15616,24.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +15617,25.0, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, El-Salvador +15618,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +15619,49.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1669.0,40.0, United-States +15620,29.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States +15621,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +15622,36.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +15623,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +15624,50.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15625,58.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15626,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +15627,43.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States +15628,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +15629,28.0, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15630,28.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, Ireland +15631,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,48.0, United-States +15632,45.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +15633,53.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +15634,22.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, Mexico +15635,26.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15636,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +15637,42.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,55.0, United-States +15638,27.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States +15639,29.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15640,45.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +15641,20.0, State-gov, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,38.0, United-States +15642,55.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15643,41.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +15644,46.0, Local-gov, Prof-school,15.0, Separated, Prof-specialty, Not-in-family, Black, Male,4650.0,0.0,40.0, United-States +15645,57.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15646,53.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,57.0, United-States +15647,35.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +15648,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, Iran +15649,45.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15650,24.0, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +15651,28.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +15652,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +15653,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +15654,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States +15655,39.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,40.0, United-States +15656,36.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Columbia +15657,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +15658,22.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15659,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +15660,23.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,66.0, Ecuador +15661,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +15662,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, Italy +15663,33.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15664,41.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +15665,41.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,25.0, United-States +15666,30.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15667,35.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15668,29.0, Local-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15669,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +15670,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +15671,24.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,35.0, Jamaica +15672,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15673,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +15674,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +15675,50.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15676,50.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,55.0, United-States +15677,37.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +15678,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +15679,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15680,78.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States +15681,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +15682,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States +15683,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +15684,55.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +15685,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +15686,40.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +15687,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,45.0, United-States +15688,50.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15689,34.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +15690,38.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States +15691,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, Greece +15692,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +15693,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,35.0, Puerto-Rico +15694,21.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,16.0, United-States +15695,52.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Male,0.0,0.0,19.0, United-States +15696,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +15697,25.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15698,68.0, Private, 5th-6th,3.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,12.0, Italy +15699,52.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +15700,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +15701,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States +15702,37.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +15703,28.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,45.0, United-States +15704,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +15705,52.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15706,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15707,61.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan +15708,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,60.0, United-States +15709,18.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States +15710,31.0, Private, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15711,29.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15712,30.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,40.0, United-States +15713,41.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15714,59.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,4787.0,0.0,60.0, United-States +15715,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15716,64.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +15717,44.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +15718,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +15719,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15720,17.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,10.0, United-States +15721,41.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,70.0, United-States +15722,33.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States +15723,68.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Canada +15724,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Other, Male,0.0,0.0,32.0, United-States +15725,25.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15726,50.0, Local-gov, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15727,63.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +15728,36.0, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,38.0, United-States +15729,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +15730,19.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,30.0, United-States +15731,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,7298.0,0.0,36.0, United-States +15732,37.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,50.0, United-States +15733,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +15734,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +15735,35.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States +15736,67.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,10605.0,0.0,35.0, United-States +15737,31.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15738,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, Canada +15739,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +15740,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +15741,31.0, Private, Prof-school,15.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,55.0, United-States +15742,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +15743,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +15744,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15745,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15746,20.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +15747,38.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +15748,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +15749,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1628.0,47.0, United-States +15750,33.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,41.0, United-States +15751,27.0, Private, 7th-8th,4.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States +15752,32.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,50.0, United-States +15753,49.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +15754,42.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,46.0, United-States +15755,27.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15756,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +15757,38.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15758,26.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, India +15759,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +15760,25.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15761,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +15762,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +15763,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +15764,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +15765,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,25.0, United-States +15766,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15767,22.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +15768,30.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, Greece +15769,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, England +15770,36.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15771,41.0, Federal-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +15772,27.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +15773,28.0, State-gov, 11th,7.0, Separated, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, India +15774,31.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,55.0, United-States +15775,39.0, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +15776,73.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,1409.0,0.0,2.0, United-States +15777,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Canada +15778,32.0, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +15779,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +15780,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +15781,37.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15782,29.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,,0.0,40.0, United-States +15783,44.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States +15784,37.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +15785,39.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,48.0, United-States +15786,25.0, Private, 11th,7.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +15787,31.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15788,38.0, Self-emp-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States +15789,58.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15790,63.0, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +15791,31.0, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,880.0,45.0, United-States +15792,40.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15793,26.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Other, Male,0.0,0.0,40.0, United-States +15794,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15795,54.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, Germany +15796,41.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +15797,25.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +15798,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +15799,40.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +15800,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15801,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15802,28.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +15803,24.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +15804,59.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +15805,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +15806,49.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +15807,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15808,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States +15809,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, Mexico +15810,81.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +15811,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +15812,40.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15813,29.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Honduras +15814,36.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +15815,36.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +15816,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +15817,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +15818,29.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +15819,55.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,24.0, United-States +15820,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15821,39.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,38.0, United-States +15822,58.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +15823,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +15824,60.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,5455.0,0.0,55.0, United-States +15825,43.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,55.0, United-States +15826,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,50.0, United-States +15827,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,60.0, United-States +15828,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,12.0, United-States +15829,28.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,2202.0,0.0,48.0, United-States +15830,39.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,42.0, United-States +15831,62.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15832,61.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +15833,70.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2246.0,8.0, United-States +15834,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,40.0, Puerto-Rico +15835,33.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +15836,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,48.0, United-States +15837,33.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +15838,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +15839,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +15840,60.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +15841,43.0, Self-emp-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States +15842,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15843,40.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,72.0, United-States +15844,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,18.0, United-States +15845,47.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15846,90.0, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,99.0, United-States +15847,30.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +15848,42.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15849,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +15850,28.0, Private, 12th,8.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +15851,41.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15852,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15853,42.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15854,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15855,43.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,60.0, United-States +15856,46.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,2354.0,0.0,40.0, United-States +15857,57.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +15858,24.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15859,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States +15860,27.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,22.0, United-States +15861,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15862,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +15863,46.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,5013.0,0.0,50.0, United-States +15864,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +15865,46.0, Federal-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15866,46.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States +15867,57.0, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15868,58.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +15869,66.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,16.0, United-States +15870,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +15871,43.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +15872,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +15873,46.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +15874,40.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,1741.0,40.0, United-States +15875,39.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15876,31.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,70.0, United-States +15877,31.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +15878,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +15879,26.0, Private, 12th,8.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,48.0, Guatemala +15880,53.0, Private, 9th,5.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,75.0, Haiti +15881,37.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +15882,45.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15883,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,36.0, United-States +15884,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Canada +15885,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15886,41.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +15887,28.0, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15888,68.0, Self-emp-inc, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States +15889,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +15890,55.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15891,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +15892,29.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15893,35.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,46.0, United-States +15894,24.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15895,32.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,36.0, United-States +15896,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +15897,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +15898,31.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +15899,62.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +15900,20.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +15901,18.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,36.0, United-States +15902,43.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, China +15903,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,30.0, United-States +15904,34.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15905,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15906,23.0, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States +15907,20.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, Mexico +15908,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15909,30.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +15910,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +15911,39.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7298.0,0.0,40.0, United-States +15912,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15913,35.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +15914,59.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States +15915,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,2001.0,30.0, United-States +15916,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +15917,29.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +15918,23.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,60.0, United-States +15919,62.0, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +15920,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,45.0, United-States +15921,32.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15922,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +15923,66.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15924,49.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,55.0, United-States +15925,57.0, State-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15926,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +15927,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,50.0, United-States +15928,30.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15929,59.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +15930,56.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +15931,53.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +15932,37.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, Mexico +15933,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +15934,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +15935,26.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15936,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States +15937,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +15938,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,45.0, United-States +15939,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,95.0, United-States +15940,35.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States +15941,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15942,46.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +15943,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +15944,22.0, Private, Preschool,1.0, Never-married, Other-service, Own-child, Black, Female,594.0,0.0,20.0, Jamaica +15945,58.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +15946,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +15947,26.0, Private, 10th,6.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +15948,31.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15949,38.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15950,21.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,11.0, United-States +15951,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +15952,40.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, England +15953,40.0, Private, 10th,6.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +15954,58.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States +15955,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +15956,43.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,84.0, United-States +15957,40.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +15958,48.0, Private, 1st-4th,2.0, Separated, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,48.0, United-States +15959,39.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +15960,56.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +15961,23.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Philippines +15962,33.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States +15963,56.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,4416.0,0.0,60.0, United-States +15964,43.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +15965,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +15966,46.0, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15967,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +15968,50.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15969,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15970,35.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +15971,26.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,2354.0,0.0,40.0, United-States +15972,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +15973,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +15974,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Italy +15975,39.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15976,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +15977,49.0, Private, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15978,46.0, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Puerto-Rico +15979,55.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States +15980,23.0, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,12.0, Mexico +15981,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +15982,49.0, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Philippines +15983,36.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +15984,27.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +15985,65.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,17.0, United-States +15986,54.0, Self-emp-not-inc, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,10.0, United-States +15987,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +15988,55.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15989,69.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States +15990,32.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,2002.0,40.0, Iran +15991,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +15992,27.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +15993,49.0, Private, 10th,6.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +15994,33.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +15995,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +15996,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +15997,20.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +15998,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,5721.0,0.0,40.0, United-States +15999,19.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1602.0,32.0, United-States +16000,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +16001,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16002,69.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +16003,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,1564.0,40.0, United-States +16004,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +16005,35.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +16006,46.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,2036.0,0.0,60.0, United-States +16007,46.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16008,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +16009,60.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States +16010,56.0, Self-emp-not-inc, 1st-4th,2.0, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo,,0.0,0.0,65.0, United-States +16011,53.0, Self-emp-inc, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,8614.0,0.0,50.0, Cuba +16012,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +16013,56.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +16014,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16015,29.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States +16016,21.0, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +16017,46.0, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,35.0, United-States +16018,24.0, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16019,40.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States +16020,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16021,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,3325.0,0.0,60.0, United-States +16022,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16023,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +16024,29.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +16025,50.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +16026,41.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,92.0, United-States +16027,31.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +16028,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +16029,40.0, Private, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, India +16030,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, Canada +16031,37.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,1719.0,32.0, United-States +16032,45.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +16033,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +16034,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16035,42.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +16036,67.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,20.0, United-States +16037,45.0, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +16038,55.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,56.0, United-States +16039,55.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16040,31.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States +16041,64.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +16042,61.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +16043,28.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,24.0, United-States +16044,42.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +16045,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16046,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16047,46.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,45.0, United-States +16048,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,50.0, United-States +16049,67.0, Federal-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16050,61.0, Private, 10th,6.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +16051,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2352.0,50.0, United-States +16052,28.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States +16053,39.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, Amer-Indian-Eskimo, Male,4650.0,0.0,48.0, United-States +16054,33.0, Private, Doctorate,16.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander,,0.0,0.0,40.0, Japan +16055,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +16056,29.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +16057,33.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, England +16058,28.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16059,41.0, State-gov, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +16060,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +16061,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,12.0, United-States +16062,45.0, State-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States +16063,49.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16064,30.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States +16065,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16066,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3908.0,0.0,35.0, United-States +16067,48.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,46.0, United-States +16068,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16069,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,7298.0,0.0,40.0, United-States +16070,27.0, Private, 5th-6th,3.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, Vietnam +16071,60.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +16072,56.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16073,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +16074,63.0, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,8.0, United-States +16075,55.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16076,32.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +16077,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,66.0, United-States +16078,49.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16079,40.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +16080,30.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16081,45.0, Local-gov, Assoc-acdm,12.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +16082,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,1055.0,0.0,32.0, United-States +16083,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16084,63.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16085,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +16086,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16087,32.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +16088,44.0, Self-emp-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,50.0, United-States +16089,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +16090,38.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16091,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +16092,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16093,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16094,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Other, Male,0.0,0.0,40.0, Ecuador +16095,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16096,42.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,35.0, United-States +16097,30.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,16.0, United-States +16098,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +16099,23.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16100,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico +16101,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,51.0, Cuba +16102,34.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16103,21.0, Private, 10th,6.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,38.0, United-States +16104,49.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +16105,30.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16106,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +16107,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +16108,47.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +16109,52.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +16110,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,14344.0,0.0,50.0, United-States +16111,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,1055.0,0.0,20.0, United-States +16112,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +16113,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,50.0, United-States +16114,57.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +16115,41.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +16116,53.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +16117,60.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +16118,46.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +16119,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,48.0, United-States +16120,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, Mexico +16121,48.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +16122,44.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +16123,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16124,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16125,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +16126,23.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16127,50.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +16128,35.0, Private, Bachelors,13.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +16129,54.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States +16130,49.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +16131,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +16132,19.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,4416.0,0.0,40.0, United-States +16133,58.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States +16134,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +16135,31.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16136,24.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16137,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +16138,42.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +16139,57.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,45.0, United-States +16140,48.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +16141,27.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16142,23.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +16143,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +16144,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +16145,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064.0,0.0,50.0, United-States +16146,59.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States +16147,36.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +16148,37.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +16149,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16150,49.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,90.0, Jamaica +16151,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Iran +16152,55.0, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Cuba +16153,44.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16154,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +16155,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16156,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,40.0, Cuba +16157,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16158,61.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,30.0, United-States +16159,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States +16160,36.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +16161,27.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +16162,33.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +16163,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,35.0, United-States +16164,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +16165,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +16166,48.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16167,44.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +16168,60.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +16169,66.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, Philippines +16170,36.0, Federal-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,6497.0,0.0,56.0, United-States +16171,43.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +16172,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +16173,23.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,12.0, United-States +16174,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +16175,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +16176,77.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States +16177,63.0, Private, 1st-4th,2.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,44.0, Portugal +16178,57.0, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16179,42.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,23.0, United-States +16180,52.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16181,42.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16182,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, Guatemala +16183,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +16184,44.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +16185,32.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +16186,17.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,6.0, United-States +16187,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States +16188,57.0, Local-gov, Some-college,10.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +16189,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,1055.0,0.0,20.0, United-States +16190,59.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +16191,52.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16192,62.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +16193,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,594.0,0.0,40.0, United-States +16194,29.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,48.0, United-States +16195,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +16196,50.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16197,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +16198,28.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16199,25.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, Mexico +16200,32.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,23.0, United-States +16201,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +16202,48.0, Private, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +16203,53.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16204,36.0, Private, 10th,6.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16205,61.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16206,23.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,35.0, Mexico +16207,50.0, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +16208,50.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,45.0, United-States +16209,39.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,48.0, United-States +16210,48.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +16211,18.0, Self-emp-inc, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States +16212,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +16213,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,45.0, United-States +16214,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +16215,56.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +16216,17.0, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +16217,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,2415.0,40.0, United-States +16218,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +16219,20.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,20.0, United-States +16220,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16221,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +16222,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +16223,42.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States +16224,37.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16225,25.0, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16226,48.0, Private, 12th,8.0, Widowed, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Guatemala +16227,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +16228,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +16229,59.0, State-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,38.0, United-States +16230,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +16231,31.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +16232,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +16233,30.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,35.0, United-States +16234,21.0, Local-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +16235,46.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16236,46.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16237,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +16238,45.0, State-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +16239,60.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +16240,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,18.0, United-States +16241,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,9.0, United-States +16242,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580.0,0.0,40.0, United-States +16243,32.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +16244,21.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,19.0, United-States +16245,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +16246,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,5178.0,0.0,40.0, United-States +16247,26.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,14344.0,0.0,40.0, United-States +16248,33.0, Private, 9th,5.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States +16249,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +16250,22.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +16251,43.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,15.0, United-States +16252,30.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,45.0, United-States +16253,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +16254,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +16255,53.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16256,49.0, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16257,23.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16258,47.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +16259,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,2597.0,0.0,45.0, United-States +16260,36.0, Local-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +16261,56.0, Private, 10th,6.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,30.0, Japan +16262,25.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16263,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +16264,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +16265,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +16266,42.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +16267,55.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +16268,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508.0,0.0,72.0, United-States +16269,47.0, Private, Preschool,1.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, Haiti +16270,57.0, Private, 5th-6th,3.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +16271,23.0, Federal-gov, HS-grad,9.0, Never-married, Armed-Forces, Own-child, White, Male,0.0,0.0,40.0, United-States +16272,57.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,78.0, United-States +16273,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +16274,61.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16275,23.0, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,35.0, United-States +16276,37.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16277,58.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +16278,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16279,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +16280,53.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +16281,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829.0,0.0,40.0, United-States +16282,31.0, Private, Preschool,1.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,35.0, Mexico +16283,31.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +16284,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +16285,31.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16286,64.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +16287,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +16288,36.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16289,35.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +16290,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16291,63.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16292,59.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, White, Male,4865.0,0.0,40.0, United-States +16293,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States +16294,64.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +16295,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany +16296,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16297,31.0, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +16298,65.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, Mexico +16299,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +16300,59.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines +16301,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +16302,53.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +16303,37.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16304,37.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +16305,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +16306,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +16307,26.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,18.0, United-States +16308,35.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Peru +16309,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +16310,40.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White,,3137.0,0.0,40.0, United-States +16311,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,60.0, United-States +16312,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,24.0, United-States +16313,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16314,24.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +16315,60.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +16316,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States +16317,40.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +16318,28.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16319,64.0, Private, 5th-6th,3.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,16.0, United-States +16320,50.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,15020.0,0.0,40.0, United-States +16321,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16322,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States +16323,53.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +16324,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +16325,26.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States +16326,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States +16327,57.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Italy +16328,33.0, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +16329,23.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +16330,27.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +16331,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16332,39.0, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,55.0, United-States +16333,63.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16334,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16335,29.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +16336,67.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States +16337,46.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,42.0, United-States +16338,43.0, Local-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16339,68.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +16340,42.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,7688.0,0.0,40.0, Greece +16341,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, Black, Female,0.0,0.0,40.0, United-States +16342,52.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +16343,41.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico +16344,46.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +16345,43.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16346,19.0, Private, Some-college,10.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,8.0, United-States +16347,61.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,16.0, United-States +16348,55.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16349,53.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,1740.0,40.0, Laos +16350,23.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +16351,55.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,56.0, United-States +16352,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,75.0, United-States +16353,51.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +16354,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16355,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16356,47.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,14.0, United-States +16357,24.0, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,5.0, United-States +16358,31.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +16359,27.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16360,19.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,46.0, United-States +16361,39.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16362,56.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16363,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States +16364,38.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +16365,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16366,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States +16367,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16368,30.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,10.0, United-States +16369,34.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +16370,30.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +16371,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +16372,45.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +16373,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,35.0, United-States +16374,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16375,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16376,61.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Black, Male,4787.0,0.0,48.0, United-States +16377,30.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +16378,45.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16379,50.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +16380,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16381,51.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +16382,62.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +16383,36.0, Local-gov, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +16384,39.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +16385,21.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16386,55.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +16387,41.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,25.0, United-States +16388,33.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +16389,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States +16390,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +16391,35.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16392,43.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +16393,54.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +16394,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16395,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +16396,64.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +16397,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +16398,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, Mexico +16399,30.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,40.0, Mexico +16400,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16401,42.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,28.0, Haiti +16402,32.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16403,74.0, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +16404,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16405,46.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +16406,29.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +16407,34.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +16408,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16409,26.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +16410,21.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16411,61.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16412,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +16413,18.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +16414,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,14.0, United-States +16415,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16416,31.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States +16417,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,1055.0,0.0,40.0, United-States +16418,34.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,6497.0,0.0,40.0, United-States +16419,34.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +16420,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +16421,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +16422,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +16423,35.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +16424,39.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +16425,59.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,25236.0,0.0,45.0, United-States +16426,27.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +16427,38.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16428,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +16429,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +16430,31.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +16431,52.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +16432,52.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +16433,43.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +16434,47.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +16435,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +16436,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16437,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +16438,59.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16439,25.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +16440,34.0, State-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +16441,51.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +16442,38.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,50.0, United-States +16443,36.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16444,47.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +16445,47.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,45.0, Thailand +16446,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Female,0.0,0.0,43.0, United-States +16447,62.0, Self-emp-not-inc, Bachelors,13.0,, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +16448,52.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +16449,22.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16450,21.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +16451,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16452,23.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +16453,38.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +16454,23.0, Self-emp-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +16455,45.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States +16456,34.0, Self-emp-inc, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +16457,44.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,35.0, United-States +16458,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +16459,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +16460,69.0, State-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,810.0,38.0, United-States +16461,52.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16462,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States +16463,24.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16464,26.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,37.0, United-States +16465,62.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16466,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,28.0, United-States +16467,47.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16468,25.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,38.0, United-States +16469,32.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Trinadad&Tobago +16470,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +16471,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16472,23.0, State-gov, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States +16473,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,56.0, United-States +16474,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +16475,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, United-States +16476,44.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +16477,64.0, State-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16478,32.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,2001.0,25.0, United-States +16479,57.0, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,75.0, United-States +16480,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,70.0, United-States +16481,38.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16482,25.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +16483,38.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +16484,35.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16485,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +16486,30.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16487,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +16488,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +16489,49.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +16490,51.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3464.0,0.0,48.0, United-States +16491,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16492,68.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +16493,34.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +16494,44.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States +16495,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,36.0, United-States +16496,30.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +16497,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,5.0, United-States +16498,61.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +16499,25.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,50.0, United-States +16500,42.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +16501,46.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,65.0, United-States +16502,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2179.0,45.0, United-States +16503,36.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,2258.0,40.0, United-States +16504,58.0, Private, 11th,7.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16505,21.0, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States +16506,28.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service,, White, Female,0.0,0.0,35.0, United-States +16507,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Greece +16508,45.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +16509,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16510,45.0, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,50.0, United-States +16511,39.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024.0,0.0,40.0, United-States +16512,44.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +16513,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,99.0, United-States +16514,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16515,23.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +16516,40.0, Private, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +16517,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +16518,31.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,38.0, United-States +16519,41.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +16520,45.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +16521,41.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States +16522,25.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +16523,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +16524,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +16525,51.0, Local-gov, 9th,5.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +16526,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +16527,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16528,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16529,30.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +16530,58.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,80.0, Philippines +16531,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Columbia +16532,42.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,1151.0,0.0,40.0, United-States +16533,48.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +16534,52.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16535,40.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16536,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16537,36.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,42.0, United-States +16538,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16539,59.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16540,70.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,8.0, United-States +16541,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +16542,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States +16543,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +16544,17.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +16545,77.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16546,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,35.0, United-States +16547,34.0, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16548,38.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +16549,29.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +16550,66.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,15.0, United-States +16551,32.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +16552,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States +16553,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +16554,37.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +16555,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States +16556,21.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,54.0, United-States +16557,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +16558,44.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16559,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, England +16560,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +16561,24.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +16562,37.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16563,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +16564,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +16565,57.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,32.0, United-States +16566,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +16567,51.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +16568,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16569,44.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +16570,30.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,52.0, United-States +16571,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,30.0, United-States +16572,48.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +16573,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,10.0, United-States +16574,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States +16575,47.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +16576,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16577,55.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +16578,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +16579,64.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,8.0, United-States +16580,55.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16581,31.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +16582,27.0, Private, 11th,7.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16583,21.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16584,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16585,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +16586,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +16587,54.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States +16588,71.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States +16589,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +16590,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +16591,33.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16592,31.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +16593,32.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +16594,43.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,1887.0,40.0, United-States +16595,37.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16596,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,2885.0,0.0,40.0, Laos +16597,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +16598,63.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +16599,67.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +16600,62.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,50.0, United-States +16601,49.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16602,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +16603,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +16604,50.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +16605,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2002.0,45.0, United-States +16606,40.0, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Cuba +16607,41.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16608,32.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +16609,51.0, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Scotland +16610,58.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States +16611,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16612,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +16613,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16614,54.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Wife, Amer-Indian-Eskimo, Female,0.0,2163.0,15.0, United-States +16615,45.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16616,34.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,70.0, United-States +16617,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +16618,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16619,60.0, Private, Doctorate,16.0, Separated, Priv-house-serv, Unmarried, White, Female,0.0,0.0,30.0, Nicaragua +16620,18.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,55.0, United-States +16621,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +16622,58.0, State-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Honduras +16623,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States +16624,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16625,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +16626,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,2415.0,20.0, United-States +16627,24.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +16628,30.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,41.0, United-States +16629,44.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +16630,40.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Columbia +16631,41.0, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +16632,39.0, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +16633,31.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, Other, Female,0.0,0.0,40.0, Mexico +16634,33.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +16635,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +16636,32.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +16637,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +16638,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +16639,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +16640,24.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States +16641,42.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +16642,32.0, Private, 5th-6th,3.0, Separated, Farming-fishing, Other-relative, White, Male,0.0,0.0,60.0, Mexico +16643,33.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,32.0, United-States +16644,37.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,30.0, United-States +16645,19.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +16646,37.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16647,41.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States +16648,18.0, Local-gov, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +16649,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +16650,34.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, Black, Female,7443.0,0.0,40.0, United-States +16651,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +16652,42.0, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +16653,18.0, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +16654,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16655,52.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +16656,38.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +16657,55.0, Private, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16658,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,50.0, United-States +16659,18.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +16660,28.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +16661,33.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +16662,48.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16663,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +16664,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16665,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +16666,67.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +16667,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16668,46.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1848.0,40.0, United-States +16669,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Columbia +16670,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,52.0, United-States +16671,29.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +16672,37.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16673,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States +16674,46.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, England +16675,38.0, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +16676,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +16677,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,22.0, United-States +16678,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +16679,77.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,5.0, United-States +16680,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16681,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +16682,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16683,54.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +16684,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +16685,34.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States +16686,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16687,29.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +16688,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +16689,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +16690,31.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +16691,39.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States +16692,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States +16693,56.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16694,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16695,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,16.0, United-States +16696,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16697,60.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +16698,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +16699,37.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +16700,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +16701,28.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +16702,31.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,27.0, United-States +16703,31.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +16704,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +16705,65.0, Federal-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,1944.0,20.0, Poland +16706,19.0, Self-emp-inc, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +16707,48.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +16708,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,36.0, Mexico +16709,72.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States +16710,23.0, Self-emp-not-inc, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16711,74.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,3683.0,20.0, United-States +16712,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +16713,31.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +16714,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,36.0, United-States +16715,55.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,52.0, United-States +16716,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +16717,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16718,42.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,85.0, United-States +16719,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16720,35.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16721,52.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16722,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16723,53.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16724,62.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16725,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +16726,60.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +16727,22.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16728,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +16729,51.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +16730,38.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +16731,19.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +16732,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +16733,33.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +16734,27.0, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,41310.0,0.0,24.0, Mexico +16735,23.0, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +16736,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +16737,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +16738,51.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,50.0, United-States +16739,53.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +16740,33.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +16741,55.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16742,19.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, Mexico +16743,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +16744,26.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16745,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,55.0, Japan +16746,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,10.0, United-States +16747,49.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +16748,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +16749,36.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +16750,50.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,60.0, Vietnam +16751,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +16752,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +16753,54.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +16754,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +16755,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +16756,53.0, State-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16757,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +16758,47.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +16759,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,55.0, United-States +16760,46.0, Private, 11th,7.0, Widowed, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,20.0, United-States +16761,39.0, Self-emp-not-inc, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +16762,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,2179.0,40.0, Puerto-Rico +16763,21.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,594.0,0.0,4.0, United-States +16764,50.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,38.0, United-States +16765,17.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,16.0, United-States +16766,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +16767,48.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +16768,42.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16769,49.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,1902.0,40.0, United-States +16770,52.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,7.0, United-States +16771,45.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16772,43.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +16773,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,7.0, United-States +16774,39.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +16775,22.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,20.0, United-States +16776,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +16777,24.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, United-States +16778,34.0, State-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +16779,53.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16780,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States +16781,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +16782,23.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +16783,50.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +16784,40.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +16785,61.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +16786,46.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States +16787,57.0, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +16788,42.0, Local-gov, Masters,14.0, Separated, Exec-managerial, Unmarried, Black, Male,0.0,0.0,45.0, United-States +16789,32.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16790,37.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +16791,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +16792,24.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,2580.0,0.0,40.0, United-States +16793,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16794,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +16795,39.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States +16796,30.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, England +16797,26.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,50.0, United-States +16798,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16799,58.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16800,41.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16801,36.0, Private, 10th,6.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +16802,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Columbia +16803,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0.0,0.0,45.0, United-States +16804,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,36.0, United-States +16805,66.0, Self-emp-not-inc, 11th,7.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,84.0, United-States +16806,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +16807,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16808,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +16809,41.0, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico +16810,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, Greece +16811,33.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +16812,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +16813,69.0, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +16814,26.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States +16815,65.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818.0,0.0,40.0, United-States +16816,30.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States +16817,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16818,27.0, Private, 11th,7.0, Married-civ-spouse, Sales, Own-child, Black, Male,0.0,0.0,35.0, United-States +16819,35.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16820,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16821,60.0, Private, Assoc-voc,11.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,30.0, United-States +16822,29.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +16823,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +16824,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +16825,30.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +16826,58.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +16827,31.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +16828,28.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +16829,45.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +16830,26.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, Peru +16831,31.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16832,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Laos +16833,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16834,52.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16835,41.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States +16836,21.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16837,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +16838,21.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +16839,31.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +16840,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +16841,49.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,40.0, United-States +16842,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +16843,46.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +16844,35.0, State-gov, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16845,46.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +16846,38.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16847,35.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +16848,66.0, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, Black, Female,0.0,2206.0,25.0, United-States +16849,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States +16850,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,32.0, United-States +16851,18.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States +16852,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, +16853,33.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,2603.0,32.0, Mexico +16854,52.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +16855,57.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +16856,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +16857,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Haiti +16858,46.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +16859,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,48.0, United-States +16860,33.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +16861,66.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +16862,26.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +16863,43.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16864,32.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States +16865,38.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +16866,38.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +16867,48.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +16868,52.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,99.0, United-States +16869,64.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105.0,0.0,40.0, United-States +16870,21.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +16871,20.0, Private, Some-college,, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +16872,45.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, Trinadad&Tobago +16873,41.0, Local-gov, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +16874,46.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +16875,41.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +16876,27.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,48.0, Guatemala +16877,36.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +16878,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +16879,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +16880,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +16881,35.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +16882,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,70.0, United-States +16883,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +16884,32.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +16885,51.0, Self-emp-inc, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,99.0, United-States +16886,38.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +16887,24.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +16888,65.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +16889,50.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +16890,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +16891,58.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +16892,49.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1672.0,45.0, Ireland +16893,35.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +16894,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +16895,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +16896,26.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +16897,46.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +16898,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16899,45.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +16900,64.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16901,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +16902,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16903,57.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Husband, White, Male,0.0,0.0,30.0, United-States +16904,54.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +16905,22.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +16906,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +16907,51.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +16908,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298.0,0.0,55.0, United-States +16909,58.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,62.0, Canada +16910,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +16911,45.0, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +16912,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +16913,27.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +16914,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16915,47.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16916,32.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,70.0, United-States +16917,29.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +16918,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +16919,47.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,16.0, Germany +16920,34.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +16921,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States +16922,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16923,37.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +16924,37.0, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,6.0, United-States +16925,38.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16926,46.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,80.0, United-States +16927,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,55.0, United-States +16928,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +16929,17.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +16930,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,50.0, United-States +16931,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +16932,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16933,27.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States +16934,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +16935,20.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,47.0, United-States +16936,27.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +16937,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,37.0, United-States +16938,59.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Iran +16939,49.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +16940,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +16941,37.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +16942,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +16943,34.0, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Black, Male,594.0,0.0,60.0, United-States +16944,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States +16945,65.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +16946,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +16947,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +16948,68.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +16949,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +16950,33.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,48.0, United-States +16951,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +16952,60.0, Private, HS-grad,9.0, Widowed, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Cambodia +16953,47.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16954,53.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16955,54.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +16956,28.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +16957,61.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +16958,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States +16959,42.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Cuba +16960,48.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +16961,43.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan +16962,58.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +16963,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +16964,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,32.0, United-States +16965,56.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Ireland +16966,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16967,64.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Columbia +16968,55.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +16969,24.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,36.0, United-States +16970,25.0, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, Black, Female,0.0,0.0,35.0, United-States +16971,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +16972,74.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,15.0, United-States +16973,52.0, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Cuba +16974,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +16975,30.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,35.0, United-States +16976,44.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +16977,34.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +16978,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +16979,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +16980,43.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States +16981,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States +16982,75.0, Private, Preschool,1.0, Never-married, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,48.0, Philippines +16983,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +16984,34.0, State-gov, Some-college,10.0, Separated, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +16985,28.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +16986,23.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +16987,65.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +16988,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +16989,35.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,48.0, United-States +16990,28.0, Private, 7th-8th,4.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Portugal +16991,39.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States +16992,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +16993,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +16994,27.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +16995,48.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +16996,31.0, Private, 10th,6.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +16997,24.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,39.0, United-States +16998,22.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +16999,48.0, Federal-gov, 7th-8th,4.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +17000,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +17001,45.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,14344.0,0.0,48.0, United-States +17002,71.0, Self-emp-not-inc, 1st-4th,2.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,28.0, United-States +17003,22.0, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,50.0, United-States +17004,22.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +17005,50.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17006,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,2377.0,20.0, United-States +17007,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +17008,28.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +17009,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +17010,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,1887.0,40.0, United-States +17011,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +17012,26.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +17013,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +17014,41.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, Canada +17015,59.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,43.0, United-States +17016,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +17017,44.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,56.0, United-States +17018,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,2174.0,0.0,40.0, Japan +17019,47.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,60.0, Thailand +17020,57.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico +17021,39.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,3464.0,0.0,20.0, United-States +17022,32.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,1977.0,40.0, United-States +17023,76.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +17024,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,50.0, United-States +17025,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,18.0, United-States +17026,56.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,50.0, United-States +17027,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +17028,32.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +17029,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +17030,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +17031,66.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17032,68.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,24.0, United-States +17033,79.0, Private, HS-grad,9.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,6.0, United-States +17034,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +17035,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +17036,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +17037,35.0, Private, 10th,6.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,60.0, United-States +17038,32.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,70.0, United-States +17039,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +17040,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +17041,30.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +17042,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,24.0, Mexico +17043,42.0, Private, Bachelors,13.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17044,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +17045,28.0, Private, Doctorate,16.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,18.0, United-States +17046,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +17047,34.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17048,27.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +17049,74.0, Federal-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,17.0, United-States +17050,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17051,40.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,84.0, United-States +17052,52.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +17053,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17054,63.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,24.0, Puerto-Rico +17055,57.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,50.0, United-States +17056,58.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +17057,43.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +17058,36.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States +17059,60.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17060,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17061,64.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +17062,39.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States +17063,64.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +17064,84.0, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,10.0, United-States +17065,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +17066,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17067,31.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +17068,48.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17069,31.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador +17070,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +17071,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +17072,30.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +17073,26.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +17074,19.0, Private, 12th,8.0, Never-married, Sales, Other-relative, White, Male,1055.0,0.0,40.0, United-States +17075,27.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,65.0, United-States +17076,51.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17077,39.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17078,29.0, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17079,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +17080,28.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +17081,76.0, Private, 10th,6.0, Widowed, Sales, Unmarried, Black, Female,0.0,0.0,12.0, United-States +17082,43.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +17083,42.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,80.0, United-States +17084,28.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,65.0, United-States +17085,37.0, Local-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,50.0, United-States +17086,42.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +17087,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17088,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +17089,38.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17090,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, Puerto-Rico +17091,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17092,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +17093,50.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688.0,0.0,50.0, Japan +17094,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3411.0,0.0,35.0, Guatemala +17095,37.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +17096,41.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +17097,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States +17098,62.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,8614.0,0.0,39.0, United-States +17099,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17100,50.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17101,30.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +17102,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +17103,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,25.0, United-States +17104,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +17105,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17106,38.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +17107,30.0, Private, 11th,7.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17108,20.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +17109,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17110,22.0, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,32.0, United-States +17111,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +17112,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +17113,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +17114,39.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States +17115,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States +17116,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +17117,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +17118,48.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +17119,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +17120,54.0, Private, Masters,14.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17121,67.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States +17122,44.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,20.0, United-States +17123,60.0, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +17124,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +17125,31.0, Private, 1st-4th,2.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, Honduras +17126,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17127,22.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +17128,24.0, Federal-gov, Some-college,10.0, Never-married, Armed-Forces, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17129,81.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,10.0, United-States +17130,61.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17131,23.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +17132,25.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +17133,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17134,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +17135,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States +17136,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17137,67.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +17138,54.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, +17139,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17140,39.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +17141,51.0, Self-emp-inc, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,70.0, United-States +17142,31.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,40.0, United-States +17143,35.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +17144,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,30.0, United-States +17145,62.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States +17146,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +17147,61.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,63.0, United-States +17148,34.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +17149,39.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,1669.0,50.0, United-States +17150,23.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +17151,44.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +17152,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17153,41.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +17154,33.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States +17155,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +17156,61.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +17157,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +17158,29.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +17159,55.0, Private, 11th,7.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +17160,28.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,46.0, United-States +17161,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17162,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +17163,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States +17164,50.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +17165,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,48.0, United-States +17166,49.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17167,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +17168,43.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17169,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17170,21.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,10.0, United-States +17171,53.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +17172,36.0, Private, Preschool,1.0, Divorced, Other-service, Not-in-family, Other, Male,0.0,0.0,72.0, Mexico +17173,50.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +17174,48.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +17175,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States +17176,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +17177,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +17178,75.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17179,46.0, Self-emp-inc, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,3325.0,0.0,45.0, United-States +17180,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1740.0,40.0, United-States +17181,38.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Male,0.0,0.0,60.0, United-States +17182,36.0, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17183,71.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +17184,48.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, England +17185,62.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,6.0, United-States +17186,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,18.0, United-States +17187,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17188,47.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17189,43.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17190,51.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +17191,53.0, Federal-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,58.0, United-States +17192,29.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +17193,28.0, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +17194,22.0, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +17195,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +17196,42.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, Puerto-Rico +17197,41.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +17198,45.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +17199,51.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, Italy +17200,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17201,46.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17202,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +17203,50.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +17204,37.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +17205,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +17206,35.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +17207,64.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17208,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,55.0, United-States +17209,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +17210,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +17211,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +17212,35.0, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +17213,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,40.0, United-States +17214,25.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, Italy +17215,57.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17216,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17217,30.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,32.0, United-States +17218,33.0, Private, Some-college,10.0, Divorced, Craft-repair, Other-relative, Other, Female,0.0,0.0,40.0, United-States +17219,21.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +17220,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +17221,29.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +17222,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,60.0, United-States +17223,43.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +17224,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +17225,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,2105.0,0.0,40.0, United-States +17226,45.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +17227,39.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +17228,48.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +17229,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17230,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17231,72.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,2414.0,0.0,12.0, United-States +17232,27.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,77.0, United-States +17233,40.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,46.0, United-States +17234,46.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,8.0, United-States +17235,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +17236,46.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Canada +17237,44.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,44.0, United-States +17238,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States +17239,49.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,16.0, Yugoslavia +17240,43.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +17241,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +17242,29.0, Private, Masters,14.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +17243,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +17244,56.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17245,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +17246,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,30.0, United-States +17247,54.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +17248,59.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States +17249,56.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,2907.0,0.0,52.0, Cuba +17250,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17251,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +17252,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States +17253,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,35.0, United-States +17254,62.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17255,27.0, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17256,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +17257,41.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,55.0, United-States +17258,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17259,27.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States +17260,55.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +17261,24.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,75.0, United-States +17262,40.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +17263,29.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17264,69.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,9386.0,0.0,60.0, United-States +17265,26.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States +17266,37.0, Private, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +17267,36.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17268,74.0, Private, 10th,6.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,6.0, United-States +17269,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +17270,62.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States +17271,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17272,47.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17273,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17274,37.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +17275,17.0, Self-emp-not-inc, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,4.0, United-States +17276,45.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +17277,63.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17278,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,36.0, United-States +17279,51.0, Self-emp-inc, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1741.0,40.0, United-States +17280,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +17281,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,2597.0,0.0,40.0, United-States +17282,37.0, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,27.0, United-States +17283,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,1.0, United-States +17284,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17285,22.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +17286,52.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, United-States +17287,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Canada +17288,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, Columbia +17289,55.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,34095.0,0.0,60.0, United-States +17290,90.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +17291,57.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Wife, White, Female,0.0,0.0,45.0, Germany +17292,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Nicaragua +17293,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17294,70.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,24.0, United-States +17295,53.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +17296,30.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +17297,51.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +17298,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +17299,45.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +17300,29.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +17301,48.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,10.0, United-States +17302,24.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1980.0,50.0, United-States +17303,34.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Male,0.0,0.0,15.0, United-States +17304,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,85.0, United-States +17305,63.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States +17306,40.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,6849.0,0.0,38.0, United-States +17307,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +17308,32.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, England +17309,27.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico +17310,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico +17311,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +17312,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1564.0,40.0, United-States +17313,56.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17314,27.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17315,44.0, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17316,45.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +17317,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +17318,48.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +17319,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +17320,57.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17321,24.0, Local-gov, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17322,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17323,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +17324,38.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +17325,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +17326,21.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17327,48.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +17328,72.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,17.0, United-States +17329,47.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States +17330,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States +17331,21.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +17332,34.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States +17333,32.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States +17334,36.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +17335,59.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States +17336,29.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Unmarried, Black, Male,0.0,625.0,60.0, United-States +17337,36.0, Private, 11th,7.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,32.0, United-States +17338,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +17339,40.0, Self-emp-inc, Masters,14.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,99.0, United-States +17340,20.0, State-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +17341,37.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +17342,59.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +17343,40.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +17344,29.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +17345,37.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17346,58.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17347,22.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States +17348,32.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17349,23.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +17350,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17351,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +17352,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,4650.0,0.0,40.0, Vietnam +17353,49.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,35.0, United-States +17354,58.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17355,35.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,52.0, United-States +17356,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +17357,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +17358,58.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +17359,29.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +17360,42.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17361,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Italy +17362,41.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17363,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +17364,35.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +17365,57.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +17366,27.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17367,39.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +17368,33.0, State-gov, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +17369,49.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17370,28.0, Private, HS-grad,9.0, Married-spouse-absent, Tech-support, Not-in-family, White, Female,0.0,0.0,37.0, United-States +17371,41.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,60.0, United-States +17372,31.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +17373,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +17374,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +17375,45.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +17376,49.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17377,27.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +17378,90.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,60.0, United-States +17379,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +17380,61.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17381,37.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17382,40.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +17383,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +17384,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +17385,57.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +17386,58.0, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +17387,41.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +17388,36.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +17389,64.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +17390,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +17391,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +17392,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +17393,32.0, Private, Bachelors,13.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,72.0, United-States +17394,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17395,59.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +17396,32.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States +17397,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Japan +17398,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States +17399,44.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +17400,42.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +17401,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +17402,57.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +17403,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand +17404,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17405,53.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States +17406,34.0, Private, Bachelors,13.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +17407,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +17408,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +17409,65.0, Private, Some-college,10.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,20.0, United-States +17410,18.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,15.0, United-States +17411,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,50.0, South +17412,29.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +17413,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +17414,41.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17415,26.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17416,51.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +17417,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +17418,68.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +17419,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17420,80.0, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States +17421,35.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +17422,36.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +17423,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +17424,51.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +17425,25.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +17426,38.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States +17427,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +17428,26.0, Private, 5th-6th,3.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico +17429,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,48.0, Mexico +17430,40.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,60.0, United-States +17431,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17432,51.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, Canada +17433,34.0, Private, Bachelors,13.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +17434,41.0, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,5.0, United-States +17435,36.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +17436,31.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,12.0, United-States +17437,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States +17438,55.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,4650.0,0.0,20.0, United-States +17439,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,10.0, United-States +17440,55.0, Private, HS-grad,9.0, Separated, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,32.0, United-States +17441,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,55.0, United-States +17442,44.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +17443,59.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +17444,35.0, Private, HS-grad,, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +17445,36.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +17446,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +17447,44.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +17448,17.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, El-Salvador +17449,24.0, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +17450,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +17451,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +17452,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +17453,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States +17454,29.0, Private, 12th,8.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17455,29.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17456,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17457,55.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States +17458,65.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +17459,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +17460,69.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1258.0,40.0, United-States +17461,39.0, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +17462,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany +17463,60.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +17464,41.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17465,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +17466,39.0, Private, 7th-8th,4.0, Separated, Other-service, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +17467,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,5.0, United-States +17468,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +17469,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +17470,30.0, Private, Bachelors,13.0, Married-AF-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +17471,24.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +17472,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,40.0, United-States +17473,42.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,60.0, United-States +17474,83.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,8.0, United-States +17475,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,24.0, United-States +17476,44.0, Private, Some-college,10.0, Married-civ-spouse, Priv-house-serv, Husband, White, Male,0.0,0.0,2.0, United-States +17477,27.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +17478,35.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,7298.0,0.0,35.0, United-States +17479,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, Black, Female,0.0,0.0,32.0, United-States +17480,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States +17481,38.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Hong +17482,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +17483,50.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +17484,31.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17485,52.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17486,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,32.0, United-States +17487,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,41.0, United-States +17488,27.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, El-Salvador +17489,53.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,4865.0,0.0,40.0, United-States +17490,52.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +17491,24.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States +17492,39.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2824.0,50.0, United-States +17493,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +17494,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +17495,52.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +17496,48.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +17497,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17498,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17499,28.0, Local-gov, Assoc-acdm,12.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +17500,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17501,38.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +17502,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +17503,45.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,36.0, United-States +17504,47.0, Local-gov, Masters,14.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +17505,22.0, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,54.0, United-States +17506,45.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +17507,64.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,35.0, United-States +17508,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +17509,42.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Wife, Amer-Indian-Eskimo, Female,15024.0,0.0,40.0, South +17510,53.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,32.0, United-States +17511,42.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +17512,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +17513,29.0, Private,,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17514,38.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,1151.0,0.0,40.0, United-States +17515,22.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,20.0, United-States +17516,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +17517,55.0, Local-gov, 12th,8.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17518,61.0, Private, 10th,6.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,2001.0,40.0, United-States +17519,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico +17520,64.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17521,37.0, Private, 11th,7.0, Married-spouse-absent, Other-service, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +17522,51.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Vietnam +17523,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,37.0, Mexico +17524,31.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17525,41.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,40.0, United-States +17526,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +17527,71.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,1668.0,20.0, United-States +17528,40.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17529,32.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +17530,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,6849.0,0.0,50.0, United-States +17531,61.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +17532,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3464.0,0.0,40.0, United-States +17533,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +17534,31.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +17535,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17536,60.0, Private, 12th,8.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17537,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +17538,50.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +17539,25.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,65.0, United-States +17540,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,38.0, United-States +17541,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +17542,63.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States +17543,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States +17544,32.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +17545,27.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +17546,43.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +17547,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +17548,48.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17549,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States +17550,35.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States +17551,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17552,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,5178.0,0.0,40.0, United-States +17553,48.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico +17554,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17555,44.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17556,55.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17557,50.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +17558,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17559,35.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +17560,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States +17561,25.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +17562,40.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +17563,40.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17564,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +17565,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,45.0, United-States +17566,31.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +17567,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17568,77.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3818.0,0.0,14.0, United-States +17569,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, Poland +17570,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +17571,72.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +17572,33.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17573,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,45.0, United-States +17574,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +17575,27.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +17576,56.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17577,68.0, Self-emp-inc, Assoc-voc,11.0, Widowed, Sales, Not-in-family, White, Female,25124.0,0.0,50.0, United-States +17578,54.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +17579,56.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +17580,58.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +17581,38.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17582,44.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,96.0, United-States +17583,22.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +17584,67.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17585,19.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,594.0,0.0,24.0, United-States +17586,18.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +17587,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,60.0, United-States +17588,51.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,50.0, United-States +17589,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17590,76.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +17591,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17592,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States +17593,70.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,5.0, United-States +17594,23.0, State-gov, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +17595,46.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17596,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +17597,69.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States +17598,58.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1848.0,40.0, United-States +17599,47.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +17600,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,3770.0,37.0, Puerto-Rico +17601,65.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,10.0, United-States +17602,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +17603,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +17604,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +17605,22.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +17606,44.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +17607,29.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17608,27.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17609,65.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,10605.0,0.0,20.0, United-States +17610,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +17611,57.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +17612,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +17613,58.0, Private, 9th,5.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +17614,47.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,2174.0,0.0,40.0, England +17615,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1579.0,65.0, Canada +17616,47.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +17617,22.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States +17618,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +17619,47.0, Private, 5th-6th,3.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, Mexico +17620,54.0, Local-gov, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17621,33.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17622,47.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +17623,30.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1590.0,80.0, United-States +17624,51.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,37.0, United-States +17625,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +17626,24.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,20.0, India +17627,78.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3471.0,0.0,50.0, United-States +17628,27.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +17629,44.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +17630,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,46.0, United-States +17631,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +17632,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,45.0, United-States +17633,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +17634,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +17635,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +17636,40.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17637,41.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +17638,51.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +17639,37.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +17640,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Greece +17641,45.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, Mexico +17642,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States +17643,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +17644,21.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +17645,67.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +17646,22.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +17647,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +17648,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +17649,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,60.0, United-States +17650,55.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,35.0, Greece +17651,31.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17652,47.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States +17653,29.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17654,67.0, Self-emp-not-inc, 1st-4th,2.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +17655,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +17656,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +17657,35.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +17658,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17659,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17660,39.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17661,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17662,54.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +17663,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States +17664,53.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +17665,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,98.0, United-States +17666,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17667,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Female,0.0,0.0,40.0, United-States +17668,24.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +17669,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17670,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,56.0, United-States +17671,27.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,65.0, United-States +17672,46.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +17673,50.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +17674,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +17675,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +17676,62.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17677,51.0, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17678,46.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,15024.0,0.0,40.0, United-States +17679,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +17680,50.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States +17681,39.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +17682,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,60.0, United-States +17683,53.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +17684,31.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17685,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +17686,33.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +17687,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +17688,29.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +17689,31.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +17690,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +17691,35.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +17692,57.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17693,37.0, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17694,26.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +17695,36.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +17696,46.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,20.0, United-States +17697,42.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +17698,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17699,24.0, Self-emp-not-inc, Some-college,10.0, Separated, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States +17700,55.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,74.0, United-States +17701,36.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,52.0, United-States +17702,48.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +17703,63.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States +17704,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17705,33.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +17706,19.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +17707,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,25.0, United-States +17708,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,55.0, United-States +17709,53.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +17710,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,34095.0,0.0,20.0, United-States +17711,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17712,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,46.0, Canada +17713,22.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +17714,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +17715,43.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +17716,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +17717,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +17718,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17719,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17720,53.0, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +17721,27.0, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,75.0, United-States +17722,18.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +17723,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +17724,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17725,33.0, Private, 1st-4th,2.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico +17726,50.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States +17727,23.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17728,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +17729,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17730,39.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +17731,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +17732,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +17733,26.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17734,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17735,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy +17736,48.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +17737,26.0, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Other, Male,0.0,0.0,60.0, United-States +17738,19.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States +17739,57.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,90.0, Greece +17740,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17741,58.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17742,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States +17743,44.0, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17744,30.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +17745,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17746,44.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17747,30.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +17748,68.0, Self-emp-not-inc, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17749,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +17750,39.0, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +17751,28.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Male,0.0,0.0,50.0, United-States +17752,58.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17753,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17754,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17755,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17756,28.0, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1980.0,40.0, United-States +17757,60.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17758,25.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +17759,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,70.0, United-States +17760,37.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17761,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17762,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +17763,26.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +17764,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17765,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +17766,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +17767,37.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +17768,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,2105.0,0.0,40.0, United-States +17769,40.0, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +17770,49.0, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17771,22.0, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador +17772,57.0, Private, 7th-8th,4.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,75.0, United-States +17773,62.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17774,30.0, State-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +17775,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +17776,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +17777,18.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +17778,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States +17779,66.0, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +17780,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States +17781,43.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States +17782,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17783,74.0, Federal-gov, Some-college,10.0, Widowed, Transport-moving, Not-in-family, White, Female,0.0,0.0,18.0, United-States +17784,18.0, Private, 12th,8.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,45.0, United-States +17785,40.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,55.0, United-States +17786,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,7688.0,0.0,40.0, United-States +17787,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,66.0, United-States +17788,39.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17789,66.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +17790,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,3103.0,0.0,42.0, United-States +17791,39.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +17792,24.0, Private, Some-college,10.0, Separated, Prof-specialty, Own-child, White, Male,0.0,0.0,54.0, United-States +17793,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,45.0, United-States +17794,63.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +17795,38.0, State-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +17796,41.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17797,27.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Own-child, Other, Female,0.0,0.0,11.0, Mexico +17798,32.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +17799,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,72.0, United-States +17800,39.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +17801,42.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,42.0, United-States +17802,45.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,52.0, United-States +17803,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,32.0, United-States +17804,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States +17805,42.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +17806,32.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17807,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +17808,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States +17809,40.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +17810,30.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17811,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +17812,35.0, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States +17813,25.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +17814,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17815,33.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17816,35.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17817,23.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States +17818,25.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,4101.0,0.0,40.0, United-States +17819,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17820,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +17821,74.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,26.0, United-States +17822,29.0, Private, HS-grad,9.0, Married-AF-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States +17823,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,8.0, United-States +17824,53.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17825,38.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,1506.0,0.0,50.0, United-States +17826,31.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +17827,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +17828,55.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +17829,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,12.0, United-States +17830,61.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +17831,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17832,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0.0,0.0,19.0, United-States +17833,62.0, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +17834,27.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17835,35.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17836,62.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +17837,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +17838,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +17839,52.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +17840,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +17841,25.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +17842,34.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +17843,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States +17844,63.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +17845,53.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, England +17846,21.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17847,40.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +17848,42.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States +17849,43.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,45.0, United-States +17850,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,4064.0,0.0,50.0, United-States +17851,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +17852,47.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +17853,40.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +17854,25.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +17855,54.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +17856,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +17857,38.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +17858,33.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,48.0, China +17859,30.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States +17860,17.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States +17861,24.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +17862,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +17863,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17864,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States +17865,47.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,8614.0,0.0,44.0, United-States +17866,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1602.0,12.0, United-States +17867,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +17868,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17869,36.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +17870,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,35.0, United-States +17871,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States +17872,65.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States +17873,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17874,41.0, Local-gov, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +17875,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,35.0, Outlying-US(Guam-USVI-etc) +17876,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,35.0, United-States +17877,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +17878,46.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +17879,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,30.0, United-States +17880,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17881,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17882,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17883,32.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +17884,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States +17885,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,27.0, United-States +17886,37.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,36.0, United-States +17887,18.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +17888,20.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Other, Male,0.0,0.0,40.0, Mexico +17889,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17890,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17891,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +17892,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,1506.0,0.0,40.0, United-States +17893,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +17894,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States +17895,51.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, Other, Male,4787.0,0.0,35.0, Mexico +17896,51.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +17897,38.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,55.0, United-States +17898,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829.0,0.0,40.0, United-States +17899,47.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +17900,37.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,25.0, Canada +17901,46.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Dominican-Republic +17902,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17903,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,57.0, United-States +17904,53.0, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +17905,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States +17906,76.0, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17907,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +17908,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17909,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +17910,45.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +17911,40.0, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +17912,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States +17913,64.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17914,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2246.0,45.0, United-States +17915,27.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, Mexico +17916,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +17917,43.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Cuba +17918,26.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,80.0, United-States +17919,55.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17920,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +17921,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +17922,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +17923,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +17924,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +17925,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +17926,46.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +17927,45.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +17928,45.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7298.0,0.0,40.0, United-States +17929,34.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +17930,44.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +17931,33.0, Private, Masters,14.0, Divorced, Exec-managerial, Own-child, White, Female,14084.0,0.0,50.0, United-States +17932,47.0, Private, Some-college,10.0, Separated, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States +17933,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +17934,58.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17935,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17936,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +17937,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17938,26.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +17939,26.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, Mexico +17940,48.0, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17941,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, Puerto-Rico +17942,36.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +17943,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +17944,42.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +17945,59.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +17946,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +17947,48.0, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +17948,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +17949,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +17950,55.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +17951,49.0, Private, 11th,7.0, Widowed, Craft-repair, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +17952,34.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,2202.0,0.0,40.0, United-States +17953,34.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,54.0, United-States +17954,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +17955,66.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,4.0, United-States +17956,21.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States +17957,30.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +17958,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +17959,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +17960,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +17961,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17962,35.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,50.0, United-States +17963,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17964,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +17965,28.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +17966,35.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +17967,65.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +17968,38.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17969,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +17970,29.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +17971,37.0, Self-emp-inc, Assoc-acdm,12.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +17972,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, Haiti +17973,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,28.0, United-States +17974,41.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States +17975,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +17976,33.0, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,35.0, United-States +17977,40.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States +17978,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,7.0, United-States +17979,19.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +17980,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +17981,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +17982,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,60.0, United-States +17983,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688.0,0.0,60.0, United-States +17984,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +17985,47.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,57.0, United-States +17986,44.0, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17987,35.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +17988,31.0, Private, Assoc-voc,11.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,32.0, United-States +17989,66.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States +17990,24.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Laos +17991,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +17992,61.0, Private, 9th,5.0, Widowed, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,65.0, United-States +17993,45.0, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +17994,26.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17995,33.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +17996,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +17997,37.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +17998,39.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +17999,43.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, Jamaica +18000,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +18001,35.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +18002,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +18003,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +18004,63.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +18005,19.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +18006,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +18007,49.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,1755.0,45.0, United-States +18008,57.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +18009,44.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +18010,26.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +18011,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +18012,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States +18013,37.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +18014,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States +18015,32.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +18016,53.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +18017,37.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +18018,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +18019,40.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +18020,53.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +18021,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +18022,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +18023,51.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +18024,44.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,70.0, United-States +18025,45.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +18026,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,45.0, United-States +18027,59.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18028,30.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +18029,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +18030,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,50.0, United-States +18031,25.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +18032,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,33.0, United-States +18033,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +18034,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States +18035,37.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18036,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18037,38.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18038,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +18039,31.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +18040,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +18041,27.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +18042,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +18043,24.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,75.0, United-States +18044,36.0, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,4650.0,0.0,56.0, United-States +18045,41.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18046,73.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +18047,42.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,15024.0,0.0,40.0, United-States +18048,31.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18049,39.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +18050,48.0, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, Black, Female,0.0,1669.0,38.0, United-States +18051,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +18052,43.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +18053,48.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +18054,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States +18055,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18056,56.0, Self-emp-not-inc, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,16.0, United-States +18057,44.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,50.0, Philippines +18058,43.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +18059,52.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,40.0, United-States +18060,36.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +18061,32.0, Private, HS-grad,9.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +18062,30.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18063,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1579.0,42.0, United-States +18064,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,20.0, United-States +18065,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18066,23.0, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,52.0, United-States +18067,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +18068,45.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +18069,34.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +18070,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +18071,44.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States +18072,53.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +18073,25.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +18074,44.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18075,41.0, Self-emp-inc, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +18076,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,75.0, Thailand +18077,44.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,1590.0,40.0, United-States +18078,47.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18079,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,52.0, United-States +18080,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +18081,31.0, Private, 1st-4th,2.0, Never-married, Transport-moving, Other-relative, Other, Male,0.0,0.0,40.0, El-Salvador +18082,20.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +18083,28.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico +18084,48.0, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,33.0, Jamaica +18085,27.0, Private, 1st-4th,2.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +18086,46.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +18087,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18088,35.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +18089,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +18090,38.0, Private, Some-college,10.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,60.0, United-States +18091,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +18092,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +18093,45.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +18094,64.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +18095,37.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States +18096,33.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18097,37.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +18098,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +18099,52.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,49.0, Mexico +18100,38.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18101,34.0, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,65.0, Guatemala +18102,50.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,44.0, United-States +18103,41.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +18104,54.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +18105,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States +18106,42.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +18107,46.0, Private, Bachelors,13.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,38.0, United-States +18108,38.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States +18109,61.0, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +18110,43.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States +18111,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,23.0, United-States +18112,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18113,58.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +18114,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +18115,46.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,40.0, United-States +18116,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +18117,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +18118,26.0, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,20.0, South +18119,22.0, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,43.0, United-States +18120,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18121,50.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Poland +18122,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico +18123,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States +18124,45.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,46.0, United-States +18125,52.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,60.0, United-States +18126,61.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18127,65.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18128,37.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +18129,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,21.0, United-States +18130,49.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,4650.0,0.0,40.0, United-States +18131,28.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +18132,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +18133,34.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,37.0, United-States +18134,23.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,24.0, United-States +18135,23.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,40.0, United-States +18136,35.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +18137,64.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +18138,36.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +18139,30.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +18140,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +18141,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18142,49.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States +18143,46.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +18144,56.0, Local-gov, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18145,33.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +18146,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,18.0, United-States +18147,31.0, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +18148,77.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,20051.0,0.0,40.0, United-States +18149,59.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +18150,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +18151,32.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18152,46.0, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +18153,54.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +18154,48.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States +18155,46.0, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,44.0, United-States +18156,54.0, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18157,24.0, Private, 9th,5.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,48.0, United-States +18158,36.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +18159,44.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18160,30.0, Self-emp-not-inc, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, Honduras +18161,19.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States +18162,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States +18163,90.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18164,36.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +18165,22.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +18166,58.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Male,8614.0,0.0,40.0, United-States +18167,28.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18168,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +18169,57.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18170,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18171,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +18172,29.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18173,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,43.0, United-States +18174,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +18175,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,37.0, United-States +18176,30.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18177,58.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,8.0, United-States +18178,33.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States +18179,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +18180,58.0, State-gov, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +18181,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,14344.0,0.0,40.0, United-States +18182,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +18183,58.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +18184,24.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,50.0, United-States +18185,54.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,43.0, United-States +18186,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +18187,66.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +18188,26.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +18189,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +18190,26.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,15.0, United-States +18191,34.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,10.0, United-States +18192,27.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18193,57.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States +18194,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +18195,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18196,38.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +18197,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18198,22.0, Private, Assoc-acdm,12.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,60.0, United-States +18199,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong +18200,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,44.0, United-States +18201,47.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,90.0, United-States +18202,21.0, Private, 12th,8.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18203,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +18204,45.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18205,27.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,50.0, United-States +18206,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +18207,52.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +18208,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,48.0, United-States +18209,60.0, Federal-gov, 9th,5.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +18210,41.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +18211,45.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +18212,46.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,37.0, United-States +18213,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States +18214,46.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States +18215,40.0, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,51.0, United-States +18216,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +18217,58.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +18218,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18219,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18220,40.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178.0,0.0,40.0, United-States +18221,31.0, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +18222,37.0, Self-emp-inc, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,2559.0,50.0, United-States +18223,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, United-States +18224,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +18225,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18226,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18227,49.0, Self-emp-not-inc, 10th,6.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,70.0, United-States +18228,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1485.0,40.0, Haiti +18229,42.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18230,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +18231,26.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States +18232,23.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, Other, Male,0.0,0.0,36.0, Mexico +18233,61.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States +18234,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18235,20.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +18236,41.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18237,33.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +18238,59.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +18239,55.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +18240,50.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States +18241,30.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,15.0, China +18242,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +18243,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +18244,18.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,10.0, United-States +18245,29.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +18246,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +18247,62.0, Self-emp-not-inc, Masters,14.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States +18248,45.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,75.0, United-States +18249,40.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +18250,62.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +18251,63.0, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18252,32.0, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +18253,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18254,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States +18255,42.0, Private, 1st-4th,2.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, Portugal +18256,35.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18257,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +18258,42.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +18259,27.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States +18260,73.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +18261,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +18262,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +18263,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +18264,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +18265,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +18266,37.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2580.0,0.0,60.0, United-States +18267,47.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States +18268,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +18269,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18270,20.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +18271,33.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,914.0,0.0,40.0, Germany +18272,46.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +18273,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18274,57.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +18275,41.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +18276,59.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +18277,43.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +18278,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +18279,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States +18280,38.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Guatemala +18281,47.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +18282,44.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +18283,38.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18284,40.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,70.0, United-States +18285,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +18286,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18287,53.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,40.0, United-States +18288,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +18289,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +18290,31.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +18291,42.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,30.0, United-States +18292,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,46.0, United-States +18293,40.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico +18294,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +18295,28.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Female,0.0,0.0,40.0, United-States +18296,52.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,90.0, United-States +18297,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,1974.0,40.0, United-States +18298,34.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States +18299,24.0, Federal-gov, Bachelors,13.0, Never-married, Armed-Forces, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18300,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +18301,40.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,39.0, United-States +18302,36.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +18303,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18304,46.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18305,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +18306,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales,, White, Male,0.0,0.0,43.0, United-States +18307,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +18308,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18309,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,80.0, United-States +18310,44.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +18311,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +18312,33.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +18313,25.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States +18314,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18315,52.0, Private, HS-grad,9.0, Separated, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States +18316,31.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +18317,58.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18318,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18319,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +18320,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +18321,48.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +18322,41.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18323,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States +18324,19.0, Without-pay, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States +18325,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18326,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +18327,41.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18328,54.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +18329,44.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +18330,39.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,40.0, United-States +18331,33.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18332,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +18333,28.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2339.0,40.0, Canada +18334,49.0, Private, 12th,8.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +18335,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +18336,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States +18337,46.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,49.0, United-States +18338,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States +18339,37.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +18340,53.0, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +18341,37.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,27828.0,0.0,48.0, United-States +18342,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States +18343,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, England +18344,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, Other, Female,0.0,0.0,30.0, United-States +18345,30.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18346,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +18347,61.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18348,18.0, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +18349,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18350,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18351,37.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +18352,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,38.0, United-States +18353,19.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,32.0, United-States +18354,39.0, Private, 11th,7.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +18355,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States +18356,46.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States +18357,37.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +18358,64.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +18359,66.0, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +18360,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, England +18361,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +18362,53.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18363,41.0, Private, Doctorate,16.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18364,81.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, Portugal +18365,35.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +18366,23.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +18367,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +18368,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +18369,37.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +18370,71.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6514.0,0.0,40.0, United-States +18371,43.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +18372,47.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +18373,58.0, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +18374,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18375,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,24.0, United-States +18376,, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18377,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White,,2829.0,0.0,60.0, United-States +18378,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +18379,33.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +18380,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +18381,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18382,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +18383,23.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +18384,23.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18385,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +18386,27.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +18387,22.0, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,30.0, United-States +18388,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +18389,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +18390,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,32.0, United-States +18391,47.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States +18392,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +18393,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +18394,35.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +18395,39.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +18396,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18397,35.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +18398,40.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +18399,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +18400,26.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +18401,31.0, Self-emp-not-inc, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,2205.0,60.0, United-States +18402,68.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,45.0, United-States +18403,54.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,1887.0,38.0, United-States +18404,30.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +18405,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +18406,39.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,2176.0,0.0,40.0, United-States +18407,36.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18408,48.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +18409,53.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18410,51.0, Private, 11th,7.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +18411,67.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18412,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +18413,22.0, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,38.0, United-States +18414,43.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18415,61.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +18416,57.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +18417,43.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,10.0, United-States +18418,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +18419,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +18420,42.0, Private, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +18421,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +18422,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18423,35.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +18424,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +18425,59.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18426,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +18427,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +18428,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,46.0, United-States +18429,71.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,15.0, United-States +18430,34.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +18431,25.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +18432,61.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18433,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +18434,39.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +18435,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18436,80.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,54.0, United-States +18437,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18438,23.0, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States +18439,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +18440,68.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18441,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,3103.0,0.0,60.0, United-States +18442,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137.0,0.0,40.0, United-States +18443,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +18444,78.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +18445,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +18446,65.0, Local-gov, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18447,35.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908.0,0.0,27.0, United-States +18448,70.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +18449,28.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +18450,45.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +18451,24.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,75.0, United-States +18452,30.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18453,25.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico +18454,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +18455,24.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,39.0, United-States +18456,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18457,38.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +18458,33.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,70.0, United-States +18459,63.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18460,34.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,78.0, United-States +18461,24.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18462,40.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +18463,37.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,5013.0,0.0,40.0, United-States +18464,54.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18465,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +18466,29.0, Private, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,35.0, United-States +18467,27.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +18468,34.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +18469,33.0, Private, 5th-6th,3.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico +18470,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States +18471,52.0, Private, 11th,7.0, Separated, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,18.0, United-States +18472,21.0, Local-gov, 12th,8.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,20.0, United-States +18473,19.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +18474,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18475,20.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,10.0, United-States +18476,32.0, Federal-gov, Assoc-voc,11.0, Never-married, Tech-support, Own-child, Black, Male,4650.0,0.0,40.0, United-States +18477,48.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2042.0,50.0, United-States +18478,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, England +18479,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +18480,40.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States +18481,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18482,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18483,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,4386.0,0.0,40.0, United-States +18484,17.0, Private, 12th,8.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,18.0, United-States +18485,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18486,30.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18487,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +18488,66.0, State-gov, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +18489,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2829.0,0.0,40.0, United-States +18490,47.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18491,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Cuba +18492,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +18493,32.0, Self-emp-not-inc, HS-grad,9.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18494,31.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1579.0,45.0, El-Salvador +18495,51.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2961.0,0.0,40.0, United-States +18496,32.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States +18497,45.0, State-gov, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +18498,31.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,42.0, Mexico +18499,23.0, Federal-gov, Some-college,10.0, Never-married, Armed-Forces, Other-relative, White, Male,0.0,0.0,40.0, United-States +18500,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Puerto-Rico +18501,66.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States +18502,38.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,60.0, United-States +18503,35.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +18504,28.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States +18505,36.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +18506,28.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +18507,33.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18508,44.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States +18509,44.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +18510,53.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,60.0, United-States +18511,30.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +18512,27.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386.0,0.0,40.0, United-States +18513,26.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18514,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +18515,28.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18516,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18517,57.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18518,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18519,30.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18520,45.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +18521,49.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +18522,45.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +18523,28.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,40.0, United-States +18524,19.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18525,45.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +18526,38.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +18527,52.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +18528,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +18529,47.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18530,55.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +18531,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +18532,18.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +18533,61.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +18534,29.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +18535,22.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States +18536,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +18537,24.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +18538,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +18539,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +18540,70.0, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +18541,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States +18542,55.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18543,27.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,3418.0,0.0,32.0, United-States +18544,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18545,29.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +18546,52.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,95.0, United-States +18547,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18548,37.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States +18549,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +18550,56.0, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Dominican-Republic +18551,31.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18552,61.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,36.0, United-States +18553,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +18554,29.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Peru +18555,24.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States +18556,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18557,49.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +18558,47.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,48.0, United-States +18559,48.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +18560,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,40.0, United-States +18561,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +18562,27.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,60.0, United-States +18563,46.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18564,31.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States +18565,23.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Guatemala +18566,51.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,50.0, United-States +18567,34.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +18568,52.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +18569,28.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +18570,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,1340.0,40.0, United-States +18571,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States +18572,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,18.0, United-States +18573,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,45.0, United-States +18574,27.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18575,37.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +18576,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,24.0, United-States +18577,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +18578,50.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +18579,38.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18580,40.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,14344.0,0.0,40.0, United-States +18581,49.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18582,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +18583,53.0, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2179.0,41.0, United-States +18584,23.0, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States +18585,31.0, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,37.0, Mexico +18586,48.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18587,62.0, Local-gov, 9th,5.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,24.0, United-States +18588,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States +18589,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18590,43.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18591,46.0, Private, 7th-8th,4.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +18592,32.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, Canada +18593,25.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +18594,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +18595,19.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,15.0, South +18596,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18597,25.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +18598,52.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18599,31.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +18600,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,60.0, Hungary +18601,49.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,90.0, United-States +18602,19.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, El-Salvador +18603,41.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,33.0, United-States +18604,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18605,49.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +18606,55.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +18607,27.0, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +18608,30.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +18609,67.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +18610,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +18611,30.0, Local-gov, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +18612,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18613,24.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,27.0, United-States +18614,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18615,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +18616,39.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +18617,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +18618,57.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,1887.0,40.0, Trinadad&Tobago +18619,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18620,51.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States +18621,52.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18622,41.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18623,62.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States +18624,31.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +18625,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,10.0, United-States +18626,67.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States +18627,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +18628,49.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +18629,32.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18630,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +18631,26.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,15.0, United-States +18632,28.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States +18633,26.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +18634,33.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18635,71.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1510.0,35.0, United-States +18636,28.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18637,26.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,40.0, United-States +18638,37.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18639,29.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +18640,31.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +18641,23.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,8614.0,0.0,70.0, United-States +18642,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States +18643,33.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18644,37.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,4787.0,0.0,55.0, United-States +18645,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18646,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18647,35.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +18648,35.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18649,36.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,4.0, United-States +18650,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +18651,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States +18652,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,25.0, United-States +18653,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18654,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +18655,43.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,30.0, United-States +18656,26.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +18657,61.0, State-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Germany +18658,30.0, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,15.0, United-States +18659,41.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +18660,34.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,2179.0,40.0, United-States +18661,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +18662,46.0, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +18663,24.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,50.0, United-States +18664,52.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +18665,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18666,45.0, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,3325.0,0.0,40.0, United-States +18667,60.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +18668,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2407.0,0.0,50.0, United-States +18669,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18670,31.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States +18671,28.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,45.0, United-States +18672,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +18673,35.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +18674,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +18675,48.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, El-Salvador +18676,40.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18677,62.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +18678,39.0, State-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +18679,53.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States +18680,30.0, Local-gov, Assoc-voc,11.0, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +18681,53.0, Private, 12th,8.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, Other, Male,0.0,0.0,56.0, Dominican-Republic +18682,44.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +18683,60.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,44.0, United-States +18684,34.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18685,38.0, Private, 10th,6.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,3770.0,40.0, United-States +18686,48.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18687,38.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +18688,58.0, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +18689,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States +18690,34.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,12.0, United-States +18691,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +18692,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18693,33.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18694,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Dominican-Republic +18695,47.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,43.0, United-States +18696,50.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +18697,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +18698,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18699,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18700,24.0, Private, Assoc-acdm,12.0, Separated, Craft-repair, Unmarried, Asian-Pac-Islander, Male,8614.0,0.0,40.0, United-States +18701,59.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18702,51.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +18703,18.0, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +18704,60.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,72.0, Canada +18705,24.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,4787.0,0.0,60.0, United-States +18706,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +18707,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +18708,22.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +18709,75.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2653.0,0.0,20.0, United-States +18710,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +18711,31.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +18712,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +18713,54.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +18714,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +18715,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +18716,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +18717,24.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Own-child, White, Female,0.0,0.0,45.0, Mexico +18718,46.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +18719,58.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +18720,35.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,55.0, United-States +18721,42.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,30.0, United-States +18722,27.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +18723,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,37.0, United-States +18724,30.0, Private, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +18725,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18726,22.0, Private, 12th,8.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,35.0, United-States +18727,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +18728,55.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +18729,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,16.0, United-States +18730,29.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +18731,49.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +18732,29.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,60.0, United-States +18733,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +18734,61.0, Self-emp-not-inc, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18735,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18736,33.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +18737,35.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18738,50.0, Private, 11th,7.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +18739,39.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,2635.0,0.0,37.0, United-States +18740,29.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,5.0, United-States +18741,45.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18742,39.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,13550.0,0.0,45.0, United-States +18743,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +18744,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +18745,20.0, State-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States +18746,51.0, Private, 1st-4th,2.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,35.0, Portugal +18747,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +18748,72.0, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,16.0, United-States +18749,27.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, Mexico +18750,33.0, Local-gov, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,80.0, United-States +18751,41.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +18752,26.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,35.0, United-States +18753,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +18754,56.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18755,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18756,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +18757,38.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,28.0, United-States +18758,19.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +18759,17.0, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +18760,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Other, Female,0.0,0.0,33.0, United-States +18761,42.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +18762,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +18763,56.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18764,71.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +18765,51.0, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,20.0, United-States +18766,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +18767,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Yugoslavia +18768,48.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7298.0,0.0,38.0, United-States +18769,31.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +18770,59.0, Private, 10th,6.0, Separated, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +18771,24.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +18772,20.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,28.0, United-States +18773,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +18774,49.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +18775,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +18776,30.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States +18777,63.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States +18778,60.0, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +18779,41.0, Self-emp-not-inc, 12th,8.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +18780,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +18781,36.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +18782,61.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,99.0, United-States +18783,42.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,653.0,50.0, United-States +18784,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +18785,17.0, Self-emp-not-inc, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +18786,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +18787,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +18788,24.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18789,54.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18790,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States +18791,35.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Mexico +18792,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,1590.0,40.0, United-States +18793,44.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18794,45.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +18795,34.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +18796,26.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,5060.0,0.0,40.0, United-States +18797,39.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,84.0, United-States +18798,23.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +18799,34.0, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +18800,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States +18801,23.0, Private, Bachelors,13.0, Never-married, Sales,, White, Female,0.0,0.0,40.0, United-States +18802,32.0, Private, Prof-school,15.0, Married-AF-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,60.0, United-States +18803,54.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18804,41.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18805,76.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,33.0, United-States +18806,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,43.0, United-States +18807,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18808,73.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +18809,40.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1977.0,40.0, United-States +18810,51.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18811,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18812,27.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,33.0, United-States +18813,21.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +18814,55.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States +18815,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States +18816,65.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,810.0,36.0, United-States +18817,56.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18818,62.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States +18819,38.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +18820,68.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +18821,71.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States +18822,68.0, Private, Some-college,10.0,, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +18823,21.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18824,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18825,40.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,13550.0,0.0,40.0, Cambodia +18826,40.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States +18827,29.0, State-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1590.0,64.0, United-States +18828,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +18829,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18830,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +18831,42.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1340.0,40.0, United-States +18832,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +18833,34.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +18834,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18835,30.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +18836,44.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +18837,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States +18838,33.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +18839,23.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +18840,59.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +18841,44.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18842,46.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States +18843,66.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18844,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +18845,58.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States +18846,27.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States +18847,28.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States +18848,46.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +18849,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +18850,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2002.0,42.0, United-States +18851,54.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +18852,45.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18853,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18854,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States +18855,50.0, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +18856,49.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18857,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +18858,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18859,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, United-States +18860,46.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +18861,36.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18862,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +18863,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, United-States +18864,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +18865,47.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18866,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +18867,56.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2580.0,0.0,40.0, United-States +18868,29.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +18869,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +18870,28.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Male,0.0,0.0,40.0, Dominican-Republic +18871,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +18872,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, Ecuador +18873,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,46.0, United-States +18874,66.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +18875,57.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18876,22.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18877,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18878,65.0, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,991.0,0.0,20.0, United-States +18879,52.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +18880,42.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +18881,43.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18882,25.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +18883,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +18884,64.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,5.0, United-States +18885,75.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,20.0, United-States +18886,28.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +18887,39.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +18888,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +18889,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +18890,41.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18891,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,50.0, United-States +18892,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +18893,57.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +18894,44.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18895,18.0, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,54.0, Mexico +18896,38.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18897,32.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18898,30.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +18899,45.0, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +18900,45.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +18901,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, Mexico +18902,53.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,2174.0,0.0,40.0, United-States +18903,24.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +18904,62.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +18905,61.0, Self-emp-not-inc, 10th,6.0, Widowed, Craft-repair, Other-relative, White, Male,0.0,0.0,18.0, Mexico +18906,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +18907,57.0, Private, 10th,6.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +18908,36.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +18909,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,39.0, United-States +18910,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18911,31.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18912,25.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +18913,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +18914,41.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +18915,33.0, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18916,38.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,35.0, United-States +18917,40.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +18918,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,42.0, United-States +18919,17.0, Local-gov, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,45.0, United-States +18920,34.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, El-Salvador +18921,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +18922,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +18923,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18924,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +18925,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,40.0, United-States +18926,46.0, Federal-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18927,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States +18928,49.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18929,35.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +18930,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +18931,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +18932,58.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18933,33.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,72.0, United-States +18934,39.0, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18935,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,84.0, Taiwan +18936,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18937,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18938,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +18939,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18940,24.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +18941,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +18942,18.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,4.0, United-States +18943,28.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +18944,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +18945,27.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,80.0, United-States +18946,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18947,34.0, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States +18948,34.0, Private, Masters,14.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States +18949,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +18950,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +18951,56.0, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18952,65.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,2538.0,0.0,50.0, United-States +18953,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18954,35.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2042.0,40.0, United-States +18955,58.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18956,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +18957,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +18958,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18959,40.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,32.0, United-States +18960,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +18961,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,60.0, United-States +18962,53.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +18963,33.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,37.0, United-States +18964,48.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,2174.0,0.0,40.0, United-States +18965,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +18966,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,28.0, United-States +18967,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,68.0, United-States +18968,37.0, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States +18969,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,57.0, United-States +18970,44.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, Other, Male,0.0,0.0,32.0, Canada +18971,39.0, State-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +18972,37.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +18973,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,44.0, United-States +18974,48.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18975,39.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18976,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States +18977,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,39.0, United-States +18978,61.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +18979,53.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +18980,44.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +18981,54.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +18982,26.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +18983,63.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States +18984,56.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +18985,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +18986,46.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +18987,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,23.0, United-States +18988,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +18989,37.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18990,43.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +18991,53.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +18992,17.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +18993,29.0, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico +18994,24.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,32.0, United-States +18995,41.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +18996,49.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,55.0, England +18997,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18998,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +18999,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +19000,48.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +19001,41.0, Self-emp-not-inc, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19002,47.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +19003,31.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +19004,73.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +19005,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States +19006,49.0, Private, 10th,6.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19007,41.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +19008,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +19009,66.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States +19010,33.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19011,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +19012,29.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +19013,44.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,32.0, United-States +19014,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19015,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +19016,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19017,68.0, Self-emp-inc, Bachelors,13.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,70.0, Canada +19018,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,2407.0,0.0,35.0, United-States +19019,42.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19020,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19021,39.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,8614.0,0.0,50.0, United-States +19022,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,12.0, United-States +19023,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,40.0, United-States +19024,48.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States +19025,41.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States +19026,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +19027,51.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19028,28.0, Federal-gov, 10th,6.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +19029,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +19030,63.0, Private, 1st-4th,2.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19031,37.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19032,23.0, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,21.0, United-States +19033,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +19034,38.0, Private, Assoc-voc,11.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +19035,24.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,38.0, United-States +19036,40.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19037,54.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19038,40.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19039,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +19040,38.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +19041,33.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +19042,39.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19043,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +19044,48.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19045,45.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19046,50.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +19047,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +19048,34.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,25.0, United-States +19049,24.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +19050,59.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19051,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +19052,42.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +19053,27.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,16.0, United-States +19054,23.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +19055,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States +19056,58.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3781.0,0.0,40.0, United-States +19057,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19058,30.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +19059,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19060,36.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,45.0, United-States +19061,32.0, State-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19062,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19063,52.0, Federal-gov, Assoc-acdm,12.0, Widowed, Exec-managerial, Unmarried, White, Male,13550.0,0.0,40.0, United-States +19064,22.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,6.0, United-States +19065,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +19066,29.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +19067,40.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +19068,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +19069,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19070,39.0, Private, Masters,14.0, Divorced, Prof-specialty, Own-child, White, Female,1506.0,0.0,40.0, United-States +19071,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States +19072,23.0, State-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States +19073,27.0, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19074,27.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, Peru +19075,44.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,1504.0,50.0, United-States +19076,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +19077,57.0, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19078,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +19079,30.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,45.0, United-States +19080,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +19081,65.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +19082,49.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States +19083,22.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,2339.0,40.0, India +19084,25.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19085,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,48.0, United-States +19086,52.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,64.0, United-States +19087,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1902.0,35.0, United-States +19088,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States +19089,57.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19090,54.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +19091,22.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19092,49.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, United-States +19093,50.0, Local-gov, HS-grad,9.0, Separated, Exec-managerial, Unmarried, Black, Female,6497.0,0.0,35.0, United-States +19094,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States +19095,33.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19096,65.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +19097,46.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1504.0,40.0, United-States +19098,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19099,54.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States +19100,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19101,34.0, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19102,24.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +19103,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +19104,42.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +19105,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +19106,36.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +19107,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,2001.0,42.0, United-States +19108,50.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +19109,46.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +19110,42.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2444.0,40.0, United-States +19111,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19112,66.0, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,22.0, United-States +19113,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +19114,41.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +19115,59.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +19116,31.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19117,29.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +19118,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,52.0, United-States +19119,44.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19120,47.0, Private, 12th,8.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +19121,30.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,6849.0,0.0,40.0, England +19122,46.0, Private, Some-college,10.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,30.0, United-States +19123,31.0, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +19124,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +19125,26.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +19126,72.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653.0,0.0,42.0, United-States +19127,43.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19128,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +19129,34.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,80.0, United-States +19130,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19131,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,40.0, United-States +19132,45.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19133,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19134,54.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +19135,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,40.0, United-States +19136,33.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +19137,61.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19138,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19139,38.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +19140,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19141,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +19142,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +19143,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +19144,36.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19145,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +19146,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19147,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +19148,20.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +19149,44.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +19150,33.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,8614.0,0.0,40.0, United-States +19151,33.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States +19152,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +19153,74.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Female,0.0,0.0,14.0, United-States +19154,21.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States +19155,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19156,46.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19157,41.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1902.0,40.0, United-States +19158,24.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +19159,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +19160,38.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +19161,22.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +19162,32.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19163,30.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,1564.0,40.0, United-States +19164,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +19165,32.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19166,20.0, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, Mexico +19167,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +19168,31.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +19169,53.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +19170,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19171,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +19172,36.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19173,66.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19174,31.0, State-gov, HS-grad,9.0, Divorced, Protective-serv, Own-child, Other, Male,0.0,0.0,40.0, United-States +19175,35.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19176,44.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,45.0, United-States +19177,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,37.0, United-States +19178,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19179,34.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +19180,32.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +19181,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,14.0, United-States +19182,62.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +19183,36.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19184,18.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +19185,54.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +19186,72.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1429.0,20.0, United-States +19187,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +19188,72.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2377.0,35.0, United-States +19189,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +19190,56.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +19191,42.0, Private, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +19192,26.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +19193,23.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +19194,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +19195,61.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19196,33.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States +19197,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,2176.0,0.0,40.0, United-States +19198,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Hungary +19199,34.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19200,32.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +19201,41.0, Private, Bachelors,13.0, Divorced, Transport-moving, Own-child, Black, Male,6497.0,0.0,40.0, United-States +19202,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19203,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19204,45.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,46.0, United-States +19205,27.0, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,45.0, United-States +19206,37.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +19207,46.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +19208,23.0, Federal-gov, 11th,7.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19209,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19210,36.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States +19211,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +19212,34.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +19213,54.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +19214,57.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +19215,29.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +19216,26.0, Private, Some-college,10.0, Married-civ-spouse,, Wife, White, Female,0.0,0.0,35.0, United-States +19217,36.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +19218,29.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19219,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +19220,43.0, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19221,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +19222,27.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +19223,37.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +19224,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19225,24.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +19226,59.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +19227,35.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,45.0, United-States +19228,24.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States +19229,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19230,22.0, Private, Some-college,10.0, Divorced, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,30.0, Philippines +19231,39.0, Self-emp-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,99.0, United-States +19232,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,2907.0,0.0,35.0, United-States +19233,18.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +19234,35.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19235,63.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +19236,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19237,36.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,37.0, United-States +19238,30.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States +19239,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19240,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19241,32.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19242,22.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +19243,44.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,40.0, United-States +19244,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +19245,39.0, Private, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19246,26.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19247,55.0, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +19248,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +19249,48.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2407.0,0.0,40.0, United-States +19250,30.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +19251,22.0, Private, 11th,7.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico +19252,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,1485.0,37.0, United-States +19253,18.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,6.0, United-States +19254,25.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19255,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +19256,69.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,6418.0,0.0,45.0, United-States +19257,21.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, Other, Male,0.0,0.0,40.0, Dominican-Republic +19258,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19259,44.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,15.0, United-States +19260,29.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +19261,45.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19262,35.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19263,21.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +19264,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +19265,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +19266,17.0, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +19267,35.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +19268,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +19269,58.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +19270,41.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +19271,20.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States +19272,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States +19273,46.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,80.0, +19274,52.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19275,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +19276,29.0, Private, Assoc-acdm,12.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States +19277,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +19278,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +19279,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +19280,25.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,25.0, United-States +19281,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19282,22.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States +19283,63.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +19284,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +19285,32.0, Private, Masters,14.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,50.0, United-States +19286,23.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +19287,46.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, India +19288,49.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +19289,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +19290,46.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +19291,43.0, Federal-gov, Masters,14.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19292,21.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Guatemala +19293,22.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,38.0, United-States +19294,47.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19295,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Germany +19296,24.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19297,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3464.0,0.0,40.0, United-States +19298,45.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,5721.0,0.0,45.0, United-States +19299,69.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Male,0.0,0.0,8.0, United-States +19300,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,50.0, United-States +19301,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +19302,26.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19303,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +19304,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +19305,27.0, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3411.0,0.0,40.0, United-States +19306,56.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,4101.0,0.0,40.0, United-States +19307,36.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +19308,47.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, Italy +19309,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19310,47.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19311,64.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +19312,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +19313,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +19314,22.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19315,27.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19316,74.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States +19317,31.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,2597.0,0.0,45.0, United-States +19318,58.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2377.0,65.0, United-States +19319,61.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador +19320,55.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +19321,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,66.0, United-States +19322,22.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +19323,44.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States +19324,26.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +19325,46.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19326,45.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +19327,31.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19328,42.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19329,43.0, Private, 10th,6.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +19330,52.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19331,31.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19332,43.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +19333,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +19334,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +19335,53.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,50.0, United-States +19336,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19337,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +19338,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +19339,42.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,55.0, United-States +19340,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States +19341,22.0, Federal-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States +19342,56.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19343,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +19344,23.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,40.0, United-States +19345,56.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19346,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +19347,44.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,625.0,50.0, United-States +19348,46.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +19349,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +19350,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19351,29.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +19352,27.0, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19353,63.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +19354,30.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,48.0, United-States +19355,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +19356,28.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +19357,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +19358,35.0, Private, 12th,8.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +19359,26.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +19360,27.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +19361,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States +19362,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19363,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +19364,51.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +19365,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19366,36.0, Private, 10th,6.0, Divorced, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States +19367,51.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +19368,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +19369,68.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States +19370,56.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,50.0, United-States +19371,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States +19372,64.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,12.0, United-States +19373,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +19374,43.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,36.0, United-States +19375,24.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States +19376,63.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +19377,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,1977.0,40.0, Philippines +19378,36.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +19379,47.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +19380,29.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +19381,34.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, United-States +19382,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +19383,60.0, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +19384,66.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +19385,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,48.0, United-States +19386,27.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19387,36.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19388,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +19389,31.0, Private, 12th,8.0, Separated, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States +19390,28.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19391,38.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +19392,23.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +19393,39.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,2205.0,40.0, United-States +19394,43.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +19395,27.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19396,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +19397,29.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19398,26.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19399,40.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +19400,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19401,40.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19402,35.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +19403,34.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +19404,19.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +19405,36.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +19406,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,15.0, United-States +19407,26.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +19408,30.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Ireland +19409,57.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Portugal +19410,18.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +19411,22.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +19412,34.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +19413,51.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +19414,49.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19415,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19416,46.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +19417,32.0, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,2824.0,55.0, United-States +19418,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +19419,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19420,34.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19421,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +19422,29.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +19423,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +19424,43.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,44.0, United-States +19425,52.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,5013.0,0.0,40.0, United-States +19426,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, El-Salvador +19427,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19428,49.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States +19429,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +19430,42.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19431,39.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19432,62.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19433,58.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Other, Female,0.0,0.0,30.0, United-States +19434,37.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States +19435,35.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States +19436,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +19437,18.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States +19438,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, Philippines +19439,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,47.0, United-States +19440,31.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +19441,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +19442,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States +19443,23.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19444,38.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States +19445,54.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19446,22.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +19447,35.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +19448,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +19449,36.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,70.0, United-States +19450,30.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,68.0, United-States +19451,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Japan +19452,37.0, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,41.0, United-States +19453,63.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,22.0, United-States +19454,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,52.0, Mexico +19455,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +19456,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19457,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +19458,32.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19459,43.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +19460,31.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19461,23.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19462,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +19463,22.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +19464,23.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,6.0, United-States +19465,21.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States +19466,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +19467,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,1741.0,30.0, United-States +19468,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,26.0, United-States +19469,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,20.0, Philippines +19470,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19471,57.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States +19472,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,40.0, United-States +19473,56.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +19474,49.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,50.0, United-States +19475,48.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States +19476,28.0, Self-emp-inc, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19477,39.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19478,32.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador +19479,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +19480,38.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19481,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,44.0, United-States +19482,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1741.0,38.0, United-States +19483,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19484,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19485,42.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19486,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +19487,41.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19488,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, United-States +19489,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19490,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States +19491,28.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +19492,66.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +19493,41.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +19494,30.0, Private, Assoc-acdm,12.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19495,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +19496,36.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +19497,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +19498,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,46.0, United-States +19499,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +19500,48.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +19501,18.0, State-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States +19502,38.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +19503,35.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States +19504,33.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19505,31.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +19506,32.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +19507,18.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,22.0, United-States +19508,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19509,66.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, United-States +19510,81.0, Private, 7th-8th,4.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,2.0, United-States +19511,37.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +19512,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +19513,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19514,23.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,96.0, United-States +19515,35.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +19516,27.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States +19517,58.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19518,42.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +19519,54.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Asian-Pac-Islander,,0.0,0.0,40.0, Philippines +19520,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States +19521,73.0, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,32.0, United-States +19522,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States +19523,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +19524,31.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,48.0, United-States +19525,19.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19526,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +19527,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +19528,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19529,35.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19530,42.0, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,60.0, United-States +19531,41.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico +19532,23.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19533,40.0, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,1669.0,40.0, United-States +19534,33.0, Private, 12th,8.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, Dominican-Republic +19535,53.0, Self-emp-not-inc, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19536,36.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,2463.0,0.0,40.0, United-States +19537,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +19538,32.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19539,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19540,30.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Male,1506.0,0.0,80.0, United-States +19541,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19542,41.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +19543,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +19544,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19545,41.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +19546,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +19547,44.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +19548,41.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19549,40.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19550,22.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +19551,19.0, Private, 11th,7.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,10.0, United-States +19552,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +19553,56.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +19554,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +19555,28.0, Federal-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +19556,17.0, Private, 10th,6.0, Never-married, Priv-house-serv, Other-relative, White, Male,0.0,0.0,30.0, United-States +19557,33.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19558,90.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +19559,38.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,50.0, Canada +19560,36.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, Black, Male,14344.0,0.0,40.0, England +19561,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States +19562,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States +19563,42.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +19564,54.0, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19565,60.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +19566,43.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +19567,22.0, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +19568,58.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,32.0, United-States +19569,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,50.0, United-States +19570,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19571,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +19572,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19573,28.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19574,54.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19575,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +19576,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19577,37.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +19578,69.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Other-relative, White, Male,1848.0,0.0,10.0, United-States +19579,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19580,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +19581,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +19582,31.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +19583,40.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,65.0, United-States +19584,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +19585,47.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +19586,35.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1741.0,60.0, United-States +19587,22.0, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,8.0, United-States +19588,90.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,10566.0,0.0,50.0, United-States +19589,31.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,58.0, United-States +19590,26.0, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Columbia +19591,20.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +19592,19.0, Private, Some-college,10.0, Married-AF-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States +19593,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,65.0, United-States +19594,57.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States +19595,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19596,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States +19597,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +19598,33.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +19599,62.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19600,17.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +19601,20.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,30.0, United-States +19602,30.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,46.0, United-States +19603,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Vietnam +19604,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,5178.0,0.0,40.0, United-States +19605,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +19606,47.0, Self-emp-not-inc, Assoc-acdm,12.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +19607,54.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States +19608,41.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +19609,42.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19610,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19611,58.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +19612,31.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19613,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +19614,38.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19615,36.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1848.0,55.0, United-States +19616,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,3942.0,0.0,40.0, United-States +19617,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +19618,22.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,15.0, United-States +19619,27.0, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +19620,67.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19621,46.0, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, Black, Female,0.0,1876.0,40.0, United-States +19622,71.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19623,18.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,1721.0,40.0, United-States +19624,31.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +19625,50.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico +19626,20.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +19627,34.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +19628,45.0, Private, 11th,7.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +19629,44.0, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +19630,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +19631,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19632,30.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,99.0, United-States +19633,48.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +19634,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States +19635,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +19636,33.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +19637,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19638,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19639,52.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19640,19.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States +19641,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19642,23.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19643,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +19644,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +19645,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Italy +19646,34.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, Mexico +19647,19.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States +19648,42.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +19649,19.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States +19650,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Columbia +19651,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19652,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +19653,27.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19654,44.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +19655,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19656,26.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19657,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,1590.0,40.0, United-States +19658,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,14.0, United-States +19659,52.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +19660,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +19661,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19662,57.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,2202.0,0.0,44.0, United-States +19663,34.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19664,41.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +19665,23.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +19666,41.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19667,35.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +19668,37.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +19669,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +19670,43.0, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Italy +19671,40.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +19672,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +19673,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +19674,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +19675,44.0, State-gov, Masters,, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19676,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States +19677,40.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19678,54.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +19679,21.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19680,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States +19681,43.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,42.0, United-States +19682,58.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19683,47.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +19684,36.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19685,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,52.0, United-States +19686,45.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19687,37.0, State-gov, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +19688,19.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +19689,58.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,36.0, United-States +19690,59.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19691,50.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,44.0, United-States +19692,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +19693,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +19694,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States +19695,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +19696,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +19697,19.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +19698,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19699,31.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19700,28.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +19701,30.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, India +19702,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +19703,63.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,35.0, United-States +19704,36.0, Federal-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +19705,24.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +19706,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +19707,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Transport-moving, Unmarried, Black, Female,0.0,0.0,30.0, United-States +19708,43.0, Private, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19709,42.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +19710,56.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +19711,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +19712,22.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +19713,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +19714,47.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +19715,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +19716,55.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,8.0, United-States +19717,44.0, Private, 10th,6.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19718,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +19719,30.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +19720,35.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +19721,46.0, Private, 1st-4th,2.0, Widowed, Other-service, Unmarried, Other, Female,0.0,0.0,30.0, Mexico +19722,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,99.0, United-States +19723,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +19724,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +19725,36.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19726,36.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,13550.0,0.0,40.0, United-States +19727,47.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +19728,62.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19729,36.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19730,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,1980.0,40.0, Philippines +19731,62.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +19732,49.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +19733,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +19734,61.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,60.0, United-States +19735,46.0, Self-emp-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1564.0,50.0, United-States +19736,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +19737,37.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +19738,44.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +19739,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,14.0, United-States +19740,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +19741,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States +19742,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +19743,29.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19744,41.0, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, Mexico +19745,55.0, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +19746,42.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +19747,27.0, Private, Masters,14.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +19748,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19749,22.0, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States +19750,25.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19751,44.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +19752,50.0, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +19753,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States +19754,56.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +19755,61.0, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +19756,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +19757,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong +19758,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,45.0, United-States +19759,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +19760,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,50.0, United-States +19761,33.0, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19762,53.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +19763,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +19764,58.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,15024.0,0.0,35.0, United-States +19765,45.0, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19766,41.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Wife, White, Female,7298.0,0.0,40.0, United-States +19767,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,52.0, United-States +19768,66.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,17.0, United-States +19769,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +19770,81.0, Private, 1st-4th,2.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, Poland +19771,66.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,20051.0,0.0,35.0, Jamaica +19772,33.0, State-gov, Some-college,10.0, Separated, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, United-States +19773,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +19774,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +19775,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy +19776,63.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +19777,41.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States +19778,56.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1980.0,40.0, United-States +19779,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +19780,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +19781,31.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19782,54.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +19783,51.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +19784,58.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19785,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,40.0, United-States +19786,34.0, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +19787,34.0, Private,,11.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +19788,56.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19789,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +19790,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +19791,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +19792,22.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,44.0, United-States +19793,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19794,25.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +19795,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, Puerto-Rico +19796,37.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +19797,28.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,15024.0,0.0,65.0, United-States +19798,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +19799,30.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +19800,51.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,50.0, United-States +19801,33.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19802,27.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +19803,41.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19804,60.0, Private, Some-college,10.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19805,36.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +19806,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +19807,26.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19808,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19809,34.0, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,62.0, United-States +19810,65.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6767.0,0.0,60.0, United-States +19811,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +19812,39.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +19813,43.0, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +19814,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,2176.0,0.0,12.0, United-States +19815,59.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Other-relative, Black, Female,2202.0,0.0,37.0, United-States +19816,39.0, Local-gov, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,38.0, United-States +19817,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,22.0, United-States +19818,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +19819,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +19820,64.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,45.0, United-States +19821,53.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19822,69.0, Private, Assoc-voc,11.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +19823,55.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +19824,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +19825,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +19826,29.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19827,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19828,38.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +19829,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States +19830,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,72.0, Canada +19831,83.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19832,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,13.0, United-States +19833,34.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,54.0, United-States +19834,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +19835,41.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, Black, Female,0.0,0.0,40.0, United-States +19836,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +19837,54.0, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,5721.0,0.0,35.0, United-States +19838,48.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States +19839,47.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19840,41.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +19841,37.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +19842,25.0, Private, 9th,5.0, Separated, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +19843,28.0, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +19844,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,42.0, United-States +19845,33.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19846,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +19847,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,6849.0,0.0,48.0, United-States +19848,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +19849,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +19850,35.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19851,58.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +19852,29.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,40.0, United-States +19853,37.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19854,24.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +19855,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +19856,30.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19857,41.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19858,45.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19859,24.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0.0,0.0,45.0, United-States +19860,55.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +19861,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +19862,35.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +19863,50.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Iran +19864,47.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +19865,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +19866,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,25.0, India +19867,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States +19868,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19869,40.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +19870,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +19871,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +19872,25.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19873,52.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19874,33.0, Self-emp-not-inc, 12th,8.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19875,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1740.0,45.0, United-States +19876,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +19877,52.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19878,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +19879,55.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +19880,46.0, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19881,45.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19882,61.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,4416.0,0.0,38.0, United-States +19883,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19884,37.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,15.0, United-States +19885,32.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19886,57.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19887,31.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +19888,62.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1258.0,38.0, United-States +19889,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19890,27.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,50.0, United-States +19891,46.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,36.0, United-States +19892,22.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +19893,33.0, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,70.0, United-States +19894,44.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +19895,48.0, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,56.0, United-States +19896,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +19897,33.0, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19898,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +19899,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19900,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19901,57.0, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,653.0,42.0, United-States +19902,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +19903,38.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +19904,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19905,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19906,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +19907,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +19908,42.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19909,50.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,40.0, United-States +19910,46.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,77.0, United-States +19911,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +19912,62.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +19913,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +19914,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,48.0, United-States +19915,22.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +19916,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +19917,28.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +19918,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,23.0, United-States +19919,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19920,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +19921,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19922,25.0, State-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States +19923,55.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +19924,24.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +19925,32.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19926,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +19927,55.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +19928,50.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19929,40.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +19930,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,44.0, United-States +19931,35.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +19932,43.0, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States +19933,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19934,28.0, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19935,47.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +19936,33.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +19937,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +19938,45.0, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States +19939,25.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +19940,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States +19941,28.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +19942,54.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,80.0, United-States +19943,54.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +19944,52.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19945,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife,, Female,0.0,0.0,40.0, United-States +19946,47.0, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +19947,64.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,24.0, United-States +19948,76.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +19949,46.0, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +19950,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +19951,28.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States +19952,27.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +19953,23.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19954,23.0, State-gov, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +19955,64.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +19956,31.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +19957,29.0, Local-gov, Assoc-voc,11.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,56.0, United-States +19958,49.0, Private, Bachelors,13.0, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, India +19959,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States +19960,46.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +19961,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,57.0, United-States +19962,49.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,60.0, United-States +19963,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +19964,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +19965,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19966,62.0, Federal-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19967,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +19968,70.0, Private, 10th,6.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States +19969,56.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +19970,25.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +19971,68.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States +19972,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, United-States +19973,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +19974,25.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +19975,39.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,43.0, Mexico +19976,30.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,1980.0,40.0, United-States +19977,49.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +19978,66.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,401.0,0.0,20.0, United-States +19979,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +19980,51.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +19981,33.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, England +19982,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2258.0,84.0, United-States +19983,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,60.0, United-States +19984,46.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19985,40.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +19986,47.0, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +19987,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,50.0, United-States +19988,43.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,12.0, United-States +19989,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States +19990,40.0, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States +19991,38.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19992,26.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +19993,51.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +19994,74.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1648.0,35.0, United-States +19995,45.0, Private, Bachelors,13.0, Widowed, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +19996,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +19997,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,14.0, United-States +19998,39.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +19999,59.0, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20000,47.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +20001,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +20002,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +20003,51.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,55.0, United-States +20004,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20005,33.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20006,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,45.0, United-States +20007,43.0, Private, Bachelors,13.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States +20008,40.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,53.0, United-States +20009,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Haiti +20010,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,42.0, United-States +20011,41.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,59.0, United-States +20012,46.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,25.0, United-States +20013,41.0, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +20014,57.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20015,56.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +20016,68.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,24.0, United-States +20017,35.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +20018,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,4386.0,0.0,35.0, United-States +20019,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Germany +20020,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, Mexico +20021,62.0, Without-pay, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +20022,40.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,1741.0,40.0, United-States +20023,44.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20024,21.0, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +20025,25.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +20026,43.0, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,35.0, Mexico +20027,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +20028,42.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +20029,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States +20030,46.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +20031,62.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20032,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +20033,26.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20034,27.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +20035,44.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,1504.0,40.0, United-States +20036,30.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,40.0, United-States +20037,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +20038,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +20039,34.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20040,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20041,33.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20042,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,28.0, United-States +20043,30.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20044,65.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, England +20045,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +20046,30.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,43.0, United-States +20047,33.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +20048,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +20049,39.0, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,70.0, United-States +20050,59.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +20051,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,42.0, United-States +20052,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20053,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20054,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +20055,52.0, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States +20056,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +20057,42.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +20058,48.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +20059,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20060,32.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +20061,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +20062,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States +20063,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,28.0, United-States +20064,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,25.0, United-States +20065,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20066,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +20067,48.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,24.0, United-States +20068,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +20069,52.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +20070,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20071,41.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,50.0, United-States +20072,33.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20073,27.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,55.0, United-States +20074,65.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +20075,28.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20076,22.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Other, Female,0.0,0.0,22.0, Dominican-Republic +20077,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +20078,48.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +20079,31.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,3325.0,0.0,40.0, United-States +20080,29.0, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States +20081,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20082,52.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +20083,46.0, Private, Prof-school,15.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,48.0, United-States +20084,50.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20085,45.0, Private, 9th,5.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,5178.0,0.0,40.0, United-States +20086,49.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,85.0, United-States +20087,41.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20088,33.0, Private, 10th,6.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States +20089,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +20090,32.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +20091,41.0, Self-emp-not-inc, Masters,14.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Peru +20092,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +20093,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +20094,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,10.0, United-States +20095,42.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +20096,29.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States +20097,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20098,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20099,21.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +20100,45.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +20101,51.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908.0,0.0,40.0, United-States +20102,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +20103,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Japan +20104,33.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20105,52.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20106,46.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20107,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +20108,53.0, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +20109,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20110,22.0, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +20111,35.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20112,37.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States +20113,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +20114,45.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +20115,37.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20116,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +20117,49.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +20118,41.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States +20119,41.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20120,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2105.0,0.0,40.0, United-States +20121,31.0, Private, 7th-8th,4.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +20122,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany +20123,49.0, Federal-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States +20124,42.0, State-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +20125,60.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +20126,41.0, Private, 1st-4th,2.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Mexico +20127,37.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +20128,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +20129,38.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +20130,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,42.0, United-States +20131,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,60.0, United-States +20132,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, England +20133,64.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +20134,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20135,34.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20136,23.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +20137,56.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States +20138,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1740.0,25.0, United-States +20139,76.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5556.0,0.0,13.0, United-States +20140,58.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,60.0, Philippines +20141,32.0, Private, 11th,7.0, Married-spouse-absent, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +20142,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,594.0,0.0,24.0, United-States +20143,28.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +20144,22.0, Private, Assoc-voc,11.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Guatemala +20145,43.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +20146,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20147,27.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +20148,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20149,30.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20150,39.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,1721.0,55.0, United-States +20151,58.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,46.0, United-States +20152,65.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +20153,41.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +20154,41.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +20155,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,3411.0,0.0,70.0, United-States +20156,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +20157,47.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,15024.0,0.0,40.0, United-States +20158,43.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +20159,22.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +20160,34.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20161,53.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +20162,35.0, Private, 7th-8th,4.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Mexico +20163,20.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20164,52.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,15024.0,0.0,60.0, United-States +20165,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States +20166,17.0, Local-gov, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +20167,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,44.0, United-States +20168,17.0, Private, 12th,8.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States +20169,33.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Canada +20170,29.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States +20171,28.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States +20172,34.0, Local-gov, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +20173,29.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +20174,56.0, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20175,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20176,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, France +20177,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +20178,27.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +20179,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +20180,49.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +20181,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +20182,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +20183,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +20184,58.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +20185,40.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +20186,64.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,17.0, United-States +20187,41.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +20188,60.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States +20189,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20190,37.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +20191,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +20192,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,3137.0,0.0,77.0, Vietnam +20193,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,50.0, United-States +20194,44.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +20195,33.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +20196,24.0, Private, 9th,5.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +20197,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +20198,24.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +20199,19.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +20200,42.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20201,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States +20202,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +20203,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20204,39.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20205,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States +20206,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20207,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +20208,31.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20209,32.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +20210,33.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, Mexico +20211,39.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +20212,70.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,3.0, United-States +20213,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20214,60.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20215,24.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States +20216,35.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States +20217,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States +20218,19.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +20219,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +20220,46.0, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Portugal +20221,55.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States +20222,26.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20223,50.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,40.0, United-States +20224,33.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,1055.0,0.0,40.0, United-States +20225,61.0, Self-emp-not-inc, Assoc-voc,11.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Canada +20226,76.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,12.0, United-States +20227,55.0, Self-emp-not-inc, HS-grad,9.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,55.0, United-States +20228,20.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +20229,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +20230,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1848.0,50.0, United-States +20231,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20232,39.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +20233,40.0, Self-emp-not-inc, HS-grad,9.0, Separated, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States +20234,51.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +20235,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20236,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,7.0, United-States +20237,54.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,54.0, United-States +20238,31.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,50.0, United-States +20239,43.0, Private, 9th,5.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,84.0, United-States +20240,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +20241,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +20242,47.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +20243,47.0, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +20244,38.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +20245,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20246,39.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20247,45.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3908.0,0.0,40.0, United-States +20248,60.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20249,22.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1762.0,40.0, United-States +20250,28.0, Private, 9th,5.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,35.0, Mexico +20251,51.0, State-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,38.0, United-States +20252,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +20253,46.0, Self-emp-not-inc, 10th,6.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,15.0, Ecuador +20254,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, Mexico +20255,58.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,8614.0,0.0,52.0, Mexico +20256,26.0, State-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +20257,62.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +20258,21.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,44.0, United-States +20259,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +20260,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States +20261,56.0, Private, 9th,5.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20262,36.0, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20263,26.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,24.0, United-States +20264,20.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +20265,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +20266,48.0, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +20267,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +20268,58.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +20269,41.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,50.0, United-States +20270,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,2205.0,24.0, United-States +20271,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +20272,20.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +20273,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines +20274,75.0, Self-emp-inc, HS-grad,9.0, Widowed, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States +20275,25.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +20276,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20277,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +20278,25.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,70.0, United-States +20279,57.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20280,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +20281,45.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20282,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,47.0, United-States +20283,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +20284,53.0, Private, 12th,8.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +20285,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +20286,34.0, Self-emp-not-inc, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +20287,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +20288,54.0, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20289,42.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20290,56.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20291,57.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20292,19.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +20293,50.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +20294,37.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +20295,55.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +20296,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20297,47.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,70.0, United-States +20298,39.0, Private, Doctorate,16.0,, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20299,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +20300,54.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20301,43.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20302,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20303,29.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +20304,57.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,50.0, United-States +20305,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Italy +20306,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20307,27.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +20308,32.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,35.0, Haiti +20309,58.0, Federal-gov, Some-college,10.0, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +20310,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +20311,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,24.0, United-States +20312,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20313,53.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States +20314,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20315,55.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20316,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +20317,25.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Other, Female,0.0,0.0,25.0, Ecuador +20318,55.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20319,55.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20320,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,25.0, United-States +20321,67.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +20322,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20323,25.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +20324,33.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,3674.0,0.0,16.0, United-States +20325,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +20326,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,44.0, United-States +20327,51.0, Self-emp-inc, Bachelors,13.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +20328,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20329,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20330,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +20331,29.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +20332,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +20333,52.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +20334,41.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +20335,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20336,35.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +20337,18.0, Local-gov, 11th,7.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,25.0, United-States +20338,43.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +20339,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20340,31.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +20341,47.0, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +20342,51.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +20343,42.0, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20344,42.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Haiti +20345,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, Italy +20346,25.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +20347,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +20348,37.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +20349,21.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +20350,31.0, Private, Masters,14.0, Divorced, Other-service, Not-in-family, Other, Female,0.0,0.0,30.0, United-States +20351,64.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States +20352,40.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,85.0, United-States +20353,44.0, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20354,65.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States +20355,56.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20356,40.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States +20357,28.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20358,47.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +20359,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +20360,29.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20361,57.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +20362,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +20363,17.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +20364,39.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +20365,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +20366,42.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,90.0, United-States +20367,52.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,2001.0,32.0, United-States +20368,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20369,47.0, Local-gov, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +20370,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +20371,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +20372,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20373,41.0, Private, 11th,7.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala +20374,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +20375,33.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +20376,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +20377,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +20378,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20379,51.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +20380,34.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Portugal +20381,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +20382,30.0, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States +20383,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20384,29.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20385,26.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20386,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,55.0, United-States +20387,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,5013.0,0.0,40.0, United-States +20388,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,20.0, United-States +20389,32.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +20390,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20391,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +20392,36.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +20393,34.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0.0,1564.0,60.0, United-States +20394,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,20.0, United-States +20395,71.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,17.0, United-States +20396,57.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States +20397,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,40.0, Mexico +20398,33.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,40.0, United-States +20399,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20400,25.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20401,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20402,51.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +20403,52.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,6849.0,0.0,60.0, United-States +20404,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +20405,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20406,58.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +20407,66.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,24.0, United-States +20408,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +20409,58.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +20410,29.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +20411,35.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,60.0, United-States +20412,47.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20413,22.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico +20414,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +20415,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +20416,39.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States +20417,48.0, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,48.0, United-States +20418,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +20419,31.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Germany +20420,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +20421,39.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20422,40.0, Private, Assoc-acdm,12.0, Separated, Tech-support, Unmarried, White, Female,1471.0,0.0,32.0, United-States +20423,44.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20424,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,5013.0,0.0,40.0, United-States +20425,42.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +20426,72.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +20427,71.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,40.0, United-States +20428,19.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +20429,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +20430,60.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States +20431,23.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +20432,35.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +20433,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,1602.0,16.0, United-States +20434,36.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,25236.0,0.0,40.0, United-States +20435,52.0, Local-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,4934.0,0.0,36.0, United-States +20436,39.0, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, Black, Male,0.0,1590.0,40.0, United-States +20437,34.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20438,43.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,60.0, United-States +20439,50.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20440,61.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2002.0,38.0, United-States +20441,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20442,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, Mexico +20443,90.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,15.0, United-States +20444,57.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +20445,36.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +20446,33.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20447,29.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,50.0, United-States +20448,29.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +20449,56.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +20450,37.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +20451,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20452,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20453,59.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +20454,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,28.0, United-States +20455,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +20456,64.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20457,57.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States +20458,36.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,52.0, United-States +20459,46.0, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20460,51.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +20461,46.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,30.0, United-States +20462,20.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,25.0, United-States +20463,63.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States +20464,22.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +20465,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20466,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,98.0, United-States +20467,20.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +20468,37.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7298.0,0.0,35.0, Haiti +20469,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407.0,0.0,40.0, United-States +20470,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,52.0, United-States +20471,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +20472,46.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, United-States +20473,23.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +20474,59.0, Local-gov, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +20475,38.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1980.0,40.0, United-States +20476,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +20477,41.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20478,41.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,45.0, United-States +20479,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,50.0, England +20480,51.0, Private, Masters,14.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,18.0, United-States +20481,37.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20482,46.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20483,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20484,40.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +20485,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +20486,66.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, Cuba +20487,57.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +20488,34.0, Private, Masters,14.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +20489,29.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20490,19.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +20491,47.0, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +20492,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +20493,57.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Cuba +20494,39.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1977.0,45.0, Philippines +20495,32.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +20496,27.0, State-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20497,53.0, Private, 5th-6th,3.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,10.0, Haiti +20498,39.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +20499,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Mexico +20500,22.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States +20501,44.0, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +20502,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +20503,41.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20504,52.0, Private, 9th,5.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +20505,31.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +20506,49.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +20507,33.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +20508,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20509,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +20510,45.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20511,31.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +20512,48.0, Federal-gov, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +20513,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20514,50.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20515,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20516,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4508.0,0.0,40.0, United-States +20517,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20518,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20519,52.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20520,30.0, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +20521,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +20522,41.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,48.0, United-States +20523,38.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +20524,32.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,15024.0,0.0,50.0, United-States +20525,28.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States +20526,73.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20527,52.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20528,63.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,35.0, United-States +20529,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20530,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20531,32.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +20532,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +20533,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,70.0, United-States +20534,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +20535,31.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,40.0, Mexico +20536,26.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States +20537,53.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +20538,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,41.0, United-States +20539,44.0, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States +20540,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20541,26.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +20542,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, United-States +20543,48.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20544,49.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +20545,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +20546,47.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States +20547,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +20548,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +20549,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +20550,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +20551,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20552,53.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,, United-States +20553,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,40.0, United-States +20554,31.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Mexico +20555,34.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,72.0, United-States +20556,35.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +20557,41.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20558,34.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States +20559,46.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States +20560,42.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, Puerto-Rico +20561,49.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +20562,28.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +20563,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20564,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,36.0, United-States +20565,37.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20566,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20567,36.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +20568,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +20569,37.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20570,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +20571,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,60.0, United-States +20572,68.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,24.0, United-States +20573,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +20574,27.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +20575,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +20576,62.0, Private, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Cuba +20577,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20578,57.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,62.0, United-States +20579,49.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20580,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20581,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,14.0, United-States +20582,34.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +20583,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +20584,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, United-States +20585,46.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20586,46.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,25.0, Germany +20587,47.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20588,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +20589,27.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, South +20590,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20591,46.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States +20592,61.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +20593,42.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20594,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20595,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +20596,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States +20597,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +20598,60.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +20599,53.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +20600,57.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,38.0, United-States +20601,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +20602,40.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +20603,52.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20604,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +20605,36.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States +20606,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20607,41.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +20608,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1590.0,50.0, United-States +20609,24.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +20610,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +20611,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +20612,38.0, Private, Assoc-acdm,12.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +20613,43.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20614,62.0, Self-emp-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +20615,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,2415.0,50.0, United-States +20616,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +20617,42.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Own-child, Other, Male,0.0,0.0,43.0, United-States +20618,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +20619,28.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688.0,0.0,40.0, United-States +20620,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +20621,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +20622,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,36.0, United-States +20623,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,32.0, United-States +20624,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +20625,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20626,38.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,60.0, United-States +20627,29.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +20628,23.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +20629,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20630,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,80.0, United-States +20631,29.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +20632,41.0, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +20633,38.0, Private, Assoc-voc,11.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,20.0, United-States +20634,43.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +20635,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States +20636,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20637,38.0, Self-emp-not-inc, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20638,63.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20639,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +20640,21.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, Mexico +20641,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20642,54.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,38.0, Philippines +20643,23.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +20644,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +20645,29.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +20646,34.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States +20647,47.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan +20648,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +20649,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States +20650,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +20651,42.0, Local-gov, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20652,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Nicaragua +20653,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +20654,35.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +20655,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +20656,30.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20657,63.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20658,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,35.0, United-States +20659,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +20660,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States +20661,60.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20662,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +20663,35.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Other-relative, White, Female,0.0,0.0,40.0, Dominican-Republic +20664,33.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States +20665,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +20666,51.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +20667,25.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +20668,41.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20669,29.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20670,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20671,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Puerto-Rico +20672,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +20673,75.0, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +20674,35.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +20675,29.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +20676,36.0, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,39.0, United-States +20677,24.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20678,30.0, State-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20679,40.0, Private, Assoc-acdm,12.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +20680,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,38.0, United-States +20681,32.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,80.0, United-States +20682,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20683,49.0, Private, Doctorate,16.0, Divorced, Tech-support, Unmarried, White, Male,7430.0,0.0,40.0, United-States +20684,39.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,55.0, United-States +20685,35.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +20686,55.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20687,37.0, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +20688,30.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +20689,17.0, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,9.0, United-States +20690,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States +20691,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States +20692,36.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +20693,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +20694,51.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +20695,26.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,37.0, Taiwan +20696,35.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +20697,64.0, Self-emp-not-inc, 9th,5.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20698,34.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +20699,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,45.0, United-States +20700,43.0, Private, Bachelors,13.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +20701,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,50.0, United-States +20702,42.0, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico +20703,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Female,0.0,0.0,15.0, United-States +20704,51.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,40.0, United-States +20705,18.0, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States +20706,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +20707,59.0, Local-gov, HS-grad,9.0, Separated, Protective-serv, Other-relative, Black, Female,0.0,2339.0,40.0, United-States +20708,30.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20709,28.0, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador +20710,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States +20711,49.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20712,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20713,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +20714,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +20715,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20716,62.0, Private, HS-grad,9.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20717,61.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20718,51.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States +20719,44.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +20720,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20721,31.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +20722,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,24.0, Philippines +20723,55.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +20724,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,37.0, Mexico +20725,52.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20726,52.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +20727,35.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +20728,52.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,7298.0,0.0,40.0, United-States +20729,47.0, Private, 11th,7.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,8.0, United-States +20730,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +20731,32.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +20732,43.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +20733,63.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1740.0,40.0, United-States +20734,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,48.0, United-States +20735,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +20736,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20737,44.0, Self-emp-not-inc, Masters,14.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,99.0, United-States +20738,29.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,25.0, United-States +20739,35.0, Local-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +20740,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,44.0, United-States +20741,19.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, United-States +20742,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +20743,60.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Italy +20744,64.0, Federal-gov, Assoc-acdm,12.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20745,25.0, State-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +20746,22.0, Private, 10th,6.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +20747,42.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +20748,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,1055.0,0.0,20.0, United-States +20749,53.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20750,50.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +20751,24.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +20752,25.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +20753,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +20754,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +20755,36.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2377.0,60.0, United-States +20756,25.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +20757,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, South +20758,40.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +20759,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +20760,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States +20761,48.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20762,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20763,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +20764,26.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States +20765,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,50.0, United-States +20766,77.0, State-gov, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,4.0, United-States +20767,76.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, United-States +20768,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +20769,59.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20770,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20771,24.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, Mexico +20772,36.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20773,40.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +20774,30.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,4787.0,0.0,50.0, United-States +20775,44.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,32.0, United-States +20776,32.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20777,34.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20778,80.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +20779,27.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,65.0, Greece +20780,31.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,45.0, United-States +20781,28.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +20782,36.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +20783,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +20784,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,55.0, United-States +20785,30.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20786,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +20787,34.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +20788,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +20789,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20790,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,2202.0,0.0,99.0, United-States +20791,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +20792,28.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, Mexico +20793,35.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +20794,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +20795,64.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20796,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +20797,29.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +20798,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States +20799,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,57.0, United-States +20800,22.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20801,56.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20802,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +20803,27.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +20804,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Italy +20805,52.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,37.0, United-States +20806,57.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Cuba +20807,23.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20808,53.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,55.0, United-States +20809,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +20810,46.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +20811,23.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +20812,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20813,37.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +20814,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +20815,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +20816,18.0, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +20817,37.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,86.0, United-States +20818,77.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +20819,33.0, Local-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20820,42.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Female,5455.0,0.0,50.0, United-States +20821,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, Mexico +20822,28.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +20823,50.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States +20824,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +20825,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20826,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,16.0, United-States +20827,44.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20828,62.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,1974.0,40.0, United-States +20829,90.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States +20830,66.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +20831,47.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +20832,27.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4508.0,0.0,40.0, United-States +20833,30.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20834,33.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, Amer-Indian-Eskimo, Male,0.0,1602.0,40.0, United-States +20835,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +20836,36.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +20837,53.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +20838,28.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,24.0, United-States +20839,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20840,63.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +20841,18.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,5.0, United-States +20842,68.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States +20843,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States +20844,61.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +20845,59.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20846,, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20847,42.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,8614.0,0.0,40.0, Mexico +20848,30.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +20849,30.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,25.0, United-States +20850,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +20851,54.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,60.0, United-States +20852,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20853,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20854,57.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, India +20855,38.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +20856,54.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +20857,28.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +20858,51.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +20859,53.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,80.0, United-States +20860,41.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +20861,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20862,43.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +20863,24.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2057.0,45.0, United-States +20864,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20865,58.0, Self-emp-not-inc, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +20866,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +20867,42.0, State-gov, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,38.0, United-States +20868,70.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,9386.0,0.0,30.0, United-States +20869,52.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20870,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +20871,19.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Female,34095.0,0.0,24.0, United-States +20872,60.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20873,27.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +20874,37.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +20875,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20876,40.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,40.0, United-States +20877,35.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20878,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +20879,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,72.0, United-States +20880,25.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +20881,26.0, Private, HS-grad,9.0, Separated, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +20882,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +20883,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,56.0, United-States +20884,68.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,44.0, United-States +20885,58.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +20886,36.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +20887,65.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20888,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +20889,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20890,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +20891,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States +20892,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +20893,26.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,41.0, United-States +20894,24.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +20895,32.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,60.0, United-States +20896,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +20897,22.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,36.0, United-States +20898,41.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20899,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +20900,27.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20901,33.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +20902,45.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +20903,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,1564.0,40.0, United-States +20904,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +20905,21.0, State-gov, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,10.0, United-States +20906,51.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +20907,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,14.0, United-States +20908,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +20909,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +20910,58.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +20911,61.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,38.0, United-States +20912,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20913,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, France +20914,19.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +20915,28.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +20916,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +20917,25.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,4865.0,0.0,40.0, United-States +20918,25.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +20919,41.0, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20920,32.0, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +20921,50.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,49.0, Dominican-Republic +20922,30.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +20923,60.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,60.0, Philippines +20924,62.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,99999.0,0.0,40.0, United-States +20925,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +20926,22.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +20927,33.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,880.0,40.0, United-States +20928,45.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20929,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +20930,37.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +20931,18.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,20.0, United-States +20932,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +20933,43.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States +20934,18.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +20935,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,32.0, United-States +20936,45.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +20937,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +20938,38.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +20939,62.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +20940,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,56.0, United-States +20941,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,7688.0,0.0,50.0, United-States +20942,42.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,45.0, United-States +20943,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2057.0,40.0, United-States +20944,31.0, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,25.0, El-Salvador +20945,28.0, Private, 5th-6th,3.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico +20946,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +20947,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20948,35.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +20949,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,2001.0,25.0, United-States +20950,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +20951,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +20952,26.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20953,19.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States +20954,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +20955,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,15.0, United-States +20956,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +20957,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States +20958,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20959,59.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States +20960,31.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +20961,42.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +20962,53.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20963,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +20964,18.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,25.0, United-States +20965,35.0, Self-emp-not-inc, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +20966,73.0, State-gov, 7th-8th,4.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +20967,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20968,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States +20969,26.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States +20970,37.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,55.0, United-States +20971,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1848.0,40.0, United-States +20972,59.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +20973,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20974,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +20975,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States +20976,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20977,49.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,70.0, United-States +20978,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +20979,71.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,1911.0,38.0, United-States +20980,64.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,38.0, United-States +20981,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20982,22.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,37.0, United-States +20983,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +20984,49.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +20985,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +20986,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +20987,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20988,67.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1539.0,40.0, United-States +20989,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4508.0,0.0,55.0, United-States +20990,55.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +20991,46.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +20992,26.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +20993,44.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +20994,68.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States +20995,26.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,55.0, United-States +20996,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +20997,44.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +20998,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +20999,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21000,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +21001,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +21002,49.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +21003,29.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21004,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21005,39.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +21006,52.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +21007,33.0, Private, 11th,7.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +21008,19.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21009,33.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21010,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +21011,31.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1740.0,40.0, United-States +21012,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +21013,52.0, Private, 5th-6th,3.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +21014,51.0, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21015,50.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +21016,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Canada +21017,35.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +21018,30.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States +21019,33.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,32.0, United-States +21020,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,53.0, United-States +21021,26.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +21022,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +21023,42.0, Federal-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +21024,63.0, Local-gov, Bachelors,13.0, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines +21025,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,40.0, United-States +21026,24.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21027,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +21028,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States +21029,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21030,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,1485.0,40.0, United-States +21031,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21032,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21033,32.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Laos +21034,52.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21035,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,6.0, United-States +21036,31.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Female,0.0,0.0,35.0, United-States +21037,18.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +21038,60.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,65.0, United-States +21039,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States +21040,45.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,2258.0,55.0, United-States +21041,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +21042,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +21043,35.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +21044,39.0, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States +21045,43.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +21046,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21047,17.0, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21048,45.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Germany +21049,33.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21050,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,45.0, United-States +21051,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,24.0, United-States +21052,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21053,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +21054,30.0, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +21055,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21056,41.0, Private, Some-college,, Married-spouse-absent, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +21057,59.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States +21058,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States +21059,49.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico +21060,35.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,38.0, United-States +21061,29.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +21062,21.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +21063,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,38.0, United-States +21064,62.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +21065,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21066,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +21067,63.0, Private, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21068,28.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States +21069,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +21070,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +21071,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,68.0, United-States +21072,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +21073,27.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +21074,33.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +21075,40.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +21076,46.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +21077,49.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +21078,21.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States +21079,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21080,46.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21081,54.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21082,30.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +21083,51.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +21084,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +21085,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +21086,47.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +21087,29.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, Jamaica +21088,56.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +21089,21.0, Private, 9th,5.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +21090,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,4101.0,0.0,40.0, United-States +21091,41.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +21092,35.0, Self-emp-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States +21093,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +21094,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21095,41.0, Private, 11th,7.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,25.0, Guatemala +21096,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,35.0, United-States +21097,47.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,47.0, United-States +21098,47.0, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +21099,36.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States +21100,28.0, Private, HS-grad,9.0, Separated, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +21101,51.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,12.0, United-States +21102,61.0, Self-emp-not-inc, Some-college,10.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21103,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +21104,44.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,88.0, United-States +21105,33.0, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,2176.0,0.0,35.0, United-States +21106,36.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21107,42.0, Private, Bachelors,13.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +21108,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +21109,18.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States +21110,28.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,6849.0,0.0,40.0, United-States +21111,19.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +21112,38.0, Self-emp-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21113,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21114,28.0, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +21115,62.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +21116,22.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador +21117,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States +21118,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +21119,18.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,2176.0,0.0,40.0, United-States +21120,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21121,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21122,49.0, Private, Assoc-acdm,12.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Germany +21123,33.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21124,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +21125,47.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +21126,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21127,21.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, United-States +21128,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States +21129,25.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +21130,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +21131,24.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +21132,32.0, Private, Assoc-voc,11.0, Separated, Tech-support, Own-child, White, Male,0.0,1590.0,40.0, United-States +21133,35.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States +21134,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,33.0, United-States +21135,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21136,29.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,52.0, United-States +21137,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +21138,40.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +21139,30.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +21140,50.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,38.0, United-States +21141,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +21142,73.0, Self-emp-inc, 10th,6.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, Canada +21143,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21144,20.0, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +21145,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,13.0, United-States +21146,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21147,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,15.0, United-States +21148,36.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21149,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States +21150,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21151,33.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21152,34.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +21153,65.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,22.0, United-States +21154,43.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +21155,40.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +21156,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +21157,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +21158,29.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21159,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States +21160,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +21161,23.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +21162,57.0, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,1719.0,25.0, United-States +21163,45.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21164,57.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21165,27.0, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21166,46.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +21167,28.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +21168,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States +21169,45.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +21170,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21171,37.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +21172,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +21173,50.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,16.0, United-States +21174,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +21175,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,2597.0,0.0,50.0, United-States +21176,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +21177,34.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +21178,58.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +21179,35.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21180,33.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +21181,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,2258.0,45.0, United-States +21182,44.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Japan +21183,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,38.0, United-States +21184,33.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +21185,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,60.0, United-States +21186,41.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,16.0, United-States +21187,28.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Male,6849.0,0.0,50.0, United-States +21188,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +21189,24.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21190,34.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21191,31.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, Mexico +21192,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +21193,34.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +21194,66.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,1409.0,0.0,40.0, United-States +21195,62.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +21196,42.0, Federal-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +21197,51.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +21198,52.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21199,38.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +21200,46.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States +21201,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,50.0, United-States +21202,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +21203,51.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +21204,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +21205,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,2205.0,30.0, Philippines +21206,46.0, State-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines +21207,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, United-States +21208,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +21209,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +21210,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +21211,33.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +21212,77.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,30.0, United-States +21213,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +21214,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +21215,26.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +21216,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +21217,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,51.0, United-States +21218,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +21219,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico +21220,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +21221,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21222,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +21223,26.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,1602.0,15.0, Mexico +21224,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21225,36.0, Private, 5th-6th,3.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,40.0, El-Salvador +21226,41.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +21227,45.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +21228,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, Germany +21229,60.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21230,62.0, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Other-relative, White, Female,0.0,0.0,35.0, United-States +21231,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +21232,69.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,2050.0,0.0,24.0, United-States +21233,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +21234,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +21235,52.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21236,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +21237,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +21238,28.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +21239,44.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21240,37.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,48.0, Germany +21241,26.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +21242,34.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21243,24.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +21244,24.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +21245,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,80.0, United-States +21246,51.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +21247,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Germany +21248,43.0, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21249,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +21250,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +21251,61.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States +21252,40.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +21253,48.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +21254,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, Philippines +21255,76.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +21256,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,50.0, United-States +21257,34.0, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,30.0, United-States +21258,29.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21259,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +21260,29.0, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,3674.0,0.0,40.0, United-States +21261,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, Mexico +21262,37.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,45.0, United-States +21263,57.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Mexico +21264,64.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States +21265,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +21266,31.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,99.0, United-States +21267,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States +21268,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +21269,42.0, Private, Assoc-acdm,12.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,24.0, United-States +21270,34.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +21271,35.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States +21272,40.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,13550.0,0.0,50.0, United-States +21273,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +21274,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +21275,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,60.0, United-States +21276,56.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21277,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +21278,23.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +21279,49.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21280,61.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,2339.0,40.0, United-States +21281,39.0, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,2258.0,70.0, United-States +21282,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21283,33.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,35.0, United-States +21284,73.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,20051.0,0.0,36.0, United-States +21285,64.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +21286,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +21287,24.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, Mexico +21288,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +21289,41.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21290,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +21291,51.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2105.0,0.0,45.0, United-States +21292,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21293,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,55.0, United-States +21294,34.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21295,32.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,23.0, United-States +21296,27.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,88.0, United-States +21297,45.0, Self-emp-not-inc, 12th,8.0, Divorced, Craft-repair, Other-relative, Black, Male,0.0,0.0,35.0, United-States +21298,32.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +21299,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +21300,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,50.0, United-States +21301,50.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +21302,44.0, Local-gov, 7th-8th,4.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21303,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,8.0, United-States +21304,22.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +21305,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +21306,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +21307,26.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico +21308,74.0, Without-pay, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +21309,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +21310,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +21311,25.0, Self-emp-inc, Assoc-voc,11.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,55.0, United-States +21312,77.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,8.0, Canada +21313,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +21314,34.0, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,75.0, United-States +21315,57.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +21316,36.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21317,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States +21318,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21319,74.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Craft-repair, Not-in-family, White, Male,15831.0,0.0,8.0, Germany +21320,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21321,21.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,1602.0,10.0, United-States +21322,46.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21323,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21324,38.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21325,53.0, Self-emp-inc, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,50.0, United-States +21326,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +21327,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21328,27.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21329,46.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +21330,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3137.0,0.0,35.0, United-States +21331,56.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064.0,0.0,40.0, United-States +21332,53.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,56.0, United-States +21333,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,20.0, United-States +21334,25.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +21335,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21336,61.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +21337,42.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States +21338,25.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,42.0, United-States +21339,35.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +21340,59.0, Federal-gov, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +21341,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +21342,41.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +21343,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21344,23.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +21345,59.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +21346,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States +21347,33.0, Private, 10th,6.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21348,46.0, Private, 1st-4th,2.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico +21349,27.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +21350,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States +21351,43.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +21352,35.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,3103.0,0.0,40.0, United-States +21353,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +21354,46.0, Local-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21355,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21356,42.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,24.0, United-States +21357,38.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +21358,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,84.0, United-States +21359,44.0, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, Other, Female,0.0,0.0,42.0, United-States +21360,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +21361,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +21362,47.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +21363,45.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,8614.0,0.0,48.0, United-States +21364,38.0, State-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +21365,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,17.0, United-States +21366,47.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21367,42.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21368,37.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,35.0, United-States +21369,59.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States +21370,26.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +21371,62.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,16.0, United-States +21372,43.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +21373,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21374,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21375,33.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +21376,29.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21377,77.0, Self-emp-not-inc, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, England +21378,29.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,45.0, United-States +21379,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +21380,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +21381,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +21382,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States +21383,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +21384,67.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21385,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +21386,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +21387,41.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21388,34.0, Self-emp-not-inc, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,38.0, United-States +21389,22.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +21390,34.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States +21391,21.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States +21392,29.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico +21393,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,62.0, United-States +21394,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21395,45.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +21396,31.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +21397,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany +21398,26.0, Private, 12th,8.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,51.0, United-States +21399,47.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +21400,32.0, State-gov, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +21401,32.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,7.0, United-States +21402,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +21403,54.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21404,43.0, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +21405,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States +21406,46.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +21407,24.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico +21408,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21409,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Other, Female,0.0,0.0,60.0, Guatemala +21410,43.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +21411,65.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,3.0, United-States +21412,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21413,58.0, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21414,27.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +21415,47.0, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3411.0,0.0,40.0, El-Salvador +21416,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States +21417,64.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +21418,85.0, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,5.0, United-States +21419,64.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,5.0, United-States +21420,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21421,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +21422,40.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +21423,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +21424,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21425,42.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21426,49.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +21427,27.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,52.0, United-States +21428,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +21429,60.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +21430,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,57.0, United-States +21431,23.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Other-relative, Other, Female,0.0,0.0,30.0, El-Salvador +21432,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21433,57.0, Private, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +21434,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +21435,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21436,55.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +21437,43.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21438,47.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +21439,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21440,29.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +21441,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064.0,0.0,40.0, United-States +21442,36.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States +21443,20.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,10.0, United-States +21444,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +21445,33.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +21446,65.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,2993.0,0.0,40.0, United-States +21447,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,14.0, United-States +21448,19.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +21449,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,25.0, United-States +21450,23.0, Private, 12th,8.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +21451,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,2179.0,12.0, United-States +21452,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21453,49.0, Self-emp-not-inc, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +21454,51.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,8.0, Puerto-Rico +21455,26.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +21456,30.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +21457,53.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +21458,30.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +21459,60.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21460,18.0, Local-gov, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +21461,31.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21462,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +21463,41.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +21464,65.0, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States +21465,18.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,27.0, United-States +21466,42.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +21467,35.0, State-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +21468,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States +21469,45.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador +21470,36.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, England +21471,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +21472,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +21473,58.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +21474,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,38.0, United-States +21475,43.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +21476,31.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +21477,53.0, Private, 9th,5.0, Widowed, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States +21478,56.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +21479,33.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,49.0, United-States +21480,30.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States +21481,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +21482,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +21483,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +21484,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21485,22.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,594.0,0.0,25.0, United-States +21486,34.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,27828.0,0.0,60.0, United-States +21487,64.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States +21488,38.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21489,22.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21490,25.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +21491,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +21492,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +21493,66.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1258.0,20.0, United-States +21494,44.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +21495,26.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +21496,24.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States +21497,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +21498,32.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, Mexico +21499,28.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +21500,26.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Male,6497.0,0.0,48.0, United-States +21501,55.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,54.0, United-States +21502,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,12.0, United-States +21503,36.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +21504,65.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21505,49.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21506,57.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +21507,58.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +21508,54.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21509,81.0, Private, 12th,8.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +21510,34.0, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,99.0, United-States +21511,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21512,22.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +21513,58.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,27.0, United-States +21514,59.0, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,32.0, United-States +21515,46.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21516,65.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21517,46.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,7688.0,0.0,40.0, United-States +21518,41.0, Local-gov, Assoc-voc,11.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +21519,59.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21520,37.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States +21521,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +21522,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21523,54.0, Private, 7th-8th,4.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21524,23.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,15.0, United-States +21525,40.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21526,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,25.0, Mexico +21527,39.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +21528,26.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21529,25.0, Local-gov, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States +21530,45.0, Private, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,99999.0,0.0,55.0, United-States +21531,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21532,41.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +21533,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Male,3908.0,0.0,40.0, United-States +21534,44.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +21535,49.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +21536,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +21537,71.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,6.0, United-States +21538,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21539,29.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21540,54.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +21541,30.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +21542,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +21543,55.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States +21544,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States +21545,32.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21546,45.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +21547,45.0, Federal-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21548,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +21549,45.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +21550,35.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +21551,48.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +21552,29.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21553,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +21554,49.0, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +21555,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21556,25.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2444.0,40.0, United-States +21557,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21558,55.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +21559,33.0, Private, Bachelors,13.0, Separated, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica +21560,19.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +21561,40.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +21562,42.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21563,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +21564,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +21565,41.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +21566,39.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21567,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,4416.0,0.0,40.0, Puerto-Rico +21568,63.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,22.0, United-States +21569,59.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,45.0, United-States +21570,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +21571,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +21572,45.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,25.0, United-States +21573,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5013.0,0.0,30.0, United-States +21574,60.0, Self-emp-not-inc, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +21575,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +21576,52.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,45.0, United-States +21577,51.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +21578,40.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +21579,33.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +21580,38.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21581,49.0, Private, Bachelors,13.0, Never-married, Priv-house-serv, Not-in-family, White, Male,0.0,0.0,25.0, United-States +21582,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +21583,47.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +21584,53.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21585,49.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States +21586,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,96.0, United-States +21587,21.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +21588,36.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +21589,44.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States +21590,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21591,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21592,40.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,4650.0,0.0,48.0, United-States +21593,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,38.0, United-States +21594,40.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +21595,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +21596,23.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,70.0, United-States +21597,22.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21598,17.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,594.0,0.0,40.0, United-States +21599,26.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +21600,61.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +21601,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21602,45.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States +21603,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +21604,34.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,37.0, United-States +21605,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States +21606,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21607,44.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Taiwan +21608,62.0, Private, Masters,14.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +21609,38.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +21610,51.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,56.0, United-States +21611,41.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21612,40.0, Private, 10th,6.0, Separated, Transport-moving, Unmarried, White, Female,0.0,0.0,70.0, United-States +21613,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,24.0, United-States +21614,38.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21615,68.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States +21616,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +21617,20.0, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico +21618,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States +21619,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21620,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +21621,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +21622,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +21623,64.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,3.0, United-States +21624,44.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +21625,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States +21626,41.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +21627,54.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +21628,41.0, Private, 10th,6.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +21629,28.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +21630,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +21631,47.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +21632,41.0, Private, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,84.0, United-States +21633,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +21634,40.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1340.0,40.0, United-States +21635,26.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +21636,29.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21637,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21638,33.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +21639,49.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,30.0, United-States +21640,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21641,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +21642,34.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +21643,48.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,48.0, United-States +21644,44.0, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +21645,48.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States +21646,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +21647,22.0, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +21648,59.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +21649,40.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,1564.0,60.0, United-States +21650,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +21651,36.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,37.0, United-States +21652,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +21653,28.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,55.0, United-States +21654,46.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,28.0, Ecuador +21655,24.0, Local-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,14344.0,0.0,50.0, United-States +21656,56.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,4101.0,0.0,40.0, United-States +21657,46.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +21658,46.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +21659,19.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,28.0, United-States +21660,38.0, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +21661,58.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +21662,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +21663,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand +21664,54.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,35.0, United-States +21665,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States +21666,45.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +21667,36.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21668,24.0, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21669,28.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,48.0, United-States +21670,52.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,49.0, United-States +21671,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +21672,28.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +21673,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +21674,48.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21675,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21676,36.0, Local-gov, Bachelors,13.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +21677,22.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +21678,53.0, Local-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +21679,53.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +21680,26.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +21681,40.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +21682,33.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,42.0, United-States +21683,36.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +21684,55.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,40.0, United-States +21685,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +21686,24.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +21687,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +21688,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +21689,20.0, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +21690,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4865.0,0.0,36.0, United-States +21691,25.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States +21692,60.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,67.0, United-States +21693,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21694,66.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,8.0, Cuba +21695,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +21696,41.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +21697,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +21698,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +21699,29.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21700,22.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +21701,35.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +21702,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,10520.0,0.0,45.0, United-States +21703,39.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +21704,28.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,4650.0,0.0,48.0, United-States +21705,52.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +21706,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,48.0, United-States +21707,57.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21708,34.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,60.0, United-States +21709,51.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +21710,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +21711,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +21712,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +21713,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +21714,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21715,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21716,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21717,34.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +21718,64.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +21719,64.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States +21720,47.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +21721,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +21722,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, Canada +21723,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States +21724,57.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21725,23.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +21726,71.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +21727,41.0, Private, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +21728,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21729,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,16.0, United-States +21730,21.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +21731,32.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +21732,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3908.0,0.0,40.0, United-States +21733,29.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21734,36.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21735,59.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +21736,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +21737,44.0, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21738,42.0, State-gov, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21739,18.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,15.0, United-States +21740,28.0, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,54.0, South +21741,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21742,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21743,56.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +21744,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +21745,56.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +21746,51.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21747,28.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,55.0, United-States +21748,34.0, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +21749,17.0, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,15.0, United-States +21750,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +21751,49.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines +21752,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +21753,28.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +21754,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +21755,70.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,23.0, United-States +21756,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +21757,39.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21758,36.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +21759,36.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21760,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,32.0, United-States +21761,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21762,36.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +21763,39.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,8614.0,0.0,52.0, United-States +21764,39.0, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +21765,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico +21766,33.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +21767,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21768,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States +21769,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +21770,19.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,53.0, United-States +21771,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +21772,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +21773,20.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +21774,49.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21775,17.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +21776,42.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +21777,33.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States +21778,21.0, Private, 11th,7.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,35.0, United-States +21779,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,1055.0,0.0,15.0, United-States +21780,24.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +21781,46.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +21782,49.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +21783,41.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21784,23.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,48.0, United-States +21785,40.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +21786,45.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21787,32.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,46.0, Trinadad&Tobago +21788,33.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,10520.0,0.0,80.0, United-States +21789,39.0, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,80.0, United-States +21790,55.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21791,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21792,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21793,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, United-States +21794,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,15.0, South +21795,19.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,1602.0,20.0, United-States +21796,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States +21797,30.0, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +21798,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +21799,34.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21800,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Germany +21801,29.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +21802,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,42.0, United-States +21803,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +21804,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21805,50.0, State-gov, 9th,5.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2002.0,40.0, United-States +21806,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +21807,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +21808,46.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, Trinadad&Tobago +21809,46.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +21810,63.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +21811,28.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,1669.0,42.0, United-States +21812,28.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +21813,52.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States +21814,32.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21815,20.0, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,70.0, United-States +21816,59.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +21817,26.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +21818,34.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +21819,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,70.0, United-States +21820,48.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,99999.0,0.0,40.0, United-States +21821,26.0, Private, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +21822,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21823,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +21824,40.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,8.0, United-States +21825,46.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States +21826,32.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +21827,26.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +21828,47.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +21829,23.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +21830,61.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21831,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +21832,45.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +21833,48.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +21834,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,56.0, United-States +21835,40.0, Self-emp-inc, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,1506.0,0.0,40.0, United-States +21836,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +21837,44.0, Federal-gov, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +21838,34.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0.0,0.0,40.0, Portugal +21839,26.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +21840,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Peru +21841,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21842,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +21843,60.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +21844,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +21845,40.0, Local-gov, Prof-school,15.0, Separated, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +21846,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21847,57.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024.0,0.0,40.0, United-States +21848,26.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, United-States +21849,53.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +21850,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +21851,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States +21852,53.0, State-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21853,57.0, Self-emp-inc, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +21854,38.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, Greece +21855,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +21856,52.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +21857,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,20.0, United-States +21858,54.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21859,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21860,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States +21861,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +21862,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +21863,56.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States +21864,33.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +21865,49.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,48.0, United-States +21866,35.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,36.0, United-States +21867,39.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +21868,, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +21869,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +21870,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Japan +21871,56.0, Private, 7th-8th,4.0, Divorced, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States +21872,42.0, Self-emp-inc, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21873,57.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +21874,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +21875,30.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States +21876,41.0, Self-emp-inc, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +21877,58.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21878,22.0, Local-gov, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +21879,37.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +21880,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21881,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States +21882,64.0, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Male,0.0,0.0,28.0, United-States +21883,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +21884,28.0, Self-emp-inc, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +21885,63.0, Private, HS-grad,9.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,6.0, United-States +21886,23.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,38.0, United-States +21887,29.0, Private, 9th,5.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,24.0, El-Salvador +21888,55.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +21889,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21890,65.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +21891,31.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,41.0, United-States +21892,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +21893,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21894,42.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,55.0, United-States +21895,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,80.0, United-States +21896,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21897,53.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +21898,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1617.0,25.0, United-States +21899,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21900,25.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,43.0, United-States +21901,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +21902,69.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States +21903,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,38.0, United-States +21904,33.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +21905,61.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +21906,20.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Cuba +21907,35.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +21908,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +21909,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +21910,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,80.0, United-States +21911,47.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, Mexico +21912,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +21913,40.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +21914,35.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +21915,55.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21916,42.0, Local-gov, 10th,6.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,35.0, United-States +21917,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,38.0, United-States +21918,46.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,99999.0,0.0,55.0, United-States +21919,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +21920,73.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2246.0,40.0, United-States +21921,19.0, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States +21922,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +21923,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1902.0,60.0, United-States +21924,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21925,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21926,26.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21927,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +21928,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +21929,60.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +21930,24.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, United-States +21931,22.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +21932,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,24.0, United-States +21933,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,3325.0,0.0,52.0, Dominican-Republic +21934,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +21935,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,1602.0,23.0, United-States +21936,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +21937,22.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21938,46.0, State-gov, 7th-8th,4.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +21939,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +21940,23.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +21941,41.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,15.0, United-States +21942,34.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21943,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +21944,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +21945,40.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +21946,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,53.0, United-States +21947,59.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +21948,24.0, Private, 11th,7.0, Separated, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, United-States +21949,38.0, Private, Bachelors,13.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,45.0, United-States +21950,39.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +21951,44.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,40.0, United-States +21952,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,99.0, United-States +21953,35.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, Yugoslavia +21954,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +21955,45.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +21956,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States +21957,40.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21958,64.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21959,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +21960,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +21961,60.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +21962,20.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +21963,45.0, Private, Assoc-acdm,12.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, Cuba +21964,70.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,4.0, United-States +21965,21.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States +21966,22.0, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +21967,27.0, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +21968,63.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +21969,55.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +21970,31.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,2202.0,0.0,38.0, United-States +21971,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States +21972,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +21973,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +21974,25.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +21975,41.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +21976,53.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21977,42.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +21978,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States +21979,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +21980,48.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,38.0, United-States +21981,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +21982,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +21983,31.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, Portugal +21984,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +21985,33.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +21986,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +21987,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +21988,39.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, El-Salvador +21989,53.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,15.0, United-States +21990,51.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +21991,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +21992,41.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +21993,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,48.0, United-States +21994,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,36.0, Mexico +21995,41.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +21996,34.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +21997,30.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +21998,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,23.0, United-States +21999,27.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,50.0, United-States +22000,28.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,99.0, Mexico +22001,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22002,42.0, State-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +22003,27.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,32.0, United-States +22004,32.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +22005,54.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22006,54.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,43.0, United-States +22007,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +22008,71.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,10.0, United-States +22009,90.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,6097.0,0.0,45.0, United-States +22010,55.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +22011,30.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Poland +22012,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +22013,37.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +22014,30.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22015,25.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Other-relative, Black, Male,0.0,0.0,40.0, Trinadad&Tobago +22016,35.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,1980.0,65.0, United-States +22017,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +22018,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +22019,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22020,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +22021,24.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +22022,46.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22023,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22024,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22025,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +22026,41.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,3325.0,0.0,50.0, United-States +22027,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +22028,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,45.0, United-States +22029,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States +22030,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +22031,55.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4508.0,0.0,8.0, Yugoslavia +22032,32.0, Private, Prof-school,15.0, Never-married, Sales, Not-in-family, White, Female,13550.0,0.0,50.0, United-States +22033,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22034,27.0, Private, 11th,7.0, Separated, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Puerto-Rico +22035,35.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22036,19.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22037,27.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States +22038,38.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22039,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland +22040,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +22041,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +22042,52.0, Private, Assoc-voc,11.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,13.0, United-States +22043,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22044,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22045,25.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22046,24.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,22.0, United-States +22047,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22048,32.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +22049,28.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +22050,48.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +22051,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Greece +22052,35.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +22053,31.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +22054,31.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, India +22055,30.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22056,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +22057,39.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, Poland +22058,67.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22059,43.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States +22060,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +22061,32.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,60.0, United-States +22062,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +22063,64.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22064,54.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +22065,49.0, Private, Assoc-acdm,12.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,35.0, United-States +22066,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22067,24.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22068,26.0, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +22069,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,52.0, United-States +22070,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +22071,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +22072,37.0, Local-gov, Some-college,10.0, Separated, Protective-serv, Own-child, Other, Male,0.0,0.0,52.0, United-States +22073,38.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,3887.0,0.0,45.0, United-States +22074,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,55.0, United-States +22075,51.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22076,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22077,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22078,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States +22079,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22080,64.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,39.0, United-States +22081,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +22082,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, Italy +22083,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +22084,36.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +22085,51.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States +22086,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, Jamaica +22087,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +22088,39.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22089,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States +22090,43.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,6849.0,0.0,50.0, United-States +22091,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +22092,69.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States +22093,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +22094,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +22095,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,55.0, United-States +22096,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,2829.0,0.0,38.0, United-States +22097,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +22098,51.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,30.0, United-States +22099,29.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States +22100,35.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +22101,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22102,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +22103,17.0, Self-emp-inc, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +22104,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +22105,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +22106,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States +22107,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22108,44.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,45.0, Laos +22109,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +22110,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22111,42.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +22112,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22113,24.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +22114,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22115,33.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, Mexico +22116,42.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +22117,32.0, Private, HS-grad,, Separated, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States +22118,27.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,37.0, United-States +22119,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,23.0, United-States +22120,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22121,34.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +22122,50.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22123,52.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +22124,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,55.0, United-States +22125,60.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,28.0, United-States +22126,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1887.0,40.0, United-States +22127,33.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +22128,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22129,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +22130,49.0, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +22131,73.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,1173.0,0.0,75.0, United-States +22132,44.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States +22133,25.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22134,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +22135,44.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +22136,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22137,75.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3456.0,0.0,40.0, United-States +22138,18.0, Private, 12th,8.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,30.0, United-States +22139,46.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22140,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22141,40.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,30.0, United-States +22142,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +22143,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +22144,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22145,33.0, Private, 12th,8.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, Mexico +22146,30.0, State-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22147,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22148,58.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,4064.0,0.0,40.0, India +22149,46.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +22150,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +22151,46.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +22152,33.0, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +22153,38.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +22154,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22155,50.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22156,28.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +22157,43.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22158,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,1902.0,40.0, United-States +22159,27.0, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +22160,36.0, Private, Bachelors,13.0, Divorced, Sales, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +22161,49.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +22162,47.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +22163,31.0, Private, 11th,7.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, Puerto-Rico +22164,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Ecuador +22165,24.0, Private, 5th-6th,3.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador +22166,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +22167,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,48.0, South +22168,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22169,22.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States +22170,30.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +22171,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +22172,27.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22173,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +22174,45.0, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +22175,59.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +22176,32.0, Self-emp-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,52.0, United-States +22177,53.0, Private, Bachelors,13.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,52.0, United-States +22178,42.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22179,47.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +22180,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22181,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +22182,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22183,45.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22184,63.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, Iran +22185,36.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,45.0, United-States +22186,67.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +22187,39.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +22188,56.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States +22189,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22190,21.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,19.0, United-States +22191,21.0, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Own-child, White, Male,0.0,1762.0,40.0, Dominican-Republic +22192,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,20.0, United-States +22193,75.0, Private, 5th-6th,3.0, Widowed, Other-service, Unmarried, Black, Male,0.0,0.0,10.0, United-States +22194,35.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Germany +22195,24.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,35.0, United-States +22196,37.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22197,60.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, Philippines +22198,71.0, Federal-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22199,52.0, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,20.0, Mexico +22200,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States +22201,23.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +22202,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22203,58.0, Private, Some-college,10.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22204,26.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +22205,53.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22206,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22207,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States +22208,45.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +22209,33.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,33.0, Mexico +22210,39.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,15.0, United-States +22211,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States +22212,36.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States +22213,34.0, State-gov, Doctorate,16.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, China +22214,61.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +22215,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +22216,32.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +22217,39.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22218,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +22219,41.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +22220,30.0, Private, 10th,6.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +22221,68.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +22222,22.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,45.0, United-States +22223,36.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, Other, Male,0.0,0.0,40.0, Mexico +22224,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22225,49.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22226,36.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +22227,25.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +22228,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +22229,49.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States +22230,40.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States +22231,40.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +22232,42.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +22233,31.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +22234,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,2051.0,40.0, United-States +22235,52.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, England +22236,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +22237,58.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +22238,65.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +22239,55.0, Local-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +22240,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States +22241,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +22242,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +22243,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +22244,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22245,31.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +22246,49.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22247,54.0, Local-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22248,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +22249,50.0, Private, 1st-4th,2.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +22250,45.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22251,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +22252,27.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States +22253,35.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22254,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +22255,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States +22256,48.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +22257,51.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +22258,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22259,58.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +22260,45.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +22261,32.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +22262,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +22263,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, United-States +22264,19.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +22265,49.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +22266,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,24.0, Mexico +22267,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22268,62.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22269,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +22270,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +22271,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +22272,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22273,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +22274,50.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States +22275,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,40.0, United-States +22276,62.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,1741.0,40.0, United-States +22277,30.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +22278,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +22279,42.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +22280,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States +22281,41.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,90.0, United-States +22282,30.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,2258.0,40.0, South +22283,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, United-States +22284,76.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +22285,61.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States +22286,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +22287,27.0, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,80.0, United-States +22288,53.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +22289,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22290,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +22291,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,45.0, United-States +22292,39.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22293,54.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +22294,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +22295,23.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +22296,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +22297,43.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22298,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22299,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States +22300,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +22301,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +22302,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +22303,27.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,42.0, United-States +22304,34.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +22305,24.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +22306,30.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +22307,58.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22308,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Italy +22309,33.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +22310,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Separated, Sales, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +22311,28.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +22312,66.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,2936.0,0.0,20.0, United-States +22313,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22314,41.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States +22315,34.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22316,60.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Male,0.0,1876.0,50.0, United-States +22317,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,60.0, United-States +22318,57.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +22319,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Canada +22320,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +22321,32.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22322,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +22323,64.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,30.0, United-States +22324,38.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22325,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22326,42.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +22327,31.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22328,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +22329,50.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22330,22.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +22331,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +22332,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +22333,27.0, Local-gov, 12th,8.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,44.0, United-States +22334,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +22335,53.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +22336,68.0, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,20.0, United-States +22337,30.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22338,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +22339,54.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,38.0, United-States +22340,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +22341,24.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +22342,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +22343,18.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +22344,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +22345,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +22346,50.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +22347,17.0, Self-emp-inc, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +22348,36.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +22349,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22350,57.0, Federal-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22351,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +22352,24.0, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +22353,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +22354,33.0, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +22355,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +22356,27.0, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +22357,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22358,29.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22359,40.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22360,37.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22361,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22362,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +22363,23.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +22364,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,49.0, United-States +22365,34.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +22366,33.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1974.0,30.0, United-States +22367,26.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +22368,39.0, Private, Some-college,10.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States +22369,31.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22370,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,48.0, United-States +22371,26.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,2407.0,0.0,36.0, United-States +22372,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +22373,50.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +22374,44.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22375,65.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22376,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,2354.0,0.0,40.0, United-States +22377,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22378,41.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +22379,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico +22380,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +22381,49.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +22382,26.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,78.0, United-States +22383,51.0, Private, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States +22384,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +22385,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22386,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,40.0, United-States +22387,54.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +22388,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22389,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +22390,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States +22391,70.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3432.0,0.0,40.0, United-States +22392,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +22393,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22394,68.0, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,20.0, United-States +22395,47.0, Self-emp-not-inc, Masters,14.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,2258.0,50.0, United-States +22396,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +22397,59.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22398,25.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22399,60.0, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22400,61.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22401,26.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +22402,23.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +22403,59.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22404,41.0, Private, 5th-6th,3.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico +22405,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22406,41.0, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States +22407,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +22408,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22409,31.0, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +22410,27.0, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,30.0, United-States +22411,52.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +22412,28.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +22413,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +22414,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +22415,28.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,35.0, United-States +22416,29.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +22417,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +22418,33.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +22419,55.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +22420,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland +22421,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22422,20.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +22423,33.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +22424,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,46.0, United-States +22425,65.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2174.0,10.0, United-States +22426,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22427,45.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +22428,50.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +22429,65.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States +22430,43.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Philippines +22431,37.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States +22432,59.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +22433,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +22434,32.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +22435,51.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +22436,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,5.0, United-States +22437,27.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,45.0, England +22438,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States +22439,37.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,39.0, United-States +22440,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22441,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +22442,61.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +22443,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22444,33.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,34.0, United-States +22445,49.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, Thailand +22446,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +22447,25.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22448,36.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +22449,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22450,50.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22451,51.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1980.0,40.0, United-States +22452,22.0, Private, 12th,8.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,30.0, United-States +22453,43.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,42.0, United-States +22454,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,3781.0,0.0,35.0, United-States +22455,18.0, Private, 12th,8.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +22456,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22457,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico +22458,40.0, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Male,5455.0,0.0,40.0, United-States +22459,28.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +22460,52.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +22461,44.0, Private, 7th-8th,4.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,38.0, Peru +22462,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States +22463,67.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +22464,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,3325.0,0.0,45.0, United-States +22465,46.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States +22466,37.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22467,52.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22468,36.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22469,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,30.0, United-States +22470,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States +22471,53.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Cuba +22472,40.0, Local-gov, HS-grad,, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +22473,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22474,69.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,50.0, United-States +22475,76.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,9386.0,0.0,25.0, United-States +22476,31.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22477,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +22478,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,4865.0,0.0,40.0, United-States +22479,36.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, Black, Male,10520.0,0.0,43.0, United-States +22480,40.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22481,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +22482,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,22.0, United-States +22483,34.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +22484,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22485,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,52.0, United-States +22486,25.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +22487,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +22488,30.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22489,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,1974.0,40.0, United-States +22490,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22491,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,1721.0,30.0, United-States +22492,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +22493,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +22494,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +22495,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +22496,50.0, Self-emp-not-inc, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +22497,58.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +22498,38.0, Self-emp-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,20.0, United-States +22499,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22500,44.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,72.0, United-States +22501,36.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Iran +22502,45.0, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +22503,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22504,55.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22505,19.0, Federal-gov, HS-grad,9.0, Married-AF-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +22506,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22507,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +22508,44.0, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +22509,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22510,24.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0.0,0.0,40.0, Puerto-Rico +22511,60.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22512,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States +22513,28.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +22514,30.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,2444.0,55.0, United-States +22515,22.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +22516,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +22517,18.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,30.0, United-States +22518,37.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +22519,24.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +22520,33.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22521,52.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States +22522,52.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22523,43.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22524,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22525,41.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,1504.0,40.0, United-States +22526,45.0, Self-emp-inc, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22527,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,45.0, United-States +22528,36.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +22529,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22530,35.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +22531,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +22532,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Cuba +22533,39.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22534,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22535,32.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States +22536,30.0, Private, Some-college,10.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,16.0, United-States +22537,43.0, State-gov, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,37.0, United-States +22538,72.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States +22539,29.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22540,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +22541,22.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, Vietnam +22542,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +22543,33.0, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22544,57.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,72.0, United-States +22545,41.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +22546,36.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +22547,61.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +22548,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +22549,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22550,30.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22551,30.0, State-gov, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +22552,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +22553,44.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22554,50.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22555,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +22556,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, Philippines +22557,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22558,67.0, Local-gov, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,2964.0,0.0,41.0, United-States +22559,44.0, Self-emp-not-inc, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +22560,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Yugoslavia +22561,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy +22562,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +22563,41.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States +22564,45.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,43.0, United-States +22565,56.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +22566,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States +22567,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,40.0, United-States +22568,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +22569,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22570,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +22571,52.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,55.0, United-States +22572,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22573,47.0, Private, 9th,5.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador +22574,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +22575,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22576,55.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +22577,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +22578,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +22579,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States +22580,37.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +22581,77.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States +22582,37.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22583,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +22584,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22585,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22586,23.0, Private, Some-college,10.0, Separated, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +22587,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +22588,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,24.0, United-States +22589,47.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22590,48.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +22591,35.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,84.0, United-States +22592,71.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States +22593,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +22594,25.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +22595,25.0, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +22596,46.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,47.0, Cuba +22597,18.0, Federal-gov, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States +22598,25.0, Private, 10th,6.0, Never-married, Farming-fishing, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +22599,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22600,29.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,36.0, United-States +22601,21.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +22602,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +22603,31.0, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22604,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,63.0, United-States +22605,42.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +22606,29.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22607,23.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +22608,34.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22609,76.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6514.0,0.0,40.0, United-States +22610,67.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22611,35.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22612,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22613,61.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22614,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States +22615,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22616,67.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,12.0, United-States +22617,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +22618,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22619,63.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22620,60.0, Local-gov, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22621,43.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22622,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +22623,45.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States +22624,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +22625,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +22626,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +22627,36.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,3464.0,0.0,40.0, United-States +22628,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +22629,50.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States +22630,34.0, Private, 12th,8.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22631,52.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1741.0,38.0, United-States +22632,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States +22633,25.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,3418.0,0.0,30.0, United-States +22634,51.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +22635,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22636,33.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States +22637,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +22638,31.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, Mexico +22639,23.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +22640,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,32.0, United-States +22641,43.0, Self-emp-inc, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,44.0, Portugal +22642,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22643,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States +22644,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,50.0, United-States +22645,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,24.0, United-States +22646,51.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2559.0,50.0, United-States +22647,41.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +22648,42.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba +22649,64.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +22650,50.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +22651,53.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +22652,29.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +22653,31.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22654,29.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22655,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Canada +22656,47.0, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +22657,55.0, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22658,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22659,59.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22660,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +22661,42.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +22662,31.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Poland +22663,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +22664,50.0, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +22665,37.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22666,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +22667,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,20.0, United-States +22668,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +22669,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22670,27.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22671,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +22672,38.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +22673,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +22674,47.0, Local-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22675,56.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +22676,68.0, Without-pay, Some-college,10.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Female,0.0,0.0,25.0, United-States +22677,35.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +22678,60.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +22679,17.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22680,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,64.0, Philippines +22681,50.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +22682,41.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +22683,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +22684,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22685,30.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +22686,33.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22687,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22688,42.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,50.0, United-States +22689,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +22690,25.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +22691,46.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +22692,59.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22693,43.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22694,41.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,3103.0,0.0,40.0, United-States +22695,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +22696,49.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22697,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +22698,57.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +22699,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal +22700,18.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,15.0, United-States +22701,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22702,45.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22703,26.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +22704,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,50.0, United-States +22705,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,48.0, United-States +22706,25.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +22707,34.0, Federal-gov, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,60.0, United-States +22708,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +22709,46.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22710,47.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,65.0, United-States +22711,47.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +22712,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States +22713,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22714,51.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +22715,47.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,41.0, United-States +22716,50.0, Private, 12th,8.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22717,61.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +22718,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +22719,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1719.0,16.0, United-States +22720,65.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,2206.0,59.0, Canada +22721,22.0, State-gov, Some-college,10.0, Married-spouse-absent, Tech-support, Unmarried, White, Male,0.0,0.0,20.0, United-States +22722,44.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22723,35.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22724,44.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22725,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +22726,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +22727,22.0, State-gov, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,39.0, Haiti +22728,41.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States +22729,59.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +22730,29.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +22731,29.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +22732,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22733,31.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,50.0, United-States +22734,38.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +22735,31.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,51.0, United-States +22736,51.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,8.0, United-States +22737,37.0, Private, 9th,5.0, Separated, Priv-house-serv, Unmarried, White, Female,0.0,0.0,16.0, Mexico +22738,47.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Columbia +22739,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22740,36.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +22741,41.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +22742,48.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +22743,50.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +22744,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22745,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, Canada +22746,45.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,15.0, United-States +22747,55.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22748,45.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,15024.0,0.0,44.0, United-States +22749,19.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +22750,33.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +22751,46.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +22752,57.0, Self-emp-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States +22753,22.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +22754,23.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,35.0, Mexico +22755,35.0, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22756,40.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,1831.0,0.0,30.0, United-States +22757,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, United-States +22758,54.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,37.0, United-States +22759,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22760,37.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States +22761,20.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +22762,44.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22763,36.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +22764,23.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,30.0, Vietnam +22765,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,40.0, United-States +22766,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22767,50.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,36.0, United-States +22768,33.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22769,49.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +22770,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3464.0,0.0,40.0, United-States +22771,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,92.0, United-States +22772,31.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +22773,35.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +22774,49.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22775,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +22776,51.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,54.0, Mexico +22777,36.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +22778,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22779,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +22780,37.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +22781,53.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,60.0, United-States +22782,47.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +22783,19.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,20.0, United-States +22784,44.0, Private, Bachelors,13.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +22785,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States +22786,57.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22787,23.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,21.0, Mexico +22788,41.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +22789,57.0, Private, HS-grad,9.0, Widowed, Tech-support, Not-in-family, Black, Female,0.0,0.0,54.0, United-States +22790,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22791,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +22792,32.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,90.0, United-States +22793,38.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +22794,47.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +22795,39.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +22796,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +22797,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States +22798,51.0, Private, 1st-4th,2.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +22799,52.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22800,43.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +22801,58.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +22802,38.0, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22803,59.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,32.0, United-States +22804,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States +22805,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22806,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +22807,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Mexico +22808,42.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22809,35.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +22810,38.0, State-gov, 10th,6.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +22811,53.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +22812,56.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22813,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,28.0, United-States +22814,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +22815,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4386.0,0.0,35.0, United-States +22816,48.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22817,53.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22818,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,45.0, United-States +22819,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Greece +22820,34.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22821,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States +22822,38.0, Private, Masters,14.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22823,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +22824,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +22825,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,40.0, United-States +22826,58.0, Local-gov, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22827,58.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,32.0, United-States +22828,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22829,24.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +22830,23.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +22831,42.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Puerto-Rico +22832,46.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22833,28.0, Private, 10th,6.0, Married-AF-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +22834,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,20.0, United-States +22835,27.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,35.0, United-States +22836,45.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22837,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,50.0, United-States +22838,40.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,39.0, United-States +22839,54.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +22840,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +22841,41.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States +22842,30.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22843,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22844,50.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,38.0, United-States +22845,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +22846,39.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, Black, Female,13550.0,0.0,70.0, United-States +22847,54.0, Private, 10th,6.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,43.0, Italy +22848,26.0, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, White, Female,2907.0,0.0,40.0, United-States +22849,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +22850,57.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States +22851,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +22852,36.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22853,45.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +22854,18.0, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,15.0, United-States +22855,64.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +22856,22.0, State-gov, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +22857,44.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22858,39.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +22859,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +22860,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +22861,63.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +22862,41.0, Private, 12th,8.0, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +22863,33.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,72.0, United-States +22864,44.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States +22865,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +22866,47.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22867,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +22868,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,40.0, United-States +22869,38.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,27.0, United-States +22870,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22871,26.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +22872,48.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +22873,41.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States +22874,45.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States +22875,61.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,2290.0,0.0,40.0, United-States +22876,21.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +22877,44.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22878,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,43.0, United-States +22879,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +22880,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +22881,59.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +22882,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States +22883,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22884,33.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,32.0, United-States +22885,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,35.0, United-States +22886,32.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +22887,66.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +22888,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +22889,45.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Poland +22890,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +22891,28.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +22892,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +22893,41.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +22894,52.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +22895,35.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +22896,47.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India +22897,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22898,28.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +22899,26.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, Other, Female,0.0,0.0,35.0, United-States +22900,64.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,50.0, United-States +22901,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,32.0, United-States +22902,54.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,50.0, Puerto-Rico +22903,17.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,16.0, United-States +22904,32.0, Local-gov, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +22905,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22906,57.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,1579.0,37.0, United-States +22907,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1902.0,40.0, United-States +22908,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,99.0, United-States +22909,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22910,42.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,43.0, United-States +22911,31.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,1504.0,40.0, United-States +22912,52.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +22913,41.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +22914,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +22915,44.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +22916,30.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +22917,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +22918,23.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +22919,33.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +22920,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +22921,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22922,33.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,50.0, United-States +22923,21.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +22924,48.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22925,42.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,48.0, United-States +22926,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22927,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +22928,51.0, Private, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1977.0,40.0, United-States +22929,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +22930,28.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States +22931,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22932,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +22933,56.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,49.0, United-States +22934,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,8.0, United-States +22935,65.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22936,46.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Peru +22937,23.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +22938,45.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, England +22939,30.0, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +22940,52.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Iran +22941,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,99.0, United-States +22942,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22943,42.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22944,51.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +22945,47.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +22946,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +22947,40.0, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, Black, Male,0.0,0.0,35.0, United-States +22948,45.0, Private, 11th,7.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,16.0, United-States +22949,37.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,50.0, United-States +22950,48.0, Local-gov, HS-grad,9.0, Separated, Transport-moving, Unmarried, White, Female,0.0,0.0,25.0, United-States +22951,19.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, England +22952,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +22953,27.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22954,51.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,50.0, United-States +22955,68.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,6.0, United-States +22956,32.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States +22957,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,35.0, United-States +22958,48.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +22959,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22960,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +22961,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +22962,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +22963,23.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +22964,43.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22965,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +22966,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,60.0, United-States +22967,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22968,33.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +22969,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +22970,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States +22971,27.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +22972,18.0, Private, 9th,5.0, Never-married, Sales, Own-child, Other, Female,0.0,0.0,32.0, United-States +22973,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,32.0, United-States +22974,48.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,72.0, United-States +22975,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +22976,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +22977,24.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +22978,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +22979,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +22980,26.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +22981,41.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,99999.0,0.0,50.0, United-States +22982,31.0, State-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22983,46.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22984,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +22985,41.0, State-gov, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,52.0, United-States +22986,32.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States +22987,22.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,12.0, United-States +22988,32.0, Private, Prof-school,15.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +22989,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +22990,30.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +22991,26.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22992,30.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +22993,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +22994,48.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,15.0, Germany +22995,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +22996,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States +22997,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +22998,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +22999,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,38.0, United-States +23000,58.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,48.0, United-States +23001,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23002,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23003,51.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +23004,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +23005,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +23006,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23007,30.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, South +23008,26.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23009,51.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2603.0,40.0, United-States +23010,80.0, Local-gov, 1st-4th,2.0, Widowed, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,1086.0,0.0,20.0, Philippines +23011,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23012,41.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,43.0, United-States +23013,40.0, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +23014,36.0, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,60.0, United-States +23015,57.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23016,65.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +23017,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +23018,45.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,55.0, United-States +23019,41.0, Private, 10th,6.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23020,41.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23021,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala +23022,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23023,25.0, Private, Masters,14.0, Married-civ-spouse, Farming-fishing, Not-in-family, White, Male,0.0,0.0,99.0, United-States +23024,32.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico +23025,57.0, Private, 10th,6.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23026,36.0, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States +23027,70.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,65.0, United-States +23028,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,60.0, United-States +23029,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +23030,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +23031,48.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23032,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +23033,60.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +23034,29.0, Federal-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23035,33.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +23036,56.0, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23037,39.0, Local-gov, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23038,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23039,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +23040,36.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +23041,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +23042,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +23043,56.0, Federal-gov, Some-college,10.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23044,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +23045,57.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +23046,39.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23047,47.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +23048,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,55.0, United-States +23049,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23050,32.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +23051,25.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23052,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +23053,34.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,63.0, United-States +23054,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, Japan +23055,29.0, Private, Assoc-voc,11.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +23056,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +23057,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States +23058,64.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,50.0, United-States +23059,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +23060,46.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,55.0, United-States +23061,55.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +23062,63.0, Self-emp-not-inc, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States +23063,27.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +23064,34.0, Self-emp-inc, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +23065,31.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +23066,26.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States +23067,36.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +23068,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +23069,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +23070,37.0, Private, HS-grad,9.0, Separated, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States +23071,36.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +23072,40.0, Private, Some-college,10.0, Divorced, Exec-managerial, Other-relative, Black, Female,0.0,0.0,55.0, United-States +23073,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +23074,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23075,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +23076,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23077,46.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23078,22.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +23079,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Portugal +23080,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +23081,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States +23082,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,40.0, United-States +23083,43.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +23084,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +23085,17.0, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,20.0, United-States +23086,25.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23087,37.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +23088,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal +23089,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +23090,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,40.0, United-States +23091,17.0, Self-emp-inc, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States +23092,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,34.0, South +23093,47.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23094,40.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States +23095,47.0, State-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,48.0, United-States +23096,52.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,72.0, United-States +23097,25.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,42.0, United-States +23098,48.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +23099,24.0, Private, Bachelors,13.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +23100,64.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0.0,0.0,40.0, United-States +23101,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23102,32.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23103,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +23104,36.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,38.0, United-States +23105,73.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23106,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States +23107,31.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3137.0,0.0,45.0, United-States +23108,71.0, Private, Bachelors,13.0, Divorced, Tech-support, Own-child, White, Female,2329.0,0.0,16.0, United-States +23109,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +23110,53.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +23111,61.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India +23112,39.0, Self-emp-inc, Bachelors,13.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23113,49.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,9.0, United-States +23114,30.0, Private, 10th,6.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,18.0, Guatemala +23115,41.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2001.0,50.0, United-States +23116,25.0, State-gov, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23117,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +23118,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States +23119,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +23120,27.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +23121,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23122,19.0, Self-emp-not-inc, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23123,57.0, Federal-gov, HS-grad,9.0, Separated, Adm-clerical, Other-relative, Black, Female,0.0,0.0,35.0, United-States +23124,73.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +23125,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +23126,51.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Cuba +23127,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +23128,37.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +23129,39.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Black, Female,99999.0,0.0,40.0, United-States +23130,49.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,70.0, United-States +23131,22.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +23132,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +23133,41.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States +23134,38.0, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,99999.0,0.0,57.0, Canada +23135,35.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23136,37.0, Self-emp-not-inc, 11th,7.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,30.0, United-States +23137,57.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23138,63.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +23139,42.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +23140,57.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +23141,17.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,16.0, United-States +23142,40.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23143,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,68.0, United-States +23144,40.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,,0.0,40.0, United-States +23145,57.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +23146,27.0, Self-emp-inc, Some-college,10.0, Separated, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +23147,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +23148,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +23149,60.0, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23150,57.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23151,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +23152,31.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +23153,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +23154,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States +23155,58.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Portugal +23156,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +23157,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2635.0,0.0,60.0, United-States +23158,23.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States +23159,46.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States +23160,54.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,27828.0,0.0,50.0, United-States +23161,42.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,45.0, United-States +23162,21.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23163,23.0, State-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23164,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23165,23.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +23166,69.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +23167,54.0, Private, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,80.0, United-States +23168,55.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1887.0,70.0, United-States +23169,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,40.0, United-States +23170,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,50.0, United-States +23171,60.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,2042.0,34.0, United-States +23172,60.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +23173,22.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States +23174,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,7298.0,0.0,40.0, United-States +23175,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,53.0, United-States +23176,30.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +23177,61.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States +23178,63.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,72.0, United-States +23179,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,1590.0,40.0, United-States +23180,30.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +23181,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23182,51.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +23183,60.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +23184,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States +23185,39.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, Black, Female,15020.0,0.0,60.0, United-States +23186,20.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,20.0, United-States +23187,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +23188,57.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +23189,31.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,35.0, United-States +23190,37.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +23191,20.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +23192,24.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23193,41.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States +23194,65.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,39.0, United-States +23195,73.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, Canada +23196,56.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States +23197,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +23198,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,90.0, United-States +23199,48.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,55.0, United-States +23200,40.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23201,55.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +23202,28.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +23203,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,0.0,40.0, Peru +23204,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23205,21.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States +23206,24.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +23207,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial,, White, Male,0.0,0.0,40.0, United-States +23208,39.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Male,0.0,0.0,60.0, United-States +23209,32.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States +23210,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +23211,75.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23212,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States +23213,33.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +23214,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3137.0,0.0,40.0, United-States +23215,49.0, Private, Doctorate,16.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +23216,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +23217,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +23218,51.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23219,18.0, Local-gov, 10th,6.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,6.0, United-States +23220,40.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,44.0, United-States +23221,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +23222,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +23223,39.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, China +23224,39.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +23225,41.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,1902.0,35.0, United-States +23226,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23227,43.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +23228,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +23229,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +23230,32.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +23231,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +23232,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, Jamaica +23233,33.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +23234,51.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States +23235,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +23236,59.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,8.0, United-States +23237,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23238,46.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +23239,39.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23240,53.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +23241,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23242,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,2042.0,10.0, United-States +23243,29.0, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States +23244,73.0, Private, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States +23245,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +23246,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +23247,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23248,52.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +23249,26.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,4416.0,0.0,28.0, United-States +23250,39.0, Private, 11th,7.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,1.0, United-States +23251,29.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +23252,28.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +23253,81.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,1668.0,3.0, Hungary +23254,41.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +23255,73.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +23256,25.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +23257,31.0, Private, 12th,8.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,21.0, United-States +23258,21.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,20.0, United-States +23259,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23260,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +23261,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,15.0, United-States +23262,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23263,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +23264,58.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23265,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23266,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +23267,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +23268,38.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,45.0, United-States +23269,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,63.0, United-States +23270,48.0, Federal-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +23271,39.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23272,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,7298.0,0.0,32.0, United-States +23273,53.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +23274,20.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,10.0, United-States +23275,36.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +23276,39.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,20.0, United-States +23277,50.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +23278,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +23279,50.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +23280,30.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +23281,38.0, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23282,32.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23283,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +23284,21.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,16.0, United-States +23285,42.0, Federal-gov, 11th,7.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,1340.0,40.0, United-States +23286,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,18.0, United-States +23287,33.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +23288,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +23289,60.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +23290,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +23291,56.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,25.0, Mexico +23292,20.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,2258.0,10.0, United-States +23293,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +23294,53.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,55.0, United-States +23295,52.0, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +23296,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +23297,68.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +23298,26.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23299,41.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +23300,23.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +23301,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States +23302,22.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +23303,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +23304,30.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23305,41.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +23306,22.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +23307,38.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +23308,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,50.0, United-States +23309,40.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,70.0, United-States +23310,58.0, Self-emp-not-inc, Masters,14.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +23311,36.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States +23312,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23313,28.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,2002.0,40.0, England +23314,51.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23315,38.0, Federal-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +23316,44.0, Private, Some-college,10.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,38.0, United-States +23317,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23318,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +23319,29.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +23320,25.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +23321,29.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,45.0, United-States +23322,19.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +23323,41.0, State-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23324,47.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +23325,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +23326,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23327,59.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23328,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,47.0, United-States +23329,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +23330,43.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23331,28.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +23332,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +23333,44.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,55.0, United-States +23334,30.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +23335,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23336,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +23337,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +23338,54.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23339,38.0, Local-gov, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +23340,19.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,53.0, Yugoslavia +23341,28.0, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +23342,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +23343,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +23344,38.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23345,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,48.0, United-States +23346,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +23347,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, Germany +23348,35.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,21.0, United-States +23349,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States +23350,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +23351,33.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +23352,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,38.0, United-States +23353,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +23354,39.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,12.0, United-States +23355,47.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +23356,24.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador +23357,60.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States +23358,47.0, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +23359,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +23360,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States +23361,46.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,3674.0,0.0,30.0, United-States +23362,43.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,24.0, United-States +23363,25.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +23364,36.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +23365,42.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States +23366,29.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States +23367,21.0, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +23368,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23369,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23370,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23371,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +23372,46.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1628.0,40.0, United-States +23373,38.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +23374,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +23375,30.0, Local-gov, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +23376,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23377,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +23378,29.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23379,47.0, Self-emp-inc, Prof-school,15.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +23380,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +23381,48.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,44.0, United-States +23382,38.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2042.0,40.0, United-States +23383,31.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +23384,50.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,2444.0,72.0, United-States +23385,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +23386,52.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23387,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +23388,49.0, Private, Masters,14.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23389,44.0, Private, Masters,14.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +23390,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +23391,45.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +23392,51.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23393,59.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +23394,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +23395,26.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +23396,42.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +23397,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23398,20.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,20.0, United-States +23399,50.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, Black, Male,0.0,0.0,40.0, United-States +23400,37.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +23401,29.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States +23402,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,8614.0,0.0,50.0, United-States +23403,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23404,60.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1092.0,40.0, United-States +23405,33.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States +23406,51.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +23407,61.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +23408,51.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1740.0,40.0, United-States +23409,42.0, Self-emp-inc, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,10.0, United-States +23410,31.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +23411,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +23412,41.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,48.0, United-States +23413,42.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States +23414,47.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1876.0,48.0, United-States +23415,29.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +23416,42.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +23417,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +23418,59.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23419,35.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +23420,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +23421,26.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +23422,59.0, Local-gov, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Puerto-Rico +23423,22.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23424,62.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +23425,34.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States +23426,40.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Male,4787.0,0.0,50.0, United-States +23427,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,32.0, United-States +23428,52.0, Private, Preschool,1.0, Married-civ-spouse, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador +23429,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +23430,55.0, Private, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23431,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +23432,49.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +23433,59.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,14.0, Cuba +23434,24.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +23435,43.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,1506.0,0.0,36.0, United-States +23436,21.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,38.0, United-States +23437,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +23438,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23439,36.0, Private, Bachelors,13.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +23440,53.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23441,43.0, Private, Some-college,10.0, Divorced, Tech-support, Own-child, White, Female,0.0,1617.0,72.0, United-States +23442,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +23443,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +23444,26.0, Local-gov, 10th,6.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +23445,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States +23446,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23447,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico +23448,20.0, State-gov, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,32.0, United-States +23449,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +23450,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +23451,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,50.0, United-States +23452,28.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,3325.0,0.0,50.0, United-States +23453,25.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,35.0, United-States +23454,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +23455,30.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +23456,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,55.0, United-States +23457,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +23458,39.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,1380.0,70.0, United-States +23459,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Germany +23460,58.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,38.0, Cuba +23461,34.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +23462,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23463,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +23464,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1719.0,40.0, United-States +23465,62.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +23466,26.0, Private, Some-college,10.0, Married-AF-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +23467,26.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Greece +23468,56.0, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +23469,35.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +23470,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +23471,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Other, Female,8614.0,0.0,40.0, India +23472,46.0, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,2258.0,50.0, Dominican-Republic +23473,57.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States +23474,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2377.0,40.0, United-States +23475,44.0, Private, Bachelors,13.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,7.0, United-States +23476,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +23477,35.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +23478,54.0, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +23479,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23480,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23481,32.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,33.0, United-States +23482,32.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States +23483,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,42.0, United-States +23484,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +23485,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,30.0, United-States +23486,38.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +23487,20.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +23488,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +23489,20.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +23490,51.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States +23491,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +23492,46.0, Federal-gov, Masters,14.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,0.0,1887.0,40.0, United-States +23493,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23494,58.0, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2179.0,18.0, United-States +23495,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +23496,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,35.0, United-States +23497,28.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States +23498,31.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,6849.0,0.0,40.0, United-States +23499,53.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23500,25.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +23501,61.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23502,53.0, Private, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23503,74.0, State-gov, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,16.0, United-States +23504,64.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23505,37.0, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +23506,90.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,37.0, United-States +23507,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23508,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +23509,37.0, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23510,48.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +23511,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +23512,24.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, Japan +23513,25.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +23514,70.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,17.0, United-States +23515,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, Black, Female,0.0,0.0,50.0, United-States +23516,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,22.0, United-States +23517,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +23518,48.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +23519,53.0, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +23520,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,28.0, United-States +23521,44.0, Local-gov, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23522,60.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,2559.0,50.0, United-States +23523,30.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23524,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,1719.0,15.0, United-States +23525,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +23526,36.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +23527,48.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,45.0, China +23528,35.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +23529,38.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,10.0, United-States +23530,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States +23531,27.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23532,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +23533,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23534,41.0, Private, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +23535,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +23536,32.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +23537,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23538,29.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States +23539,37.0, Self-emp-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23540,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23541,19.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +23542,25.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States +23543,30.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +23544,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +23545,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +23546,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23547,59.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +23548,51.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,1628.0,40.0, United-States +23549,56.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +23550,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,38.0, United-States +23551,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +23552,37.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23553,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +23554,20.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +23555,19.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,24.0, United-States +23556,32.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +23557,63.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23558,25.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23559,33.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23560,24.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +23561,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +23562,55.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +23563,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +23564,33.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +23565,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23566,38.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1340.0,40.0, United-States +23567,54.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, Black, Female,0.0,0.0,60.0, United-States +23568,27.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +23569,28.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +23570,24.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23571,62.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +23572,35.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +23573,43.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +23574,52.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +23575,40.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23576,45.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,37.0, United-States +23577,28.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +23578,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +23579,26.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23580,30.0, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +23581,22.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, Mexico +23582,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +23583,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +23584,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,55.0, United-States +23585,31.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,99.0, United-States +23586,33.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23587,38.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +23588,32.0, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,50.0, Mexico +23589,20.0, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +23590,38.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +23591,70.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,6.0, United-States +23592,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23593,64.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +23594,34.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +23595,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +23596,42.0, Private, Bachelors,13.0, Married-civ-spouse,, Wife, Asian-Pac-Islander, Female,0.0,0.0,27.0, Taiwan +23597,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23598,45.0, State-gov, HS-grad,9.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +23599,44.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +23600,29.0, Private, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23601,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +23602,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States +23603,56.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States +23604,31.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States +23605,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +23606,29.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,20.0, Taiwan +23607,37.0, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +23608,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +23609,47.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +23610,27.0, Private, 11th,7.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +23611,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23612,44.0,, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States +23613,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +23614,59.0, Private, 11th,7.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23615,19.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23616,42.0, Federal-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,323.0,40.0, United-States +23617,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +23618,30.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +23619,40.0, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23620,29.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,45.0, United-States +23621,43.0, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,28.0, Mexico +23622,50.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23623,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +23624,51.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +23625,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +23626,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23627,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,43.0, United-States +23628,56.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +23629,36.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23630,33.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,98.0, United-States +23631,32.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23632,32.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23633,55.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23634,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Trinadad&Tobago +23635,25.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Columbia +23636,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23637,24.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,18.0, United-States +23638,43.0, Self-emp-not-inc, Masters,14.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +23639,54.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +23640,25.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,43.0, United-States +23641,46.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +23642,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +23643,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +23644,42.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States +23645,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +23646,29.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +23647,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23648,53.0, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,67.0, Italy +23649,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +23650,25.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +23651,39.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23652,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States +23653,18.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +23654,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Other, Male,0.0,0.0,20.0, United-States +23655,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +23656,52.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23657,45.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +23658,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +23659,62.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,20.0, United-States +23660,49.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +23661,54.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +23662,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +23663,32.0, Private, 7th-8th,4.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +23664,55.0, Self-emp-inc, 10th,6.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23665,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +23666,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23667,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23668,48.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23669,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,6.0, United-States +23670,23.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,2407.0,0.0,6.0, Canada +23671,37.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +23672,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Guatemala +23673,19.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,42.0, United-States +23674,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Canada +23675,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States +23676,28.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +23677,42.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +23678,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +23679,46.0, Private, 9th,5.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +23680,40.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +23681,64.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +23682,43.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23683,22.0, Private, HS-grad,9.0, Separated, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States +23684,32.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23685,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +23686,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +23687,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +23688,56.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,45.0, United-States +23689,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +23690,54.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,65.0, United-States +23691,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +23692,38.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +23693,60.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23694,60.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +23695,36.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23696,34.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,38.0, United-States +23697,37.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +23698,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States +23699,31.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23700,30.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +23701,33.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +23702,43.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23703,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +23704,20.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +23705,53.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +23706,61.0, Private, Preschool,1.0, Separated, Transport-moving, Not-in-family, Black, Male,14344.0,0.0,40.0, United-States +23707,30.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, Mexico +23708,41.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +23709,38.0, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +23710,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23711,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +23712,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23713,39.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,2407.0,0.0,70.0, Mexico +23714,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +23715,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +23716,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,52.0, United-States +23717,54.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, France +23718,50.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23719,39.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +23720,57.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23721,47.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +23722,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23723,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +23724,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +23725,30.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +23726,26.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23727,65.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,2346.0,0.0,40.0, United-States +23728,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +23729,53.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +23730,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +23731,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23732,42.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23733,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +23734,22.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +23735,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +23736,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23737,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States +23738,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,43.0, United-States +23739,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1628.0,40.0, United-States +23740,43.0, Federal-gov, Doctorate,16.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,24.0, United-States +23741,65.0, Private, 9th,5.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +23742,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany +23743,63.0, Self-emp-not-inc, 5th-6th,3.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,3.0, United-States +23744,71.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +23745,46.0, Federal-gov, Prof-school,15.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, Germany +23746,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +23747,42.0, State-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23748,31.0, State-gov, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States +23749,81.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,21.0, United-States +23750,32.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1590.0,40.0, United-States +23751,54.0, Private, 10th,6.0, Separated, Transport-moving, Unmarried, Black, Male,0.0,0.0,45.0, United-States +23752,27.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, Other, Female,0.0,0.0,32.0, Jamaica +23753,39.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States +23754,18.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +23755,56.0, Self-emp-not-inc, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +23756,20.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +23757,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +23758,69.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +23759,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +23760,45.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +23761,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +23762,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +23763,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23764,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +23765,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +23766,23.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,60.0, United-States +23767,18.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,594.0,0.0,20.0, United-States +23768,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +23769,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +23770,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23771,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,50.0, United-States +23772,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23773,44.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23774,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,33.0, United-States +23775,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,52.0, United-States +23776,63.0, Federal-gov, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23777,49.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +23778,38.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Iran +23779,24.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States +23780,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States +23781,27.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +23782,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +23783,45.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +23784,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +23785,18.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +23786,54.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23787,33.0, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23788,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +23789,70.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23790,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +23791,28.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23792,36.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23793,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +23794,72.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +23795,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Jamaica +23796,56.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23797,43.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +23798,47.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23799,51.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States +23800,37.0, Private, 7th-8th,4.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,44.0, United-States +23801,22.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +23802,19.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23803,19.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,1719.0,30.0, United-States +23804,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23805,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States +23806,45.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23807,32.0, Private, Assoc-acdm,12.0, Separated, Exec-managerial, Unmarried, White, Female,25236.0,0.0,50.0, United-States +23808,47.0, State-gov, Doctorate,16.0, Separated, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2354.0,0.0,45.0, United-States +23809,37.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23810,61.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +23811,25.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,48.0, Mexico +23812,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23813,20.0, Local-gov, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +23814,20.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +23815,45.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,36.0, China +23816,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +23817,19.0, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, England +23818,38.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +23819,50.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +23820,22.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Other-relative, White, Female,0.0,0.0,43.0, United-States +23821,59.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23822,59.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23823,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +23824,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +23825,54.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +23826,22.0, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23827,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Portugal +23828,46.0, Private, Bachelors,13.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +23829,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +23830,32.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +23831,20.0, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +23832,34.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,80.0, United-States +23833,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23834,28.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,2.0, United-States +23835,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +23836,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, Honduras +23837,43.0, Private, Doctorate,16.0, Separated, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,60.0, United-States +23838,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1902.0,40.0, United-States +23839,40.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23840,26.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +23841,29.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +23842,48.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23843,26.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,45.0, United-States +23844,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +23845,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23846,26.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +23847,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +23848,40.0, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23849,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23850,40.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,2444.0,40.0, United-States +23851,25.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States +23852,44.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23853,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,34.0, United-States +23854,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,63.0, United-States +23855,28.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +23856,37.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +23857,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +23858,54.0, Private, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +23859,43.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,88.0, United-States +23860,37.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +23861,20.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States +23862,67.0, Self-emp-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,15831.0,0.0,40.0, United-States +23863,64.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,10.0, United-States +23864,39.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +23865,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +23866,70.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,24.0, United-States +23867,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +23868,32.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +23869,31.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,76.0, United-States +23870,67.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +23871,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica +23872,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +23873,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +23874,48.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +23875,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +23876,41.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +23877,43.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +23878,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +23879,34.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23880,18.0, Federal-gov, 11th,7.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,15.0, Philippines +23881,42.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +23882,25.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +23883,38.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +23884,22.0, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +23885,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +23886,55.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +23887,59.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, United-States +23888,26.0, Private, 12th,8.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +23889,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +23890,46.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +23891,56.0, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23892,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,24.0, United-States +23893,20.0, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,40.0, United-States +23894,43.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,45.0, United-States +23895,22.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23896,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23897,31.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23898,33.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +23899,58.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23900,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States +23901,33.0, Private, 7th-8th,4.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,14.0, Trinadad&Tobago +23902,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23903,36.0, Local-gov, 11th,7.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,23.0, United-States +23904,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico +23905,31.0, Federal-gov, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23906,39.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,48.0, United-States +23907,50.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +23908,90.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +23909,23.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,55.0, United-States +23910,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico +23911,23.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +23912,51.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23913,27.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23914,18.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +23915,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +23916,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,70.0, United-States +23917,62.0, Private, 9th,5.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States +23918,24.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,10.0, United-States +23919,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +23920,41.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +23921,20.0, Self-emp-inc, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +23922,22.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico +23923,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137.0,0.0,50.0, United-States +23924,32.0, Local-gov, Assoc-voc,11.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23925,24.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States +23926,28.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23927,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +23928,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +23929,52.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +23930,43.0, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States +23931,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,12.0, United-States +23932,50.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +23933,34.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +23934,44.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +23935,38.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +23936,61.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,16.0, United-States +23937,28.0, Private, 11th,7.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23938,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +23939,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23940,57.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +23941,29.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +23942,41.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +23943,49.0, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Female,5455.0,0.0,45.0, United-States +23944,55.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +23945,39.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +23946,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States +23947,32.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Other-relative, Other, Male,0.0,0.0,40.0, Mexico +23948,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,25.0, United-States +23949,33.0, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +23950,47.0, Private, 12th,8.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23951,73.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +23952,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +23953,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +23954,28.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Honduras +23955,52.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,1762.0,40.0, United-States +23956,38.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23957,51.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +23958,45.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23959,33.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,26.0, United-States +23960,36.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +23961,24.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23962,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23963,64.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,2174.0,0.0,37.0, United-States +23964,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +23965,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico +23966,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +23967,35.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +23968,47.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +23969,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23970,61.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +23971,44.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23972,37.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Canada +23973,65.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23974,66.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +23975,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,65.0, United-States +23976,40.0, Private, 7th-8th,4.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States +23977,48.0, Private, Masters,14.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +23978,18.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +23979,51.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23980,60.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +23981,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, Peru +23982,38.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +23983,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States +23984,35.0, Self-emp-not-inc, 12th,8.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Trinadad&Tobago +23985,32.0, Private, 11th,7.0, Never-married, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +23986,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +23987,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +23988,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +23989,52.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,41.0, United-States +23990,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +23991,43.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +23992,56.0, Self-emp-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +23993,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +23994,77.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,3818.0,0.0,30.0, United-States +23995,55.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,30.0, United-States +23996,50.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +23997,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, India +23998,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +23999,55.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178.0,0.0,40.0, United-States +24000,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,60.0, United-States +24001,43.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24002,51.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States +24003,49.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24004,46.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +24005,25.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +24006,26.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,75.0, United-States +24007,67.0, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,32.0, United-States +24008,59.0, Federal-gov, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, Germany +24009,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States +24010,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +24011,19.0, Self-emp-not-inc, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +24012,53.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,50.0, Philippines +24013,59.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +24014,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +24015,40.0, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +24016,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24017,42.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,65.0, United-States +24018,44.0, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,33.0, United-States +24019,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +24020,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +24021,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24022,19.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3781.0,0.0,40.0, United-States +24023,24.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24024,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States +24025,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24026,51.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +24027,28.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,52.0, United-States +24028,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +24029,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +24030,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +24031,25.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +24032,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +24033,42.0, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,40.0, United-States +24034,24.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +24035,35.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,40.0, United-States +24036,19.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +24037,41.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +24038,25.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +24039,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +24040,27.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +24041,48.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States +24042,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24043,76.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +24044,22.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,30.0, Germany +24045,64.0, State-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24046,34.0, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,44.0, United-States +24047,24.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +24048,48.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +24049,26.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Guatemala +24050,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,42.0, United-States +24051,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,45.0, United-States +24052,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24053,54.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,40.0, United-States +24054,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24055,42.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +24056,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +24057,56.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24058,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24059,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +24060,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24061,32.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +24062,39.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2444.0,45.0, United-States +24063,37.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,50.0, United-States +24064,46.0, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24065,40.0, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24066,38.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States +24067,54.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +24068,38.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Iran +24069,23.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +24070,32.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +24071,22.0, Private, Some-college,10.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +24072,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24073,80.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +24074,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +24075,38.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24076,32.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +24077,23.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States +24078,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +24079,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +24080,29.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +24081,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +24082,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States +24083,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +24084,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +24085,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +24086,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +24087,49.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +24088,26.0, Private, HS-grad,9.0, Married-AF-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +24089,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +24090,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +24091,42.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,8614.0,0.0,52.0, United-States +24092,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +24093,26.0, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24094,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +24095,62.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +24096,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States +24097,60.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,26.0, United-States +24098,34.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +24099,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +24100,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +24101,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1762.0,40.0, United-States +24102,31.0, Private, Some-college,10.0, Divorced, Tech-support, Own-child, Black, Female,0.0,0.0,40.0, United-States +24103,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24104,62.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24105,45.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +24106,22.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +24107,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +24108,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24109,54.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +24110,48.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +24111,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +24112,40.0, Self-emp-inc, Bachelors,13.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +24113,40.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24114,25.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,1504.0,37.0, United-States +24115,57.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, United-States +24116,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24117,22.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States +24118,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24119,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States +24120,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +24121,27.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +24122,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,40.0, United-States +24123,32.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States +24124,39.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,24.0, Philippines +24125,46.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24126,18.0, Private, 11th,7.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,3.0, United-States +24127,69.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +24128,56.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,54.0, United-States +24129,46.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,40.0, United-States +24130,46.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,50.0, United-States +24131,34.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24132,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States +24133,58.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +24134,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24135,45.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +24136,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +24137,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,2.0, United-States +24138,45.0, Private, 11th,7.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico +24139,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,45.0, United-States +24140,17.0, Private, 9th,5.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,20.0, United-States +24141,41.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24142,60.0, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,30.0, United-States +24143,45.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Canada +24144,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24145,49.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24146,49.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24147,31.0, Private, 7th-8th,4.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,20.0, United-States +24148,22.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +24149,39.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, Columbia +24150,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +24151,31.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +24152,40.0, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +24153,67.0, Without-pay, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,12.0, Philippines +24154,75.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +24155,49.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +24156,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, Peru +24157,45.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24158,42.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,60.0, United-States +24159,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +24160,30.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, El-Salvador +24161,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +24162,33.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +24163,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +24164,54.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +24165,28.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +24166,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States +24167,21.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Other, Female,0.0,0.0,30.0, United-States +24168,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +24169,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black,,0.0,0.0,40.0, United-States +24170,67.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Black, Female,6360.0,0.0,35.0, United-States +24171,44.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +24172,56.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24173,67.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,1797.0,0.0,4.0, United-States +24174,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24175,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24176,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, Germany +24177,38.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Mexico +24178,20.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +24179,19.0, Self-emp-inc, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, South +24180,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +24181,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24182,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24183,42.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +24184,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24185,41.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +24186,28.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +24187,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,1762.0,28.0, United-States +24188,67.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,20.0, United-States +24189,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +24190,40.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24191,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +24192,60.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +24193,32.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +24194,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +24195,22.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +24196,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +24197,78.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,2329.0,0.0,12.0, United-States +24198,48.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +24199,31.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24200,46.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24201,31.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,1594.0,30.0, United-States +24202,41.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +24203,46.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +24204,38.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +24205,43.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +24206,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24207,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829.0,0.0,40.0, United-States +24208,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +24209,19.0, Private, 11th,7.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,16.0, United-States +24210,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +24211,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24212,46.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +24213,43.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +24214,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +24215,29.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +24216,39.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,37.0, United-States +24217,59.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +24218,22.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24219,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +24220,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +24221,21.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +24222,20.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States +24223,62.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States +24224,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24225,52.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +24226,46.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, Italy +24227,56.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,32.0, United-States +24228,36.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States +24229,77.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24230,46.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,45.0, United-States +24231,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24232,38.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,15020.0,0.0,45.0, United-States +24233,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3908.0,0.0,45.0, United-States +24234,32.0, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Craft-repair, Own-child, White, Male,0.0,0.0,16.0, United-States +24235,48.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +24236,43.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States +24237,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +24238,20.0, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, El-Salvador +24239,51.0, Private, Assoc-acdm,12.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +24240,30.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +24241,55.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +24242,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,38.0, United-States +24243,22.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +24244,59.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24245,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24246,39.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24247,46.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,5013.0,0.0,40.0, United-States +24248,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,46.0, United-States +24249,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24250,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +24251,33.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +24252,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24253,37.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,45.0, United-States +24254,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,35.0, United-States +24255,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24256,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +24257,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, United-States +24258,36.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24259,40.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,1719.0,40.0, United-States +24260,47.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +24261,33.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, Canada +24262,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24263,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,24.0, United-States +24264,39.0, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +24265,28.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States +24266,20.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24267,29.0, Private, Assoc-voc,11.0, Married-AF-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,44.0, United-States +24268,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +24269,51.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24270,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,44.0, United-States +24271,41.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Poland +24272,47.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +24273,21.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,30.0, United-States +24274,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24275,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, United-States +24276,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,, United-States +24277,44.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +24278,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +24279,39.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +24280,56.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +24281,21.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +24282,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +24283,42.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,30.0, United-States +24284,44.0, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +24285,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24286,24.0, Private, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,2463.0,0.0,40.0, United-States +24287,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States +24288,28.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +24289,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24290,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States +24291,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24292,60.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +24293,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, United-States +24294,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,25.0, Jamaica +24295,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +24296,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +24297,29.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,75.0, United-States +24298,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +24299,20.0, Federal-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,24.0, United-States +24300,62.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States +24301,36.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +24302,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +24303,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24304,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24305,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24306,55.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,38.0, United-States +24307,40.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +24308,65.0, Private, 11th,7.0, Widowed, Other-service, Unmarried, Other, Male,0.0,0.0,40.0, United-States +24309,37.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24310,54.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +24311,28.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24312,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24313,37.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,48.0, United-States +24314,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,23.0, United-States +24315,29.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +24316,25.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +24317,38.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464.0,0.0,40.0, United-States +24318,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24319,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24320,25.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +24321,49.0, Private, 7th-8th,4.0, Never-married, Prof-specialty, Other-relative, Black, Male,0.0,0.0,45.0, United-States +24322,22.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +24323,32.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +24324,34.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +24325,25.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States +24326,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +24327,40.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +24328,34.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,32.0, United-States +24329,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +24330,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24331,24.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +24332,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +24333,41.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,35.0, United-States +24334,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +24335,35.0, Private, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +24336,42.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States +24337,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +24338,43.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +24339,46.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24340,26.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +24341,42.0, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24342,69.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +24343,26.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Ecuador +24344,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +24345,51.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, Mexico +24346,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +24347,42.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +24348,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1408.0,36.0, United-States +24349,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +24350,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24351,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24352,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24353,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +24354,43.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States +24355,22.0, Private, 12th,8.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +24356,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +24357,22.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +24358,34.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,86.0, United-States +24359,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +24360,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24361,21.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24362,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24363,40.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, China +24364,52.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24365,34.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, England +24366,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24367,40.0, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +24368,20.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24369,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States +24370,40.0, Self-emp-not-inc, 9th,5.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States +24371,39.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,44.0, United-States +24372,30.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24373,40.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Other-service, Not-in-family, White, Female,0.0,2339.0,35.0, United-States +24374,52.0, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States +24375,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24376,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan +24377,30.0, Federal-gov, 9th,5.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +24378,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +24379,37.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,1151.0,0.0,40.0, United-States +24380,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +24381,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,13550.0,0.0,40.0, United-States +24382,33.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +24383,34.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States +24384,28.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24385,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +24386,25.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, Jamaica +24387,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +24388,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +24389,58.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States +24390,58.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,10.0, United-States +24391,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +24392,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +24393,48.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States +24394,52.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +24395,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,38.0, United-States +24396,34.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +24397,17.0, Local-gov, 10th,6.0, Never-married, Protective-serv, Own-child, White, Female,0.0,1602.0,40.0, United-States +24398,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States +24399,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,16.0, United-States +24400,50.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,20.0, United-States +24401,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24402,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,18.0, United-States +24403,50.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,46.0, United-States +24404,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +24405,26.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24406,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +24407,71.0, Private, Preschool,1.0, Widowed, Craft-repair, Unmarried, Black, Male,0.0,0.0,10.0, United-States +24408,34.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,2057.0,35.0, United-States +24409,36.0, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +24410,28.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24411,43.0, Private, Masters,14.0, Widowed, Exec-managerial, Unmarried, White, Male,4934.0,0.0,40.0, United-States +24412,33.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +24413,28.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +24414,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +24415,40.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24416,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +24417,28.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +24418,25.0, Self-emp-inc, Bachelors,13.0,, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +24419,54.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +24420,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +24421,53.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +24422,27.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +24423,30.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +24424,24.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +24425,38.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +24426,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +24427,44.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +24428,55.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +24429,29.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,24.0, United-States +24430,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,56.0, United-States +24431,35.0, Private, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, Mexico +24432,46.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +24433,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24434,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States +24435,32.0, State-gov, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,20.0, United-States +24436,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, South +24437,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,9.0, United-States +24438,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, Columbia +24439,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States +24440,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24441,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal +24442,20.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +24443,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24444,65.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,59.0, United-States +24445,48.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +24446,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,,0.0,40.0, United-States +24447,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,55.0, United-States +24448,32.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,48.0, United-States +24449,28.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States +24450,55.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1504.0,40.0, United-States +24451,43.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +24452,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +24453,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,2415.0,65.0, United-States +24454,45.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +24455,17.0, Private, 10th,6.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,10.0, United-States +24456,61.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +24457,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +24458,49.0, Private, 9th,5.0, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0.0,0.0,16.0, Jamaica +24459,69.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24460,72.0, Private, Assoc-voc,11.0, Separated, Other-service, Unmarried, White, Female,6723.0,0.0,25.0, United-States +24461,26.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24462,28.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +24463,55.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States +24464,41.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +24465,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24466,43.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +24467,68.0, Private, 5th-6th,3.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,22.0, United-States +24468,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +24469,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,8.0, United-States +24470,26.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +24471,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +24472,24.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +24473,40.0, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,38.0, United-States +24474,40.0, Private, Preschool,1.0, Married-spouse-absent, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +24475,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24476,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24477,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013.0,0.0,32.0, United-States +24478,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States +24479,36.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,55.0, United-States +24480,51.0, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,25236.0,0.0,50.0, United-States +24481,69.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States +24482,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Puerto-Rico +24483,24.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +24484,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178.0,0.0,10.0, United-States +24485,35.0, Private, HS-grad,9.0, Separated, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, United-States +24486,48.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +24487,41.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +24488,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States +24489,33.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,1055.0,0.0,40.0, United-States +24490,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24491,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +24492,19.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +24493,62.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +24494,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +24495,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24496,45.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,37.0, United-States +24497,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,34.0, United-States +24498,25.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +24499,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +24500,46.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States +24501,56.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +24502,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +24503,44.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24504,60.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +24505,38.0, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,12.0, United-States +24506,32.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +24507,51.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24508,65.0, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,0.0,1668.0,31.0, United-States +24509,58.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +24510,58.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +24511,26.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States +24512,32.0, Private, Masters,14.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +24513,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +24514,33.0, Federal-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +24515,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24516,50.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24517,63.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +24518,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +24519,45.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +24520,53.0, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico +24521,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +24522,27.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2444.0,40.0, United-States +24523,33.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +24524,67.0, Self-emp-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +24525,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +24526,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +24527,30.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +24528,35.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24529,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +24530,66.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +24531,35.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +24532,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +24533,31.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,55.0, United-States +24534,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +24535,69.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, France +24536,35.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +24537,38.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,43.0, United-States +24538,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,50.0, United-States +24539,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,25.0, United-States +24540,73.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,18.0, United-States +24541,29.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +24542,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +24543,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +24544,29.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Own-child, White, Female,2174.0,0.0,72.0, United-States +24545,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +24546,65.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24547,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +24548,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +24549,48.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24550,62.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24551,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +24552,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +24553,35.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +24554,17.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +24555,42.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24556,67.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,40.0, United-States +24557,69.0, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24558,63.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24559,35.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +24560,56.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +24561,60.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States +24562,51.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +24563,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +24564,31.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24565,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +24566,44.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,48.0, United-States +24567,28.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24568,52.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +24569,32.0, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,1380.0,40.0, United-States +24570,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +24571,36.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +24572,38.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +24573,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, Germany +24574,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +24575,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +24576,27.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States +24577,78.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,1797.0,0.0,15.0, United-States +24578,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +24579,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +24580,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24581,39.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +24582,47.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,38.0, United-States +24583,53.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +24584,, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +24585,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24586,31.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24587,39.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24588,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +24589,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +24590,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,38.0, United-States +24591,46.0, Private, 9th,5.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +24592,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +24593,61.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24594,24.0, Private, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States +24595,32.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +24596,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24597,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +24598,43.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +24599,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +24600,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +24601,39.0, Private, 11th,7.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, Puerto-Rico +24602,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +24603,24.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,,40.0, United-States +24604,38.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States +24605,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, Guatemala +24606,48.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +24607,42.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +24608,50.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, Germany +24609,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24610,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States +24611,29.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +24612,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +24613,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +24614,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +24615,50.0, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24616,67.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24617,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24618,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24619,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1974.0,40.0, United-States +24620,61.0, Private, Some-college,10.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +24621,43.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +24622,48.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +24623,58.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Other, Male,0.0,0.0,40.0, Mexico +24624,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,36.0, United-States +24625,30.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,6.0, United-States +24626,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +24627,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24628,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24629,74.0, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1411.0,40.0, United-States +24630,63.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,5013.0,0.0,40.0, United-States +24631,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24632,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +24633,75.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States +24634,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,51.0, United-States +24635,39.0, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,25.0, United-States +24636,60.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,99.0, United-States +24637,47.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +24638,39.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24639,32.0, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Female,0.0,0.0,37.0, United-States +24640,59.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +24641,32.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States +24642,55.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,5013.0,0.0,48.0, United-States +24643,39.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,32.0, United-States +24644,29.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +24645,29.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States +24646,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24647,22.0, Federal-gov, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +24648,51.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,40.0, Yugoslavia +24649,34.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +24650,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24651,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +24652,23.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +24653,42.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States +24654,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +24655,23.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +24656,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +24657,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +24658,29.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +24659,49.0, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +24660,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +24661,33.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +24662,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +24663,66.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +24664,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States +24665,28.0, Private, Assoc-voc,11.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States +24666,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24667,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,10.0, United-States +24668,32.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +24669,24.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24670,30.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,99.0, United-States +24671,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +24672,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +24673,19.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States +24674,28.0, Private, Bachelors,13.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,20.0, United-States +24675,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +24676,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States +24677,51.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +24678,37.0, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +24679,49.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +24680,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States +24681,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States +24682,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +24683,55.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +24684,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +24685,71.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States +24686,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24687,53.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24688,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24689,39.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24690,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24691,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +24692,40.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,32.0, United-States +24693,38.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,58.0, United-States +24694,27.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +24695,23.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, Mexico +24696,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +24697,53.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, Black, Male,3325.0,0.0,40.0, United-States +24698,79.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +24699,53.0, Private, 9th,5.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,9.0, United-States +24700,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +24701,41.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +24702,50.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,60.0, United-States +24703,68.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,5.0, United-States +24704,43.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +24705,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +24706,20.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Mexico +24707,37.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +24708,38.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +24709,34.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +24710,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,54.0, United-States +24711,24.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Unmarried, Other, Male,1151.0,0.0,40.0, United-States +24712,31.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +24713,37.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +24714,40.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States +24715,21.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,9.0, United-States +24716,47.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +24717,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +24718,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,45.0, United-States +24719,41.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,55.0, United-States +24720,30.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Armed-Forces, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States +24721,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,,0.0,35.0, United-States +24722,27.0, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +24723,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +24724,22.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24725,32.0, State-gov, Some-college,10.0, Married-spouse-absent, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +24726,34.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +24727,42.0, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Male,1506.0,0.0,50.0, Mexico +24728,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,15024.0,0.0,45.0, United-States +24729,25.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +24730,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +24731,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +24732,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +24733,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24734,31.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States +24735,21.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +24736,30.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +24737,53.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines +24738,40.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2057.0,40.0, Mexico +24739,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24740,26.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24741,40.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States +24742,47.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,84.0, United-States +24743,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +24744,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24745,35.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +24746,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +24747,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +24748,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24749,27.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +24750,54.0, Private, 11th,7.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,10.0, United-States +24751,31.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24752,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1876.0,40.0, United-States +24753,23.0, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24754,36.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1408.0,40.0, United-States +24755,41.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24756,30.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,18.0, United-States +24757,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +24758,49.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24759,46.0, Local-gov, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,33.0, United-States +24760,50.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +24761,31.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24762,58.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +24763,65.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States +24764,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +24765,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +24766,33.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24767,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +24768,62.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,30.0, United-States +24769,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,50.0, United-States +24770,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +24771,44.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,45.0, United-States +24772,20.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,25.0, United-States +24773,28.0, Private, 11th,7.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +24774,25.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +24775,22.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +24776,33.0, Private, 1st-4th,2.0, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala +24777,27.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +24778,21.0, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +24779,52.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +24780,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,75.0, United-States +24781,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States +24782,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24783,55.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +24784,52.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,55.0, United-States +24785,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24786,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +24787,35.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States +24788,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,594.0,0.0,20.0, United-States +24789,47.0, Private, 10th,6.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +24790,28.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +24791,37.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +24792,42.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,37.0, United-States +24793,29.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +24794,54.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +24795,32.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,36.0, United-States +24796,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24797,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24798,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Canada +24799,25.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,50.0, United-States +24800,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +24801,58.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico +24802,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +24803,68.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2149.0,40.0, United-States +24804,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,18.0, United-States +24805,18.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,2176.0,0.0,20.0, United-States +24806,52.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +24807,55.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +24808,38.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24809,47.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,55.0, United-States +24810,37.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,40.0, United-States +24811,45.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +24812,28.0, Self-emp-not-inc, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +24813,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +24814,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24815,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +24816,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +24817,45.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +24818,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +24819,30.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,65.0, United-States +24820,31.0, Private, 12th,8.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +24821,27.0, Private, 10th,6.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, Mexico +24822,31.0, Local-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,33.0, United-States +24823,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States +24824,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24825,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +24826,42.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +24827,45.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +24828,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,52.0, United-States +24829,23.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico +24830,55.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,4.0, United-States +24831,64.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +24832,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,30.0, United-States +24833,38.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +24834,52.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +24835,37.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +24836,37.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +24837,29.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +24838,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +24839,32.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24840,43.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +24841,37.0, Private, HS-grad,9.0, Separated, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +24842,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,10.0, United-States +24843,28.0, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +24844,33.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +24845,82.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,12.0, United-States +24846,41.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +24847,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +24848,63.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,27.0, United-States +24849,40.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +24850,74.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24851,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, Italy +24852,26.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +24853,52.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +24854,52.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States +24855,31.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +24856,53.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States +24857,34.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1504.0,60.0, United-States +24858,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +24859,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +24860,46.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,2258.0,50.0, United-States +24861,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,60.0, Germany +24862,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,45.0, United-States +24863,32.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States +24864,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24865,37.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +24866,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +24867,26.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24868,42.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,40.0, United-States +24869,51.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +24870,19.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico +24871,30.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +24872,50.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States +24873,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,3325.0,0.0,40.0, Ecuador +24874,44.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States +24875,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +24876,61.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +24877,40.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +24878,27.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +24879,21.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2603.0,40.0, United-States +24880,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24881,28.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +24882,36.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24883,41.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +24884,61.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +24885,30.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +24886,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +24887,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +24888,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +24889,36.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +24890,27.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24891,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,48.0, Ireland +24892,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24893,56.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +24894,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +24895,52.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +24896,32.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States +24897,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +24898,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +24899,25.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +24900,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +24901,33.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24902,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,20.0, United-States +24903,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States +24904,23.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States +24905,54.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,35.0, United-States +24906,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +24907,29.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +24908,32.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +24909,36.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298.0,0.0,39.0, United-States +24910,29.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,1506.0,0.0,40.0, United-States +24911,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +24912,39.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +24913,46.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +24914,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +24915,53.0, Private, Some-college,10.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,22.0, United-States +24916,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +24917,35.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +24918,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +24919,36.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +24920,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +24921,41.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,50.0, United-States +24922,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +24923,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +24924,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +24925,33.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +24926,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +24927,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,5013.0,0.0,40.0, United-States +24928,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +24929,71.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,34.0, United-States +24930,35.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +24931,46.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +24932,46.0, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +24933,49.0, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,625.0,40.0, United-States +24934,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24935,55.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,58.0, United-States +24936,23.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +24937,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24938,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,114.0,0.0,45.0, United-States +24939,73.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +24940,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +24941,60.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +24942,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +24943,41.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +24944,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +24945,37.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1980.0,55.0, United-States +24946,71.0, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +24947,44.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24948,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,1602.0,12.0, United-States +24949,43.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24950,43.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +24951,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +24952,42.0, State-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24953,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +24954,36.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan +24955,40.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,625.0,52.0, United-States +24956,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24957,27.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +24958,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +24959,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,40.0, United-States +24960,46.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,55.0, United-States +24961,39.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24962,36.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +24963,35.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +24964,46.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,60.0, United-States +24965,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,28.0, United-States +24966,29.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +24967,54.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, India +24968,24.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +24969,40.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States +24970,63.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +24971,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +24972,50.0, Self-emp-inc, Bachelors,13.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,65.0, United-States +24973,67.0, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +24974,21.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +24975,30.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +24976,34.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +24977,52.0, Self-emp-not-inc, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +24978,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24979,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, United-States +24980,40.0, Private, Some-college,10.0, Separated, Tech-support, Own-child, White, Female,0.0,0.0,32.0, United-States +24981,56.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,55.0, United-States +24982,56.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States +24983,58.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +24984,35.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +24985,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Trinadad&Tobago +24986,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +24987,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +24988,47.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,48.0, United-States +24989,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +24990,36.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, Columbia +24991,24.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,37.0, United-States +24992,75.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States +24993,18.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +24994,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,52.0, United-States +24995,29.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +24996,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +24997,73.0, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Unmarried, Black, Female,1264.0,0.0,10.0, United-States +24998,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +24999,27.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +25000,55.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +25001,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +25002,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25003,30.0, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25004,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +25005,66.0, Local-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +25006,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, England +25007,51.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +25008,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25009,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,1980.0,48.0, United-States +25010,22.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25011,32.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,60.0, United-States +25012,20.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +25013,53.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25014,48.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +25015,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25016,26.0, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +25017,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +25018,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, China +25019,53.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,2559.0,48.0, United-States +25020,51.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +25021,31.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25022,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25023,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +25024,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25025,33.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White,,0.0,0.0,50.0, United-States +25026,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, France +25027,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,16.0, United-States +25028,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, United-States +25029,39.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,99.0, United-States +25030,45.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +25031,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States +25032,47.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +25033,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25034,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,2415.0,40.0, China +25035,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,38.0, United-States +25036,36.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25037,30.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25038,44.0, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States +25039,54.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala +25040,18.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +25041,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +25042,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +25043,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +25044,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +25045,20.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +25046,56.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States +25047,61.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,2444.0,50.0, United-States +25048,34.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +25049,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25050,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +25051,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,1719.0,25.0, United-States +25052,49.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25053,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +25054,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +25055,35.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +25056,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +25057,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25058,28.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25059,23.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,27.0, United-States +25060,48.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +25061,53.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +25062,32.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,49.0, United-States +25063,31.0, Private, 10th,6.0, Separated, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +25064,38.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +25065,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25066,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,55.0, United-States +25067,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,26.0, United-States +25068,36.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,7298.0,0.0,36.0, United-States +25069,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25070,25.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25071,38.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,4650.0,0.0,72.0, United-States +25072,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +25073,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,25.0, United-States +25074,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25075,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,62.0, United-States +25076,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,36.0, United-States +25077,49.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +25078,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +25079,52.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, Mexico +25080,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,40.0, United-States +25081,22.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +25082,56.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +25083,41.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25084,20.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,52.0, United-States +25085,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,60.0, United-States +25086,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +25087,21.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25088,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25089,30.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +25090,39.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25091,40.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25092,46.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, Cuba +25093,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25094,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25095,51.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +25096,35.0, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +25097,49.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2339.0,50.0, United-States +25098,41.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,3887.0,0.0,40.0, United-States +25099,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +25100,44.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25101,24.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +25102,37.0, Federal-gov, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,55.0, United-States +25103,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25104,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +25105,42.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +25106,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,42.0, United-States +25107,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25108,28.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25109,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +25110,55.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Poland +25111,27.0, Private, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +25112,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +25113,50.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +25114,29.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,45.0, United-States +25115,27.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,32.0, United-States +25116,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,26.0, United-States +25117,57.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico +25118,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1848.0,40.0, United-States +25119,65.0, Private, 9th,5.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25120,66.0, State-gov, 7th-8th,4.0, Widowed, Other-service, Not-in-family, Black, Female,2964.0,0.0,40.0, United-States +25121,36.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +25122,41.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,27828.0,0.0,35.0, United-States +25123,59.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25124,28.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +25125,23.0, Private, Some-college,10.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25126,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25127,35.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +25128,38.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +25129,36.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,1669.0,40.0, United-States +25130,51.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25131,31.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +25132,40.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1485.0,40.0, United-States +25133,52.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +25134,68.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +25135,44.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +25136,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25137,40.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +25138,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +25139,68.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,991.0,0.0,29.0, United-States +25140,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States +25141,35.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States +25142,25.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +25143,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +25144,55.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1573.0,44.0, United-States +25145,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +25146,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25147,41.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +25148,21.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +25149,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,46.0, United-States +25150,25.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25151,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,60.0, United-States +25152,38.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +25153,41.0, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,4416.0,0.0,40.0, United-States +25154,30.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,36.0, Vietnam +25155,37.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +25156,38.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +25157,44.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +25158,64.0, State-gov, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,45.0, Columbia +25159,22.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,42.0, Germany +25160,63.0, Private, 5th-6th,3.0, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,19.0, Philippines +25161,60.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States +25162,42.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,80.0, United-States +25163,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +25164,48.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,2258.0,40.0, United-States +25165,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +25166,28.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +25167,26.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States +25168,24.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +25169,20.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +25170,35.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +25171,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,48.0, United-States +25172,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25173,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25174,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +25175,18.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States +25176,31.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +25177,59.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +25178,28.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +25179,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +25180,23.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +25181,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States +25182,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +25183,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,30.0, United-States +25184,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +25185,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25186,35.0, Private, 11th,7.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +25187,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +25188,36.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +25189,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +25190,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25191,42.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +25192,49.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,20.0, United-States +25193,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +25194,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25195,33.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +25196,33.0, State-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +25197,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +25198,52.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25199,48.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25200,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +25201,46.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,45.0, United-States +25202,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +25203,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,65.0, United-States +25204,35.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +25205,23.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +25206,19.0, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,60.0, United-States +25207,55.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +25208,58.0, Private, Bachelors,13.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,20.0, United-States +25209,56.0, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +25210,25.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, Peru +25211,22.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +25212,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +25213,27.0, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +25214,41.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,27.0, United-States +25215,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,6849.0,0.0,60.0, United-States +25216,51.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25217,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +25218,36.0, State-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25219,45.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +25220,49.0, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +25221,41.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +25222,50.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25223,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,54.0, United-States +25224,45.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25225,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +25226,40.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25227,27.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines +25228,34.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +25229,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States +25230,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,4.0, United-States +25231,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,37.0, United-States +25232,54.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +25233,33.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,4064.0,0.0,40.0, United-States +25234,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +25235,55.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States +25236,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +25237,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,30.0, United-States +25238,40.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States +25239,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,56.0, Philippines +25240,36.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +25241,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25242,45.0, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,25236.0,0.0,36.0, United-States +25243,63.0, Private, Bachelors,13.0, Widowed, Other-service, Other-relative, Black, Female,0.0,0.0,20.0, United-States +25244,52.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,35.0, United-States +25245,26.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +25246,51.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +25247,31.0, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25248,68.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25249,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +25250,53.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,48.0, United-States +25251,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +25252,69.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Female,2387.0,0.0,40.0, United-States +25253,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +25254,35.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +25255,24.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, Dominican-Republic +25256,23.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +25257,70.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States +25258,36.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +25259,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25260,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +25261,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25262,21.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +25263,35.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,55.0, United-States +25264,53.0, Local-gov, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25265,43.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +25266,31.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25267,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +25268,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,50.0, United-States +25269,47.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, Mexico +25270,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +25271,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25272,57.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States +25273,53.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,46.0, United-States +25274,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25275,29.0, Federal-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1408.0,40.0, United-States +25276,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +25277,53.0, Self-emp-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25278,18.0, Local-gov, 12th,8.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +25279,52.0, Private, Assoc-voc,11.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +25280,55.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,53.0, United-States +25281,55.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States +25282,46.0, Private, 9th,5.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +25283,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +25284,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,38.0, United-States +25285,38.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25286,24.0, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +25287,24.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,2174.0,0.0,40.0, United-States +25288,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25289,24.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +25290,38.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +25291,25.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States +25292,22.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25293,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,40.0, Japan +25294,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +25295,48.0, Private, Assoc-voc,11.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25296,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +25297,19.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +25298,31.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +25299,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, Mexico +25300,26.0, Private, HS-grad,9.0, Never-married,, Unmarried, Black, Female,0.0,0.0,40.0, United-States +25301,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +25302,31.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States +25303,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25304,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,16.0, United-States +25305,29.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,1977.0,25.0, United-States +25306,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +25307,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +25308,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +25309,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States +25310,28.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +25311,37.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25312,54.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,30.0, United-States +25313,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25314,24.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,24.0, Guatemala +25315,35.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Germany +25316,24.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, Mexico +25317,41.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Yugoslavia +25318,40.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States +25319,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +25320,30.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25321,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25322,67.0, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,16.0, United-States +25323,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +25324,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25325,35.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, Taiwan +25326,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25327,38.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +25328,22.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +25329,59.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, United-States +25330,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +25331,66.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +25332,33.0, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +25333,43.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +25334,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25335,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +25336,35.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25337,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,5060.0,0.0,30.0, United-States +25338,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,2205.0,40.0, United-States +25339,33.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25340,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +25341,26.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +25342,25.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States +25343,30.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25344,52.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25345,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,2205.0,40.0, United-States +25346,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +25347,24.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +25348,23.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +25349,37.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25350,45.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +25351,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25352,24.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +25353,34.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +25354,54.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +25355,52.0, State-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +25356,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +25357,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +25358,31.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +25359,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,24.0, United-States +25360,42.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,60.0, United-States +25361,54.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +25362,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908.0,0.0,40.0, United-States +25363,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +25364,51.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +25365,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +25366,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25367,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +25368,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,17.0, United-States +25369,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +25370,28.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +25371,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Italy +25372,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States +25373,21.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,38.0, United-States +25374,21.0, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25375,76.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +25376,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +25377,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25378,38.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25379,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +25380,22.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +25381,45.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25382,49.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +25383,47.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +25384,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +25385,30.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25386,31.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,37.0, United-States +25387,59.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25388,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25389,56.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +25390,63.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,10566.0,0.0,45.0, United-States +25391,46.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +25392,28.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25393,31.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25394,60.0, Local-gov, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25395,58.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +25396,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +25397,32.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25398,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,2001.0,40.0, United-States +25399,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +25400,50.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25401,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,3325.0,0.0,25.0, United-States +25402,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +25403,26.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25404,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +25405,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +25406,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +25407,55.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,10.0, United-States +25408,18.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,36.0, United-States +25409,59.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +25410,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +25411,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +25412,63.0, Local-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,38.0, United-States +25413,36.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +25414,47.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Germany +25415,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25416,70.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,9386.0,0.0,50.0, United-States +25417,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,13550.0,0.0,44.0, United-States +25418,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25419,27.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States +25420,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,90.0, United-States +25421,28.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,15.0, United-States +25422,34.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +25423,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25424,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +25425,37.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25426,19.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States +25427,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,1590.0,40.0, United-States +25428,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25429,41.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688.0,0.0,40.0, United-States +25430,50.0, Self-emp-not-inc, 5th-6th,3.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States +25431,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States +25432,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +25433,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +25434,59.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +25435,38.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +25436,20.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +25437,25.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25438,27.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,974.0,40.0, United-States +25439,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +25440,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +25441,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25442,43.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +25443,29.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,40.0, United-States +25444,36.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25445,27.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico +25446,48.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +25447,30.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +25448,47.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +25449,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +25450,26.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,2377.0,45.0, United-States +25451,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +25452,36.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +25453,57.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +25454,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,48.0, United-States +25455,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +25456,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +25457,25.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +25458,59.0, Private, 10th,6.0, Married-spouse-absent, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +25459,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +25460,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,1602.0,20.0, United-States +25461,39.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +25462,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25463,48.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25464,51.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25465,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States +25466,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +25467,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,50.0, United-States +25468,55.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,45.0, United-States +25469,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +25470,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +25471,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +25472,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25473,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +25474,41.0, Private, 5th-6th,3.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico +25475,45.0, State-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +25476,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25477,61.0, Private,,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States +25478,47.0, Self-emp-not-inc, Assoc-voc,11.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +25479,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +25480,57.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States +25481,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +25482,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +25483,62.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +25484,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,24.0, United-States +25485,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +25486,35.0, State-gov, Some-college,10.0, Separated, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +25487,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States +25488,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25489,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States +25490,34.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25491,52.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +25492,39.0, Private, 11th,7.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +25493,56.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +25494,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,38.0, United-States +25495,18.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,30.0, United-States +25496,49.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +25497,45.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +25498,52.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,51.0, United-States +25499,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +25500,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child,, Male,0.0,0.0,30.0, United-States +25501,56.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +25502,49.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25503,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +25504,41.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25505,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25506,42.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25507,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +25508,46.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25509,17.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,1719.0,15.0, United-States +25510,67.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, Canada +25511,53.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25512,25.0, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25513,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25514,30.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +25515,51.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25516,40.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +25517,25.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,37.0, United-States +25518,59.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7298.0,0.0,38.0, United-States +25519,35.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25520,25.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25521,43.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,34.0, United-States +25522,41.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +25523,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +25524,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +25525,28.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25526,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25527,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25528,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +25529,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +25530,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,40.0, United-States +25531,26.0, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +25532,32.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25533,17.0, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +25534,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States +25535,56.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +25536,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +25537,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States +25538,44.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,38.0, Jamaica +25539,68.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +25540,38.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25541,37.0, Private, 1st-4th,2.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,66.0, Mexico +25542,41.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +25543,29.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +25544,45.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,20.0, United-States +25545,28.0, State-gov, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States +25546,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,84.0, United-States +25547,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +25548,43.0, Private, Masters,14.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +25549,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25550,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +25551,64.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +25552,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25553,33.0, Private, 11th,7.0, Separated, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,30.0, United-States +25554,44.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103.0,0.0,40.0, United-States +25555,29.0, State-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +25556,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25557,30.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +25558,62.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +25559,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25560,31.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, India +25561,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +25562,48.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +25563,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States +25564,58.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty,, White, Female,0.0,0.0,37.0, United-States +25565,53.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +25566,55.0, Self-emp-inc, Masters,14.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25567,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +25568,55.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25569,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25570,31.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +25571,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1902.0,40.0, United-States +25572,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25573,30.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,10.0, China +25574,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +25575,46.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +25576,33.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States +25577,25.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +25578,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +25579,56.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,66.0, United-States +25580,19.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,10.0, United-States +25581,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25582,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25583,26.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +25584,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +25585,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +25586,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25587,43.0, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +25588,41.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +25589,56.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +25590,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +25591,26.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +25592,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25593,54.0, Private, 5th-6th,3.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico +25594,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25595,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,65.0, United-States +25596,67.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,15831.0,0.0,16.0, Germany +25597,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +25598,37.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,56.0, United-States +25599,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +25600,31.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +25601,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,15024.0,0.0,70.0, South +25602,45.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,42.0, United-States +25603,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25604,21.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +25605,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +25606,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +25607,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,65.0, United-States +25608,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, Nicaragua +25609,37.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +25610,52.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +25611,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica +25612,35.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +25613,62.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1977.0,60.0, United-States +25614,29.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25615,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +25616,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +25617,62.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +25618,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +25619,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25620,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +25621,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25622,64.0, Private, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +25623,43.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +25624,20.0, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25625,70.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,6418.0,0.0,40.0, United-States +25626,41.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25627,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +25628,31.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25629,37.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States +25630,41.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,2415.0,55.0, United-States +25631,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +25632,90.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States +25633,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25634,43.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +25635,37.0, Private, 10th,6.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States +25636,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +25637,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,41.0, United-States +25638,52.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +25639,33.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, Dominican-Republic +25640,35.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +25641,69.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +25642,27.0, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,35.0, United-States +25643,36.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +25644,50.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +25645,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +25646,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,37.0, United-States +25647,29.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,35.0, United-States +25648,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25649,31.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +25650,39.0, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +25651,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25652,19.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States +25653,32.0, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States +25654,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,30.0, United-States +25655,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25656,52.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +25657,17.0, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +25658,18.0, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,6.0, United-States +25659,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,60.0, United-States +25660,26.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Other, Female,0.0,0.0,40.0, Mexico +25661,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +25662,32.0, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,15.0, Mexico +25663,65.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,6418.0,0.0,40.0, United-States +25664,55.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,40.0, United-States +25665,21.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States +25666,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,64.0, United-States +25667,45.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25668,52.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +25669,50.0, Self-emp-inc, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,75.0, United-States +25670,45.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,84.0, United-States +25671,48.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25672,40.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,20.0, United-States +25673,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy +25674,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +25675,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +25676,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25677,24.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +25678,29.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +25679,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,30.0, Nicaragua +25680,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +25681,64.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +25682,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25683,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,45.0, United-States +25684,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +25685,72.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +25686,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +25687,48.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,46.0, United-States +25688,35.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,75.0, United-States +25689,52.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States +25690,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,2463.0,0.0,38.0, United-States +25691,46.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +25692,54.0, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25693,29.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States +25694,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,45.0, United-States +25695,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,28.0, Taiwan +25696,24.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +25697,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +25698,64.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +25699,40.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +25700,50.0, State-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States +25701,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +25702,56.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25703,33.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States +25704,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +25705,29.0, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,20.0, United-States +25706,46.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +25707,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +25708,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Dominican-Republic +25709,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,45.0, United-States +25710,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25711,45.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +25712,52.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,38.0, United-States +25713,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States +25714,36.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +25715,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25716,39.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25717,21.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +25718,34.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25719,35.0, Private, HS-grad,9.0, Married-AF-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +25720,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +25721,29.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Germany +25722,31.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,20.0, United-States +25723,40.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +25724,58.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +25725,37.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,75.0, United-States +25726,42.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25727,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +25728,66.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5556.0,0.0,26.0, United-States +25729,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +25730,22.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +25731,44.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,30.0, United-States +25732,30.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +25733,33.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +25734,37.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +25735,48.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +25736,24.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25737,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +25738,32.0, Self-emp-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,77.0, United-States +25739,44.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25740,40.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,2415.0,70.0, United-States +25741,34.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,85.0, England +25742,17.0, Private, 11th,7.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,30.0, United-States +25743,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +25744,66.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States +25745,47.0, Private, 7th-8th,4.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +25746,62.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +25747,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +25748,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2051.0,40.0, United-States +25749,40.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +25750,48.0, Self-emp-inc, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States +25751,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States +25752,27.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,42.0, United-States +25753,42.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +25754,56.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +25755,63.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,48.0, United-States +25756,37.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +25757,25.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Portugal +25758,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +25759,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,15.0, United-States +25760,33.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States +25761,36.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25762,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +25763,29.0, Self-emp-not-inc, 9th,5.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,27.0, United-States +25764,49.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +25765,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,40.0, United-States +25766,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +25767,62.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +25768,53.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +25769,45.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +25770,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25771,55.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +25772,32.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States +25773,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25774,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25775,47.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +25776,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +25777,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +25778,33.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,54.0, United-States +25779,65.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25780,21.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +25781,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States +25782,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, Jamaica +25783,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +25784,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +25785,41.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +25786,35.0, Local-gov, 11th,7.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,32.0, United-States +25787,30.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25788,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +25789,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25790,32.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,4865.0,0.0,40.0, United-States +25791,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,42.0, United-States +25792,30.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +25793,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25794,31.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1721.0,16.0, United-States +25795,32.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Male,2174.0,0.0,40.0, United-States +25796,29.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +25797,39.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +25798,25.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +25799,30.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +25800,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +25801,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +25802,31.0, Private, 10th,6.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +25803,55.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25804,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States +25805,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States +25806,28.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,2174.0,0.0,36.0, United-States +25807,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +25808,21.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States +25809,50.0, State-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States +25810,43.0, Federal-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,13550.0,0.0,40.0, United-States +25811,47.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +25812,40.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States +25813,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, El-Salvador +25814,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +25815,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +25816,25.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +25817,56.0, Self-emp-not-inc, Assoc-voc,11.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,46.0, United-States +25818,41.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,8614.0,0.0,50.0, United-States +25819,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +25820,40.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +25821,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +25822,60.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25823,38.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States +25824,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +25825,46.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +25826,17.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,594.0,0.0,30.0, United-States +25827,47.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25828,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25829,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25830,62.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25831,27.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +25832,35.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,65.0, Hong +25833,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +25834,32.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,84.0, United-States +25835,22.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +25836,58.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +25837,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States +25838,58.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25839,25.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States +25840,45.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +25841,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +25842,30.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +25843,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25844,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +25845,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States +25846,45.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25847,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +25848,28.0, Private, 11th,7.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +25849,65.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +25850,55.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25851,52.0, Private, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25852,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +25853,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25854,27.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Jamaica +25855,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +25856,60.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25857,25.0, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +25858,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,49.0, United-States +25859,31.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25860,38.0, Private, Assoc-voc,11.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25861,46.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,4787.0,0.0,60.0, United-States +25862,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +25863,56.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25864,34.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +25865,58.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +25866,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25867,38.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,2339.0,47.0, United-States +25868,42.0, Local-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25869,50.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +25870,30.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,1726.0,40.0, United-States +25871,47.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +25872,62.0, Local-gov, Doctorate,16.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, Iran +25873,46.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25874,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +25875,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +25876,45.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +25877,38.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +25878,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +25879,40.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, Puerto-Rico +25880,53.0, Federal-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +25881,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +25882,32.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25883,45.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +25884,30.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States +25885,48.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25886,25.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +25887,75.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,48.0, United-States +25888,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +25889,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +25890,30.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +25891,31.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +25892,56.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25893,34.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25894,34.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +25895,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +25896,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +25897,56.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25898,27.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,1594.0,26.0, United-States +25899,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States +25900,41.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +25901,45.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +25902,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +25903,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States +25904,40.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +25905,61.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +25906,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +25907,67.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,9.0, United-States +25908,77.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +25909,58.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,30.0, United-States +25910,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25911,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +25912,58.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +25913,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +25914,51.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +25915,58.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +25916,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25917,49.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +25918,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +25919,65.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States +25920,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,20.0, United-States +25921,22.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +25922,44.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States +25923,52.0, Federal-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25924,25.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Other-relative, White, Female,0.0,0.0,48.0, United-States +25925,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, Germany +25926,34.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25927,44.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013.0,0.0,40.0, United-States +25928,35.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +25929,20.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States +25930,28.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25931,37.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25932,43.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +25933,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Mexico +25934,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +25935,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +25936,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25937,37.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +25938,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,47.0, United-States +25939,35.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +25940,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +25941,33.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +25942,30.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +25943,39.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25944,30.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +25945,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, United-States +25946,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +25947,24.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +25948,40.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +25949,58.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +25950,18.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +25951,37.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, Mexico +25952,59.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25953,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25954,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,40.0, United-States +25955,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,45.0, United-States +25956,29.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +25957,29.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,4386.0,0.0,45.0, United-States +25958,66.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5556.0,0.0,40.0, United-States +25959,54.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States +25960,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25961,29.0, Private, 11th,7.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +25962,23.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,55.0, United-States +25963,58.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25964,56.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +25965,30.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States +25966,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +25967,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,44.0, United-States +25968,21.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,98.0, United-States +25969,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,2176.0,0.0,20.0, United-States +25970,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25971,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +25972,51.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +25973,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +25974,41.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +25975,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +25976,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,8614.0,0.0,45.0, United-States +25977,59.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25978,31.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,55.0, United-States +25979,41.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +25980,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +25981,31.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3908.0,0.0,40.0, United-States +25982,47.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25983,60.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +25984,53.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +25985,33.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +25986,18.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +25987,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +25988,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +25989,30.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, Mexico +25990,36.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1669.0,45.0, United-States +25991,46.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +25992,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +25993,36.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States +25994,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +25995,49.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25996,55.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,10.0, United-States +25997,46.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +25998,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +25999,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States +26000,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +26001,51.0, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +26002,40.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26003,32.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +26004,31.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26005,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +26006,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26007,73.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +26008,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +26009,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +26010,38.0, State-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26011,29.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26012,41.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26013,36.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26014,26.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +26015,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26016,38.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1876.0,40.0, Canada +26017,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,50.0, United-States +26018,24.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,49.0, United-States +26019,51.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +26020,47.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26021,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +26022,35.0, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26023,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +26024,27.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +26025,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26026,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +26027,32.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,41.0, United-States +26028,31.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +26029,53.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +26030,23.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +26031,51.0, Self-emp-inc, 11th,7.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26032,64.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26033,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,2202.0,0.0,80.0, United-States +26034,48.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States +26035,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +26036,35.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +26037,51.0, State-gov, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26038,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1573.0,40.0, United-States +26039,27.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,90.0, United-States +26040,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +26041,20.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +26042,32.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,1669.0,45.0, United-States +26043,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +26044,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +26045,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26046,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,10.0, United-States +26047,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +26048,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +26049,55.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26050,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1762.0,40.0, United-States +26051,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +26052,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26053,29.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Other, Female,0.0,0.0,40.0, Columbia +26054,40.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26055,35.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +26056,60.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +26057,41.0, State-gov, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +26058,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,2258.0,40.0, United-States +26059,51.0, Private, Bachelors,13.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26060,38.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +26061,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Italy +26062,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +26063,28.0, Private, 7th-8th,4.0, Separated, Other-service, Own-child, White, Male,0.0,0.0,60.0, Mexico +26064,33.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +26065,41.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Italy +26066,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +26067,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +26068,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States +26069,48.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26070,22.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, Germany +26071,23.0, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +26072,24.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,45.0, United-States +26073,38.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26074,50.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +26075,52.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26076,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +26077,32.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +26078,37.0, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +26079,34.0, Federal-gov, Some-college,10.0, Married-AF-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +26080,39.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,50.0, United-States +26081,43.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,40.0, United-States +26082,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,15.0, United-States +26083,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +26084,40.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,1977.0,60.0, United-States +26085,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,40.0, United-States +26086,48.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26087,43.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +26088,29.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +26089,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26090,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +26091,37.0, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,0.0,20.0, Puerto-Rico +26092,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +26093,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +26094,45.0, Private, 9th,5.0,, Other-service, Husband, White, Male,0.0,1848.0,40.0, United-States +26095,53.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +26096,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +26097,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +26098,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +26099,28.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26100,64.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +26101,53.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,37.0, Mexico +26102,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +26103,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +26104,29.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26105,52.0, Private, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2559.0,60.0, United-States +26106,41.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26107,26.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26108,65.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26109,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +26110,33.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +26111,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +26112,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +26113,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,7.0, United-States +26114,18.0, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +26115,38.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26116,59.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +26117,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,17.0, United-States +26118,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +26119,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States +26120,26.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +26121,47.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States +26122,48.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +26123,61.0, Private, 7th-8th,4.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala +26124,28.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States +26125,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,72.0, United-States +26126,32.0, Private, 11th,7.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +26127,23.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +26128,37.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +26129,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +26130,50.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +26131,46.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,55.0, United-States +26132,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26133,41.0, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,4787.0,0.0,60.0, United-States +26134,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +26135,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +26136,29.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,40.0, United-States +26137,37.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +26138,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26139,28.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26140,34.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +26141,36.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +26142,26.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +26143,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +26144,58.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +26145,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +26146,50.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +26147,31.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +26148,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +26149,42.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +26150,40.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26151,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +26152,37.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +26153,39.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +26154,22.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,20.0, United-States +26155,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +26156,38.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26157,31.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +26158,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +26159,18.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +26160,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +26161,29.0, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26162,28.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +26163,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +26164,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +26165,37.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +26166,67.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,20051.0,0.0,4.0, United-States +26167,73.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,6.0, United-States +26168,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +26169,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26170,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States +26171,21.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +26172,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26173,44.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26174,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,2339.0,40.0, United-States +26175,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26176,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +26177,25.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26178,29.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States +26179,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26180,27.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States +26181,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26182,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +26183,54.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +26184,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,24.0, United-States +26185,27.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +26186,44.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1977.0,40.0, United-States +26187,32.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +26188,37.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,12.0, Puerto-Rico +26189,22.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,50.0, Taiwan +26190,47.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Iran +26191,44.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States +26192,40.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26193,53.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26194,23.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +26195,33.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,38.0, Poland +26196,64.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +26197,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +26198,44.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +26199,33.0, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +26200,54.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +26201,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +26202,20.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +26203,18.0, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,36.0, United-States +26204,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +26205,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26206,31.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,99999.0,0.0,70.0, United-States +26207,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +26208,27.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +26209,50.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +26210,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,26.0, United-States +26211,44.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,3137.0,0.0,30.0, United-States +26212,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States +26213,33.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +26214,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26215,57.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, United-States +26216,60.0, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26217,53.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +26218,64.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States +26219,27.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26220,48.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States +26221,53.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,4787.0,0.0,46.0, United-States +26222,18.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,34095.0,0.0,3.0, United-States +26223,60.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +26224,19.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +26225,24.0, State-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +26226,35.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26227,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +26228,58.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +26229,45.0, Private, Assoc-acdm,12.0, Widowed, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +26230,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +26231,26.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +26232,47.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +26233,42.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +26234,67.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +26235,59.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +26236,48.0, Private, Bachelors,13.0, Divorced, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +26237,63.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +26238,31.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +26239,33.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +26240,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,48.0, United-States +26241,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States +26242,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +26243,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +26244,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +26245,32.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +26246,72.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +26247,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26248,42.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,52.0, United-States +26249,60.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26250,53.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26251,23.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +26252,39.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +26253,30.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +26254,27.0, Private, 11th,7.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Germany +26255,49.0, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,625.0,40.0, Puerto-Rico +26256,34.0, Private, 12th,8.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,34.0, United-States +26257,53.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26258,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +26259,41.0, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +26260,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States +26261,37.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong +26262,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +26263,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,55.0, United-States +26264,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +26265,39.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +26266,25.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +26267,26.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +26268,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26269,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +26270,59.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3942.0,0.0,40.0, United-States +26271,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +26272,58.0, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +26273,57.0, Private, 1st-4th,2.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Portugal +26274,35.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,1741.0,50.0, United-States +26275,39.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +26276,44.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,29.0, United-States +26277,27.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico +26278,59.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26279,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +26280,37.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26281,20.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States +26282,17.0, Local-gov, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,9.0, United-States +26283,46.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +26284,54.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +26285,64.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26286,22.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +26287,25.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26288,42.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,2339.0,40.0, Trinadad&Tobago +26289,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +26290,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +26291,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26292,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States +26293,46.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26294,41.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico +26295,51.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +26296,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +26297,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +26298,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,24.0, United-States +26299,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +26300,33.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +26301,40.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064.0,0.0,12.0, United-States +26302,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26303,52.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,35.0, United-States +26304,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States +26305,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26306,44.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,40.0, United-States +26307,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,6.0, United-States +26308,28.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica +26309,28.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26310,36.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +26311,45.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +26312,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States +26313,43.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,24.0, United-States +26314,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26315,26.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26316,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26317,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,35.0, United-States +26318,39.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1721.0,45.0, United-States +26319,34.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,,50.0, United-States +26320,53.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,28.0, United-States +26321,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +26322,40.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +26323,36.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +26324,24.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +26325,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,9386.0,0.0,40.0, United-States +26326,45.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26327,21.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +26328,59.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26329,29.0, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26330,29.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,50.0, United-States +26331,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +26332,46.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26333,67.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +26334,32.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +26335,30.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +26336,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +26337,35.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +26338,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +26339,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,60.0, United-States +26340,46.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26341,27.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +26342,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26343,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26344,61.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26345,44.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +26346,63.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,40.0, United-States +26347,39.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +26348,35.0, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +26349,38.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26350,24.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26351,43.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26352,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +26353,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +26354,, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +26355,67.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26356,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26357,18.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,60.0, United-States +26358,33.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26359,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,45.0, United-States +26360,29.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26361,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +26362,40.0, Self-emp-not-inc, Bachelors,13.0, Married-AF-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States +26363,36.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,50.0, United-States +26364,31.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +26365,21.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +26366,54.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +26367,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +26368,32.0, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +26369,25.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, United-States +26370,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +26371,18.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,15.0, United-States +26372,58.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,70.0, United-States +26373,42.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26374,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26375,49.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States +26376,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +26377,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,48.0, United-States +26378,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1741.0,48.0, United-States +26379,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +26380,45.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +26381,18.0, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States +26382,34.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States +26383,48.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +26384,63.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26385,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +26386,51.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,15024.0,0.0,40.0, United-States +26387,21.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, Mexico +26388,44.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Vietnam +26389,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26390,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26391,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +26392,30.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +26393,52.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26394,48.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26395,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2290.0,0.0,20.0, United-States +26396,41.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26397,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,40.0, United-States +26398,26.0, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26399,51.0, Self-emp-inc, Some-college,10.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26400,30.0, Local-gov, Some-college,10.0, Never-married, Transport-moving, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26401,30.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +26402,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +26403,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +26404,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,50.0, United-States +26405,36.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26406,48.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +26407,53.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, Dominican-Republic +26408,46.0, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +26409,25.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26410,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26411,39.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +26412,46.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +26413,35.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,31.0, United-States +26414,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +26415,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,45.0, United-States +26416,44.0, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26417,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +26418,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +26419,75.0, Self-emp-not-inc, 11th,7.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26420,62.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +26421,68.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,40.0, United-States +26422,31.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico +26423,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States +26424,53.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,50.0, United-States +26425,48.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +26426,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +26427,38.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,50.0, United-States +26428,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26429,57.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +26430,45.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26431,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +26432,19.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +26433,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +26434,29.0, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States +26435,29.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26436,39.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +26437,58.0, Private, Bachelors,13.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26438,48.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +26439,34.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26440,52.0, Private, 1st-4th,2.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26441,59.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26442,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,56.0, United-States +26443,49.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +26444,20.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +26445,39.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26446,46.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +26447,24.0, State-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,99.0, England +26448,28.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States +26449,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +26450,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26451,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +26452,37.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +26453,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +26454,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, United-States +26455,40.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,30.0, United-States +26456,26.0, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +26457,66.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +26458,66.0, Private, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +26459,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26460,61.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +26461,42.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States +26462,55.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States +26463,30.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +26464,31.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,43.0, United-States +26465,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26466,26.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26467,40.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26468,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26469,40.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26470,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829.0,0.0,90.0, United-States +26471,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +26472,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +26473,22.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +26474,46.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26475,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White,,0.0,0.0,72.0, United-States +26476,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +26477,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26478,50.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26479,19.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,30.0, United-States +26480,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,2001.0,40.0, United-States +26481,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26482,42.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Germany +26483,47.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,13550.0,0.0,45.0, United-States +26484,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +26485,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26486,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +26487,43.0, State-gov, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Male,25236.0,0.0,64.0, United-States +26488,25.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +26489,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +26490,36.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +26491,21.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +26492,29.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26493,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +26494,32.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26495,37.0, Federal-gov, Some-college,10.0, Divorced, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States +26496,41.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +26497,34.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +26498,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26499,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26500,39.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +26501,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +26502,66.0, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,3273.0,0.0,40.0, United-States +26503,30.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +26504,44.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,80.0, United-States +26505,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,40.0, United-States +26506,50.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26507,36.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +26508,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +26509,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,80.0, United-States +26510,44.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +26511,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26512,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,2415.0,40.0, United-States +26513,60.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States +26514,23.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,45.0, Germany +26515,45.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,55.0, United-States +26516,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +26517,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,15.0, United-States +26518,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +26519,35.0, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Male,7430.0,0.0,40.0, Germany +26520,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26521,29.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +26522,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26523,74.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +26524,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +26525,29.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +26526,24.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States +26527,22.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,20.0, United-States +26528,50.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +26529,24.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, United-States +26530,30.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +26531,30.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +26532,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26533,51.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +26534,40.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +26535,29.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,21.0, United-States +26536,20.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +26537,48.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26538,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26539,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +26540,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26541,31.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +26542,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26543,67.0, Private, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,2392.0,40.0, United-States +26544,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +26545,34.0, Private, Assoc-voc,11.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,974.0,40.0, United-States +26546,26.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26547,53.0, Private, 10th,6.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Columbia +26548,40.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26549,49.0, State-gov, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,80.0, United-States +26550,25.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,40.0, Mexico +26551,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +26552,51.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26553,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +26554,63.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,32.0, Mexico +26555,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States +26556,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,43.0, United-States +26557,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +26558,25.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Poland +26559,48.0, Private, Assoc-voc,11.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +26560,53.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +26561,38.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26562,36.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,45.0, United-States +26563,28.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,594.0,0.0,50.0, Germany +26564,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,60.0, United-States +26565,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +26566,58.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26567,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States +26568,32.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,40.0, United-States +26569,40.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +26570,33.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +26571,62.0, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +26572,36.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26573,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26574,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +26575,71.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,8.0, United-States +26576,56.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +26577,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +26578,57.0, Federal-gov, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +26579,41.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26580,18.0, Private, 10th,6.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +26581,49.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States +26582,56.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +26583,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26584,35.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +26585,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +26586,32.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,40.0, United-States +26587,41.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States +26588,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26589,35.0, Self-emp-not-inc, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +26590,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +26591,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26592,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26593,55.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +26594,53.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +26595,63.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,41.0, United-States +26596,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico +26597,45.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +26598,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +26599,72.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +26600,57.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +26601,35.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +26602,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688.0,0.0,45.0, United-States +26603,47.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,20.0, United-States +26604,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26605,37.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26606,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +26607,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +26608,34.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,30.0, United-States +26609,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +26610,40.0, Private, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,45.0, United-States +26611,48.0, Federal-gov, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,50.0, United-States +26612,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,60.0, United-States +26613,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +26614,28.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +26615,32.0, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,45.0, United-States +26616,20.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +26617,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +26618,33.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26619,28.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +26620,81.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +26621,29.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +26622,52.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +26623,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +26624,55.0, Private, 5th-6th,3.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +26625,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, England +26626,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +26627,32.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26628,47.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26629,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26630,50.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,80.0, United-States +26631,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26632,34.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +26633,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +26634,53.0, Local-gov, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States +26635,29.0, Private, Masters,14.0, Married-civ-spouse,, Husband, White, Male,0.0,0.0,45.0, Germany +26636,25.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +26637,30.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +26638,24.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,48.0, United-States +26639,67.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26640,46.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26641,52.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +26642,37.0, State-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +26643,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +26644,69.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,45.0, United-States +26645,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +26646,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,42.0, United-States +26647,38.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26648,28.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,40.0, United-States +26649,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,45.0, United-States +26650,58.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +26651,39.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26652,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +26653,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26654,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +26655,41.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +26656,34.0, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, Guatemala +26657,26.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +26658,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, China +26659,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26660,41.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26661,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +26662,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +26663,31.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Italy +26664,35.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,40.0, United-States +26665,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +26666,32.0, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +26667,62.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26668,61.0, Local-gov, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26669,38.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +26670,52.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +26671,22.0, Private, 11th,7.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,25.0, United-States +26672,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +26673,49.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +26674,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +26675,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +26676,33.0, Private, 12th,8.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26677,40.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26678,59.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States +26679,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +26680,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26681,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26682,39.0,, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +26683,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +26684,35.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26685,42.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +26686,46.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +26687,52.0, State-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +26688,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26689,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +26690,46.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +26691,25.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,99.0, United-States +26692,44.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,1902.0,40.0, United-States +26693,49.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +26694,61.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26695,32.0, Private, 10th,6.0, Never-married, Farming-fishing, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26696,24.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +26697,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,45.0, United-States +26698,38.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +26699,18.0, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States +26700,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +26701,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,2001.0,40.0, United-States +26702,42.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +26703,26.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States +26704,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26705,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26706,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,2176.0,0.0,40.0, United-States +26707,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +26708,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +26709,55.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26710,31.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26711,32.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +26712,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +26713,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +26714,28.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,40.0, United-States +26715,21.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States +26716,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States +26717,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,2176.0,0.0,20.0, United-States +26718,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +26719,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,10.0, United-States +26720,30.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26721,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +26722,32.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26723,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,55.0, El-Salvador +26724,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +26725,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1408.0,50.0, United-States +26726,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26727,22.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +26728,20.0, State-gov, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,1719.0,20.0, United-States +26729,17.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,6.0, United-States +26730,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +26731,66.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,5.0, United-States +26732,50.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,1590.0,25.0, China +26733,36.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26734,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +26735,56.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26736,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +26737,62.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States +26738,29.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +26739,44.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +26740,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +26741,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +26742,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +26743,31.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,3325.0,0.0,60.0, United-States +26744,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +26745,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +26746,21.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +26747,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26748,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26749,52.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +26750,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +26751,32.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +26752,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +26753,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26754,21.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +26755,34.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +26756,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26757,42.0, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26758,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,36.0, United-States +26759,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +26760,61.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26761,50.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26762,35.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26763,45.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +26764,32.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +26765,30.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +26766,28.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,99999.0,0.0,36.0, United-States +26767,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +26768,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +26769,40.0, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +26770,58.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26771,21.0, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,35.0, Mexico +26772,41.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +26773,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, Mexico +26774,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +26775,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +26776,32.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26777,54.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Nicaragua +26778,44.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States +26779,34.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +26780,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +26781,25.0, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,1719.0,16.0, United-States +26782,43.0, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +26783,59.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +26784,21.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,48.0, United-States +26785,31.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Poland +26786,33.0, Private, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +26787,17.0, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, Puerto-Rico +26788,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26789,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +26790,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,90.0, United-States +26791,41.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +26792,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1977.0,60.0, United-States +26793,42.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +26794,58.0, Local-gov, 1st-4th,2.0, Widowed, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States +26795,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States +26796,22.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, United-States +26797,31.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26798,36.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +26799,66.0, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +26800,35.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +26801,54.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26802,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +26803,26.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +26804,67.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,991.0,0.0,18.0, United-States +26805,39.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico +26806,70.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,34.0, United-States +26807,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26808,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States +26809,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +26810,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26811,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +26812,32.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +26813,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +26814,46.0, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States +26815,32.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +26816,33.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States +26817,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +26818,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +26819,41.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +26820,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,41.0, United-States +26821,57.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26822,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +26823,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,37.0, United-States +26824,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +26825,22.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +26826,42.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States +26827,62.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26828,43.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26829,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26830,44.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +26831,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,90.0, United-States +26832,55.0, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +26833,65.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26834,70.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Scotland +26835,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,5013.0,0.0,40.0, United-States +26836,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +26837,34.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Germany +26838,38.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26839,37.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +26840,40.0, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +26841,51.0, Self-emp-inc, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,81.0, United-States +26842,59.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +26843,39.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +26844,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26845,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26846,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26847,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26848,30.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26849,17.0, Self-emp-not-inc, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +26850,43.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,46.0, United-States +26851,53.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26852,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,80.0, United-States +26853,27.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26854,24.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, Japan +26855,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,18.0, United-States +26856,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Portugal +26857,33.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, Peru +26858,50.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26859,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +26860,66.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26861,35.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26862,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +26863,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, Canada +26864,39.0, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States +26865,21.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +26866,54.0, Private, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +26867,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +26868,35.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26869,58.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26870,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103.0,0.0,40.0, United-States +26871,33.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26872,48.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States +26873,40.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +26874,38.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States +26875,47.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26876,29.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +26877,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +26878,59.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,15.0, United-States +26879,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,3103.0,0.0,55.0, United-States +26880,29.0, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +26881,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26882,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,42.0, United-States +26883,55.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26884,36.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26885,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26886,37.0, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Male,4787.0,0.0,40.0, United-States +26887,45.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +26888,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26889,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26890,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26891,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +26892,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +26893,45.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26894,28.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +26895,65.0, Private, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States +26896,43.0, Federal-gov, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +26897,22.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, Canada +26898,42.0, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +26899,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +26900,60.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +26901,23.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +26902,58.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26903,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26904,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States +26905,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States +26906,45.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +26907,43.0, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,50.0, United-States +26908,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States +26909,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +26910,34.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,45.0, United-States +26911,26.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26912,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +26913,39.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +26914,48.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26915,19.0, Local-gov, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26916,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,2176.0,0.0,40.0, United-States +26917,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +26918,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +26919,38.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +26920,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +26921,58.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688.0,0.0,40.0, United-States +26922,45.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,14.0, United-States +26923,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,99.0, United-States +26924,55.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +26925,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States +26926,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26927,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +26928,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States +26929,63.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +26930,45.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +26931,42.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26932,36.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States +26933,60.0, Private, 10th,6.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,48.0, United-States +26934,74.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,9.0, United-States +26935,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26936,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States +26937,24.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +26938,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Cuba +26939,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +26940,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, Trinadad&Tobago +26941,27.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +26942,35.0, Private, 7th-8th,4.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +26943,33.0, Private, 7th-8th,4.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,43.0, Mexico +26944,50.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +26945,28.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Other, Male,0.0,0.0,48.0, Mexico +26946,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +26947,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, United-States +26948,60.0, State-gov, Assoc-voc,11.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +26949,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +26950,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +26951,63.0, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States +26952,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,4386.0,0.0,40.0, United-States +26953,19.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +26954,44.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +26955,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +26956,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,48.0, United-States +26957,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +26958,29.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,42.0, United-States +26959,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,1726.0,60.0, United-States +26960,43.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26961,67.0, Private, 9th,5.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,6.0, United-States +26962,53.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,54.0, United-States +26963,59.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +26964,63.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Cuba +26965,61.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States +26966,41.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +26967,44.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,10520.0,0.0,50.0, United-States +26968,22.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0.0,0.0,80.0, United-States +26969,17.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States +26970,37.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States +26971,40.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +26972,43.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +26973,46.0, Private, Assoc-acdm,12.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,27.0, United-States +26974,36.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +26975,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,99.0, United-States +26976,48.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +26977,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,48.0, United-States +26978,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +26979,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +26980,46.0, Private, 9th,5.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Ireland +26981,67.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,41.0, United-States +26982,48.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +26983,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +26984,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +26985,25.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26986,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +26987,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,6.0, United-States +26988,33.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +26989,68.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Female,3273.0,0.0,42.0, United-States +26990,39.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, Columbia +26991,66.0, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,1424.0,0.0,10.0, United-States +26992,37.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,68.0, United-States +26993,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +26994,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, Taiwan +26995,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +26996,58.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +26997,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +26998,32.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +26999,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27000,37.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27001,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,13550.0,0.0,35.0, United-States +27002,38.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4508.0,0.0,40.0, United-States +27003,25.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States +27004,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +27005,31.0, Local-gov, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +27006,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27007,19.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,9.0, United-States +27008,31.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +27009,28.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +27010,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27011,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +27012,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27013,37.0, State-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States +27014,59.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +27015,42.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +27016,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +27017,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27018,34.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,33.0, United-States +27019,66.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +27020,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Nicaragua +27021,43.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +27022,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27023,40.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27024,43.0, Federal-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States +27025,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +27026,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27027,31.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States +27028,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,43.0, United-States +27029,25.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +27030,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1485.0,70.0, United-States +27031,90.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +27032,42.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27033,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +27034,33.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,70.0, United-States +27035,43.0, Private, Masters,14.0, Separated, Sales, Unmarried, White, Female,6497.0,0.0,50.0, United-States +27036,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Japan +27037,44.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States +27038,32.0, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,1590.0,42.0, United-States +27039,39.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +27040,42.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +27041,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27042,39.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +27043,45.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27044,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27045,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +27046,53.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico +27047,56.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States +27048,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +27049,33.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, Other, Male,0.0,0.0,36.0, United-States +27050,31.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27051,27.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +27052,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +27053,56.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Canada +27054,39.0, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +27055,53.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +27056,45.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +27057,31.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,6.0, South +27058,30.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, El-Salvador +27059,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +27060,39.0, Federal-gov, Bachelors,13.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,625.0,40.0, United-States +27061,37.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,55.0, United-States +27062,21.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27063,19.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,30.0, United-States +27064,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +27065,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, United-States +27066,17.0, Private, 12th,8.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,18.0, United-States +27067,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +27068,24.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,45.0, China +27069,31.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,24.0, United-States +27070,39.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +27071,88.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27072,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27073,71.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,20.0, United-States +27074,45.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,1980.0,40.0, United-States +27075,58.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27076,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27077,49.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,60.0, United-States +27078,28.0, Private, Some-college,10.0, Widowed, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +27079,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +27080,38.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +27081,30.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27082,60.0, Private, Assoc-voc,11.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, Poland +27083,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +27084,22.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +27085,37.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +27086,41.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27087,55.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,2354.0,0.0,40.0, United-States +27088,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +27089,48.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal +27090,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,1669.0,55.0, United-States +27091,47.0, Private, 11th,7.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +27092,50.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +27093,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,50.0, United-States +27094,40.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +27095,51.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27096,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +27097,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,35.0, United-States +27098,58.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27099,20.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States +27100,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,45.0, United-States +27101,53.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,1740.0,40.0, United-States +27102,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,55.0, United-States +27103,26.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States +27104,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2829.0,0.0,50.0, United-States +27105,38.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +27106,28.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27107,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +27108,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +27109,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27110,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +27111,22.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +27112,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,55.0, United-States +27113,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27114,54.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +27115,21.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, Mexico +27116,53.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +27117,40.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Jamaica +27118,45.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27119,32.0, Private, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +27120,21.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,2176.0,0.0,36.0, Mexico +27121,81.0, Private, 9th,5.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,2062.0,0.0,5.0, United-States +27122,35.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27123,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,30.0, United-States +27124,72.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +27125,36.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +27126,40.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,2977.0,0.0,40.0, United-States +27127,67.0, Federal-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +27128,51.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27129,23.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, Mexico +27130,64.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,8.0, United-States +27131,27.0, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +27132,17.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,15.0, United-States +27133,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +27134,50.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +27135,70.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27136,44.0, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +27137,35.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +27138,34.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +27139,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +27140,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27141,44.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27142,33.0, Self-emp-not-inc, 12th,8.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,32.0, United-States +27143,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,38.0, United-States +27144,28.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27145,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27146,35.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Canada +27147,52.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27148,47.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States +27149,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27150,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +27151,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +27152,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +27153,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +27154,45.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27155,25.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, Taiwan +27156,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +27157,37.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27158,66.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818.0,0.0,40.0, United-States +27159,37.0, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States +27160,30.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +27161,41.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, +27162,56.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +27163,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +27164,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Japan +27165,34.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +27166,30.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +27167,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27168,48.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,44.0, United-States +27169,37.0, Private, Preschool,1.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +27170,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1669.0,50.0, United-States +27171,67.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,44.0, United-States +27172,30.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +27173,27.0, Private, HS-grad,9.0, Separated, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +27174,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27175,28.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,155.0,40.0, United-States +27176,25.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,38.0, United-States +27177,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27178,45.0, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +27179,33.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +27180,35.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +27181,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +27182,46.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +27183,35.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +27184,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +27185,37.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +27186,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27187,63.0, Private, 9th,5.0, Separated, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27188,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +27189,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +27190,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +27191,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +27192,65.0, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +27193,59.0, Private, 11th,7.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +27194,40.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1887.0,40.0, United-States +27195,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,39.0, United-States +27196,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States +27197,40.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27198,55.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +27199,51.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27200,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,4865.0,0.0,40.0, United-States +27201,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27202,66.0, State-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,20051.0,0.0,55.0, United-States +27203,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, India +27204,30.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,45.0, United-States +27205,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +27206,32.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States +27207,25.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +27208,19.0, State-gov, 12th,8.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,20.0, United-States +27209,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +27210,33.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +27211,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27212,32.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +27213,18.0, Private, 10th,6.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States +27214,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +27215,32.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +27216,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +27217,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +27218,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +27219,57.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27220,37.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +27221,39.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,60.0, Iran +27222,42.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +27223,35.0, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States +27224,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +27225,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,44.0, United-States +27226,39.0, State-gov, Masters,14.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27227,57.0, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,2174.0,0.0,37.0, United-States +27228,52.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +27229,64.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27230,32.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +27231,19.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States +27232,22.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +27233,18.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States +27234,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27235,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27236,43.0, Private, Some-college,10.0, Separated, Transport-moving, Unmarried, White, Male,4934.0,0.0,51.0, United-States +27237,22.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States +27238,41.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +27239,22.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +27240,26.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,50.0, United-States +27241,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +27242,25.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,45.0, United-States +27243,25.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States +27244,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27245,27.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27246,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +27247,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27248,37.0, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27249,44.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,12.0, United-States +27250,32.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27251,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,40.0, United-States +27252,45.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27253,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +27254,59.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27255,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +27256,64.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,70.0, United-States +27257,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,44.0, United-States +27258,38.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +27259,41.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States +27260,26.0, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +27261,33.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +27262,33.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +27263,24.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27264,57.0, Private, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27265,40.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States +27266,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,35.0, United-States +27267,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +27268,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27269,37.0, Private, 11th,7.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27270,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +27271,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +27272,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +27273,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27274,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27275,42.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +27276,27.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States +27277,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,20.0, United-States +27278,48.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27279,41.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,42.0, United-States +27280,22.0, Private, Assoc-acdm,12.0, Never-married, Farming-fishing, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +27281,19.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +27282,53.0, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +27283,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +27284,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27285,33.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27286,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Greece +27287,59.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27288,47.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, England +27289,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +27290,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27291,45.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +27292,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +27293,38.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +27294,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,60.0, United-States +27295,42.0, Private, 7th-8th,4.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27296,43.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, Iran +27297,40.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +27298,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +27299,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,8614.0,0.0,15.0, United-States +27300,62.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +27301,24.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,25.0, United-States +27302,42.0, Private, HS-grad,9.0,, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27303,30.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +27304,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +27305,45.0, Private, Some-college,10.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,29.0, United-States +27306,36.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +27307,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +27308,32.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, El-Salvador +27309,51.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +27310,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27311,30.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,62.0, United-States +27312,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +27313,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +27314,47.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico +27315,27.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27316,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +27317,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +27318,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27319,35.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Own-child, White, Male,0.0,0.0,35.0, United-States +27320,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +27321,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27322,40.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador +27323,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,48.0, United-States +27324,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +27325,35.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +27326,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +27327,19.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27328,61.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +27329,25.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +27330,49.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27331,21.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +27332,41.0, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +27333,29.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Dominican-Republic +27334,64.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,12.0, United-States +27335,57.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States +27336,28.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +27337,39.0, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +27338,51.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +27339,68.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27340,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +27341,42.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States +27342,49.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27343,30.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,2354.0,0.0,40.0, United-States +27344,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27345,33.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27346,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +27347,37.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +27348,64.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, Canada +27349,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +27350,36.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27351,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +27352,47.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +27353,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27354,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +27355,32.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +27356,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,2407.0,0.0,40.0, United-States +27357,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,14084.0,0.0,60.0, United-States +27358,49.0, Private, HS-grad,9.0, Widowed, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +27359,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27360,54.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Germany +27361,68.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27362,23.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,48.0, United-States +27363,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +27364,36.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27365,33.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +27366,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +27367,30.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27368,36.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, India +27369,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27370,24.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +27371,53.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States +27372,56.0, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +27373,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27374,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,43.0, United-States +27375,21.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +27376,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +27377,59.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +27378,40.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27379,59.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27380,70.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +27381,40.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27382,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +27383,53.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +27384,60.0, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27385,42.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,4650.0,0.0,40.0, United-States +27386,67.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Cuba +27387,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27388,24.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States +27389,24.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27390,28.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +27391,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +27392,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +27393,50.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States +27394,46.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,70.0, United-States +27395,34.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +27396,29.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +27397,48.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27398,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +27399,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27400,41.0, Private, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,36.0, United-States +27401,70.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3471.0,0.0,33.0, United-States +27402,69.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,6.0, United-States +27403,21.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +27404,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +27405,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,26.0, United-States +27406,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States +27407,40.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,35.0, United-States +27408,26.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +27409,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +27410,38.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +27411,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +27412,46.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +27413,41.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27414,30.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,43.0, United-States +27415,35.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,4650.0,0.0,40.0, United-States +27416,61.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +27417,28.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +27418,29.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +27419,24.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +27420,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +27421,47.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +27422,25.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27423,24.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +27424,46.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27425,53.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +27426,32.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +27427,50.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,50.0, United-States +27428,54.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,1408.0,38.0, United-States +27429,26.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +27430,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,50.0, United-States +27431,61.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,20.0, United-States +27432,25.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +27433,54.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27434,36.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,45.0, United-States +27435,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508.0,0.0,90.0, United-States +27436,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +27437,27.0, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +27438,62.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27439,31.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +27440,54.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +27441,45.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27442,54.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +27443,33.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +27444,61.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27445,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27446,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +27447,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27448,29.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States +27449,47.0, State-gov, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27450,44.0, Private, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27451,62.0, Self-emp-not-inc, Masters,14.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +27452,41.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2179.0,40.0, United-States +27453,56.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,44.0, United-States +27454,26.0, Private, 5th-6th,3.0, Married-spouse-absent, Priv-house-serv, Other-relative, White, Female,0.0,0.0,8.0, El-Salvador +27455,40.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +27456,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +27457,65.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +27458,25.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27459,35.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States +27460,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +27461,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +27462,29.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +27463,38.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27464,30.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,8.0, United-States +27465,32.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +27466,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States +27467,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +27468,37.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27469,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27470,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +27471,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +27472,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +27473,53.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,40.0, United-States +27474,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,64.0, United-States +27475,25.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +27476,53.0, Local-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27477,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27478,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298.0,0.0,40.0, United-States +27479,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27480,29.0, Local-gov, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +27481,39.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,47.0, United-States +27482,31.0, Private, 12th,8.0, Separated, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Mexico +27483,35.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States +27484,69.0, Private, 1st-4th,2.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,4.0, United-States +27485,28.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +27486,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +27487,20.0, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +27488,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +27489,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +27490,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +27491,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,35.0, Haiti +27492,50.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27493,42.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States +27494,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +27495,65.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1411.0,40.0, United-States +27496,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,3.0, United-States +27497,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +27498,59.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +27499,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +27500,26.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,50.0, +27501,59.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States +27502,64.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +27503,43.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +27504,53.0, Federal-gov, Bachelors,13.0, Separated, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27505,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27506,28.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27507,55.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,32.0, United-States +27508,23.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States +27509,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +27510,28.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States +27511,38.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +27512,19.0, State-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +27513,52.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +27514,25.0, Self-emp-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +27515,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27516,57.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +27517,27.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27518,35.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,35.0, Jamaica +27519,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +27520,43.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +27521,44.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +27522,42.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +27523,39.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +27524,48.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States +27525,45.0, Local-gov,,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +27526,31.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,35.0, United-States +27527,39.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,48.0, United-States +27528,57.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27529,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +27530,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +27531,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +27532,62.0, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States +27533,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27534,18.0, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,8.0, United-States +27535,45.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +27536,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,45.0, United-States +27537,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,35.0, United-States +27538,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +27539,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27540,36.0, Private, Bachelors,13.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +27541,20.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27542,65.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,18.0, United-States +27543,39.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +27544,73.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States +27545,47.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +27546,29.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +27547,26.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +27548,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Nicaragua +27549,39.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +27550,35.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +27551,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +27552,25.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +27553,26.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +27554,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +27555,37.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +27556,56.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27557,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +27558,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States +27559,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,55.0, United-States +27560,31.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27561,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27562,49.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27563,46.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +27564,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +27565,30.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +27566,25.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +27567,61.0, Local-gov, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +27568,58.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,47.0, United-States +27569,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27570,27.0, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, Mexico +27571,23.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27572,21.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States +27573,23.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27574,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,36.0, United-States +27575,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,77.0, United-States +27576,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +27577,48.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +27578,41.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688.0,0.0,40.0, United-States +27579,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +27580,59.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +27581,38.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States +27582,67.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +27583,32.0, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +27584,72.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3471.0,0.0,20.0, United-States +27585,61.0, Private, 1st-4th,2.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27586,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +27587,29.0, Federal-gov, Some-college,10.0, Never-married, Armed-Forces, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +27588,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27589,21.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +27590,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +27591,32.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +27592,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27593,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, Canada +27594,33.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,30.0, Japan +27595,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,35.0, United-States +27596,36.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,70.0, United-States +27597,36.0, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27598,49.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +27599,56.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States +27600,46.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, Cuba +27601,26.0, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +27602,50.0, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, Other, Female,0.0,0.0,60.0, Puerto-Rico +27603,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688.0,0.0,65.0, United-States +27604,20.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +27605,24.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +27606,21.0, Federal-gov, Some-college,10.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,20.0, United-States +27607,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27608,30.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +27609,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27610,44.0, Private, Assoc-acdm,12.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +27611,40.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +27612,27.0, Local-gov, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +27613,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States +27614,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States +27615,26.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +27616,58.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +27617,69.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,10.0, United-States +27618,53.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +27619,46.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,44.0, United-States +27620,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27621,23.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +27622,44.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +27623,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +27624,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,1887.0,40.0, United-States +27625,52.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +27626,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,40.0, United-States +27627,46.0, Federal-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27628,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27629,22.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,48.0, Iran +27630,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States +27631,68.0, Private, Some-college,10.0, Divorced, Priv-house-serv, Other-relative, White, Female,0.0,0.0,30.0, United-States +27632,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,5.0, United-States +27633,47.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States +27634,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2339.0,55.0, United-States +27635,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +27636,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +27637,68.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3818.0,0.0,40.0, United-States +27638,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,34.0, United-States +27639,62.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27640,55.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27641,33.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +27642,38.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688.0,0.0,60.0, India +27643,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27644,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3908.0,0.0,40.0, United-States +27645,43.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27646,66.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Black, Male,1797.0,0.0,20.0, United-States +27647,56.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +27648,30.0, Private, 9th,5.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,30.0, United-States +27649,30.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27650,53.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Hungary +27651,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +27652,36.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +27653,45.0, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27654,36.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27655,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +27656,33.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +27657,51.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +27658,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,, United-States +27659,48.0, Local-gov, Masters,14.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27660,31.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +27661,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,24.0, United-States +27662,33.0, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,46.0, United-States +27663,57.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,35.0, United-States +27664,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27665,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27666,30.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +27667,26.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27668,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,1055.0,0.0,70.0, United-States +27669,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +27670,26.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +27671,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +27672,59.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +27673,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +27674,62.0, Without-pay, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,16.0, United-States +27675,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27676,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States +27677,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27678,71.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,12.0, United-States +27679,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States +27680,38.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27681,57.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +27682,65.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,35.0, United-States +27683,64.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,10566.0,0.0,35.0, United-States +27684,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, Yugoslavia +27685,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +27686,45.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,50.0, United-States +27687,28.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,45.0, United-States +27688,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,4386.0,0.0,40.0, United-States +27689,90.0, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States +27690,67.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27691,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27692,43.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27693,32.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +27694,18.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +27695,50.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +27696,42.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +27697,28.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +27698,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27699,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +27700,26.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +27701,29.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,50.0, United-States +27702,32.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,46.0, United-States +27703,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +27704,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27705,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +27706,44.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27707,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27708,47.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27709,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +27710,77.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,10.0, United-States +27711,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,15.0, United-States +27712,24.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +27713,54.0, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +27714,54.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27715,45.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,4934.0,0.0,50.0, United-States +27716,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,85.0, United-States +27717,26.0, Federal-gov, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, Japan +27718,38.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,55.0, United-States +27719,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +27720,22.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States +27721,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +27722,42.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Poland +27723,23.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +27724,58.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +27725,46.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +27726,30.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,1617.0,40.0, United-States +27727,50.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +27728,49.0, Private, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27729,39.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,1762.0,40.0, United-States +27730,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +27731,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +27732,24.0, Private, Bachelors,13.0, Married-AF-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +27733,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States +27734,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,5178.0,0.0,40.0, United-States +27735,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,45.0, United-States +27736,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +27737,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +27738,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +27739,44.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +27740,46.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27741,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Taiwan +27742,48.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, Haiti +27743,43.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27744,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +27745,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +27746,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +27747,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27748,46.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +27749,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +27750,25.0, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +27751,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1628.0,60.0, United-States +27752,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +27753,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +27754,28.0, Local-gov, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Trinadad&Tobago +27755,37.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +27756,43.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +27757,52.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +27758,60.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,49.0, United-States +27759,61.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States +27760,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, Germany +27761,31.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States +27762,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +27763,32.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,10.0, United-States +27764,49.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +27765,34.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +27766,77.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,401.0,0.0,20.0, United-States +27767,70.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,5.0, United-States +27768,23.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +27769,53.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27770,44.0, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27771,40.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +27772,56.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States +27773,53.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +27774,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,32.0, United-States +27775,51.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27776,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +27777,17.0, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,18.0, United-States +27778,50.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines +27779,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +27780,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27781,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +27782,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27783,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +27784,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,55.0, United-States +27785,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +27786,28.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +27787,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,20.0, United-States +27788,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,42.0, United-States +27789,39.0,, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27790,33.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States +27791,45.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +27792,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +27793,67.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +27794,35.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +27795,36.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +27796,43.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States +27797,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +27798,44.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States +27799,66.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,7.0, United-States +27800,45.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +27801,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +27802,65.0, Without-pay, 7th-8th,4.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,50.0, United-States +27803,50.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27804,41.0, Private, 1st-4th,2.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,1719.0,40.0, Mexico +27805,38.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +27806,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27807,38.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27808,30.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,75.0, United-States +27809,56.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27810,80.0, Private, Bachelors,13.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27811,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +27812,22.0, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,35.0, Haiti +27813,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +27814,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,9.0, England +27815,48.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,48.0, United-States +27816,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +27817,42.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27818,19.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,8.0, United-States +27819,34.0, Self-emp-not-inc, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +27820,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Nicaragua +27821,44.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +27822,24.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +27823,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27824,62.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States +27825,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27826,62.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27827,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,40.0, United-States +27828,35.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27829,38.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +27830,24.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +27831,52.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,30.0, United-States +27832,29.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States +27833,53.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +27834,22.0, Private, 9th,5.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +27835,69.0, Local-gov, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +27836,60.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +27837,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +27838,31.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27839,39.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,55.0, United-States +27840,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +27841,54.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Italy +27842,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3411.0,0.0,38.0, United-States +27843,17.0, Private, 11th,7.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,26.0, United-States +27844,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +27845,61.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27846,68.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +27847,38.0, Private, Bachelors,13.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,45.0, United-States +27848,29.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +27849,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,2885.0,0.0,40.0, United-States +27850,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +27851,54.0, Private, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27852,50.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +27853,54.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States +27854,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Guatemala +27855,52.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +27856,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,50.0, United-States +27857,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +27858,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27859,31.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +27860,54.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States +27861,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +27862,32.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +27863,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1617.0,40.0, United-States +27864,60.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, Ireland +27865,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +27866,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +27867,24.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +27868,30.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,55.0, United-States +27869,54.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +27870,63.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27871,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +27872,50.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,4650.0,0.0,22.0, United-States +27873,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +27874,36.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,4787.0,0.0,40.0, United-States +27875,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +27876,40.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +27877,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +27878,33.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico +27879,41.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,24.0, El-Salvador +27880,30.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, England +27881,43.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States +27882,42.0, Local-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,48.0, United-States +27883,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,35.0, United-States +27884,31.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States +27885,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +27886,23.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27887,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +27888,45.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +27889,19.0, Federal-gov, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +27890,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +27891,42.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States +27892,51.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27893,29.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,52.0, United-States +27894,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688.0,0.0,40.0, United-States +27895,25.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,48.0, United-States +27896,49.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,32.0, United-States +27897,69.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +27898,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,43.0, United-States +27899,39.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +27900,26.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27901,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,56.0, United-States +27902,28.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,1974.0,50.0, United-States +27903,28.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +27904,66.0, Private, Bachelors,13.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Male,0.0,0.0,99.0, United-States +27905,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +27906,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States +27907,30.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +27908,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +27909,54.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +27910,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,35.0, United-States +27911,43.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27912,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,55.0, United-States +27913,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,1977.0,60.0, United-States +27914,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +27915,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27916,51.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27917,32.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27918,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,17.0, United-States +27919,26.0, Private, 9th,5.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico +27920,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27921,38.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +27922,67.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,21.0, United-States +27923,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +27924,50.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27925,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +27926,30.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +27927,60.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +27928,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +27929,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States +27930,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +27931,65.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,2964.0,0.0,35.0, United-States +27932,26.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +27933,63.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +27934,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +27935,38.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +27936,38.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,42.0, United-States +27937,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +27938,38.0, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,1151.0,0.0,40.0, United-States +27939,52.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +27940,46.0, Private, 1st-4th,2.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +27941,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +27942,32.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Canada +27943,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +27944,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27945,35.0, Local-gov, Masters,14.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,41.0, United-States +27946,19.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,594.0,0.0,35.0, United-States +27947,25.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +27948,22.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,15.0, United-States +27949,37.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,39.0, United-States +27950,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +27951,47.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +27952,48.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,16.0, United-States +27953,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +27954,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +27955,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +27956,26.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States +27957,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,65.0, United-States +27958,37.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27959,43.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, Mexico +27960,55.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +27961,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +27962,67.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +27963,55.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,4865.0,0.0,45.0, United-States +27964,55.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +27965,17.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, United-States +27966,42.0, Private, Prof-school,15.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,65.0, United-States +27967,41.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,55.0, United-States +27968,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +27969,48.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +27970,18.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, United-States +27971,45.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +27972,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States +27973,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +27974,58.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +27975,50.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,84.0, United-States +27976,43.0, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,84.0, United-States +27977,67.0, Private, Masters,14.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,41.0, United-States +27978,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +27979,32.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +27980,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +27981,43.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +27982,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Columbia +27983,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +27984,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +27985,47.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Dominican-Republic +27986,33.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27987,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +27988,43.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +27989,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +27990,34.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +27991,43.0, Private, Prof-school,15.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,32.0, United-States +27992,31.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +27993,46.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +27994,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +27995,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +27996,40.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico +27997,54.0, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,38.0, United-States +27998,40.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,914.0,0.0,40.0, United-States +27999,41.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,36.0, United-States +28000,30.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28001,47.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States +28002,33.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +28003,29.0, Private, HS-grad,9.0, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28004,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,18.0, United-States +28005,24.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28006,31.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, Honduras +28007,77.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28008,39.0, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28009,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,48.0, United-States +28010,26.0, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States +28011,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,5.0, United-States +28012,53.0, Private, Assoc-acdm,12.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +28013,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28014,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +28015,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States +28016,25.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28017,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States +28018,36.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28019,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +28020,53.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +28021,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28022,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +28023,46.0, Private, Preschool,1.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Mexico +28024,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +28025,25.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States +28026,35.0, Private, 12th,8.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +28027,38.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +28028,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +28029,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,55.0, United-States +28030,64.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28031,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,77.0, United-States +28032,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +28033,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,54.0, United-States +28034,33.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +28035,72.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +28036,60.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States +28037,20.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +28038,29.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +28039,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +28040,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States +28041,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +28042,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28043,31.0, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States +28044,17.0, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States +28045,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States +28046,47.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +28047,67.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,3273.0,0.0,16.0, United-States +28048,40.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States +28049,40.0, State-gov, 11th,7.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,52.0, United-States +28050,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +28051,27.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +28052,29.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +28053,26.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28054,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +28055,59.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28056,40.0, Private, 11th,7.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28057,20.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,35.0, United-States +28058,48.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28059,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Other, Male,0.0,0.0,24.0, Peru +28060,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +28061,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +28062,59.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +28063,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Cuba +28064,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +28065,40.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States +28066,36.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,57.0, United-States +28067,17.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +28068,18.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +28069,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Iran +28070,31.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +28071,49.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +28072,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +28073,38.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +28074,49.0, Local-gov, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Italy +28075,58.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,35.0, United-States +28076,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +28077,60.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +28078,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, Scotland +28079,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +28080,34.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Male,0.0,0.0,30.0, United-States +28081,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States +28082,59.0, Private, Prof-school,15.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States +28083,42.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +28084,35.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +28085,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +28086,30.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, United-States +28087,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1977.0,40.0, United-States +28088,24.0, Federal-gov, HS-grad,9.0, Never-married, Armed-Forces, Own-child, White, Male,0.0,0.0,40.0, United-States +28089,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +28090,57.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States +28091,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28092,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28093,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +28094,23.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,10.0, United-States +28095,50.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +28096,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,10.0, United-States +28097,26.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +28098,24.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +28099,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +28100,61.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +28101,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +28102,38.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +28103,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States +28104,50.0, Federal-gov, 11th,7.0, Never-married, Sales, Not-in-family, Black, Female,3674.0,0.0,40.0, United-States +28105,22.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +28106,23.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28107,32.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +28108,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States +28109,43.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28110,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28111,42.0, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28112,30.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +28113,34.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +28114,68.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States +28115,33.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28116,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,2202.0,0.0,40.0, United-States +28117,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +28118,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28119,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +28120,23.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, Mexico +28121,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +28122,35.0, Private, Some-college,10.0, Separated, Transport-moving, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +28123,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28124,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28125,72.0, Federal-gov, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, Canada +28126,36.0, Local-gov, Assoc-voc,11.0, Separated, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +28127,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +28128,24.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28129,34.0, Private, Prof-school,15.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States +28130,55.0, Federal-gov, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +28131,47.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +28132,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28133,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +28134,27.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +28135,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28136,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +28137,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +28138,47.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +28139,33.0, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +28140,22.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +28141,74.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +28142,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28143,37.0, Private, 9th,5.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,30.0, El-Salvador +28144,35.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +28145,40.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +28146,45.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1408.0,40.0, United-States +28147,52.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28148,46.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2392.0,50.0, United-States +28149,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,44.0, United-States +28150,28.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +28151,55.0, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +28152,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +28153,23.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +28154,70.0, Private, 10th,6.0, Widowed, Adm-clerical, Other-relative, White, Male,0.0,0.0,20.0, United-States +28155,46.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States +28156,56.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28157,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +28158,25.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +28159,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28160,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +28161,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28162,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +28163,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +28164,29.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +28165,46.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +28166,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28167,61.0, State-gov, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Female,0.0,0.0,60.0, United-States +28168,41.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28169,42.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +28170,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +28171,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +28172,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +28173,30.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States +28174,44.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +28175,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,2907.0,0.0,30.0, United-States +28176,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +28177,47.0, Federal-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +28178,55.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +28179,27.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +28180,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28181,34.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +28182,38.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +28183,41.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,45.0, United-States +28184,65.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,40.0, United-States +28185,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28186,24.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, Portugal +28187,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28188,41.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28189,21.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +28190,59.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28191,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,41.0, United-States +28192,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States +28193,64.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +28194,29.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Taiwan +28195,31.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +28196,61.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28197,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +28198,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +28199,38.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28200,75.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2149.0,35.0, United-States +28201,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28202,51.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28203,49.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28204,38.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States +28205,42.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28206,60.0, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +28207,28.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +28208,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +28209,26.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States +28210,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28211,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,25.0, United-States +28212,39.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, United-States +28213,22.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +28214,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States +28215,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28216,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +28217,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +28218,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +28219,56.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +28220,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +28221,40.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,37.0, United-States +28222,22.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +28223,42.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +28224,59.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +28225,29.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +28226,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2179.0,40.0, United-States +28227,26.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28228,30.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +28229,31.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Yugoslavia +28230,22.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, Puerto-Rico +28231,24.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +28232,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States +28233,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +28234,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States +28235,40.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +28236,36.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +28237,43.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +28238,47.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,3103.0,0.0,40.0, Philippines +28239,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +28240,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,48.0, United-States +28241,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,24.0, United-States +28242,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,43.0, United-States +28243,57.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +28244,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28245,34.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,18.0, United-States +28246,38.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States +28247,23.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, Columbia +28248,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +28249,31.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife,, Female,0.0,0.0,35.0, United-States +28250,46.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,33.0, United-States +28251,51.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +28252,47.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,60.0, Honduras +28253,29.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2042.0,40.0, United-States +28254,26.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +28255,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, Japan +28256,20.0, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28257,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28258,52.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28259,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28260,46.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Cuba +28261,56.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28262,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +28263,25.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +28264,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States +28265,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,55.0, United-States +28266,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +28267,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +28268,27.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28269,64.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,20.0, United-States +28270,52.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28271,28.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +28272,23.0, Private, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +28273,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,45.0, Germany +28274,28.0, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +28275,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +28276,55.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28277,41.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +28278,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +28279,59.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, Cuba +28280,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +28281,49.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,42.0, United-States +28282,61.0, Local-gov, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28283,53.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28284,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +28285,41.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +28286,29.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +28287,42.0, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,40.0, United-States +28288,36.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +28289,61.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28290,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,28.0, United-States +28291,60.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28292,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28293,22.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Female,0.0,0.0,20.0, United-States +28294,30.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,0.0,0.0,48.0, United-States +28295,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28296,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +28297,39.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Mexico +28298,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,17.0, United-States +28299,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +28300,52.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28301,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +28302,42.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +28303,43.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Germany +28304,60.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,42.0, United-States +28305,36.0, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +28306,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +28307,73.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,28.0, United-States +28308,19.0, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,6.0, United-States +28309,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +28310,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,15.0, United-States +28311,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +28312,29.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,65.0, United-States +28313,31.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, Black, Male,0.0,0.0,40.0, United-States +28314,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States +28315,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Male,0.0,0.0,40.0, United-States +28316,51.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3908.0,0.0,40.0, United-States +28317,36.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +28318,27.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +28319,24.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28320,54.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +28321,56.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +28322,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +28323,65.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,28.0, United-States +28324,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States +28325,72.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +28326,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +28327,36.0, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +28328,26.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,38.0, United-States +28329,41.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28330,73.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,1.0, United-States +28331,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States +28332,22.0, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +28333,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28334,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28335,22.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +28336,36.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,1741.0,40.0, United-States +28337,42.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +28338,72.0, State-gov, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +28339,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +28340,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan +28341,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28342,50.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28343,30.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +28344,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +28345,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +28346,41.0, Federal-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Male,4650.0,0.0,40.0, United-States +28347,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +28348,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +28349,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +28350,32.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,44.0, United-States +28351,19.0, Private, 11th,7.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +28352,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2051.0,50.0, United-States +28353,45.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +28354,45.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,66.0, Yugoslavia +28355,69.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28356,21.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28357,45.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28358,29.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +28359,43.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +28360,29.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +28361,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +28362,55.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,36.0, United-States +28363,28.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28364,53.0, Private, 11th,7.0, Divorced, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States +28365,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +28366,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +28367,39.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +28368,35.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28369,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28370,30.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +28371,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28372,34.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +28373,39.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2415.0,99.0, United-States +28374,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +28375,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +28376,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States +28377,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28378,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +28379,54.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +28380,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +28381,26.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States +28382,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States +28383,42.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +28384,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States +28385,51.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +28386,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28387,25.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Guatemala +28388,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,80.0, United-States +28389,35.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +28390,32.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,60.0, United-States +28391,40.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States +28392,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +28393,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +28394,42.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +28395,22.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +28396,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States +28397,35.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,7298.0,0.0,40.0, United-States +28398,43.0, Private, 9th,5.0, Separated, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,50.0, United-States +28399,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +28400,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +28401,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28402,60.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28403,52.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Male,0.0,0.0,40.0, United-States +28404,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,50.0, United-States +28405,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28406,30.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +28407,25.0, Private, 5th-6th,3.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,33.0, Mexico +28408,23.0, Private, Some-college,10.0, Never-married,, Not-in-family, White, Female,0.0,0.0,20.0, United-States +28409,39.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,70.0, United-States +28410,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,45.0, United-States +28411,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States +28412,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +28413,27.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28414,23.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +28415,45.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States +28416,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28417,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States +28418,24.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, Peru +28419,58.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28420,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137.0,0.0,30.0, United-States +28421,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +28422,29.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +28423,33.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +28424,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +28425,48.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28426,47.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28427,35.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28428,46.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28429,57.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +28430,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +28431,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28432,59.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28433,30.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28434,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +28435,28.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28436,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +28437,17.0, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,7.0, United-States +28438,64.0, Private, 1st-4th,2.0, Divorced, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,12.0, United-States +28439,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +28440,53.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States +28441,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +28442,55.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28443,40.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,49.0, United-States +28444,31.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,70.0, South +28445,23.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +28446,32.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Columbia +28447,69.0, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, White, Male,2993.0,0.0,40.0, United-States +28448,33.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +28449,60.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +28450,61.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States +28451,32.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +28452,24.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +28453,53.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +28454,35.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,48.0, United-States +28455,27.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28456,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States +28457,34.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,35.0, United-States +28458,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States +28459,28.0, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28460,31.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +28461,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,45.0, United-States +28462,35.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3942.0,0.0,35.0, United-States +28463,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +28464,59.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28465,48.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28466,55.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28467,24.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +28468,31.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28469,40.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +28470,25.0, Self-emp-inc, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States +28471,45.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,8.0, United-States +28472,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +28473,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States +28474,43.0, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, Poland +28475,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +28476,22.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,38.0, United-States +28477,39.0, Local-gov, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +28478,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28479,45.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,21.0, United-States +28480,50.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +28481,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +28482,37.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +28483,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +28484,41.0, State-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28485,25.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28486,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +28487,64.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +28488,33.0, Self-emp-inc, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +28489,32.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013.0,0.0,45.0, United-States +28490,23.0, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,35.0, United-States +28491,41.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +28492,46.0, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +28493,25.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,80.0, United-States +28494,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +28495,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +28496,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +28497,26.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,38.0, United-States +28498,36.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +28499,, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +28500,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +28501,60.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28502,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28503,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States +28504,41.0, Local-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +28505,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +28506,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +28507,42.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +28508,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +28509,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28510,28.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +28511,36.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +28512,35.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28513,50.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +28514,24.0, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +28515,58.0, Private, 5th-6th,3.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,70.0, Mexico +28516,23.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States +28517,42.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +28518,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +28519,30.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,45.0, United-States +28520,41.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,1831.0,0.0,40.0, Peru +28521,17.0, Local-gov, 12th,8.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,15.0, United-States +28522,32.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +28523,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +28524,39.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +28525,60.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +28526,20.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28527,32.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28528,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +28529,27.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28530,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +28531,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,, United-States +28532,37.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +28533,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28534,47.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +28535,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28536,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +28537,44.0, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,56.0, United-States +28538,57.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +28539,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +28540,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +28541,43.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, United-States +28542,29.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, France +28543,47.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,49.0, United-States +28544,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +28545,53.0, Private, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Male,0.0,0.0,39.0, United-States +28546,33.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28547,57.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +28548,50.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,40.0, United-States +28549,30.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +28550,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +28551,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28552,28.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28553,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +28554,31.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,45.0, United-States +28555,51.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +28556,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +28557,64.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,8614.0,0.0,50.0, France +28558,41.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +28559,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +28560,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5013.0,0.0,40.0, United-States +28561,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +28562,52.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +28563,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +28564,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +28565,41.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,45.0, United-States +28566,35.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,44.0, Puerto-Rico +28567,23.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28568,55.0, Private, 10th,6.0, Widowed, Transport-moving, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +28569,35.0, Private, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28570,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States +28571,27.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,56.0, United-States +28572,52.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,42.0, United-States +28573,27.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,45.0, United-States +28574,40.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28575,54.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28576,60.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +28577,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States +28578,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Other, Female,0.0,625.0,40.0, United-States +28579,24.0, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +28580,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28581,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28582,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,24.0, United-States +28583,35.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States +28584,47.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +28585,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +28586,28.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +28587,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +28588,61.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,37.0, Honduras +28589,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,1977.0,40.0, United-States +28590,58.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28591,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +28592,30.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28593,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28594,42.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28595,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States +28596,49.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +28597,20.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States +28598,36.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +28599,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28600,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28601,24.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +28602,34.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +28603,40.0, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, Mexico +28604,60.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28605,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,48.0, United-States +28606,26.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +28607,32.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +28608,49.0, Private, Prof-school,15.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,48.0, United-States +28609,55.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, England +28610,26.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +28611,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +28612,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +28613,22.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +28614,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +28615,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +28616,46.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28617,32.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +28618,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +28619,23.0, Private, Some-college,10.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +28620,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +28621,50.0, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28622,29.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, Black, Male,14344.0,0.0,40.0, United-States +28623,51.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +28624,30.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28625,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +28626,47.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Unmarried, Other, Female,0.0,0.0,35.0, Puerto-Rico +28627,55.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,30.0, United-States +28628,42.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,45.0, United-States +28629,50.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +28630,26.0, Private, 5th-6th,3.0, Separated, Craft-repair, Not-in-family, Other, Male,0.0,0.0,35.0, Mexico +28631,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,35.0, United-States +28632,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +28633,23.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28634,27.0, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,43.0, United-States +28635,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +28636,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +28637,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,45.0, United-States +28638,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28639,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +28640,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +28641,55.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28642,52.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28643,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States +28644,19.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +28645,50.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28646,31.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +28647,54.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States +28648,67.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +28649,32.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28650,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,72.0, United-States +28651,28.0, Private, 1st-4th,2.0, Married-spouse-absent, Other-service, Own-child, Other, Female,0.0,0.0,35.0, Dominican-Republic +28652,22.0, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +28653,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Poland +28654,54.0, Private, 10th,6.0, Divorced, Prof-specialty, Unmarried, White, Male,14344.0,0.0,68.0, United-States +28655,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +28656,53.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28657,40.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28658,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +28659,30.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +28660,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +28661,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,42.0, United-States +28662,42.0, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28663,23.0, Private, 12th,8.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,38.0, United-States +28664,46.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +28665,38.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,99999.0,0.0,60.0, United-States +28666,42.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,2885.0,0.0,40.0, United-States +28667,42.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +28668,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +28669,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28670,52.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,2597.0,0.0,36.0, United-States +28671,29.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,2635.0,0.0,40.0, United-States +28672,55.0, Self-emp-not-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28673,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +28674,58.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28675,59.0, Local-gov, Masters,14.0, Separated, Prof-specialty, Own-child, Black, Female,0.0,0.0,35.0, United-States +28676,23.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28677,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28678,29.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +28679,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,16.0, United-States +28680,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28681,18.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,15.0, United-States +28682,90.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, England +28683,29.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +28684,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +28685,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +28686,35.0, Federal-gov, Bachelors,13.0, Separated, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +28687,23.0, Federal-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, Poland +28688,42.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +28689,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,30.0, United-States +28690,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28691,24.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +28692,49.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1902.0,50.0, United-States +28693,50.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +28694,22.0, Self-emp-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,24.0, United-States +28695,27.0, Private, Masters,14.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States +28696,31.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,97.0, United-States +28697,56.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Dominican-Republic +28698,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +28699,20.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28700,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28701,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28702,44.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +28703,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1721.0,35.0, United-States +28704,23.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States +28705,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28706,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +28707,25.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States +28708,32.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28709,33.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28710,50.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States +28711,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States +28712,38.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +28713,34.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4064.0,0.0,40.0, United-States +28714,20.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +28715,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, Laos +28716,66.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, Germany +28717,33.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +28718,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,25.0, United-States +28719,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +28720,25.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +28721,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +28722,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,41.0, United-States +28723,52.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +28724,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28725,44.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +28726,34.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,2174.0,0.0,40.0, United-States +28727,36.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States +28728,25.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States +28729,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +28730,33.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, Scotland +28731,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28732,35.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28733,23.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1887.0,50.0, India +28734,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +28735,47.0, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +28736,50.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +28737,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28738,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +28739,64.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +28740,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +28741,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +28742,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +28743,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +28744,47.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,45.0, United-States +28745,33.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,2824.0,48.0, United-States +28746,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, South +28747,48.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1672.0,55.0, United-States +28748,58.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28749,60.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +28750,43.0, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States +28751,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,1602.0,12.0, United-States +28752,60.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28753,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +28754,39.0, Local-gov, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28755,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +28756,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +28757,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +28758,52.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +28759,41.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28760,73.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +28761,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +28762,65.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States +28763,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +28764,60.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +28765,42.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28766,38.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States +28767,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Other, Female,0.0,0.0,40.0, United-States +28768,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +28769,65.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28770,49.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +28771,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +28772,35.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28773,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States +28774,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +28775,37.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +28776,42.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +28777,25.0, State-gov, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28778,63.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28779,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,1590.0,40.0, United-States +28780,27.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +28781,67.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386.0,0.0,50.0, United-States +28782,27.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28783,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +28784,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,56.0, United-States +28785,45.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28786,66.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, United-States +28787,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28788,35.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28789,25.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +28790,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,47.0, United-States +28791,42.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,7430.0,0.0,44.0, United-States +28792,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,24.0, United-States +28793,61.0, Private, 12th,8.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,37.0, Cuba +28794,22.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +28795,50.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +28796,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Philippines +28797,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28798,29.0, State-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, Germany +28799,68.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +28800,22.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +28801,50.0, Private, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Male,13550.0,0.0,50.0, United-States +28802,31.0, Self-emp-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,45.0, United-States +28803,45.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28804,60.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28805,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +28806,41.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +28807,53.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, India +28808,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +28809,50.0, Self-emp-not-inc, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +28810,46.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +28811,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +28812,63.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +28813,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28814,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,12.0, United-States +28815,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States +28816,61.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +28817,62.0, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, Germany +28818,19.0, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +28819,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28820,34.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28821,47.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +28822,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28823,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +28824,25.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,43.0, United-States +28825,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +28826,29.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28827,50.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +28828,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +28829,31.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +28830,32.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, Mexico +28831,58.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +28832,44.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Puerto-Rico +28833,61.0, State-gov, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +28834,20.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +28835,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +28836,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28837,35.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,40.0, Puerto-Rico +28838,54.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +28839,48.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28840,32.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,4650.0,0.0,45.0, United-States +28841,34.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28842,50.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +28843,34.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +28844,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28845,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +28846,46.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +28847,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28848,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +28849,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1590.0,44.0, United-States +28850,69.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, China +28851,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28852,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28853,26.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28854,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,10.0, United-States +28855,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +28856,28.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28857,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +28858,18.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,2907.0,0.0,30.0, United-States +28859,63.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +28860,69.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,33.0, United-States +28861,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,4.0, Peru +28862,70.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,10566.0,0.0,40.0, United-States +28863,59.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,85.0, United-States +28864,52.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +28865,37.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28866,24.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28867,64.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +28868,42.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +28869,28.0, Self-emp-not-inc, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,80.0, United-States +28870,57.0, Private, 10th,6.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,70.0, Germany +28871,54.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28872,54.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +28873,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,35.0, United-States +28874,49.0, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,47.0, United-States +28875,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +28876,26.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2885.0,0.0,40.0, United-States +28877,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,31.0, United-States +28878,44.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +28879,81.0, Private, Prof-school,15.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,10605.0,0.0,2.0, United-States +28880,53.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,35.0, United-States +28881,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28882,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States +28883,40.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28884,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,46.0, United-States +28885,40.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28886,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +28887,26.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +28888,36.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,55.0, United-States +28889,59.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28890,49.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +28891,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28892,22.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +28893,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +28894,36.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28895,58.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +28896,41.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +28897,49.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +28898,36.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +28899,34.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States +28900,45.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +28901,57.0, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28902,42.0, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,2231.0,50.0, Canada +28903,34.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +28904,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +28905,22.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +28906,51.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +28907,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28908,81.0, Self-emp-not-inc, 1st-4th,2.0, Widowed, Sales, Other-relative, White, Male,0.0,0.0,45.0, Mexico +28909,25.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +28910,27.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,32.0, United-States +28911,25.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,84.0, United-States +28912,29.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28913,24.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +28914,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States +28915,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +28916,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +28917,62.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +28918,57.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +28919,24.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States +28920,41.0, Federal-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +28921,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +28922,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,45.0, United-States +28923,37.0, Private, Doctorate,16.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +28924,33.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Guatemala +28925,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +28926,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2051.0,20.0, United-States +28927,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +28928,42.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +28929,73.0, Local-gov, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,5.0, United-States +28930,26.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, Other, Female,0.0,0.0,60.0, Jamaica +28931,90.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines +28932,49.0, Federal-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,56.0, United-States +28933,31.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28934,40.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +28935,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States +28936,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +28937,27.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +28938,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +28939,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,50.0, United-States +28940,25.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, Canada +28941,62.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,90.0, United-States +28942,54.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +28943,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +28944,51.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States +28945,20.0, Self-emp-inc, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +28946,27.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,36.0, United-States +28947,52.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +28948,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +28949,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States +28950,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,2176.0,0.0,18.0, United-States +28951,52.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28952,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28953,59.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +28954,21.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, Mexico +28955,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3942.0,0.0,40.0, United-States +28956,39.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28957,45.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28958,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +28959,30.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +28960,54.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States +28961,60.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +28962,47.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +28963,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +28964,32.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +28965,26.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +28966,62.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28967,59.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +28968,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +28969,47.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +28970,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +28971,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +28972,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +28973,52.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28974,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +28975,46.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +28976,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28977,73.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +28978,36.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +28979,44.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States +28980,47.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,72.0, United-States +28981,34.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +28982,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28983,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +28984,35.0, Private, Masters,14.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +28985,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +28986,50.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +28987,62.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +28988,47.0, Private, Bachelors,13.0, Widowed, Craft-repair, Unmarried, Black, Female,6497.0,0.0,40.0, United-States +28989,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +28990,43.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +28991,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +28992,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +28993,32.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +28994,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +28995,22.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,4508.0,0.0,40.0, United-States +28996,44.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +28997,39.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +28998,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States +28999,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +29000,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29001,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29002,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,40.0, United-States +29003,53.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29004,30.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +29005,39.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,55.0, United-States +29006,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,16.0, United-States +29007,38.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +29008,64.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29009,23.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,60.0, United-States +29010,29.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States +29011,40.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,15.0, United-States +29012,26.0, Self-emp-not-inc, 10th,6.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +29013,18.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,15.0, United-States +29014,51.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Taiwan +29015,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +29016,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany +29017,42.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29018,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,42.0, United-States +29019,44.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +29020,27.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +29021,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico +29022,47.0, State-gov, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +29023,47.0, Private, 7th-8th,4.0, Never-married, Transport-moving, Not-in-family, Other, Male,0.0,0.0,48.0, Puerto-Rico +29024,39.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States +29025,57.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29026,18.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +29027,45.0, State-gov, Masters,14.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29028,22.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Guatemala +29029,24.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29030,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse,, Husband, White, Male,7298.0,0.0,65.0, United-States +29031,56.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1669.0,40.0, United-States +29032,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29033,26.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +29034,33.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,3325.0,0.0,50.0, United-States +29035,32.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +29036,41.0, Self-emp-not-inc, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29037,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29038,45.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +29039,18.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29040,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +29041,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +29042,38.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +29043,48.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +29044,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29045,41.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29046,44.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,60.0, United-States +29047,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +29048,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,6.0, United-States +29049,28.0, State-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +29050,22.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +29051,35.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29052,39.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +29053,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,6418.0,0.0,58.0, United-States +29054,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +29055,22.0, State-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States +29056,39.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +29057,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +29058,40.0, Private, Assoc-acdm,12.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +29059,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +29060,17.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States +29061,33.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29062,33.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +29063,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +29064,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +29065,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +29066,42.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +29067,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +29068,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States +29069,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +29070,41.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Poland +29071,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29072,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29073,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +29074,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29075,60.0, State-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29076,58.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +29077,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States +29078,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29079,52.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +29080,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +29081,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29082,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +29083,45.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +29084,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +29085,56.0, Self-emp-not-inc, Masters,14.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,36.0, United-States +29086,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +29087,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States +29088,53.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,35.0, United-States +29089,64.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,35.0, United-States +29090,34.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States +29091,26.0, Self-emp-not-inc, 10th,6.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,75.0, United-States +29092,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +29093,68.0, Private, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,10.0, United-States +29094,17.0, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,16.0, United-States +29095,51.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +29096,53.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29097,42.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +29098,47.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +29099,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,50.0, United-States +29100,29.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, China +29101,57.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29102,56.0, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +29103,52.0, Private, Assoc-voc,11.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +29104,40.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29105,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States +29106,24.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,30.0, Haiti +29107,40.0, Local-gov, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,6849.0,0.0,40.0, United-States +29108,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States +29109,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,45.0, United-States +29110,68.0, Private, 12th,8.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +29111,57.0, Federal-gov, 10th,6.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +29112,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +29113,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +29114,30.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +29115,22.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +29116,79.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +29117,69.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,15.0, United-States +29118,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,15.0, United-States +29119,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +29120,40.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +29121,25.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, Black, Male,0.0,0.0,38.0, United-States +29122,44.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +29123,23.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29124,33.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29125,61.0, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States +29126,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +29127,43.0, Private, Prof-school,15.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, Columbia +29128,67.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +29129,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +29130,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +29131,61.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +29132,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +29133,33.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +29134,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29135,67.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +29136,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, Ireland +29137,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +29138,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29139,19.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,14.0, United-States +29140,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29141,23.0, Private, 9th,5.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +29142,30.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,45.0, United-States +29143,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador +29144,60.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +29145,41.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +29146,31.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +29147,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +29148,21.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +29149,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29150,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29151,59.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,40.0, United-States +29152,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29153,36.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +29154,51.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29155,21.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,60.0, United-States +29156,43.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +29157,51.0, Self-emp-inc, Bachelors,13.0, Separated, Sales, Unmarried, White, Male,0.0,2824.0,40.0, United-States +29158,34.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +29159,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +29160,36.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,45.0, United-States +29161,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +29162,28.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +29163,20.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +29164,25.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,16.0, United-States +29165,42.0, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29166,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29167,40.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +29168,24.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +29169,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +29170,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29171,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29172,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico +29173,34.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +29174,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +29175,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29176,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +29177,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29178,61.0, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +29179,23.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +29180,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +29181,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29182,60.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29183,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29184,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +29185,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,24.0, United-States +29186,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +29187,54.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,5013.0,0.0,40.0, Vietnam +29188,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Hong +29189,36.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29190,26.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, Dominican-Republic +29191,44.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +29192,36.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,2174.0,0.0,50.0, United-States +29193,33.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +29194,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +29195,31.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,34.0, United-States +29196,56.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29197,39.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29198,36.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29199,29.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +29200,58.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +29201,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico +29202,47.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29203,22.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +29204,76.0, Self-emp-not-inc, Some-college,10.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29205,44.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +29206,70.0, Private, 10th,6.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, Greece +29207,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +29208,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +29209,25.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +29210,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29211,20.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +29212,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,16.0, United-States +29213,39.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,63.0, United-States +29214,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States +29215,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,,40.0, United-States +29216,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Mexico +29217,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +29218,46.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +29219,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +29220,28.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +29221,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +29222,27.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, Jamaica +29223,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29224,32.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,1902.0,45.0, Japan +29225,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States +29226,53.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +29227,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3137.0,0.0,46.0, United-States +29228,31.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States +29229,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,7298.0,0.0,40.0, United-States +29230,34.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +29231,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29232,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +29233,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States +29234,53.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29235,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29236,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +29237,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +29238,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +29239,34.0, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Male,0.0,0.0,60.0, United-States +29240,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +29241,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +29242,36.0, Private, 9th,5.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29243,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +29244,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +29245,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,1055.0,0.0,30.0, United-States +29246,60.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,33.0, United-States +29247,34.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, El-Salvador +29248,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, Mexico +29249,20.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,10.0, Canada +29250,72.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +29251,24.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, Mexico +29252,31.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +29253,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,2202.0,0.0,40.0, United-States +29254,43.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1887.0,80.0, United-States +29255,48.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29256,71.0, Private, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29257,33.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +29258,33.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29259,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29260,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,40.0, United-States +29261,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +29262,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0.0,0.0,75.0, United-States +29263,49.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +29264,47.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,8614.0,0.0,65.0, United-States +29265,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China +29266,23.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,2580.0,0.0,40.0, United-States +29267,51.0, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States +29268,31.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29269,45.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,10520.0,0.0,40.0, United-States +29270,20.0, Private, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States +29271,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29272,37.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +29273,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,64.0, United-States +29274,44.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +29275,38.0, State-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +29276,44.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,1408.0,46.0, United-States +29277,43.0, State-gov, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29278,52.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3137.0,0.0,42.0, United-States +29279,43.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,55.0, United-States +29280,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +29281,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29282,63.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +29283,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29284,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +29285,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +29286,53.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +29287,40.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +29288,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +29289,24.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States +29290,51.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +29291,42.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29292,62.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States +29293,18.0, Self-emp-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,70.0, United-States +29294,55.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +29295,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +29296,35.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29297,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +29298,39.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688.0,0.0,50.0, United-States +29299,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +29300,27.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,22.0, United-States +29301,43.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +29302,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,60.0, China +29303,39.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +29304,49.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +29305,61.0, Self-emp-inc, Prof-school,15.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29306,20.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +29307,29.0, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, United-States +29308,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,58.0, United-States +29309,30.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States +29310,38.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,213.0,40.0, Philippines +29311,42.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,52.0, United-States +29312,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +29313,41.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29314,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +29315,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +29316,37.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, France +29317,41.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,54.0, United-States +29318,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3464.0,0.0,40.0, Columbia +29319,44.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29320,17.0, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,4.0, United-States +29321,34.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29322,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +29323,19.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States +29324,31.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States +29325,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Dominican-Republic +29326,25.0, Private, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Female,0.0,0.0,25.0, United-States +29327,48.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +29328,61.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,40.0, United-States +29329,48.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +29330,28.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +29331,44.0, Private, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,35.0, England +29332,24.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29333,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29334,19.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,33.0, United-States +29335,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,9.0, United-States +29336,31.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States +29337,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +29338,58.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29339,46.0, Private, 5th-6th,3.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,2339.0,45.0, United-States +29340,52.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Black, Male,7688.0,0.0,40.0, United-States +29341,46.0, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29342,46.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29343,24.0, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +29344,46.0, Local-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,65.0, United-States +29345,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29346,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29347,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +29348,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,40.0, Germany +29349,52.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +29350,69.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States +29351,36.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,47.0, United-States +29352,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,55.0, United-States +29353,24.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +29354,46.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29355,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,52.0, United-States +29356,51.0, Federal-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +29357,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +29358,67.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +29359,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +29360,28.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +29361,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +29362,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29363,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +29364,36.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +29365,51.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +29366,46.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Germany +29367,42.0, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +29368,61.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Canada +29369,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29370,38.0, Private, 7th-8th,4.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +29371,24.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +29372,42.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,47.0, United-States +29373,56.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +29374,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +29375,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29376,34.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +29377,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +29378,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +29379,25.0, Self-emp-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States +29380,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +29381,26.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29382,65.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +29383,24.0, Self-emp-inc, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +29384,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Poland +29385,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +29386,26.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +29387,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3411.0,0.0,80.0, United-States +29388,54.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +29389,18.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States +29390,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29391,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Greece +29392,22.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29393,44.0, Private, 1st-4th,2.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +29394,36.0, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +29395,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +29396,20.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29397,52.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +29398,23.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +29399,46.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29400,51.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +29401,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +29402,60.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +29403,44.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29404,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +29405,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +29406,36.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +29407,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +29408,22.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +29409,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +29410,57.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +29411,57.0, Local-gov, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +29412,37.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,70.0, South +29413,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,60.0, United-States +29414,34.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +29415,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29416,30.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +29417,26.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +29418,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +29419,21.0, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +29420,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Italy +29421,30.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +29422,45.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, France +29423,56.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29424,38.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,1726.0,40.0, United-States +29425,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +29426,52.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States +29427,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +29428,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3908.0,0.0,40.0, United-States +29429,51.0, State-gov, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +29430,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States +29431,28.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +29432,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1740.0,20.0, United-States +29433,53.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States +29434,33.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,30.0, United-States +29435,53.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +29436,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29437,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +29438,34.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29439,39.0, Local-gov, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +29440,31.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,2907.0,0.0,99.0, United-States +29441,48.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +29442,47.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +29443,22.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,37.0, United-States +29444,41.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +29445,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +29446,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29447,39.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +29448,58.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +29449,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29450,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29451,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Canada +29452,25.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +29453,78.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,3.0, United-States +29454,22.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +29455,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Mexico +29456,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +29457,23.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,60.0, United-States +29458,29.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +29459,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29460,28.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,36.0, United-States +29461,51.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +29462,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29463,26.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,55.0, United-States +29464,53.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +29465,47.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +29466,32.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,38.0, United-States +29467,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +29468,32.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +29469,58.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +29470,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Italy +29471,38.0, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +29472,54.0, Local-gov, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,42.0, United-States +29473,45.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +29474,47.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29475,36.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +29476,21.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,22.0, United-States +29477,30.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +29478,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29479,56.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29480,42.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, El-Salvador +29481,49.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +29482,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,65.0, United-States +29483,57.0, Local-gov, 7th-8th,4.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +29484,36.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29485,29.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29486,52.0, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +29487,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29488,69.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +29489,39.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, Black, Female,0.0,0.0,28.0, Jamaica +29490,77.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, Cuba +29491,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +29492,29.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +29493,40.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +29494,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +29495,57.0, Self-emp-not-inc, Masters,14.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States +29496,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +29497,42.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +29498,65.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +29499,44.0, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Cuba +29500,25.0, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +29501,49.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29502,32.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, Nicaragua +29503,39.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +29504,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +29505,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +29506,29.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, Nicaragua +29507,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +29508,21.0, Private, 9th,5.0, Married-spouse-absent, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +29509,37.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29510,45.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,10520.0,0.0,48.0, United-States +29511,35.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Cuba +29512,67.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +29513,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +29514,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +29515,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29516,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,213.0,40.0, United-States +29517,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, Haiti +29518,31.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,48.0, United-States +29519,55.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,40.0, United-States +29520,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +29521,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,40.0, United-States +29522,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +29523,48.0, Self-emp-not-inc, Bachelors,13.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29524,51.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,43.0, United-States +29525,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29526,37.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +29527,25.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +29528,58.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +29529,45.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +29530,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,60.0, United-States +29531,29.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Japan +29532,41.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States +29533,30.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States +29534,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +29535,41.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,38.0, United-States +29536,30.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +29537,22.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29538,52.0, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29539,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29540,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +29541,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +29542,44.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29543,27.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +29544,76.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +29545,55.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States +29546,71.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,28.0, United-States +29547,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +29548,53.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +29549,58.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29550,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29551,31.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +29552,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +29553,22.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States +29554,54.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, United-States +29555,50.0, State-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +29556,34.0, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +29557,52.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,70.0, Germany +29558,46.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,1590.0,48.0, United-States +29559,39.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2415.0,40.0, United-States +29560,63.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,21.0, United-States +29561,26.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States +29562,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29563,29.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +29564,26.0, Private, 12th,8.0, Married-civ-spouse, Priv-house-serv, Wife, Other, Female,0.0,0.0,40.0, Dominican-Republic +29565,79.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29566,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +29567,38.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +29568,62.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,50.0, United-States +29569,34.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29570,43.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29571,55.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,10.0, United-States +29572,68.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,43.0, United-States +29573,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +29574,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +29575,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Other, Male,0.0,0.0,14.0, United-States +29576,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29577,44.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +29578,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +29579,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,55.0, United-States +29580,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29581,20.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +29582,36.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,15.0, United-States +29583,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +29584,53.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States +29585,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,45.0, United-States +29586,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29587,17.0, Private, 11th,7.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,24.0, United-States +29588,41.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,6.0, Iran +29589,35.0, Federal-gov, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29590,47.0, Private, 5th-6th,3.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,32.0, Mexico +29591,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +29592,32.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29593,53.0, Local-gov, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +29594,28.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29595,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +29596,25.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +29597,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +29598,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +29599,33.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +29600,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +29601,31.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +29602,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +29603,43.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,70.0, United-States +29604,44.0, Local-gov, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +29605,18.0, Self-emp-not-inc, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +29606,41.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +29607,17.0, Private, 10th,6.0, Married-spouse-absent, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +29608,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +29609,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +29610,38.0, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,114.0,0.0,38.0, United-States +29611,26.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,1055.0,0.0,32.0, United-States +29612,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29613,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,5178.0,0.0,40.0, United-States +29614,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,16.0, United-States +29615,28.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29616,26.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +29617,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +29618,59.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29619,56.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2885.0,0.0,40.0, China +29620,57.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States +29621,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29622,29.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29623,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29624,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29625,27.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29626,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,54.0, United-States +29627,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,26.0, United-States +29628,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +29629,28.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +29630,22.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +29631,37.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +29632,36.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +29633,49.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29634,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,32.0, United-States +29635,33.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +29636,28.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29637,44.0, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +29638,40.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +29639,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +29640,38.0, Private, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +29641,38.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29642,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +29643,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States +29644,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +29645,25.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,15.0, United-States +29646,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,48.0, United-States +29647,49.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,56.0, United-States +29648,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1977.0,45.0, Hong +29649,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,1902.0,15.0, United-States +29650,35.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +29651,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +29652,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +29653,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,55.0, United-States +29654,63.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29655,60.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +29656,51.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +29657,17.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +29658,49.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +29659,61.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29660,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +29661,37.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +29662,30.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +29663,43.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +29664,31.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +29665,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +29666,26.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +29667,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29668,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29669,35.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +29670,55.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29671,62.0, Private, Assoc-acdm,12.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,7.0, United-States +29672,46.0, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +29673,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +29674,45.0, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +29675,59.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29676,42.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Other, Male,0.0,0.0,30.0, Iran +29677,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,63.0, United-States +29678,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +29679,64.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29680,45.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States +29681,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,18.0, Philippines +29682,38.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,594.0,0.0,50.0, United-States +29683,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29684,38.0, State-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,2036.0,0.0,20.0, United-States +29685,58.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, United-States +29686,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +29687,65.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29688,43.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29689,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29690,37.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +29691,34.0, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29692,47.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, Outlying-US(Guam-USVI-etc) +29693,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States +29694,31.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, United-States +29695,20.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,55.0, United-States +29696,56.0, Private, 7th-8th,4.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States +29697,68.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,33.0, United-States +29698,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States +29699,31.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +29700,63.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29701,44.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1980.0,40.0, United-States +29702,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29703,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States +29704,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29705,19.0, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,52.0, Mexico +29706,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +29707,33.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29708,20.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +29709,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +29710,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29711,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States +29712,52.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29713,30.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,1651.0,40.0, Vietnam +29714,56.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States +29715,45.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +29716,59.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2414.0,0.0,15.0, United-States +29717,42.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +29718,18.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,1055.0,0.0,25.0, United-States +29719,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +29720,36.0, Private, 9th,5.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +29721,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +29722,20.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States +29723,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +29724,22.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,40.0, United-States +29725,57.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +29726,52.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29727,47.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,33.0, United-States +29728,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,2202.0,0.0,4.0, United-States +29729,32.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29730,27.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +29731,40.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States +29732,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Canada +29733,43.0, Federal-gov, Masters,14.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,12.0, United-States +29734,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29735,31.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29736,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29737,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +29738,20.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +29739,53.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29740,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29741,31.0, State-gov, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29742,29.0, Private, 10th,6.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +29743,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States +29744,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +29745,44.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Hungary +29746,48.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29747,39.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,16.0, United-States +29748,44.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29749,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, Puerto-Rico +29750,59.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +29751,50.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States +29752,47.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,48.0, United-States +29753,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29754,57.0, Private, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Canada +29755,17.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +29756,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Italy +29757,29.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +29758,29.0, Private, 9th,5.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29759,41.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29760,44.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +29761,28.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +29762,37.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29763,43.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +29764,37.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,4934.0,0.0,32.0, United-States +29765,69.0, Private, 10th,6.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,28.0, Peru +29766,49.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,44.0, United-States +29767,44.0, Local-gov, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +29768,40.0, Private, Masters,14.0, Widowed, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States +29769,51.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +29770,48.0, Private, Bachelors,13.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +29771,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29772,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +29773,25.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Male,0.0,0.0,26.0, United-States +29774,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +29775,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29776,33.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +29777,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +29778,55.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +29779,34.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +29780,31.0, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +29781,23.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29782,51.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29783,19.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29784,31.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, Portugal +29785,54.0, Private, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,60.0, United-States +29786,34.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +29787,56.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,38.0, United-States +29788,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,35.0, United-States +29789,47.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,40.0, United-States +29790,53.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +29791,21.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +29792,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +29793,70.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +29794,65.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States +29795,29.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,42.0, United-States +29796,20.0, Private, 9th,5.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, Mexico +29797,50.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +29798,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +29799,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29800,40.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +29801,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29802,28.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +29803,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,65.0, United-States +29804,59.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29805,29.0, Self-emp-inc, Assoc-acdm,12.0, Never-married, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, United-States +29806,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29807,32.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29808,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, Black, Male,0.0,0.0,40.0, United-States +29809,49.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +29810,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,37.0, United-States +29811,26.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +29812,20.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,18.0, United-States +29813,39.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, El-Salvador +29814,57.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +29815,21.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States +29816,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29817,23.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29818,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2051.0,30.0, United-States +29819,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29820,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29821,44.0, Federal-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +29822,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States +29823,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +29824,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29825,56.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +29826,25.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +29827,36.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States +29828,24.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +29829,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +29830,49.0, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +29831,29.0, Private, 12th,8.0, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +29832,90.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +29833,31.0, Self-emp-not-inc, Masters,14.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,25.0, United-States +29834,42.0, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29835,41.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +29836,50.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +29837,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +29838,40.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,40.0, United-States +29839,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +29840,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,99.0, United-States +29841,38.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29842,32.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Wife, White, Female,0.0,0.0,40.0, France +29843,34.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +29844,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +29845,57.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,2258.0,40.0, United-States +29846,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +29847,61.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29848,26.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1579.0,20.0, United-States +29849,28.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, Mexico +29850,42.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +29851,39.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,8614.0,0.0,50.0, United-States +29852,42.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +29853,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +29854,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +29855,28.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,50.0, United-States +29856,53.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,54.0, United-States +29857,30.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +29858,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +29859,42.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +29860,37.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +29861,45.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29862,47.0, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, El-Salvador +29863,45.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,3.0, United-States +29864,21.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States +29865,48.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +29866,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Other-relative, Black, Male,0.0,0.0,40.0, United-States +29867,24.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, Dominican-Republic +29868,32.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,56.0, United-States +29869,35.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States +29870,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +29871,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29872,25.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29873,34.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +29874,35.0, Private, Assoc-acdm,12.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +29875,31.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,30.0, United-States +29876,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, Greece +29877,42.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +29878,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +29879,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +29880,44.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +29881,28.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,38.0, Mexico +29882,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29883,51.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29884,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +29885,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +29886,31.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,42.0, United-States +29887,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland +29888,37.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +29889,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +29890,54.0, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29891,74.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,15831.0,0.0,40.0, United-States +29892,34.0, Private, 9th,5.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,35.0, Dominican-Republic +29893,34.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29894,55.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +29895,50.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29896,58.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +29897,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,44.0, United-States +29898,39.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States +29899,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29900,39.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +29901,46.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29902,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,15024.0,0.0,50.0, United-States +29903,38.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, Italy +29904,42.0, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +29905,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1628.0,48.0, United-States +29906,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29907,29.0, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +29908,47.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +29909,36.0, State-gov, Assoc-voc,11.0, Married-spouse-absent, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, Germany +29910,59.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Female,0.0,0.0,35.0, United-States +29911,66.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +29912,27.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,45.0, United-States +29913,59.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States +29914,40.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, Cambodia +29915,57.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States +29916,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29917,58.0, Local-gov, 5th-6th,3.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, Haiti +29918,31.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +29919,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +29920,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +29921,29.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +29922,54.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,50.0, United-States +29923,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +29924,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +29925,46.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +29926,25.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +29927,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,38.0, United-States +29928,32.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29929,54.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,32.0, United-States +29930,46.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +29931,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +29932,59.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,2202.0,0.0,40.0, United-States +29933,29.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States +29934,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,50.0, United-States +29935,24.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States +29936,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +29937,52.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29938,34.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29939,52.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +29940,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +29941,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +29942,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +29943,25.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +29944,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +29945,43.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +29946,29.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States +29947,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +29948,60.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +29949,39.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,1506.0,0.0,40.0, United-States +29950,60.0, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +29951,48.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +29952,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +29953,33.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +29954,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29955,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +29956,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,40.0, United-States +29957,35.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +29958,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,43.0, United-States +29959,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +29960,40.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States +29961,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States +29962,44.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,32.0, Mexico +29963,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1740.0,40.0, United-States +29964,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +29965,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29966,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States +29967,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +29968,60.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States +29969,64.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,55.0, United-States +29970,45.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +29971,34.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States +29972,80.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +29973,40.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,14084.0,0.0,40.0, United-States +29974,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +29975,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Female,0.0,0.0,20.0, Columbia +29976,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +29977,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +29978,27.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States +29979,25.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +29980,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +29981,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Yugoslavia +29982,40.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +29983,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +29984,42.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,30.0, United-States +29985,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, United-States +29986,38.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2824.0,45.0, United-States +29987,45.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +29988,22.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +29989,33.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +29990,44.0, Local-gov, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +29991,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +29992,34.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +29993,57.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +29994,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +29995,54.0, State-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +29996,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +29997,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Nicaragua +29998,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,2001.0,40.0, United-States +29999,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States +30000,56.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30001,37.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +30002,28.0, Private, 11th,7.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +30003,35.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +30004,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +30005,33.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30006,26.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +30007,41.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +30008,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,39.0, United-States +30009,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +30010,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30011,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +30012,18.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +30013,23.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +30014,35.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,37.0, United-States +30015,26.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +30016,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30017,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Guatemala +30018,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,16.0, United-States +30019,28.0, Private, 9th,5.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30020,51.0, Local-gov, 11th,7.0, Never-married, Farming-fishing, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30021,43.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,35.0, United-States +30022,48.0, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, Black, Female,0.0,0.0,43.0, United-States +30023,33.0, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Male,114.0,0.0,55.0, United-States +30024,51.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Cuba +30025,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30026,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +30027,44.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +30028,53.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,6849.0,0.0,40.0, United-States +30029,22.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +30030,32.0, Private, Bachelors,13.0, Never-married, Other-service, Unmarried, Other, Male,0.0,0.0,40.0, United-States +30031,57.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States +30032,17.0, Private, 11th,7.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,20.0, United-States +30033,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30034,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30035,42.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,36.0, United-States +30036,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, United-States +30037,25.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,42.0, United-States +30038,48.0, Private, Prof-school,15.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, United-States +30039,35.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30040,70.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,80.0, United-States +30041,48.0, Local-gov, Assoc-acdm,12.0, Separated, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30042,34.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,2597.0,0.0,45.0, United-States +30043,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,56.0, United-States +30044,30.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,37.0, United-States +30045,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States +30046,51.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30047,65.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States +30048,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,50.0, United-States +30049,61.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany +30050,55.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +30051,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,35.0, United-States +30052,37.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30053,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,25.0, United-States +30054,41.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +30055,53.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30056,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,50.0, Laos +30057,35.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States +30058,40.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30059,39.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2635.0,0.0,40.0, United-States +30060,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,3103.0,0.0,50.0, United-States +30061,40.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30062,32.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +30063,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +30064,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +30065,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +30066,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30067,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30068,73.0, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Male,25124.0,0.0,60.0, United-States +30069,37.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,12.0, United-States +30070,45.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +30071,58.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +30072,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +30073,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States +30074,24.0, Private, Masters,14.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States +30075,40.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Jamaica +30076,72.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +30077,27.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +30078,26.0, Private, 11th,7.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +30079,27.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +30080,25.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30081,44.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +30082,24.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +30083,57.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland +30084,44.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,70.0, United-States +30085,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +30086,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +30087,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States +30088,27.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +30089,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30090,48.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +30091,56.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,60.0, United-States +30092,19.0, State-gov, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,12.0, United-States +30093,23.0, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Poland +30094,47.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30095,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30096,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,40.0, United-States +30097,56.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +30098,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +30099,28.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30100,49.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +30101,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States +30102,61.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,58.0, United-States +30103,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +30104,51.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +30105,42.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,44.0, Mexico +30106,31.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,50.0, United-States +30107,25.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,45.0, United-States +30108,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States +30109,18.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +30110,23.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +30111,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30112,23.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,53.0, United-States +30113,36.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30114,18.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +30115,36.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +30116,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +30117,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +30118,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +30119,34.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +30120,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +30121,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,45.0, United-States +30122,23.0, Private, 9th,5.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines +30123,28.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,10520.0,0.0,50.0, United-States +30124,27.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,6849.0,0.0,40.0, United-States +30125,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +30126,59.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +30127,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +30128,25.0, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30129,33.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30130,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +30131,53.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, Vietnam +30132,28.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +30133,75.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Other-relative, Black, Female,0.0,0.0,16.0, United-States +30134,39.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Columbia +30135,65.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +30136,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +30137,38.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +30138,61.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +30139,46.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30140,40.0, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +30141,42.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,38.0, United-States +30142,65.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30143,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +30144,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +30145,53.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30146,64.0, Private, 10th,6.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +30147,24.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30148,24.0, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, White, Female,1831.0,0.0,40.0, United-States +30149,41.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30150,56.0, Private, 9th,5.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +30151,45.0, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +30152,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30153,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30154,32.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30155,52.0, Private, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +30156,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30157,63.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +30158,40.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30159,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States +30160,56.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,35.0, United-States +30161,30.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +30162,27.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +30163,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +30164,53.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,10.0, United-States +30165,31.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30166,28.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +30167,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +30168,65.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,6514.0,0.0,35.0, United-States +30169,32.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30170,54.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30171,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30172,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30173,40.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30174,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +30175,47.0, Private, Assoc-acdm,12.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +30176,45.0, Private, 5th-6th,3.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,35.0, Mexico +30177,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States +30178,63.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,32.0, United-States +30179,32.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30180,52.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +30181,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +30182,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +30183,47.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +30184,24.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30185,32.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +30186,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +30187,25.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30188,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,6849.0,0.0,65.0, United-States +30189,45.0, Private, 7th-8th,4.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +30190,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +30191,48.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,70.0, United-States +30192,37.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,1485.0,70.0, United-States +30193,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,32.0, United-States +30194,36.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +30195,49.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30196,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30197,69.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +30198,36.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +30199,50.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30200,37.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30201,48.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30202,29.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +30203,32.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States +30204,59.0, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999.0,0.0,40.0, China +30205,52.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, India +30206,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +30207,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +30208,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +30209,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States +30210,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30211,39.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States +30212,45.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30213,44.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +30214,19.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,52.0, United-States +30215,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Germany +30216,38.0, Self-emp-inc, Prof-school,15.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +30217,33.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +30218,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +30219,22.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, Mexico +30220,46.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +30221,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +30222,26.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30223,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States +30224,57.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30225,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +30226,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30227,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +30228,27.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30229,39.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30230,50.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +30231,25.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,43.0, United-States +30232,56.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30233,42.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +30234,29.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +30235,52.0, Self-emp-not-inc, Some-college,10.0, Widowed, Craft-repair, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +30236,38.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +30237,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +30238,25.0, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States +30239,20.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +30240,47.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,65.0, United-States +30241,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30242,25.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States +30243,29.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30244,57.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30245,31.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, Black, Male,4650.0,0.0,40.0, United-States +30246,37.0, Local-gov, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,60.0, United-States +30247,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +30248,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30249,59.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +30250,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30251,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +30252,72.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,21.0, United-States +30253,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30254,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +30255,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +30256,44.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,3103.0,0.0,40.0, United-States +30257,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +30258,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30259,52.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +30260,30.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,4787.0,0.0,45.0, United-States +30261,27.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +30262,72.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,20.0, United-States +30263,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +30264,45.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +30265,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,40.0, United-States +30266,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +30267,48.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30268,49.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +30269,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +30270,31.0, Private, 11th,7.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States +30271,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,55.0, United-States +30272,56.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30273,47.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,70.0, United-States +30274,40.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +30275,53.0, Federal-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30276,29.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Other-relative, White, Female,0.0,0.0,50.0, United-States +30277,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,70.0, United-States +30278,45.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States +30279,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, Mexico +30280,49.0, Federal-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30281,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +30282,56.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30283,24.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +30284,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +30285,29.0, Federal-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30286,51.0, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +30287,62.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30288,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,29.0, United-States +30289,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +30290,26.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2463.0,0.0,50.0, India +30291,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +30292,23.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +30293,62.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30294,25.0, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, Other, Female,0.0,0.0,40.0, Ecuador +30295,28.0, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30296,52.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30297,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Male,0.0,0.0,20.0, United-States +30298,45.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +30299,19.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico +30300,60.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +30301,41.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30302,33.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30303,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30304,38.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30305,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +30306,63.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +30307,35.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +30308,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30309,30.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30310,58.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +30311,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +30312,38.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +30313,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1902.0,40.0, United-States +30314,35.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30315,34.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30316,28.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30317,63.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +30318,40.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +30319,19.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +30320,62.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +30321,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30322,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +30323,64.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +30324,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +30325,53.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Italy +30326,31.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30327,20.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +30328,54.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Haiti +30329,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States +30330,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +30331,22.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +30332,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,52.0, United-States +30333,36.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30334,61.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30335,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,45.0, United-States +30336,40.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30337,40.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30338,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +30339,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +30340,50.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +30341,31.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30342,25.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,45.0, United-States +30343,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30344,29.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30345,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +30346,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,52.0, United-States +30347,55.0, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,75.0, United-States +30348,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +30349,46.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +30350,47.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +30351,62.0, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30352,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30353,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30354,38.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +30355,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,50.0, United-States +30356,57.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +30357,52.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +30358,28.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Own-child, White, Female,7688.0,0.0,40.0, United-States +30359,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +30360,30.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,55.0, United-States +30361,41.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +30362,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +30363,80.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1816.0,60.0, United-States +30364,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30365,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +30366,51.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +30367,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +30368,30.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30369,61.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +30370,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +30371,28.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +30372,28.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +30373,52.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, Peru +30374,46.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,43.0, Germany +30375,36.0, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30376,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30377,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +30378,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +30379,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30380,45.0, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +30381,53.0, Private, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States +30382,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30383,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30384,43.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,594.0,0.0,16.0, United-States +30385,60.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30386,41.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Unmarried, Black, Male,0.0,0.0,50.0, United-States +30387,59.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +30388,33.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Thailand +30389,40.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30390,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Haiti +30391,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30392,41.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +30393,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30394,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +30395,43.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,48.0, United-States +30396,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States +30397,58.0, Local-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30398,48.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +30399,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,15.0, United-States +30400,25.0, Private, 10th,6.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,35.0, Haiti +30401,28.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +30402,27.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,12.0, United-States +30403,30.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30404,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +30405,37.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30406,36.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,65.0, United-States +30407,61.0, Private, 11th,7.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, United-States +30408,54.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30409,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30410,24.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +30411,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,25.0, United-States +30412,22.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +30413,33.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,65.0, United-States +30414,34.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,12.0, United-States +30415,55.0, Private, 5th-6th,3.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,25.0, United-States +30416,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +30417,59.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30418,42.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, Canada +30419,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30420,30.0, Local-gov, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +30421,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,55.0, United-States +30422,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +30423,50.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,37.0, Mexico +30424,57.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,78.0, United-States +30425,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Other, Male,0.0,0.0,50.0, Puerto-Rico +30426,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,2174.0,0.0,50.0, United-States +30427,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30428,36.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +30429,33.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +30430,24.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +30431,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +30432,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,26.0, United-States +30433,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +30434,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +30435,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30436,24.0, Private, 11th,7.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +30437,49.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +30438,45.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States +30439,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States +30440,43.0, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +30441,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30442,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +30443,52.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30444,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30445,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30446,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, England +30447,70.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +30448,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +30449,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,32.0, United-States +30450,41.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +30451,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,3411.0,0.0,40.0, United-States +30452,41.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +30453,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +30454,63.0, Private, 10th,6.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30455,59.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30456,40.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30457,39.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +30458,48.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Peru +30459,33.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,55.0, United-States +30460,25.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +30461,64.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30462,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, Germany +30463,28.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30464,23.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +30465,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +30466,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States +30467,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Other, Male,0.0,0.0,40.0, Mexico +30468,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +30469,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +30470,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +30471,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30472,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +30473,66.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,40.0, United-States +30474,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,55.0, United-States +30475,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +30476,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30477,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +30478,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30479,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +30480,20.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30481,23.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Canada +30482,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30483,46.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30484,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +30485,30.0, Self-emp-not-inc, Some-college,10.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30486,42.0, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +30487,19.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Mexico +30488,52.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States +30489,53.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30490,56.0, Private, 11th,7.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30491,44.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Columbia +30492,30.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,65.0, United-States +30493,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,50.0, United-States +30494,59.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +30495,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +30496,47.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +30497,40.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +30498,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +30499,31.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +30500,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30501,20.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,2205.0,18.0, United-States +30502,69.0, Local-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,17.0, United-States +30503,51.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +30504,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30505,63.0, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +30506,29.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,70.0, United-States +30507,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +30508,49.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,44.0, United-States +30509,41.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +30510,54.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30511,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30512,45.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +30513,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +30514,35.0, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,60.0, United-States +30515,30.0, Private, 9th,5.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +30516,46.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,2.0, Italy +30517,48.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +30518,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +30519,39.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +30520,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +30521,49.0, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States +30522,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +30523,72.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +30524,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30525,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +30526,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,3103.0,0.0,72.0, United-States +30527,45.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30528,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +30529,18.0, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +30530,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +30531,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +30532,45.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +30533,30.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2580.0,0.0,40.0, United-States +30534,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,2597.0,0.0,20.0, United-States +30535,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30536,31.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +30537,30.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,5.0, United-States +30538,43.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +30539,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +30540,36.0, Private, 9th,5.0, Never-married, Farming-fishing, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30541,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +30542,30.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +30543,31.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +30544,34.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30545,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30546,25.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30547,66.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,10605.0,0.0,40.0, United-States +30548,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +30549,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +30550,42.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +30551,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,44.0, United-States +30552,33.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Guatemala +30553,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States +30554,49.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30555,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +30556,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +30557,33.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,99.0, United-States +30558,58.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +30559,63.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,12.0, United-States +30560,37.0, Federal-gov, Assoc-voc,11.0, Separated, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +30561,51.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States +30562,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30563,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +30564,23.0, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,22.0, United-States +30565,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +30566,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +30567,47.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,20.0, Cuba +30568,18.0, Self-emp-not-inc, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +30569,78.0, Self-emp-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30570,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, Columbia +30571,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30572,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +30573,35.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +30574,71.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,6514.0,0.0,40.0, United-States +30575,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30576,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30577,46.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,54.0, United-States +30578,44.0, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30579,53.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30580,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30581,28.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Male,7688.0,0.0,50.0, United-States +30582,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30583,33.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +30584,28.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +30585,33.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30586,26.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30587,45.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Germany +30588,23.0, Federal-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,20.0, United-States +30589,29.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +30590,57.0, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, Mexico +30591,30.0, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,8.0, United-States +30592,32.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +30593,55.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30594,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30595,80.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, Black, Male,0.0,0.0,15.0, United-States +30596,43.0, Private, 5th-6th,3.0, Married-spouse-absent, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador +30597,45.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,50.0, United-States +30598,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +30599,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +30600,31.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Dominican-Republic +30601,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +30602,26.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30603,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30604,36.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +30605,64.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +30606,32.0, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,50.0, United-States +30607,39.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30608,29.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +30609,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,21.0, United-States +30610,47.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30611,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +30612,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2042.0,40.0, Columbia +30613,43.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,44.0, United-States +30614,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +30615,46.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +30616,25.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +30617,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,46.0, United-States +30618,53.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30619,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,35.0, United-States +30620,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +30621,59.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +30622,31.0, Local-gov, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,20.0, United-States +30623,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +30624,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +30625,33.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +30626,38.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30627,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30628,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +30629,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +30630,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +30631,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico +30632,43.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,55.0, United-States +30633,39.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30634,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30635,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +30636,34.0, Local-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30637,36.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +30638,44.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,12.0, United-States +30639,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +30640,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30641,67.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States +30642,28.0, Private, Assoc-acdm,12.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30643,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30644,42.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +30645,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +30646,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30647,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +30648,40.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Yugoslavia +30649,27.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +30650,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +30651,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +30652,45.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30653,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30654,48.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +30655,40.0, Local-gov, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30656,22.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +30657,68.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, Black, Female,2346.0,0.0,40.0, United-States +30658,53.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,45.0, United-States +30659,34.0, Self-emp-not-inc, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +30660,66.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,10.0, United-States +30661,42.0, Private, 9th,5.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +30662,59.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,2580.0,0.0,15.0, El-Salvador +30663,31.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +30664,50.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,30.0, United-States +30665,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +30666,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +30667,29.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30668,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +30669,39.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +30670,42.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, United-States +30671,48.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +30672,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,6.0, United-States +30673,48.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Dominican-Republic +30674,40.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +30675,31.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,28.0, Mexico +30676,30.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,25.0, United-States +30677,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +30678,34.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30679,46.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,60.0, United-States +30680,40.0, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +30681,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, Canada +30682,22.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,99999.0,0.0,40.0, Dominican-Republic +30683,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +30684,53.0, Private, Prof-school,15.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30685,40.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +30686,45.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +30687,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +30688,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +30689,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +30690,29.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Canada +30691,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30692,47.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +30693,67.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +30694,61.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,32.0, United-States +30695,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +30696,38.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2258.0,60.0, United-States +30697,77.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30698,55.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +30699,25.0, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30700,57.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States +30701,68.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2377.0,55.0, United-States +30702,27.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,70.0, United-States +30703,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +30704,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,50.0, United-States +30705,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +30706,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,50.0, United-States +30707,49.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30708,34.0, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30709,27.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30710,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,75.0, United-States +30711,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30712,24.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +30713,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30714,50.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +30715,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30716,37.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +30717,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,48.0, United-States +30718,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +30719,44.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30720,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,60.0, United-States +30721,27.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +30722,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, Ecuador +30723,44.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Female,2354.0,0.0,99.0, United-States +30724,26.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, Mexico +30725,26.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30726,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30727,59.0, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Female,6849.0,0.0,40.0, United-States +30728,62.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +30729,52.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +30730,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30731,50.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,60.0, United-States +30732,45.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Own-child, Black, Female,0.0,0.0,25.0, United-States +30733,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,10.0, United-States +30734,29.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +30735,49.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +30736,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30737,42.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +30738,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +30739,53.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,27828.0,0.0,40.0, Philippines +30740,30.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +30741,37.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,25.0, United-States +30742,73.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,2457.0,40.0, Vietnam +30743,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30744,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +30745,63.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,20051.0,0.0,10.0, United-States +30746,36.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30747,27.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +30748,66.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +30749,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30750,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +30751,73.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2174.0,50.0, United-States +30752,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +30753,44.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1092.0,40.0, United-States +30754,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States +30755,64.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30756,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30757,27.0, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +30758,36.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +30759,60.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30760,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +30761,56.0, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,60.0, United-States +30762,26.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +30763,40.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +30764,28.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +30765,49.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,80.0, United-States +30766,46.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30767,56.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +30768,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,70.0, United-States +30769,36.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,8614.0,0.0,45.0, United-States +30770,26.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,35.0, Mexico +30771,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +30772,28.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, Haiti +30773,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30774,41.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States +30775,74.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,10.0, United-States +30776,22.0, Private, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30777,29.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +30778,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,48.0, United-States +30779,44.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30780,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +30781,47.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1740.0,40.0, United-States +30782,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,55.0, United-States +30783,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,10.0, United-States +30784,29.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,10.0, United-States +30785,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +30786,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Cuba +30787,30.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30788,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States +30789,48.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States +30790,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +30791,23.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +30792,28.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,70.0, United-States +30793,65.0, Private, Assoc-voc,11.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States +30794,29.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +30795,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30796,21.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +30797,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +30798,62.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +30799,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +30800,20.0, Private, 12th,8.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States +30801,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States +30802,24.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +30803,30.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, El-Salvador +30804,32.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,64.0, United-States +30805,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,35.0, United-States +30806,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30807,27.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +30808,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States +30809,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30810,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +30811,21.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,35.0, United-States +30812,28.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +30813,38.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +30814,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +30815,45.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, United-States +30816,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +30817,35.0, State-gov, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +30818,72.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States +30819,23.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30820,34.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,44.0, United-States +30821,31.0, Federal-gov, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +30822,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +30823,36.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +30824,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30825,76.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States +30826,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +30827,28.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +30828,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1669.0,55.0, United-States +30829,35.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,55.0, United-States +30830,33.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +30831,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +30832,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +30833,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +30834,34.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Ireland +30835,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Ireland +30836,43.0, Private, Bachelors,13.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30837,32.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,55.0, United-States +30838,26.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +30839,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +30840,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Germany +30841,43.0, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Male,8614.0,0.0,40.0, United-States +30842,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States +30843,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +30844,49.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States +30845,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +30846,65.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +30847,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30848,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +30849,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +30850,43.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +30851,19.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,25.0, United-States +30852,54.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,2559.0,40.0, United-States +30853,49.0, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,44.0, United-States +30854,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30855,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1602.0,40.0, United-States +30856,33.0, Private, 7th-8th,4.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, Haiti +30857,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +30858,23.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States +30859,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +30860,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +30861,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +30862,28.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +30863,59.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30864,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +30865,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30866,24.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +30867,42.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30868,25.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30869,53.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,34.0, United-States +30870,64.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,3.0, United-States +30871,33.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30872,57.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +30873,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States +30874,53.0, Local-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30875,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +30876,49.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +30877,54.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +30878,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30879,47.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +30880,35.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,27828.0,0.0,60.0, United-States +30881,74.0, Private, Prof-school,15.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +30882,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,54.0, United-States +30883,43.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +30884,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +30885,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States +30886,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,1594.0,20.0, United-States +30887,27.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30888,43.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30889,31.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,2174.0,0.0,52.0, United-States +30890,31.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,45.0, United-States +30891,32.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +30892,46.0, Private, Assoc-voc,11.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +30893,37.0, Private, Some-college,10.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +30894,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30895,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States +30896,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30897,22.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +30898,48.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States +30899,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +30900,35.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +30901,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States +30902,64.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,30.0, Columbia +30903,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30904,50.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +30905,43.0, Private, 1st-4th,2.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +30906,48.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +30907,57.0, Local-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,6849.0,0.0,40.0, United-States +30908,32.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30909,38.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,41.0, United-States +30910,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +30911,33.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +30912,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +30913,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +30914,36.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +30915,50.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +30916,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Mexico +30917,47.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, France +30918,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +30919,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +30920,74.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +30921,45.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30922,60.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,48.0, United-States +30923,43.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30924,42.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +30925,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,40.0, United-States +30926,50.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +30927,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +30928,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +30929,56.0, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30930,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +30931,44.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,58.0, United-States +30932,43.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States +30933,37.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,47.0, United-States +30934,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30935,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30936,31.0, State-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30937,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +30938,24.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30939,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30940,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,5721.0,0.0,44.0, United-States +30941,30.0, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30942,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +30943,39.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +30944,39.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, Mexico +30945,27.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +30946,66.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30947,38.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,50.0, United-States +30948,30.0, Local-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30949,41.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +30950,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +30951,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,50.0, United-States +30952,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +30953,25.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +30954,39.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States +30955,45.0, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,48.0, United-States +30956,29.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,34.0, United-States +30957,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +30958,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States +30959,40.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +30960,56.0, Self-emp-not-inc, 10th,6.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +30961,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30962,54.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +30963,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +30964,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,28.0, United-States +30965,64.0, Private, 10th,6.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +30966,29.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States +30967,49.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30968,30.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +30969,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +30970,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +30971,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +30972,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +30973,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30974,46.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +30975,26.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30976,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +30977,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +30978,44.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +30979,31.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +30980,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1974.0,55.0, United-States +30981,65.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3818.0,0.0,10.0, United-States +30982,59.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +30983,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +30984,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30985,49.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30986,36.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +30987,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +30988,55.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,6418.0,0.0,50.0, United-States +30989,66.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +30990,48.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +30991,50.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +30992,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,45.0, United-States +30993,31.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +30994,48.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +30995,40.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States +30996,22.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +30997,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +30998,54.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +30999,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,45.0, United-States +31000,35.0, Private, HS-grad,9.0, Widowed, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +31001,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +31002,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +31003,71.0, Private, 5th-6th,3.0, Widowed, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,75.0, United-States +31004,32.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +31005,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +31006,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31007,42.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +31008,55.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +31009,60.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +31010,24.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31011,22.0, Private, Assoc-voc,11.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, Mexico +31012,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +31013,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31014,31.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31015,55.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31016,30.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +31017,35.0, Private, Masters,14.0, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31018,65.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States +31019,53.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +31020,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Male,0.0,0.0,40.0, United-States +31021,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +31022,46.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,58.0, United-States +31023,37.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,2635.0,0.0,40.0, United-States +31024,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +31025,38.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,60.0, United-States +31026,23.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,12.0, United-States +31027,52.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, Haiti +31028,42.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +31029,23.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States +31030,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +31031,52.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31032,79.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +31033,43.0, Local-gov, Masters,, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,37.0, United-States +31034,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31035,38.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31036,33.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +31037,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31038,31.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31039,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +31040,41.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +31041,23.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,, United-States +31042,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +31043,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +31044,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,50.0, United-States +31045,27.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,30.0, United-States +31046,48.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +31047,27.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +31048,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +31049,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +31050,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31051,23.0, Local-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,56.0, United-States +31052,58.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Dominican-Republic +31053,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +31054,20.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +31055,28.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +31056,55.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31057,49.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,38.0, Peru +31058,42.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +31059,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +31060,26.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,32.0, United-States +31061,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +31062,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +31063,49.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Portugal +31064,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31065,49.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +31066,40.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298.0,0.0,40.0, United-States +31067,30.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +31068,20.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +31069,55.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31070,31.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,20.0, Mexico +31071,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +31072,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +31073,41.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +31074,21.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,30.0, United-States +31075,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +31076,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31077,28.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, Columbia +31078,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31079,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,25.0, United-States +31080,33.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +31081,26.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +31082,23.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,66.0, United-States +31083,61.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,48.0, United-States +31084,42.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,52.0, United-States +31085,29.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +31086,81.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,4.0, United-States +31087,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +31088,21.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,1602.0,30.0, United-States +31089,62.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +31090,53.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,1887.0,40.0, Philippines +31091,48.0, Federal-gov, Some-college,10.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31092,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31093,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,49.0, United-States +31094,40.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31095,90.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,2964.0,0.0,12.0, United-States +31096,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,2463.0,0.0,50.0, France +31097,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +31098,28.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31099,56.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31100,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, Japan +31101,66.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +31102,59.0, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,13550.0,0.0,40.0, United-States +31103,35.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +31104,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +31105,31.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +31106,68.0, Private, 9th,5.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +31107,29.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,70.0, United-States +31108,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +31109,63.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,2105.0,0.0,40.0, Vietnam +31110,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31111,31.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31112,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31113,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31114,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,36.0, United-States +31115,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +31116,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31117,52.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31118,41.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,30.0, United-States +31119,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +31120,23.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States +31121,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31122,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31123,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +31124,38.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +31125,39.0, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,1721.0,15.0, United-States +31126,25.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +31127,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +31128,26.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +31129,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,4101.0,0.0,50.0, United-States +31130,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +31131,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +31132,32.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +31133,59.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, Canada +31134,66.0, Private, 5th-6th,3.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico +31135,39.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +31136,54.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +31137,21.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +31138,65.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +31139,30.0, Private, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,44.0, United-States +31140,66.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,8.0, United-States +31141,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31142,21.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +31143,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +31144,49.0, Local-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +31145,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103.0,0.0,40.0, India +31146,41.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31147,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, Iran +31148,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +31149,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +31150,46.0, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +31151,17.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +31152,62.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +31153,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +31154,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31155,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +31156,31.0, Private, Assoc-acdm,12.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +31157,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +31158,67.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +31159,49.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +31160,35.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,60.0, United-States +31161,33.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31162,71.0, Private, 9th,5.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,13.0, United-States +31163,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +31164,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,75.0, United-States +31165,46.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +31166,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +31167,28.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +31168,39.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,55.0, Mexico +31169,17.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,594.0,0.0,20.0, United-States +31170,52.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +31171,48.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +31172,65.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,24.0, United-States +31173,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,43.0, United-States +31174,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +31175,32.0, Private, HS-grad,9.0, Married-AF-spouse, Other-service, Other-relative, White, Female,0.0,0.0,10.0, United-States +31176,42.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,60.0, United-States +31177,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +31178,34.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States +31179,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States +31180,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States +31181,29.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,35.0, United-States +31182,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +31183,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +31184,70.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +31185,67.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1844.0,70.0, United-States +31186,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31187,53.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31188,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +31189,43.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31190,80.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +31191,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,4650.0,0.0,45.0, United-States +31192,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +31193,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +31194,65.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,20051.0,0.0,40.0, United-States +31195,28.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +31196,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31197,25.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +31198,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,36.0, United-States +31199,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,1719.0,40.0, United-States +31200,41.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, Black, Male,2354.0,0.0,40.0, United-States +31201,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +31202,49.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +31203,18.0, Self-emp-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +31204,28.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,35.0, United-States +31205,21.0, Private, 11th,7.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, Mexico +31206,24.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1741.0,45.0, United-States +31207,72.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +31208,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +31209,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +31210,37.0, Private, 11th,7.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31211,53.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +31212,30.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,1151.0,0.0,30.0, United-States +31213,34.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, Canada +31214,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31215,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland +31216,44.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica +31217,46.0, Private, Assoc-voc,11.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +31218,47.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +31219,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +31220,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,50.0, United-States +31221,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala +31222,42.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,35.0, United-States +31223,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +31224,39.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31225,38.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,24.0, United-States +31226,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +31227,62.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +31228,50.0, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +31229,22.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +31230,52.0, Private, 9th,5.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,30.0, China +31231,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +31232,26.0, State-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31233,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31234,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +31235,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +31236,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,2057.0,35.0, United-States +31237,49.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,47.0, United-States +31238,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +31239,32.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +31240,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,48.0, United-States +31241,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States +31242,41.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Cuba +31243,39.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31244,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1977.0,25.0, United-States +31245,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +31246,38.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +31247,72.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +31248,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +31249,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31250,51.0, Private, 9th,5.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +31251,40.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31252,48.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +31253,41.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,50.0, India +31254,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688.0,0.0,40.0, United-States +31255,35.0, Federal-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +31256,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +31257,42.0, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31258,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +31259,32.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +31260,68.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31261,62.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +31262,24.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Other-relative, White, Male,0.0,0.0,24.0, United-States +31263,35.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +31264,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,55.0, United-States +31265,52.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +31266,33.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31267,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +31268,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +31269,32.0, Self-emp-not-inc, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +31270,48.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +31271,26.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31272,43.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,14344.0,0.0,40.0, United-States +31273,27.0, Private, Some-college,10.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +31274,31.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +31275,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31276,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +31277,25.0, Private, 11th,7.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +31278,31.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +31279,22.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, Peru +31280,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic +31281,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,10.0, United-States +31282,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +31283,51.0, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +31284,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +31285,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31286,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +31287,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States +31288,45.0, Federal-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Male,0.0,2080.0,40.0, Philippines +31289,51.0, Private, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +31290,57.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +31291,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +31292,46.0, Local-gov, 9th,5.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31293,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, Canada +31294,47.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +31295,48.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31296,62.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States +31297,43.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +31298,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31299,47.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31300,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +31301,68.0, State-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,5.0, United-States +31302,44.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +31303,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,23.0, United-States +31304,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31305,30.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +31306,31.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31307,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31308,52.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Cuba +31309,30.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31310,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +31311,19.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,35.0, United-States +31312,22.0, Private, 11th,7.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +31313,42.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31314,30.0, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,26.0, United-States +31315,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31316,40.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States +31317,53.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31318,42.0, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31319,33.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,76.0, United-States +31320,58.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31321,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,84.0, United-States +31322,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +31323,64.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +31324,36.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +31325,24.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +31326,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +31327,48.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +31328,32.0, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,11.0, Taiwan +31329,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +31330,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,22040.0,0.0,40.0, United-States +31331,20.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,54.0, United-States +31332,25.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +31333,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +31334,36.0, Private, Preschool,1.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, Puerto-Rico +31335,40.0, Private, 11th,7.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,36.0, United-States +31336,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +31337,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States +31338,38.0, Private, 9th,5.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31339,53.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +31340,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,80.0, United-States +31341,51.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States +31342,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +31343,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31344,35.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Philippines +31345,45.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +31346,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +31347,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +31348,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +31349,37.0, Self-emp-not-inc, Some-college,10.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, Cuba +31350,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31351,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,60.0, United-States +31352,58.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, Greece +31353,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, El-Salvador +31354,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Columbia +31355,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +31356,56.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31357,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +31358,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,44.0, United-States +31359,28.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +31360,34.0, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +31361,41.0, Self-emp-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Honduras +31362,35.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +31363,45.0, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31364,61.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31365,37.0, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0.0,0.0,12.0, Mexico +31366,40.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +31367,18.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,24.0, United-States +31368,34.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +31369,31.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +31370,43.0, Self-emp-inc, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +31371,34.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States +31372,49.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +31373,60.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31374,53.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States +31375,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States +31376,48.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31377,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +31378,23.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +31379,37.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,48.0, United-States +31380,40.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +31381,32.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +31382,34.0, State-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31383,31.0, State-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +31384,26.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,2174.0,0.0,40.0, United-States +31385,28.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +31386,25.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31387,44.0, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,55.0, Dominican-Republic +31388,55.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,2444.0,60.0, United-States +31389,47.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +31390,33.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States +31391,45.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31392,45.0, Private, 11th,7.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,25.0, United-States +31393,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +31394,65.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,1848.0,0.0,40.0, United-States +31395,32.0, Private, Masters,14.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States +31396,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,55.0, United-States +31397,22.0, Self-emp-inc, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +31398,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +31399,42.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +31400,66.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States +31401,34.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +31402,56.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States +31403,33.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31404,60.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, United-States +31405,46.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +31406,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +31407,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,35.0, United-States +31408,42.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31409,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +31410,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Portugal +31411,42.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31412,23.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +31413,35.0, Private, 11th,7.0, Separated, Transport-moving, Not-in-family, Black, Male,3674.0,0.0,40.0, United-States +31414,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States +31415,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +31416,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +31417,51.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +31418,44.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +31419,49.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States +31420,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31421,26.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,5013.0,0.0,40.0, United-States +31422,36.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +31423,41.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +31424,56.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +31425,36.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +31426,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +31427,65.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,64.0, United-States +31428,62.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +31429,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +31430,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +31431,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31432,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +31433,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +31434,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,42.0, United-States +31435,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31436,61.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,82.0, United-States +31437,39.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,30.0, United-States +31438,34.0, Private, HS-grad,9.0, Separated, Tech-support, Unmarried, Black, Female,0.0,0.0,35.0, United-States +31439,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,16.0, United-States +31440,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +31441,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,34.0, United-States +31442,24.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +31443,26.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +31444,32.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,2.0, United-States +31445,40.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +31446,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31447,26.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico +31448,27.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +31449,20.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +31450,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +31451,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +31452,20.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +31453,41.0, Local-gov, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +31454,47.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +31455,32.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +31456,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,18.0, United-States +31457,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +31458,62.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31459,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +31460,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,1.0, United-States +31461,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,4865.0,0.0,40.0, United-States +31462,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31463,49.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +31464,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +31465,35.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,65.0, United-States +31466,49.0, Private, 10th,6.0, Divorced,, Not-in-family, White, Male,0.0,0.0,48.0, United-States +31467,41.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +31468,18.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31469,34.0, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +31470,35.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31471,44.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +31472,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +31473,72.0, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,16.0, United-States +31474,49.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31475,31.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +31476,38.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +31477,46.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States +31478,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +31479,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +31480,30.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +31481,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +31482,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,24.0, Vietnam +31483,38.0, Private, 11th,7.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,55.0, United-States +31484,26.0, Self-emp-inc, 12th,8.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,98.0, Dominican-Republic +31485,30.0, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +31486,47.0, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,1719.0,30.0, United-States +31487,50.0, Private, 12th,8.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +31488,30.0, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +31489,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +31490,39.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +31491,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +31492,61.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,4386.0,0.0,40.0, United-States +31493,52.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31494,45.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Male,5455.0,0.0,40.0, United-States +31495,19.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, White, Female,0.0,1602.0,40.0, United-States +31496,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +31497,30.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +31498,29.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +31499,39.0, Private, 9th,5.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +31500,31.0, Private, HS-grad,9.0, Married-spouse-absent, Priv-house-serv, Other-relative, Black, Female,0.0,0.0,60.0, Jamaica +31501,34.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +31502,39.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +31503,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31504,46.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States +31505,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +31506,36.0, State-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +31507,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31508,29.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,4101.0,0.0,40.0, United-States +31509,43.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +31510,52.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +31511,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,51.0, United-States +31512,36.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +31513,52.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +31514,42.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +31515,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +31516,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,70.0, Jamaica +31517,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,35.0, United-States +31518,42.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +31519,30.0, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,4865.0,0.0,40.0, United-States +31520,29.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +31521,35.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +31522,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31523,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +31524,54.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +31525,32.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,2205.0,40.0, Holand-Netherlands +31526,28.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31527,20.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +31528,43.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,60.0, United-States +31529,51.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,6849.0,0.0,40.0, United-States +31530,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +31531,63.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +31532,30.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31533,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,5.0, United-States +31534,20.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,10.0, United-States +31535,50.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,1408.0,50.0, United-States +31536,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States +31537,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +31538,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +31539,33.0, State-gov, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +31540,33.0, Federal-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family,, Male,0.0,1408.0,50.0, United-States +31541,49.0, State-gov, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31542,35.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31543,54.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31544,22.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +31545,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +31546,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +31547,58.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +31548,48.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +31549,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +31550,31.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +31551,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31552,64.0, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +31553,43.0, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +31554,53.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,13550.0,0.0,43.0, United-States +31555,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States +31556,33.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +31557,39.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31558,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +31559,21.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, China +31560,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, India +31561,61.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31562,37.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +31563,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,40.0, United-States +31564,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +31565,52.0, Private, Assoc-acdm,12.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +31566,26.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +31567,37.0, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31568,36.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +31569,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,33.0, El-Salvador +31570,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +31571,46.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States +31572,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +31573,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +31574,28.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +31575,30.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States +31576,35.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31577,26.0,, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +31578,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +31579,58.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31580,23.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +31581,30.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +31582,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +31583,56.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31584,56.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Trinadad&Tobago +31585,40.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +31586,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, United-States +31587,37.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,15.0, United-States +31588,53.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688.0,0.0,48.0, Taiwan +31589,32.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +31590,37.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31591,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,4.0, United-States +31592,38.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31593,36.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31594,26.0, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +31595,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31596,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +31597,37.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +31598,42.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31599,52.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,1848.0,40.0, United-States +31600,47.0, Private, 9th,5.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +31601,42.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31602,45.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +31603,36.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +31604,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States +31605,44.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +31606,38.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, Mexico +31607,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31608,29.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +31609,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +31610,35.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +31611,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31612,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +31613,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +31614,82.0, Private, 5th-6th,3.0, Widowed, Other-service, Unmarried, White, Male,0.0,0.0,20.0, United-States +31615,48.0, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31616,29.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31617,36.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31618,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +31619,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31620,61.0, Private, 10th,6.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,20.0, United-States +31621,36.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1672.0,50.0, United-States +31622,54.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +31623,42.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States +31624,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31625,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31626,53.0, Private, 1st-4th,2.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Dominican-Republic +31627,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +31628,29.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States +31629,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31630,24.0, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +31631,36.0, Local-gov, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31632,31.0, State-gov, Assoc-voc,11.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31633,30.0, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +31634,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +31635,57.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico +31636,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31637,29.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +31638,23.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,35.0, Mexico +31639,35.0, Private, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, Other, Male,0.0,0.0,60.0, England +31640,49.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +31641,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +31642,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, Iran +31643,59.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +31644,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +31645,63.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +31646,42.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +31647,30.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, Black, Female,0.0,0.0,40.0, United-States +31648,26.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,39.0, United-States +31649,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +31650,43.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31651,53.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31652,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,50.0, United-States +31653,30.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31654,42.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, United-States +31655,48.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +31656,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31657,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +31658,56.0, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Female,27828.0,0.0,20.0, United-States +31659,63.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,32.0, United-States +31660,25.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +31661,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +31662,23.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1902.0,40.0, United-States +31663,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +31664,39.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +31665,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31666,40.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31667,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +31668,44.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States +31669,50.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,40.0, United-States +31670,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31671,43.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,45.0, United-States +31672,53.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31673,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, Other, Female,7688.0,0.0,45.0, United-States +31674,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +31675,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31676,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +31677,90.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31678,52.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States +31679,31.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31680,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +31681,40.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,50.0, United-States +31682,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,1.0, Japan +31683,20.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +31684,49.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,3674.0,0.0,40.0, United-States +31685,39.0, Self-emp-inc, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1651.0,40.0, Mexico +31686,46.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +31687,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +31688,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +31689,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +31690,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +31691,51.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +31692,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31693,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +31694,51.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica +31695,22.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, United-States +31696,39.0, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,625.0,35.0, United-States +31697,61.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31698,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31699,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,20.0, United-States +31700,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +31701,24.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +31702,63.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +31703,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,19.0, United-States +31704,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,52.0, United-States +31705,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +31706,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31707,43.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31708,32.0, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31709,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +31710,28.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +31711,43.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,35.0, United-States +31712,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +31713,29.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +31714,50.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31715,47.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +31716,30.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +31717,19.0, Private, 11th,7.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,19.0, Philippines +31718,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States +31719,37.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,2339.0,40.0, El-Salvador +31720,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +31721,45.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +31722,18.0, Private, 7th-8th,4.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +31723,50.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +31724,41.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31725,22.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +31726,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,2001.0,40.0, United-States +31727,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +31728,76.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,28.0, United-States +31729,25.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31730,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +31731,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,55.0, United-States +31732,47.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +31733,57.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +31734,42.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31735,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +31736,53.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,45.0, United-States +31737,30.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31738,46.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31739,25.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,44.0, Philippines +31740,48.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +31741,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +31742,25.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,12.0, United-States +31743,51.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +31744,33.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +31745,64.0, Local-gov, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31746,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +31747,33.0, Private, 5th-6th,3.0, Married-spouse-absent, Transport-moving, Unmarried, Other, Male,0.0,0.0,20.0, El-Salvador +31748,20.0, Private, Preschool,1.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States +31749,31.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,70.0, United-States +31750,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +31751,58.0, Self-emp-not-inc, 10th,6.0, Separated, Sales, Other-relative, Other, Male,0.0,0.0,40.0, Cuba +31752,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States +31753,17.0, Local-gov, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +31754,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +31755,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Nicaragua +31756,55.0, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +31757,37.0, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,46.0, United-States +31758,33.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,18.0, United-States +31759,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +31760,38.0, Self-emp-not-inc, 10th,6.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31761,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +31762,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +31763,27.0, Local-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +31764,53.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Transport-moving, Other-relative, White, Female,0.0,0.0,35.0, United-States +31765,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +31766,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31767,55.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +31768,43.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,48.0, United-States +31769,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31770,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +31771,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +31772,28.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +31773,53.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31774,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +31775,33.0, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +31776,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +31777,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +31778,46.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +31779,49.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +31780,43.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States +31781,33.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +31782,45.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +31783,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31784,54.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +31785,46.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,36.0, United-States +31786,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +31787,58.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +31788,35.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,32.0, United-States +31789,64.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31790,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31791,24.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States +31792,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +31793,35.0, State-gov, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +31794,32.0, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +31795,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +31796,62.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,6.0, United-States +31797,19.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,66.0, United-States +31798,58.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,38.0, United-States +31799,57.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,1977.0,40.0, United-States +31800,27.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +31801,31.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31802,43.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31803,23.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States +31804,48.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31805,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,50.0, United-States +31806,38.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31807,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +31808,71.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,3.0, United-States +31809,51.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,99.0, United-States +31810,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +31811,21.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +31812,36.0, Private, 12th,8.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31813,42.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +31814,39.0, Private, 10th,6.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,12.0, United-States +31815,43.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +31816,54.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +31817,17.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,18.0, United-States +31818,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +31819,42.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31820,46.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, United-States +31821,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States +31822,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +31823,24.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31824,31.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +31825,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +31826,43.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +31827,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +31828,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31829,57.0, State-gov, Bachelors,13.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,39.0, United-States +31830,62.0, Private, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +31831,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +31832,35.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,38.0, Japan +31833,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31834,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31835,17.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States +31836,28.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States +31837,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,1762.0,32.0, United-States +31838,20.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,72.0, United-States +31839,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31840,36.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +31841,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31842,65.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,27.0, United-States +31843,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +31844,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States +31845,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States +31846,20.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +31847,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +31848,48.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,42.0, United-States +31849,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +31850,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, Mexico +31851,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +31852,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +31853,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +31854,38.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,32.0, United-States +31855,24.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,35.0, United-States +31856,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +31857,49.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States +31858,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31859,36.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +31860,53.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +31861,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +31862,54.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,50.0, United-States +31863,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,56.0, United-States +31864,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,66.0, United-States +31865,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +31866,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +31867,31.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +31868,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +31869,36.0, State-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,8.0, United-States +31870,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +31871,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +31872,47.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +31873,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +31874,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +31875,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3908.0,0.0,46.0, United-States +31876,41.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +31877,37.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +31878,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, Other, Male,0.0,0.0,25.0, United-States +31879,51.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +31880,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +31881,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +31882,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +31883,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,45.0, United-States +31884,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +31885,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +31886,17.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States +31887,32.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +31888,46.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31889,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +31890,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States +31891,31.0, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31892,49.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31893,29.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +31894,45.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,50.0, United-States +31895,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +31896,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,8.0, United-States +31897,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +31898,19.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,20.0, United-States +31899,44.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States +31900,59.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,37.0, United-States +31901,28.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +31902,30.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31903,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31904,18.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +31905,31.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States +31906,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +31907,57.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31908,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +31909,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +31910,39.0, Private, Some-college,10.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,30.0, United-States +31911,51.0, Self-emp-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +31912,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31913,59.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +31914,48.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +31915,38.0, Private, 11th,7.0, Married-spouse-absent, Transport-moving, Own-child, White, Male,0.0,0.0,36.0, Mexico +31916,21.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +31917,59.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +31918,47.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31919,23.0, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States +31920,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +31921,23.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +31922,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +31923,33.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,70.0, United-States +31924,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31925,26.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,50.0, United-States +31926,69.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,1848.0,0.0,40.0, United-States +31927,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong +31928,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +31929,53.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,40.0, United-States +31930,19.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31931,49.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +31932,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States +31933,31.0, Private, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,41.0, United-States +31934,30.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States +31935,25.0, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31936,39.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +31937,85.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Male,0.0,0.0,35.0, United-States +31938,61.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +31939,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +31940,42.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +31941,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +31942,31.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +31943,56.0, State-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +31944,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +31945,46.0, Private, Assoc-voc,11.0, Separated, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +31946,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States +31947,19.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +31948,77.0, Private, 9th,5.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,10.0, United-States +31949,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Other, Male,0.0,0.0,40.0, France +31950,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +31951,51.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, Scotland +31952,25.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Mexico +31953,21.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States +31954,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +31955,50.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,50.0, United-States +31956,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,35.0, United-States +31957,59.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31958,54.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,35.0, United-States +31959,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +31960,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,1902.0,40.0, Puerto-Rico +31961,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31962,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31963,82.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +31964,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States +31965,54.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +31966,56.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31967,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31968,30.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +31969,33.0, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +31970,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31971,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31972,58.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +31973,26.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +31974,24.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,45.0, United-States +31975,24.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0.0,0.0,20.0, United-States +31976,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States +31977,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +31978,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +31979,37.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +31980,32.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +31981,41.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +31982,20.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,16.0, United-States +31983,32.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,46.0, United-States +31984,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +31985,57.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +31986,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +31987,31.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Black, Female,0.0,0.0,60.0, United-States +31988,48.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +31989,39.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +31990,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +31991,58.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +31992,45.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Haiti +31993,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +31994,55.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +31995,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +31996,38.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4064.0,0.0,40.0, United-States +31997,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829.0,0.0,40.0, United-States +31998,37.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,90.0, United-States +31999,60.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +32000,66.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32001,37.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1485.0,50.0, United-States +32002,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +32003,28.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States +32004,65.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States +32005,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1721.0,40.0, United-States +32006,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +32007,52.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32008,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Italy +32009,69.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32010,40.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States +32011,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Canada +32012,69.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,38.0, United-States +32013,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32014,56.0, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,1876.0,60.0, United-States +32015,35.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +32016,43.0, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +32017,47.0, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, El-Salvador +32018,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, Thailand +32019,22.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,36.0, United-States +32020,35.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +32021,27.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,37.0, United-States +32022,30.0, State-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +32023,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,70.0, United-States +32024,36.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States +32025,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Dominican-Republic +32026,22.0, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32027,67.0, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +32028,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32029,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +32030,54.0, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +32031,41.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +32032,43.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32033,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +32034,46.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,15024.0,0.0,40.0, United-States +32035,37.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +32036,60.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32037,24.0, Private, 12th,8.0, Never-married, Other-service, Other-relative, Other, Male,0.0,0.0,40.0, Dominican-Republic +32038,36.0,, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +32039,43.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,14.0, United-States +32040,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,60.0, United-States +32041,52.0, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,1092.0,40.0, United-States +32042,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32043,42.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +32044,41.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32045,30.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +32046,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32047,32.0, Private, Some-college,10.0, Divorced, Exec-managerial, Other-relative, White, Male,0.0,0.0,60.0, United-States +32048,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +32049,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +32050,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +32051,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,6.0, United-States +32052,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +32053,, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +32054,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States +32055,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +32056,52.0, Private, 5th-6th,3.0, Separated, Craft-repair, Unmarried, Black, Female,4101.0,0.0,40.0, United-States +32057,64.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +32058,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +32059,59.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,80.0, United-States +32060,37.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,45.0, United-States +32061,44.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +32062,45.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Poland +32063,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +32064,28.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +32065,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +32066,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32067,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +32068,48.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32069,17.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico +32070,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +32071,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +32072,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, United-States +32073,70.0, Self-emp-inc, 9th,5.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +32074,40.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, Germany +32075,30.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +32076,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +32077,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, England +32078,26.0, Private, HS-grad,9.0, Separated, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +32079,68.0, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,20.0, United-States +32080,64.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32081,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +32082,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +32083,42.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, France +32084,63.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32085,44.0, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,36.0, United-States +32086,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32087,67.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2457.0,40.0, United-States +32088,47.0, Local-gov, 11th,7.0, Divorced, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +32089,58.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +32090,30.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +32091,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +32092,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Cambodia +32093,50.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32094,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +32095,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,37.0, United-States +32096,31.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,55.0, United-States +32097,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +32098,23.0, Self-emp-not-inc, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +32099,47.0, Private, HS-grad,9.0, Separated, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, United-States +32100,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +32101,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32102,39.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States +32103,70.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2246.0,40.0, United-States +32104,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +32105,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32106,37.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +32107,31.0, Private, 1st-4th,2.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +32108,25.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32109,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Other, Male,0.0,0.0,40.0, Nicaragua +32110,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +32111,40.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32112,31.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,3908.0,0.0,50.0, United-States +32113,40.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103.0,0.0,40.0, India +32114,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,22.0, United-States +32115,49.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +32116,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32117,51.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +32118,20.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,60.0, United-States +32119,35.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,55.0, United-States +32120,39.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Guatemala +32121,28.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,99.0, Philippines +32122,38.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +32123,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32124,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +32125,32.0, Private, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, Iran +32126,53.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,20.0, United-States +32127,35.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32128,54.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, United-States +32129,44.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +32130,24.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, El-Salvador +32131,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, Puerto-Rico +32132,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32133,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +32134,41.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +32135,41.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +32136,36.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +32137,55.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32138,50.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32139,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +32140,63.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,40.0, United-States +32141,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +32142,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +32143,48.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32144,36.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, Mexico +32145,42.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +32146,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Peru +32147,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +32148,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +32149,41.0, Self-emp-not-inc, Bachelors,13.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +32150,45.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +32151,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States +32152,29.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32153,24.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +32154,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +32155,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +32156,47.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +32157,73.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32158,30.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,50.0, United-States +32159,25.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +32160,34.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States +32161,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +32162,24.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +32163,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +32164,18.0, Private, 12th,8.0, Never-married,, Own-child, White, Female,0.0,0.0,20.0, United-States +32165,64.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32166,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,36.0, United-States +32167,37.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +32168,33.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +32169,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +32170,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +32171,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +32172,53.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,2202.0,0.0,40.0, United-States +32173,28.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32174,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1485.0,50.0, United-States +32175,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +32176,53.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +32177,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States +32178,73.0, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,18.0, United-States +32179,37.0, State-gov, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +32180,25.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,5178.0,0.0,40.0, United-States +32181,31.0, Private, 12th,8.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +32182,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +32183,64.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States +32184,25.0, Private, HS-grad,9.0, Separated, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States +32185,50.0, Private, Bachelors,13.0, Separated, Prof-specialty, Own-child, Other, Female,0.0,0.0,40.0, United-States +32186,46.0, Federal-gov, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +32187,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32188,43.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,99.0, United-States +32189,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +32190,55.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32191,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32192,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +32193,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +32194,52.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +32195,57.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States +32196,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +32197,41.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +32198,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States +32199,35.0, Private, Assoc-acdm,12.0, Married-AF-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +32200,69.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States +32201,48.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +32202,37.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +32203,56.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +32204,53.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Canada +32205,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +32206,42.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +32207,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +32208,42.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, England +32209,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +32210,51.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32211,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32212,20.0, Private, HS-grad,9.0, Separated, Sales, Own-child, White, Female,0.0,0.0,26.0, United-States +32213,44.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,33.0, United-States +32214,49.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +32215,57.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32216,25.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32217,64.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +32218,31.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Ireland +32219,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32220,63.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32221,24.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,40.0, United-States +32222,28.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +32223,51.0, Private, Bachelors,13.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +32224,42.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +32225,43.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +32226,24.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +32227,34.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +32228,39.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,50.0, United-States +32229,39.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +32230,28.0, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32231,29.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +32232,28.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32233,30.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,30.0, United-States +32234,32.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32235,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32236,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +32237,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +32238,52.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +32239,48.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,44.0, United-States +32240,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +32241,37.0, Private, 11th,7.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32242,45.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +32243,20.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,32.0, United-States +32244,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +32245,37.0, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,60.0, Iran +32246,29.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,40.0, United-States +32247,52.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32248,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States +32249,53.0, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States +32250,36.0, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,70.0, United-States +32251,38.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, El-Salvador +32252,34.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,35.0, United-States +32253,43.0, Federal-gov, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32254,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +32255,59.0, Private, Assoc-acdm,12.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +32256,24.0, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +32257,45.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +32258,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +32259,32.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +32260,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +32261,35.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +32262,64.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +32263,31.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +32264,25.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,25.0, El-Salvador +32265,40.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +32266,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32267,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +32268,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32269,27.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32270,25.0, State-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32271,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, Germany +32272,42.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +32273,24.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32274,54.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, England +32275,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +32276,37.0, Private, Bachelors,13.0, Separated, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +32277,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +32278,35.0, Private, 12th,8.0, Divorced, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, United-States +32279,58.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,65.0, United-States +32280,32.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,10520.0,0.0,50.0, United-States +32281,39.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32282,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +32283,39.0, Private, Masters,14.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,50.0, United-States +32284,22.0, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32285,28.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +32286,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +32287,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +32288,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +32289,27.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +32290,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +32291,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +32292,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, Mexico +32293,26.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +32294,51.0, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,1590.0,40.0, United-States +32295,55.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Italy +32296,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,42.0, United-States +32297,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +32298,48.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,52.0, United-States +32299,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +32300,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +32301,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +32302,24.0, Private, 12th,8.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32303,19.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +32304,60.0, Federal-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +32305,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +32306,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +32307,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +32308,29.0, State-gov, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +32309,36.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +32310,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +32311,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32312,34.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +32313,45.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +32314,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +32315,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +32316,32.0, Local-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32317,33.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +32318,57.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +32319,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +32320,38.0, State-gov, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +32321,36.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32322,31.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32323,73.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +32324,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +32325,38.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32326,20.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +32327,51.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,40.0, United-States +32328,23.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States +32329,35.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +32330,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32331,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +32332,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +32333,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +32334,36.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32335,54.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32336,43.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,50.0, United-States +32337,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32338,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +32339,64.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,50.0, United-States +32340,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +32341,55.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +32342,40.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32343,46.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32344,34.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +32345,36.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, United-States +32346,47.0, Private, Masters,14.0, Separated, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,42.0, India +32347,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +32348,42.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32349,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,16.0, United-States +32350,22.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +32351,22.0, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States +32352,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +32353,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,62.0, United-States +32354,38.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,2444.0,45.0, United-States +32355,30.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +32356,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +32357,23.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States +32358,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States +32359,72.0, Federal-gov, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,16.0, United-States +32360,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,27.0, United-States +32361,49.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +32362,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +32363,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +32364,34.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +32365,51.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +32366,37.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States +32367,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +32368,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +32369,53.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32370,56.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,65.0, United-States +32371,33.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +32372,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1740.0,45.0, United-States +32373,30.0, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,30.0, United-States +32374,39.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +32375,22.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32376,21.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32377,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,55.0, United-States +32378,46.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Other-relative, White, Female,0.0,0.0,36.0, United-States +32379,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +32380,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,96.0, United-States +32381,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,50.0, United-States +32382,33.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +32383,41.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +32384,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +32385,36.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14084.0,0.0,40.0, United-States +32386,35.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32387,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32388,25.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +32389,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +32390,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States +32391,49.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +32392,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +32393,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +32394,40.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +32395,68.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Scotland +32396,38.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States +32397,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32398,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States +32399,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +32400,43.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,20.0, United-States +32401,39.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +32402,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +32403,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32404,33.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32405,23.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, Mexico +32406,27.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +32407,42.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +32408,26.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,20.0, United-States +32409,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +32410,43.0, Local-gov, HS-grad,9.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +32411,22.0, State-gov, 12th,8.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32412,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Cuba +32413,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +32414,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +32415,43.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +32416,57.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32417,44.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States +32418,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +32419,67.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +32420,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,46.0, United-States +32421,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32422,23.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +32423,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32424,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32425,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +32426,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +32427,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32428,24.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +32429,56.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32430,21.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32431,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +32432,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +32433,62.0, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,21.0, United-States +32434,29.0, Local-gov, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +32435,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +32436,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +32437,60.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32438,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +32439,36.0, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +32440,22.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,20.0, United-States +32441,57.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32442,42.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +32443,45.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,47.0, United-States +32444,58.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325.0,0.0,30.0, United-States +32445,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +32446,45.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,30.0, United-States +32447,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32448,39.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32449,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +32450,19.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32451,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +32452,51.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +32453,39.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32454,43.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32455,54.0, Private, Some-college,10.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,50.0, United-States +32456,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,62.0, United-States +32457,23.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32458,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +32459,59.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32460,71.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32461,24.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +32462,34.0, State-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,38.0, Philippines +32463,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Mexico +32464,36.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +32465,56.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, United-States +32466,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32467,47.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,48.0, United-States +32468,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +32469,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32470,23.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,3.0, United-States +32471,37.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +32472,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32473,41.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32474,40.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +32475,38.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,99999.0,0.0,36.0, United-States +32476,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,30.0, Jamaica +32477,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +32478,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +32479,27.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +32480,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1876.0,38.0, United-States +32481,30.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,45.0, United-States +32482,41.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32483,55.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +32484,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +32485,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32486,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +32487,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +32488,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32489,50.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +32490,28.0, Private, HS-grad,9.0, Never-married, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +32491,58.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States +32492,60.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +32493,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +32494,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32495,33.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +32496,25.0, State-gov, Some-college,10.0, Divorced, Protective-serv, Other-relative, White, Male,0.0,0.0,45.0, United-States +32497,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +32498,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +32499,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32500,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32501,27.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +32502,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,58.0, United-States +32503,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1719.0,25.0, United-States +32504,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +32505,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +32506,26.0, Private, HS-grad,9.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,44.0, United-States +32507,21.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32508,54.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32509,74.0, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,11.0, United-States +32510,36.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States +32511,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,38.0, United-States +32512,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32513,25.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +32514,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32515,64.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +32516,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +32517,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +32518,36.0, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,30.0, United-States +32519,33.0, Private, 9th,5.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +32520,45.0, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,41.0, United-States +32521,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +32522,48.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32523,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +32524,48.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32525,37.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,48.0, United-States +32526,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +32527,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +32528,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico +32529,46.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +32530,25.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +32531,50.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +32532,43.0, Self-emp-inc, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,45.0, United-States +32533,50.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,50.0, United-States +32534,41.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32535,26.0, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +32536,36.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +32537,59.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32538,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +32539,29.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32540,37.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,15.0, United-States +32541,48.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +32542,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +32543,45.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,48.0, United-States +32544,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32545,58.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,35.0, United-States +32546,52.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,38.0, United-States +32547,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,40.0, United-States +32548,24.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,45.0, United-States +32549,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3456.0,0.0,44.0, Canada +32550,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,48.0, Mexico +32551,41.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, United-States +32552,45.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,60.0, United-States +32553,49.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32554,35.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +32555,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32556,54.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32557,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +32558,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32559,52.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,30.0, United-States +32560,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,15.0, United-States +32561,59.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32562,38.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +32563,27.0, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +32564,19.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,15.0, Japan +32565,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32566,41.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +32567,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States +32568,53.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +32569,41.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32570,38.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +32571,27.0, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +32572,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +32573,57.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +32574,36.0, State-gov, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +32575,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +32576,30.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +32577,45.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +32578,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32579,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,2885.0,0.0,40.0, United-States +32580,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32581,28.0, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32582,27.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,3908.0,0.0,40.0, United-States +32583,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,85.0, United-States +32584,52.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,45.0, United-States +32585,61.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064.0,0.0,40.0, United-States +32586,33.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +32587,24.0, State-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +32588,24.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States +32589,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,114.0,0.0,40.0, United-States +32590,30.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32591,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +32592,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +32593,55.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32594,18.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +32595,23.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,18.0, United-States +32596,54.0, Private, 11th,7.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,50.0, United-States +32597,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,32.0, United-States +32598,21.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,48.0, United-States +32599,79.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32600,44.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +32601,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +32602,47.0, Private, 12th,8.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +32603,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +32604,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32605,33.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +32606,38.0, Private, 11th,7.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +32607,57.0, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +32608,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +32609,38.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32610,47.0, Private, HS-grad,9.0, Separated, Prof-specialty, Other-relative, Black, Female,14084.0,0.0,38.0, United-States +32611,56.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32612,47.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +32613,39.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +32614,30.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +32615,36.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32616,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,55.0, United-States +32617,57.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +32618,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +32619,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +32620,36.0, Self-emp-not-inc, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +32621,56.0, Private, 11th,7.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32622,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +32623,29.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +32624,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,60.0, United-States +32625,37.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +32626,37.0, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32627,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +32628,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,64.0, United-States +32629,37.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,55.0, United-States +32630,34.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32631,32.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,45.0, Mexico +32632,26.0, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +32633,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,50.0, United-States +32634,57.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32635,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +32636,49.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32637,40.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +32638,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +32639,81.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,20.0, United-States +32640,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States +32641,57.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +32642,67.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,10.0, United-States +32643,24.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105.0,0.0,50.0, United-States +32644,76.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, Asian-Pac-Islander, Female,2062.0,0.0,37.0, United-States +32645,25.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +32646,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, India +32647,21.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +32648,27.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States +32649,31.0, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,43.0, United-States +32650,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +32651,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +32652,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32653,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +32654,26.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, India +32655,78.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, Dominican-Republic +32656,17.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, Other, Female,0.0,0.0,35.0, El-Salvador +32657,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +32658,52.0, State-gov, Masters,14.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,4787.0,0.0,44.0, United-States +32659,56.0, Private, 11th,7.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,40.0, United-States +32660,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32661,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +32662,46.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,6497.0,0.0,50.0, United-States +32663,23.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32664,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,1719.0,18.0, United-States +32665,35.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,7298.0,0.0,40.0, United-States +32666,53.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +32667,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +32668,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +32669,31.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +32670,23.0, Federal-gov, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +32671,23.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,36.0, United-States +32672,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +32673,56.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,34.0, United-States +32674,69.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2267.0,40.0, United-States +32675,26.0, Private, Some-college,10.0, Separated, Sales, Own-child, Amer-Indian-Eskimo, Male,2597.0,0.0,48.0, United-States +32676,66.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +32677,28.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +32678,24.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +32679,47.0, Private, HS-grad,9.0, Separated, Other-service, Other-relative, Black, Female,0.0,0.0,35.0, United-States +32680,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +32681,37.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,47.0, United-States +32682,32.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States +32683,39.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +32684,48.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,55.0, United-States +32685,30.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +32686,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1887.0,60.0, United-States +32687,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States +32688,66.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States +32689,38.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +32690,60.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,35.0, United-States +32691,66.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +32692,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,1719.0,9.0, United-States +32693,57.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States +32694,66.0, Private,,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +32695,38.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32696,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,72.0, Dominican-Republic +32697,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32698,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +32699,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +32700,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,35.0, United-States +32701,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +32702,36.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, Puerto-Rico +32703,59.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32704,27.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +32705,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,40.0, United-States +32706,35.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +32707,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +32708,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +32709,57.0, Private, Assoc-acdm,12.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +32710,63.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, United-States +32711,69.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +32712,36.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +32713,66.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,34.0, United-States +32714,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32715,43.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,625.0,40.0, United-States +32716,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32717,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +32718,30.0, Private, 12th,8.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +32719,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +32720,72.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,6.0, United-States +32721,53.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +32722,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, Mexico +32723,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,35.0, United-States +32724,23.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States +32725,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32726,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32727,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +32728,68.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,419.0,12.0, United-States +32729,30.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +32730,48.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,45.0, United-States +32731,42.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,36.0, Jamaica +32732,47.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +32733,48.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +32734,27.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32735,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32736,33.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32737,22.0, Local-gov, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +32738,34.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +32739,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +32740,59.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32741,17.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +32742,26.0, Self-emp-not-inc, 5th-6th,3.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,14.0, Mexico +32743,31.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,36.0, United-States +32744,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +32745,66.0, Private, 9th,5.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +32746,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32747,33.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +32748,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +32749,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32750,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +32751,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,90.0, United-States +32752,22.0, Private, Some-college,10.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,43.0, United-States +32753,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +32754,42.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32755,40.0, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,80.0, United-States +32756,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4508.0,0.0,35.0, United-States +32757,58.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32758,54.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +32759,54.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +32760,40.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,50.0, United-States +32761,42.0, Private, 10th,6.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +32762,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2002.0,40.0, United-States +32763,27.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32764,27.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, Mexico +32765,46.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +32766,55.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +32767,38.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +32768,47.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,70.0, United-States +32769,61.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +32770,47.0, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,1564.0,51.0, United-States +32771,32.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Canada +32772,56.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32773,57.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +32774,54.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +32775,58.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +32776,25.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +32777,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +32778,48.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +32779,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +32780,58.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +32781,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,25.0, United-States +32782,34.0, Private, 12th,8.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +32783,61.0, Private, 10th,6.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32784,20.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States +32785,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +32786,43.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +32787,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +32788,41.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,25.0, United-States +32789,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +32790,47.0, State-gov, 7th-8th,, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32791,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States +32792,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +32793,42.0, Private, 5th-6th,3.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Puerto-Rico +32794,42.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States +32795,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +32796,56.0, Self-emp-inc, 12th,8.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32797,50.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32798,40.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +32799,48.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32800,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32801,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Female,7298.0,0.0,40.0, United-States +32802,51.0, Self-emp-not-inc, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32803,17.0, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,12.0, United-States +32804,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +32805,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +32806,74.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051.0,0.0,25.0, United-States +32807,42.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States +32808,26.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1590.0,40.0, United-States +32809,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,99.0, United-States +32810,62.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,98.0, United-States +32811,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +32812,39.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,625.0,40.0, United-States +32813,57.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32814,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +32815,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +32816,29.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +32817,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32818,22.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +32819,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +32820,56.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178.0,0.0,44.0, United-States +32821,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32822,60.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +32823,65.0, Private, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32824,24.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +32825,28.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,1741.0,52.0, United-States +32826,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +32827,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +32828,31.0, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32829,42.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Other, Female,0.0,0.0,40.0, Puerto-Rico +32830,39.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,5455.0,0.0,40.0, United-States +32831,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32832,27.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +32833,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States +32834,42.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +32835,59.0, Local-gov, 10th,6.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,15.0, United-States +32836,35.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +32837,36.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, United-States +32838,65.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,2174.0,40.0, United-States +32839,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Other, Male,0.0,0.0,40.0, Puerto-Rico +32840,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +32841,18.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32842,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32843,39.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32844,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +32845,32.0, Private, 12th,8.0, Divorced, Sales, Not-in-family, White, Female,0.0,1762.0,45.0, United-States +32846,27.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +32847,60.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32848,46.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +32849,75.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +32850,29.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32851,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32852,43.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +32853,23.0, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +32854,29.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +32855,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,30.0, United-States +32856,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,43.0, United-States +32857,24.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +32858,48.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32859,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +32860,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +32861,25.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +32862,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +32863,35.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32864,41.0, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +32865,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,1.0, United-States +32866,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,24.0, Mexico +32867,59.0, Private, 10th,6.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +32868,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,45.0, Italy +32869,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +32870,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +32871,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32872,42.0, Local-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,35.0, United-States +32873,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +32874,43.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,38.0, Mexico +32875,38.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +32876,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,70.0, South +32877,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32878,42.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,35.0, United-States +32879,39.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,60.0, United-States +32880,40.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +32881,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,52.0, United-States +32882,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +32883,52.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32884,53.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States +32885,19.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +32886,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32887,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +32888,19.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,15.0, United-States +32889,55.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States +32890,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +32891,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +32892,40.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32893,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +32894,23.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, Mexico +32895,50.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32896,30.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States +32897,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +32898,36.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,1617.0,40.0, United-States +32899,49.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,43.0, United-States +32900,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,114.0,0.0,40.0, United-States +32901,73.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +32902,27.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +32903,26.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +32904,40.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +32905,29.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32906,47.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +32907,44.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States +32908,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +32909,41.0, Private, 11th,7.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,20.0, United-States +32910,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +32911,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +32912,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32913,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +32914,29.0, Self-emp-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States +32915,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +32916,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +32917,59.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32918,58.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +32919,38.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +32920,56.0, Self-emp-not-inc, Masters,14.0, Divorced, Sales, Unmarried, White, Female,0.0,2339.0,60.0, United-States +32921,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32922,25.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +32923,51.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +32924,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, England +32925,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +32926,59.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32927,34.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +32928,45.0, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32929,34.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,7688.0,0.0,50.0, Philippines +32930,45.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,7.0, United-States +32931,37.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States +32932,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,16.0, Japan +32933,28.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +32934,38.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32935,37.0, Self-emp-inc, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32936,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +32937,19.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +32938,51.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32939,71.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +32940,41.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +32941,60.0, Private, 11th,7.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32942,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +32943,18.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,2.0, United-States +32944,59.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +32945,17.0, Private, 12th,8.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,7.0, United-States +32946,53.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +32947,37.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32948,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States +32949,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +32950,21.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32951,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +32952,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +32953,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,21.0, Trinadad&Tobago +32954,44.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +32955,33.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32956,37.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1340.0,42.0, United-States +32957,41.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,60.0, United-States +32958,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32959,54.0, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +32960,43.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,24.0, Outlying-US(Guam-USVI-etc) +32961,52.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +32962,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States +32963,47.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,70.0, United-States +32964,36.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,60.0, India +32965,44.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +32966,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +32967,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +32968,34.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32969,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +32970,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,40.0, United-States +32971,53.0, Self-emp-inc, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +32972,54.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,48.0, United-States +32973,26.0, State-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +32974,26.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +32975,49.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +32976,39.0, State-gov, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,30.0, United-States +32977,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +32978,26.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +32979,18.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +32980,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +32981,46.0, Private, 5th-6th,3.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico +32982,50.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +32983,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +32984,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +32985,63.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +32986,65.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +32987,37.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +32988,27.0, Private, HS-grad,9.0, Divorced, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +32989,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +32990,49.0, Private, 9th,5.0, Separated, Handlers-cleaners, Own-child, White, Male,0.0,0.0,38.0, United-States +32991,57.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +32992,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +32993,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States +32994,24.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +32995,34.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,65.0, United-States +32996,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +32997,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +32998,28.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,60.0, United-States +32999,42.0, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +33000,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +33001,55.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,55.0, United-States +33002,38.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States +33003,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +33004,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33005,56.0, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,38.0, United-States +33006,44.0, State-gov, 11th,7.0, Separated, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +33007,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, United-States +33008,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,90.0, United-States +33009,43.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,78.0, Thailand +33010,43.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +33011,21.0, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States +33012,52.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +33013,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +33014,45.0, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States +33015,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States +33016,40.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33017,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States +33018,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Iran +33019,31.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +33020,56.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +33021,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33022,20.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33023,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +33024,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33025,52.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,72.0, United-States +33026,32.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Columbia +33027,52.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +33028,27.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +33029,23.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,4101.0,0.0,40.0, United-States +33030,28.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33031,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +33032,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,22.0, United-States +33033,55.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +33034,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States +33035,35.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States +33036,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,35.0, United-States +33037,43.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +33038,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +33039,29.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Canada +33040,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +33041,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33042,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +33043,23.0, Private, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,2907.0,0.0,40.0, United-States +33044,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +33045,60.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,3325.0,0.0,42.0, United-States +33046,36.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, Mexico +33047,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +33048,26.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +33049,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +33050,37.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +33051,45.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +33052,54.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33053,30.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +33054,49.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33055,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, Columbia +33056,39.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,24.0, United-States +33057,40.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,213.0,40.0, United-States +33058,62.0, Self-emp-not-inc, Some-college,10.0, Widowed, Prof-specialty, Unmarried, White, Male,0.0,0.0,20.0, United-States +33059,66.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +33060,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33061,24.0, Private, 7th-8th,4.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +33062,49.0, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33063,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33064,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +33065,28.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +33066,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, Yugoslavia +33067,28.0, Local-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States +33068,30.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,72.0, United-States +33069,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33070,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +33071,56.0, Private, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +33072,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,16.0, United-States +33073,39.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, Haiti +33074,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +33075,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,15024.0,0.0,40.0, United-States +33076,56.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33077,44.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,55.0, United-States +33078,57.0, Private, Some-college,10.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,16.0, United-States +33079,28.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,47.0, Mexico +33080,66.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,1409.0,0.0,50.0, United-States +33081,28.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,20.0, United-States +33082,37.0, Self-emp-inc, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +33083,53.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,34.0, United-States +33084,25.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0.0,0.0,40.0, United-States +33085,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33086,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, India +33087,47.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33088,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +33089,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33090,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +33091,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33092,34.0, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +33093,47.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +33094,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +33095,41.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +33096,39.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,2174.0,0.0,45.0, United-States +33097,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +33098,22.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +33099,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +33100,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +33101,67.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States +33102,61.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,20.0, United-States +33103,22.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, Other, Female,0.0,0.0,15.0, United-States +33104,34.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +33105,43.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +33106,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33107,32.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States +33108,42.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +33109,51.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +33110,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,44.0, United-States +33111,51.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +33112,59.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,34.0, United-States +33113,19.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +33114,81.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,30.0, United-States +33115,55.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +33116,51.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +33117,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +33118,55.0, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +33119,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +33120,40.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,50.0, United-States +33121,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +33122,59.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,99.0, United-States +33123,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Hungary +33124,34.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33125,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33126,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,4416.0,0.0,53.0, United-States +33127,47.0, Self-emp-not-inc, HS-grad,9.0, Married-AF-spouse, Craft-repair, Husband, White, Male,0.0,0.0,90.0, United-States +33128,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +33129,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, England +33130,39.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +33131,26.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33132,24.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +33133,39.0, State-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +33134,36.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +33135,27.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, United-States +33136,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33137,58.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,33.0, United-States +33138,43.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33139,46.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33140,24.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico +33141,59.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +33142,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1719.0,30.0, United-States +33143,26.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +33144,44.0, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33145,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,36.0, United-States +33146,39.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +33147,59.0, Private, 10th,6.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33148,37.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,2129.0,65.0, United-States +33149,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, El-Salvador +33150,26.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33151,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +33152,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +33153,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +33154,56.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +33155,38.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33156,25.0, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +33157,35.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +33158,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +33159,34.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +33160,25.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +33161,24.0, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,84.0, United-States +33162,54.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States +33163,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33164,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +33165,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,37.0, United-States +33166,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33167,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +33168,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,41.0, United-States +33169,46.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +33170,36.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,17.0, United-States +33171,62.0, Private, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States +33172,24.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,2354.0,0.0,40.0, United-States +33173,23.0, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +33174,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33175,37.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +33176,37.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33177,25.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,96.0, Mexico +33178,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33179,40.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1408.0,48.0, United-States +33180,41.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,44.0, Cuba +33181,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Mexico +33182,31.0, Self-emp-not-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1590.0,60.0, United-States +33183,49.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33184,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +33185,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33186,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2635.0,0.0,40.0, United-States +33187,45.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33188,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +33189,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +33190,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33191,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, Japan +33192,53.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, Other, Female,0.0,0.0,35.0, United-States +33193,20.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +33194,38.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +33195,46.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33196,22.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +33197,31.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +33198,57.0, Private, Doctorate,16.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,40.0, Germany +33199,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +33200,47.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,48.0, United-States +33201,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,47.0, United-States +33202,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33203,36.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +33204,40.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33205,46.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +33206,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +33207,39.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +33208,22.0, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +33209,53.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +33210,59.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33211,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +33212,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States +33213,59.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33214,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +33215,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +33216,47.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, El-Salvador +33217,45.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33218,39.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +33219,36.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +33220,40.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +33221,28.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong +33222,25.0, Self-emp-not-inc,,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,8.0, United-States +33223,54.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +33224,75.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1735.0,40.0, United-States +33225,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +33226,35.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Own-child, White, Male,5178.0,0.0,50.0, United-States +33227,45.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States +33228,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +33229,39.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +33230,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +33231,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, United-States +33232,44.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33233,65.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,10.0, United-States +33234,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +33235,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33236,25.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico +33237,31.0, Private, Bachelors,13.0, Separated, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +33238,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33239,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +33240,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +33241,36.0, Private, 10th,6.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,48.0, United-States +33242,32.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33243,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +33244,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +33245,45.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +33246,65.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States +33247,36.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +33248,51.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, United-States +33249,56.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,594.0,0.0,20.0, United-States +33250,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +33251,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +33252,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +33253,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +33254,34.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +33255,40.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,48.0, United-States +33256,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,28.0, United-States +33257,18.0, Self-emp-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +33258,53.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +33259,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +33260,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +33261,20.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States +33262,30.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +33263,37.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33264,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States +33265,31.0, Private, Some-college,10.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States +33266,58.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States +33267,50.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +33268,41.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,40.0, Mexico +33269,59.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +33270,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +33271,24.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States +33272,31.0, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +33273,43.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,5.0, United-States +33274,41.0, Private, 7th-8th,4.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +33275,30.0, Private, 7th-8th,4.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33276,57.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica +33277,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,8.0, United-States +33278,43.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,2547.0,40.0, United-States +33279,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +33280,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33281,37.0, Private, 5th-6th,3.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, Mexico +33282,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33283,37.0, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +33284,25.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33285,26.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,62.0, United-States +33286,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,43.0, United-States +33287,23.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +33288,30.0, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,6849.0,0.0,60.0, United-States +33289,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +33290,27.0, Private, Doctorate,16.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33291,37.0, Private, 10th,6.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +33292,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,7.0, United-States +33293,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +33294,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States +33295,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33296,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +33297,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,60.0, India +33298,42.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,30.0, Mexico +33299,61.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +33300,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +33301,47.0, Local-gov, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +33302,34.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33303,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +33304,33.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33305,25.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +33306,35.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +33307,45.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,48.0, United-States +33308,49.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +33309,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33310,52.0, Private, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33311,40.0, State-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,48.0, United-States +33312,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33313,35.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +33314,47.0, Local-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +33315,27.0, Federal-gov, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +33316,35.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +33317,48.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33318,46.0, Federal-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,50.0, United-States +33319,41.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,7430.0,0.0,36.0, United-States +33320,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,70.0, United-States +33321,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,35.0, United-States +33322,24.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,2036.0,0.0,42.0, United-States +33323,27.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +33324,54.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +33325,25.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33326,44.0, Private, Masters,14.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,2559.0,40.0, United-States +33327,24.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +33328,48.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +33329,51.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +33330,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +33331,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1504.0,40.0, United-States +33332,32.0, Local-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, Japan +33333,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33334,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +33335,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +33336,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,26.0, United-States +33337,27.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +33338,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +33339,53.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,48.0, United-States +33340,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33341,38.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +33342,51.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,60.0, United-States +33343,49.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +33344,51.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +33345,29.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +33346,27.0, Federal-gov, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +33347,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +33348,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,49.0, United-States +33349,49.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,14084.0,0.0,30.0, United-States +33350,20.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States +33351,46.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +33352,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +33353,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33354,37.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33355,32.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33356,67.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,10.0, United-States +33357,49.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33358,32.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33359,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +33360,61.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States +33361,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +33362,38.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +33363,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +33364,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,2176.0,0.0,25.0, United-States +33365,23.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +33366,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Cuba +33367,42.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33368,42.0, Local-gov, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33369,62.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +33370,46.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States +33371,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33372,60.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,48.0, United-States +33373,31.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +33374,57.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33375,51.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +33376,50.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33377,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33378,41.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +33379,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +33380,34.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +33381,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,25.0, United-States +33382,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador +33383,35.0, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +33384,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,38.0, United-States +33385,26.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33386,26.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +33387,25.0, State-gov, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,2597.0,0.0,50.0, United-States +33388,57.0, Private, Prof-school,15.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,1902.0,40.0, Philippines +33389,49.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +33390,25.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +33391,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +33392,33.0, Local-gov, Some-college,10.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,35.0, United-States +33393,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +33394,61.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,34.0, United-States +33395,50.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +33396,56.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,35.0, United-States +33397,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,60.0, United-States +33398,41.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +33399,53.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +33400,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,35.0, United-States +33401,47.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States +33402,32.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States +33403,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +33404,38.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +33405,56.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33406,31.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,28.0, United-States +33407,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +33408,56.0, Local-gov, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +33409,52.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,,40.0, United-States +33410,51.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, Puerto-Rico +33411,20.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Mexico +33412,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +33413,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Greece +33414,42.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, United-States +33415,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,38.0, United-States +33416,24.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +33417,30.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33418,66.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +33419,33.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +33420,62.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33421,64.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +33422,18.0, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, England +33423,31.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +33424,72.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33425,33.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33426,49.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,70.0, United-States +33427,62.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States +33428,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +33429,31.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,2001.0,40.0, United-States +33430,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33431,47.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33432,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +33433,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +33434,31.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33435,56.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +33436,35.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,27.0, United-States +33437,52.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +33438,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33439,22.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33440,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +33441,42.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33442,42.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States +33443,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +33444,49.0, State-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +33445,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +33446,58.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,14344.0,0.0,48.0, United-States +33447,27.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +33448,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +33449,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +33450,38.0, Private, Bachelors,13.0, Married-spouse-absent, Transport-moving, Not-in-family, Other, Male,0.0,0.0,84.0, India +33451,27.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33452,33.0, Private, HS-grad,9.0, Separated, Protective-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +33453,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +33454,32.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +33455,47.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,45.0, United-States +33456,46.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,52.0, United-States +33457,25.0, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +33458,26.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +33459,42.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +33460,45.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +33461,61.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +33462,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +33463,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +33464,42.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1628.0,40.0, United-States +33465,43.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +33466,45.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,42.0, United-States +33467,45.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +33468,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +33469,37.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Female,0.0,0.0,40.0, United-States +33470,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +33471,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +33472,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +33473,30.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +33474,42.0, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +33475,38.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +33476,39.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +33477,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +33478,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +33479,39.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +33480,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33481,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,26.0, United-States +33482,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +33483,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33484,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +33485,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33486,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +33487,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,98.0, United-States +33488,43.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,99999.0,0.0,60.0, United-States +33489,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +33490,47.0, Federal-gov, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States +33491,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +33492,51.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +33493,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States +33494,35.0, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33495,48.0, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33496,25.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +33497,41.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Haiti +33498,45.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +33499,30.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +33500,20.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3781.0,0.0,35.0, United-States +33501,20.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +33502,37.0, Private, Assoc-voc,11.0, Married-spouse-absent, Sales, Unmarried, Black, Female,0.0,0.0,32.0, United-States +33503,19.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +33504,60.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +33505,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +33506,50.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,15.0, United-States +33507,39.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +33508,61.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33509,50.0, Federal-gov, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +33510,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Japan +33511,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,4386.0,0.0,99.0, United-States +33512,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33513,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,52.0, United-States +33514,45.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +33515,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33516,35.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, India +33517,28.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,55.0, United-States +33518,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +33519,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +33520,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +33521,53.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,35.0, Puerto-Rico +33522,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,38.0, United-States +33523,37.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, Mexico +33524,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,42.0, United-States +33525,55.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33526,26.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33527,51.0, Private, HS-grad,9.0, Widowed, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +33528,48.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +33529,30.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33530,52.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,2547.0,40.0, United-States +33531,51.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +33532,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +33533,27.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33534,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +33535,37.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33536,47.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,42.0, United-States +33537,22.0, Without-pay, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,4416.0,0.0,40.0, United-States +33538,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +33539,40.0, State-gov, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33540,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33541,51.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +33542,51.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +33543,26.0, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico +33544,58.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +33545,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +33546,40.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +33547,39.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +33548,54.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +33549,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33550,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +33551,33.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,52.0, United-States +33552,42.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,30.0, United-States +33553,58.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33554,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +33555,38.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33556,36.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States +33557,55.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33558,37.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +33559,48.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States +33560,31.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States +33561,62.0, Private, 1st-4th,2.0, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0.0,0.0,30.0, United-States +33562,40.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33563,30.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +33564,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +33565,65.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,10605.0,0.0,60.0, United-States +33566,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +33567,31.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,60.0, United-States +33568,46.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, Haiti +33569,44.0, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, Portugal +33570,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,5013.0,0.0,40.0, United-States +33571,55.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +33572,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33573,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +33574,18.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +33575,34.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33576,68.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Cuba +33577,53.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,70.0, United-States +33578,32.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,48.0, United-States +33579,41.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +33580,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +33581,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +33582,30.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +33583,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +33584,33.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +33585,39.0, Local-gov, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,55.0, United-States +33586,25.0, Private, Masters,14.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +33587,57.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,52.0, United-States +33588,28.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,32.0, United-States +33589,34.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +33590,41.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174.0,0.0,41.0, United-States +33591,65.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,22.0, United-States +33592,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +33593,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States +33594,51.0, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +33595,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +33596,54.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States +33597,44.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,16.0, United-States +33598,31.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico +33599,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +33600,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33601,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,2176.0,0.0,20.0, United-States +33602,84.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +33603,35.0, Private, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,50.0, United-States +33604,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,50.0, United-States +33605,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33606,36.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33607,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +33608,54.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States +33609,56.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33610,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +33611,46.0, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,36.0, United-States +33612,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +33613,18.0, Self-emp-inc, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +33614,33.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33615,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33616,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,36.0, United-States +33617,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +33618,50.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,51.0, United-States +33619,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +33620,23.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,54.0, United-States +33621,40.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +33622,56.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33623,32.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States +33624,43.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +33625,23.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +33626,69.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3818.0,0.0,30.0, United-States +33627,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +33628,65.0, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,1848.0,0.0,20.0, Hungary +33629,59.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33630,26.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +33631,26.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States +33632,28.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,30.0, United-States +33633,19.0, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,35.0, United-States +33634,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +33635,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33636,22.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States +33637,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2042.0,48.0, United-States +33638,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +33639,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +33640,23.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,4650.0,0.0,50.0, Ireland +33641,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33642,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,10.0, El-Salvador +33643,20.0, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +33644,66.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +33645,21.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33646,47.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +33647,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +33648,20.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +33649,40.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33650,56.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,45.0, United-States +33651,36.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +33652,58.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33653,35.0, State-gov, Assoc-acdm,12.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33654,27.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +33655,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33656,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33657,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Columbia +33658,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +33659,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +33660,51.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States +33661,33.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +33662,62.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +33663,63.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,60.0, United-States +33664,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +33665,30.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +33666,60.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33667,30.0, Federal-gov, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33668,21.0, Private, 11th,7.0, Separated, Sales, Not-in-family, Other, Female,0.0,0.0,30.0, Mexico +33669,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +33670,26.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33671,29.0, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +33672,30.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +33673,50.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +33674,39.0, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,59.0, United-States +33675,30.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33676,38.0, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +33677,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +33678,40.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +33679,45.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,44.0, United-States +33680,35.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +33681,64.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2179.0,40.0, United-States +33682,46.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +33683,49.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States +33684,29.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33685,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +33686,46.0, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +33687,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +33688,31.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33689,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +33690,67.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,25.0, United-States +33691,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33692,56.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +33693,73.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States +33694,28.0, Private, Bachelors,13.0, Widowed, Other-service, Own-child, White, Male,0.0,1974.0,50.0, United-States +33695,28.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, India +33696,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +33697,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +33698,60.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,2231.0,40.0, United-States +33699,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +33700,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +33701,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33702,34.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +33703,28.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +33704,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +33705,54.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,56.0, United-States +33706,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33707,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33708,60.0, Federal-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Male,4934.0,0.0,40.0, United-States +33709,43.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +33710,47.0, Local-gov, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, Puerto-Rico +33711,28.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +33712,55.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +33713,52.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33714,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1564.0,30.0, United-States +33715,23.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Canada +33716,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,65.0, United-States +33717,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +33718,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +33719,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +33720,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +33721,30.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,45.0, United-States +33722,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33723,37.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33724,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +33725,26.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +33726,39.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33727,20.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Germany +33728,32.0, Private, 9th,5.0, Separated, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, Mexico +33729,21.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,10.0, United-States +33730,43.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States +33731,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +33732,48.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +33733,20.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +33734,44.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4386.0,0.0,40.0, United-States +33735,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33736,53.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,26.0, United-States +33737,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +33738,51.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,31.0, United-States +33739,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +33740,40.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, Haiti +33741,36.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33742,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +33743,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33744,22.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +33745,43.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,1762.0,35.0, United-States +33746,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States +33747,24.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33748,71.0, Private, 12th,8.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33749,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33750,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +33751,47.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +33752,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,14.0, United-States +33753,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +33754,60.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States +33755,30.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,99999.0,0.0,50.0, United-States +33756,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,48.0, United-States +33757,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +33758,33.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33759,62.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +33760,35.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33761,19.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,99.0, United-States +33762,24.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +33763,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33764,30.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33765,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +33766,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +33767,37.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,84.0, United-States +33768,60.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +33769,25.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,19.0, United-States +33770,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,42.0, United-States +33771,57.0, Private, 5th-6th,3.0, Divorced, Transport-moving, Unmarried, White, Male,6497.0,0.0,40.0, United-States +33772,29.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +33773,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +33774,29.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33775,55.0, Private, HS-grad,9.0, Separated, Protective-serv, Not-in-family, White, Male,0.0,0.0,81.0, United-States +33776,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +33777,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,72.0, United-States +33778,25.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33779,18.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +33780,25.0, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +33781,25.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +33782,54.0, State-gov, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +33783,34.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1651.0,40.0, United-States +33784,51.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +33785,47.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,1876.0,40.0, United-States +33786,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +33787,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,3674.0,0.0,42.0, United-States +33788,21.0, Private, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33789,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +33790,39.0, Private, 12th,8.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +33791,48.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33792,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +33793,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33794,21.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33795,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33796,30.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33797,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,14.0, United-States +33798,36.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Other, Male,0.0,0.0,40.0, India +33799,51.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +33800,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States +33801,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33802,52.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +33803,33.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +33804,27.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +33805,49.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, Columbia +33806,29.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,70.0, United-States +33807,22.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +33808,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +33809,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +33810,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +33811,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33812,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33813,26.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33814,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States +33815,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +33816,53.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +33817,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,45.0, United-States +33818,56.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +33819,46.0, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33820,40.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33821,19.0, Without-pay, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +33822,34.0, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33823,53.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +33824,55.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +33825,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +33826,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +33827,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +33828,40.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States +33829,29.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33830,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33831,34.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +33832,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +33833,42.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +33834,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +33835,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33836,36.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,43.0, United-States +33837,57.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +33838,22.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +33839,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States +33840,22.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +33841,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +33842,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +33843,51.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33844,51.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33845,66.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33846,48.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +33847,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States +33848,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +33849,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33850,46.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +33851,51.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +33852,33.0, Private, 9th,5.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States +33853,35.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +33854,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +33855,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +33856,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +33857,63.0, Local-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,40.0, United-States +33858,55.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33859,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +33860,27.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +33861,46.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33862,37.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +33863,63.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +33864,23.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33865,69.0, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,3273.0,0.0,45.0, United-States +33866,42.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +33867,30.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +33868,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,22.0, Germany +33869,32.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +33870,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +33871,62.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States +33872,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +33873,47.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1974.0,40.0, United-States +33874,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33875,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,15.0, United-States +33876,34.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Male,15020.0,0.0,50.0, United-States +33877,58.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +33878,44.0, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,55.0, United-States +33879,33.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +33880,30.0, Private, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33881,71.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,36.0, United-States +33882,24.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +33883,28.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +33884,49.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33885,28.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33886,41.0, Local-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33887,46.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, Canada +33888,46.0, Local-gov, 1st-4th,2.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States +33889,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +33890,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +33891,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,3674.0,0.0,40.0, United-States +33892,29.0, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +33893,53.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,40.0, United-States +33894,27.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,10.0, India +33895,31.0, State-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33896,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33897,52.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +33898,24.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,13.0, United-States +33899,35.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States +33900,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33901,53.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +33902,21.0, State-gov, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +33903,25.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +33904,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +33905,50.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +33906,33.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +33907,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,16.0, United-States +33908,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +33909,44.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,60.0, Greece +33910,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33911,33.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33912,31.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +33913,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +33914,28.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33915,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33916,52.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +33917,47.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33918,55.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +33919,41.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +33920,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +33921,36.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +33922,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, Canada +33923,51.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33924,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33925,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33926,43.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33927,42.0, State-gov, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +33928,48.0, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,43.0, United-States +33929,48.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,31.0, United-States +33930,51.0, Local-gov, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +33931,40.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +33932,61.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,2754.0,25.0, United-States +33933,50.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +33934,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,25.0, United-States +33935,61.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33936,42.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States +33937,68.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +33938,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States +33939,43.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +33940,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +33941,61.0, Local-gov, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +33942,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +33943,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33944,27.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +33945,24.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +33946,42.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +33947,22.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +33948,59.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33949,46.0, Private, 7th-8th,4.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +33950,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,44.0, United-States +33951,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,50.0, United-States +33952,58.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,23.0, United-States +33953,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +33954,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,51.0, United-States +33955,42.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33956,60.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +33957,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,1055.0,0.0,30.0, United-States +33958,52.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +33959,48.0, State-gov, Masters,14.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,72.0, United-States +33960,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +33961,54.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,15.0, United-States +33962,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, United-States +33963,32.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +33964,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33965,76.0, Self-emp-inc, 9th,5.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +33966,54.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,65.0, United-States +33967,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,2202.0,0.0,30.0, United-States +33968,57.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States +33969,56.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States +33970,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +33971,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +33972,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, United-States +33973,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,15024.0,0.0,40.0, United-States +33974,31.0, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States +33975,39.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Mexico +33976,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,15.0, United-States +33977,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33978,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +33979,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, India +33980,50.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33981,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,2597.0,0.0,40.0, United-States +33982,58.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +33983,27.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +33984,41.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,60.0, United-States +33985,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +33986,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +33987,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +33988,49.0, Private, 9th,5.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,37.0, United-States +33989,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +33990,36.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +33991,34.0, Self-emp-inc, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,40.0, United-States +33992,33.0, Private, 10th,6.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +33993,57.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688.0,0.0,75.0, United-States +33994,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +33995,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +33996,21.0, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +33997,52.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, Black, Female,0.0,0.0,38.0, United-States +33998,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, United-States +33999,40.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,38.0, United-States +34000,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34001,48.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,15020.0,0.0,48.0, United-States +34002,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34003,36.0, State-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Male,0.0,0.0,90.0, United-States +34004,53.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +34005,46.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +34006,29.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,32.0, United-States +34007,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +34008,24.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34009,27.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34010,42.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +34011,39.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Poland +34012,32.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +34013,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +34014,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +34015,41.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34016,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34017,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +34018,36.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,50.0, United-States +34019,38.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34020,33.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +34021,42.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +34022,27.0, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, Germany +34023,61.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +34024,40.0, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States +34025,20.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico +34026,26.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +34027,51.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,48.0, United-States +34028,30.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +34029,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, Cuba +34030,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +34031,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,1055.0,0.0,20.0, China +34032,45.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +34033,45.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,18.0, United-States +34034,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +34035,76.0, Federal-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States +34036,48.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +34037,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +34038,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +34039,26.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +34040,51.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +34041,39.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +34042,26.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34043,46.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +34044,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34045,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +34046,29.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,36.0, United-States +34047,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +34048,59.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34049,41.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, United-States +34050,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +34051,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,47.0, United-States +34052,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34053,35.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,60.0, United-States +34054,40.0, Private, HS-grad,9.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States +34055,50.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +34056,51.0, State-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +34057,64.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +34058,46.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +34059,30.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +34060,31.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,43.0, United-States +34061,26.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +34062,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +34063,37.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2603.0,60.0, United-States +34064,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34065,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +34066,65.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,2174.0,40.0, United-States +34067,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,1797.0,0.0,20.0, United-States +34068,34.0, Federal-gov, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34069,36.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States +34070,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34071,37.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34072,38.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +34073,52.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34074,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +34075,52.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,55.0, United-States +34076,74.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,28.0, United-States +34077,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +34078,42.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +34079,32.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +34080,17.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,36.0, Mexico +34081,30.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34082,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34083,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34084,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +34085,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,37.0, United-States +34086,25.0, Private, Assoc-voc,11.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States +34087,28.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34088,36.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +34089,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,46.0, United-States +34090,42.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34091,42.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,22.0, United-States +34092,52.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States +34093,50.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +34094,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Cuba +34095,46.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,15.0, United-States +34096,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +34097,54.0, Private, Preschool,1.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +34098,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +34099,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +34100,23.0, State-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +34101,36.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +34102,26.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,28.0, United-States +34103,27.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3942.0,0.0,40.0, United-States +34104,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +34105,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +34106,52.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +34107,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +34108,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +34109,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +34110,28.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States +34111,35.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +34112,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +34113,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34114,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +34115,27.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34116,56.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,4.0, United-States +34117,29.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34118,39.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +34119,47.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +34120,30.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +34121,52.0, Private, Some-college,10.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States +34122,29.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +34123,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +34124,27.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +34125,24.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,60.0, United-States +34126,27.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +34127,38.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2829.0,0.0,30.0, Mexico +34128,30.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +34129,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +34130,28.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,65.0, United-States +34131,47.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +34132,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +34133,58.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +34134,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +34135,49.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +34136,37.0, Private, Bachelors,13.0, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,36.0, Philippines +34137,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,50.0, United-States +34138,26.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34139,29.0, Private, 11th,7.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34140,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34141,45.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34142,37.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +34143,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34144,60.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +34145,49.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,70.0, United-States +34146,57.0, Self-emp-not-inc, 10th,6.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,60.0, United-States +34147,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34148,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +34149,24.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,16.0, United-States +34150,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34151,23.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,43.0, United-States +34152,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,14.0, Puerto-Rico +34153,50.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +34154,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +34155,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34156,22.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +34157,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +34158,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, Germany +34159,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +34160,25.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +34161,57.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +34162,29.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34163,33.0, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States +34164,30.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +34165,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +34166,30.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +34167,22.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +34168,47.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,4064.0,0.0,60.0, United-States +34169,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,35.0, Trinadad&Tobago +34170,59.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999.0,0.0,40.0, India +34171,33.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +34172,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +34173,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34174,30.0, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States +34175,44.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States +34176,34.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +34177,59.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +34178,27.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,42.0, United-States +34179,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +34180,65.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +34181,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +34182,55.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34183,33.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,48.0, United-States +34184,29.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,2174.0,0.0,40.0, United-States +34185,37.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +34186,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,15024.0,0.0,99.0, United-States +34187,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34188,45.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +34189,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +34190,55.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,25.0, United-States +34191,59.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,56.0, United-States +34192,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +34193,22.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,18.0, United-States +34194,25.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +34195,57.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +34196,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States +34197,26.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,15.0, United-States +34198,40.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34199,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +34200,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,, United-States +34201,40.0, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34202,56.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,1974.0,40.0, United-States +34203,32.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +34204,27.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, China +34205,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,2202.0,0.0,50.0, United-States +34206,24.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +34207,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States +34208,28.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +34209,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34210,23.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34211,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2057.0,40.0, United-States +34212,22.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States +34213,33.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1848.0,45.0, United-States +34214,63.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +34215,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States +34216,45.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +34217,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34218,52.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +34219,50.0, Self-emp-inc, 11th,7.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,2444.0,40.0, United-States +34220,43.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +34221,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +34222,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,10.0, United-States +34223,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,43.0, Mexico +34224,25.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,50.0, United-States +34225,54.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34226,26.0, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States +34227,35.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +34228,53.0, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +34229,38.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,48.0, United-States +34230,60.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,32.0, United-States +34231,28.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34232,56.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +34233,40.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +34234,51.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +34235,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +34236,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +34237,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +34238,18.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,9.0, United-States +34239,23.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +34240,23.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +34241,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,30.0, United-States +34242,28.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,5.0, United-States +34243,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2202.0,0.0,52.0, Philippines +34244,50.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +34245,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34246,42.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +34247,68.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +34248,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +34249,53.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +34250,36.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +34251,38.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +34252,30.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Female,0.0,1669.0,70.0, United-States +34253,53.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +34254,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +34255,32.0, State-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,1726.0,38.0, United-States +34256,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34257,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,1602.0,10.0, United-States +34258,59.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States +34259,27.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34260,59.0, Local-gov, 10th,6.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +34261,66.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,8.0, United-States +34262,17.0, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,594.0,0.0,5.0, United-States +34263,53.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +34264,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +34265,61.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34266,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34267,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +34268,19.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +34269,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34270,45.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States +34271,26.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,36.0, United-States +34272,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +34273,27.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,52.0, Mexico +34274,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +34275,64.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34276,34.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,2977.0,0.0,50.0, United-States +34277,51.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +34278,73.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,15.0, United-States +34279,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34280,27.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Guatemala +34281,23.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34282,32.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,52.0, United-States +34283,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States +34284,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34285,20.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,45.0, United-States +34286,40.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Ireland +34287,49.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,70.0, Italy +34288,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34289,40.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34290,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +34291,45.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +34292,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,40.0, United-States +34293,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +34294,17.0, Private, 9th,5.0, Never-married, Sales, Other-relative, Other, Female,0.0,0.0,32.0, Mexico +34295,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,30.0, United-States +34296,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +34297,24.0, Self-emp-not-inc, 11th,7.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,3.0, United-States +34298,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +34299,53.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34300,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, China +34301,34.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +34302,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +34303,37.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34304,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +34305,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1485.0,40.0, United-States +34306,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +34307,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States +34308,19.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +34309,31.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34310,42.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +34311,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +34312,48.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +34313,23.0, Private, Some-college,10.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,45.0, United-States +34314,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States +34315,64.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34316,31.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +34317,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +34318,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34319,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States +34320,22.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +34321,37.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +34322,35.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +34323,28.0, Private, Bachelors,13.0, Married-spouse-absent, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +34324,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +34325,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +34326,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,16.0, United-States +34327,42.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +34328,55.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34329,30.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States +34330,40.0, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +34331,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +34332,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +34333,41.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34334,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34335,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +34336,45.0, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3103.0,0.0,40.0, United-States +34337,42.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +34338,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34339,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +34340,38.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3781.0,0.0,78.0, United-States +34341,25.0, Private, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,24.0, United-States +34342,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +34343,49.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +34344,36.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +34345,28.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024.0,0.0,40.0, United-States +34346,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34347,68.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,55.0, United-States +34348,28.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +34349,22.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,32.0, United-States +34350,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +34351,49.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,16.0, United-States +34352,37.0, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Unmarried, Other, Male,0.0,0.0,40.0, Mexico +34353,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, India +34354,22.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +34355,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,25.0, United-States +34356,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34357,29.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +34358,60.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +34359,28.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +34360,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Columbia +34361,33.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, Black, Male,0.0,0.0,50.0, United-States +34362,32.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,99.0, United-States +34363,57.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +34364,59.0, Self-emp-inc, 10th,6.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,2559.0,50.0, United-States +34365,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +34366,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34367,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +34368,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +34369,31.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2042.0,40.0, Mexico +34370,37.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +34371,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34372,39.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +34373,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +34374,43.0, State-gov, Assoc-acdm,12.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +34375,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34376,18.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +34377,31.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,40.0, United-States +34378,24.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,20.0, United-States +34379,62.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +34380,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34381,63.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,60.0, United-States +34382,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34383,22.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +34384,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34385,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34386,59.0, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,55.0, United-States +34387,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +34388,31.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,60.0, United-States +34389,65.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States +34390,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +34391,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +34392,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +34393,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +34394,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +34395,44.0, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +34396,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34397,33.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +34398,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +34399,52.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,1876.0,50.0, United-States +34400,72.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,12.0, Cuba +34401,46.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +34402,40.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +34403,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,2.0, United-States +34404,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +34405,20.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +34406,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +34407,46.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +34408,37.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, Puerto-Rico +34409,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34410,40.0, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Female,4687.0,0.0,50.0, United-States +34411,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +34412,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,15.0, United-States +34413,62.0, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +34414,57.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +34415,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +34416,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34417,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,55.0, United-States +34418,29.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States +34419,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3942.0,0.0,99.0, United-States +34420,17.0, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,30.0, United-States +34421,37.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +34422,38.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +34423,60.0, Private, 5th-6th,3.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Italy +34424,25.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +34425,48.0, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34426,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,58.0, United-States +34427,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1902.0,46.0, United-States +34428,42.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +34429,63.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +34430,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34431,28.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34432,31.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +34433,47.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +34434,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +34435,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +34436,35.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34437,38.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34438,39.0, Local-gov, 10th,6.0, Divorced, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +34439,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34440,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +34441,64.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +34442,39.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34443,29.0, Self-emp-inc, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +34444,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +34445,36.0, State-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +34446,26.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States +34447,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +34448,25.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,35.0, United-States +34449,38.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +34450,22.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34451,21.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, Poland +34452,41.0, Local-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34453,57.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States +34454,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,35.0, United-States +34455,44.0, Private, Some-college,10.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,38.0, United-States +34456,40.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,2559.0,55.0, United-States +34457,34.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +34458,66.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34459,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States +34460,26.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States +34461,61.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +34462,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +34463,52.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,44.0, United-States +34464,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +34465,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, Cuba +34466,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +34467,64.0, Private, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States +34468,26.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States +34469,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,60.0, United-States +34470,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +34471,48.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +34472,34.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +34473,33.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +34474,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +34475,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34476,17.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,22.0, United-States +34477,68.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +34478,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34479,44.0, Federal-gov, Masters,14.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,0.0,0.0,40.0, United-States +34480,38.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,24.0, United-States +34481,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34482,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +34483,37.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +34484,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34485,30.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34486,30.0, Private, Some-college,10.0, Divorced, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +34487,60.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States +34488,46.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +34489,45.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,52.0, United-States +34490,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4101.0,0.0,40.0, United-States +34491,52.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Germany +34492,64.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,15.0, United-States +34493,51.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34494,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States +34495,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,65.0, United-States +34496,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34497,50.0, Private, 11th,7.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34498,28.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +34499,43.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +34500,28.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,35.0, United-States +34501,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +34502,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States +34503,59.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, England +34504,40.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +34505,36.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +34506,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +34507,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +34508,47.0, Self-emp-inc, Assoc-acdm,12.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,67.0, United-States +34509,40.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,55.0, Trinadad&Tobago +34510,29.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,55.0, United-States +34511,41.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +34512,37.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,48.0, United-States +34513,35.0, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +34514,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,32.0, United-States +34515,32.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +34516,24.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, Canada +34517,40.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,48.0, United-States +34518,58.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34519,28.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,23.0, United-States +34520,64.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, Canada +34521,39.0, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +34522,64.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +34523,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +34524,24.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +34525,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,84.0, United-States +34526,36.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,20.0, United-States +34527,34.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,2001.0,40.0, United-States +34528,64.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,22.0, United-States +34529,47.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,5.0, United-States +34530,57.0, Private, 1st-4th,2.0, Widowed, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +34531,32.0, Self-emp-not-inc, 11th,7.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, Nicaragua +34532,61.0, State-gov, 10th,6.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +34533,28.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34534,62.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States +34535,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34536,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34537,59.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +34538,23.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34539,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,7.0, United-States +34540,60.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34541,29.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +34542,54.0, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34543,36.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +34544,44.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34545,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34546,50.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +34547,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +34548,35.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34549,23.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +34550,38.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,36.0, United-States +34551,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34552,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +34553,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +34554,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34555,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +34556,59.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34557,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White,,0.0,0.0,40.0, Canada +34558,40.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34559,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Other, Male,0.0,0.0,40.0, India +34560,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +34561,39.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178.0,0.0,38.0, United-States +34562,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2002.0,45.0, United-States +34563,49.0, Private, Some-college,10.0, Divorced, Tech-support, Other-relative, White, Male,0.0,0.0,35.0, United-States +34564,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +34565,40.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,48.0, United-States +34566,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +34567,43.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34568,45.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34569,27.0, Local-gov, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,38.0, United-States +34570,54.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024.0,0.0,60.0, South +34571,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,52.0, United-States +34572,26.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +34573,40.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, Canada +34574,32.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34575,44.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,43.0, United-States +34576,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +34577,34.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, England +34578,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34579,39.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +34580,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,30.0, United-States +34581,34.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +34582,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +34583,59.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34584,63.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Cuba +34585,37.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +34586,36.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +34587,49.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +34588,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba +34589,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +34590,65.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Other-relative, White, Female,1848.0,0.0,50.0, United-States +34591,36.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +34592,28.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +34593,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,12.0, United-States +34594,28.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Unmarried, Black, Male,0.0,0.0,40.0, Mexico +34595,44.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,13550.0,0.0,50.0, United-States +34596,51.0, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34597,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +34598,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34599,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,50.0, United-States +34600,41.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +34601,58.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +34602,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34603,42.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +34604,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34605,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34606,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +34607,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +34608,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,38.0, United-States +34609,62.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34610,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +34611,27.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +34612,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +34613,57.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +34614,61.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,18.0, United-States +34615,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +34616,26.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +34617,20.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +34618,22.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +34619,23.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, Dominican-Republic +34620,32.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,16.0, United-States +34621,51.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +34622,51.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States +34623,20.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, United-States +34624,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,30.0, United-States +34625,30.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34626,24.0, Private, 1st-4th,2.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, Mexico +34627,20.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States +34628,33.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, South +34629,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,7298.0,0.0,40.0, United-States +34630,52.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +34631,63.0, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +34632,62.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +34633,59.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34634,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +34635,43.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,38.0, United-States +34636,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3411.0,0.0,40.0, United-States +34637,47.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +34638,43.0, Self-emp-not-inc, Preschool,1.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, Haiti +34639,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +34640,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +34641,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,40.0, United-States +34642,38.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,1902.0,40.0, United-States +34643,31.0, Private, Masters,14.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,25.0, Japan +34644,64.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States +34645,29.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +34646,39.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +34647,31.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +34648,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, United-States +34649,44.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +34650,29.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,70.0, Mexico +34651,59.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34652,31.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34653,47.0, Private, Some-college,10.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +34654,39.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,28.0, United-States +34655,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +34656,32.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34657,20.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,30.0, United-States +34658,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34659,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34660,27.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +34661,64.0, Private, 11th,7.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States +34662,65.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +34663,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, England +34664,64.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States +34665,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,43.0, United-States +34666,20.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1573.0,40.0, United-States +34667,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34668,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,6849.0,0.0,50.0, United-States +34669,36.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34670,57.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,80.0, United-States +34671,26.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +34672,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,1602.0,20.0, United-States +34673,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +34674,65.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,6418.0,0.0,35.0, United-States +34675,39.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +34676,40.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,32.0, United-States +34677,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +34678,43.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,55.0, United-States +34679,51.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +34680,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +34681,31.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,2354.0,0.0,40.0, United-States +34682,35.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +34683,35.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,14344.0,0.0,40.0, United-States +34684,45.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +34685,21.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34686,35.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +34687,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34688,22.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +34689,50.0, Private, 9th,5.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +34690,37.0, Federal-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Japan +34691,25.0, Private, HS-grad,9.0, Never-married, Protective-serv, Other-relative, White, Male,0.0,0.0,40.0, United-States +34692,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,,0.0,56.0, United-States +34693,20.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +34694,34.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +34695,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34696,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +34697,32.0, Federal-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +34698,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +34699,28.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,42.0, United-States +34700,32.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +34701,27.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, United-States +34702,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34703,57.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Italy +34704,37.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34705,42.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +34706,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3908.0,0.0,60.0, United-States +34707,35.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,50.0, United-States +34708,49.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +34709,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,1506.0,0.0,40.0, United-States +34710,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34711,40.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +34712,71.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,35.0, United-States +34713,45.0, Federal-gov, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,4865.0,0.0,40.0, United-States +34714,41.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34715,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +34716,76.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +34717,38.0, State-gov, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,50.0, United-States +34718,61.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +34719,32.0, Private, 9th,5.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Columbia +34720,23.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,20.0, United-States +34721,41.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +34722,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States +34723,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34724,88.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +34725,24.0, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +34726,27.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1887.0,60.0, United-States +34727,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, England +34728,72.0, Private, 1st-4th,2.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +34729,28.0, Local-gov, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Female,0.0,0.0,25.0, United-States +34730,66.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4931.0,0.0,98.0, United-States +34731,45.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +34732,55.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +34733,34.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +34734,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,70.0, United-States +34735,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,35.0, Haiti +34736,36.0, Self-emp-inc, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States +34737,43.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +34738,44.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +34739,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +34740,64.0, State-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +34741,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,15.0, Germany +34742,36.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34743,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34744,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +34745,51.0, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica +34746,45.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +34747,28.0, Private, 10th,6.0, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico +34748,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,24.0, United-States +34749,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +34750,31.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +34751,34.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +34752,39.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, Germany +34753,36.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +34754,43.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +34755,58.0, Local-gov, 9th,5.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34756,44.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +34757,23.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Cuba +34758,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,55.0, United-States +34759,26.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +34760,44.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,65.0, United-States +34761,22.0, Private, 10th,6.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +34762,70.0, Self-emp-inc, Bachelors,13.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,6.0, United-States +34763,42.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +34764,28.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +34765,37.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +34766,21.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,50.0, Mexico +34767,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States +34768,22.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,75.0, United-States +34769,74.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +34770,30.0, Local-gov, HS-grad,9.0, Separated, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +34771,28.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +34772,52.0, Private, 1st-4th,2.0, Divorced, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +34773,26.0, Federal-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34774,39.0, Private, Preschool,1.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States +34775,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States +34776,52.0, Private, 11th,7.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +34777,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +34778,45.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +34779,19.0, Self-emp-not-inc, 9th,5.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, Mexico +34780,29.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,16.0, United-States +34781,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States +34782,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34783,49.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States +34784,42.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34785,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +34786,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34787,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34788,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +34789,27.0, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Guatemala +34790,39.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34791,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, South +34792,45.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +34793,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +34794,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States +34795,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +34796,63.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34797,35.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +34798,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34799,25.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +34800,38.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34801,32.0, Federal-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +34802,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,99999.0,0.0,40.0, United-States +34803,34.0, Private, 10th,6.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +34804,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +34805,43.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34806,70.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,12.0, United-States +34807,35.0, Private, 11th,7.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +34808,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,42.0, United-States +34809,26.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,50.0, United-States +34810,44.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34811,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34812,60.0, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States +34813,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3942.0,0.0,40.0, United-States +34814,27.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178.0,0.0,40.0, United-States +34815,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +34816,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +34817,36.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +34818,44.0, Local-gov, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +34819,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34820,29.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Columbia +34821,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +34822,17.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +34823,18.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +34824,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +34825,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +34826,34.0, Private, Bachelors,13.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,25.0, United-States +34827,34.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34828,46.0, Private, Bachelors,13.0, Divorced, Sales, Other-relative, Black, Male,0.0,0.0,40.0, United-States +34829,58.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +34830,29.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34831,35.0, Private, HS-grad,9.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States +34832,59.0, State-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +34833,27.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,30.0, United-States +34834,52.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,52.0, Canada +34835,56.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34836,21.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +34837,44.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, United-States +34838,47.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +34839,72.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +34840,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,85.0, United-States +34841,62.0, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34842,34.0, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +34843,42.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34844,61.0, Private, 12th,8.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +34845,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +34846,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +34847,53.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +34848,56.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +34849,25.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +34850,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand +34851,70.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +34852,46.0, Self-emp-inc, 9th,5.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,50.0, United-States +34853,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,45.0, United-States +34854,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34855,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +34856,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Female,1471.0,0.0,40.0, United-States +34857,24.0, Private, 9th,5.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +34858,40.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, Black, Female,0.0,0.0,30.0, United-States +34859,44.0, Private, Assoc-voc,11.0, Separated, Craft-repair, Other-relative, White, Male,0.0,0.0,48.0, United-States +34860,54.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34861,51.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34862,59.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,43.0, United-States +34863,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,48.0, United-States +34864,67.0, Private, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,60.0, United-States +34865,41.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34866,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +34867,35.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +34868,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,65.0, United-States +34869,48.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +34870,20.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,80.0, United-States +34871,39.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +34872,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,38.0, United-States +34873,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,20.0, United-States +34874,36.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +34875,32.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +34876,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +34877,43.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,47.0, United-States +34878,46.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +34879,47.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +34880,57.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +34881,42.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34882,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +34883,30.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +34884,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband,, Male,0.0,0.0,40.0, United-States +34885,43.0, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +34886,63.0, Private, 11th,7.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,12.0, United-States +34887,61.0, Private, 11th,7.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +34888,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +34889,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +34890,53.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34891,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +34892,23.0, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States +34893,28.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States +34894,35.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,,0.0,50.0, United-States +34895,28.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,1974.0,40.0, United-States +34896,48.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,52.0, United-States +34897,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Puerto-Rico +34898,48.0, Local-gov, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +34899,56.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, Black, Female,0.0,0.0,20.0, United-States +34900,38.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,45.0, United-States +34901,22.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +34902,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +34903,48.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,40.0, United-States +34904,56.0, Private, 7th-8th,4.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34905,33.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +34906,41.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States +34907,32.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,55.0, Ecuador +34908,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,40.0, United-States +34909,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,24.0, Cuba +34910,37.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +34911,43.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1887.0,40.0, United-States +34912,44.0, Federal-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,2354.0,0.0,40.0, United-States +34913,68.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,16.0, United-States +34914,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, United-States +34915,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +34916,40.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, United-States +34917,33.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,88.0, United-States +34918,60.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +34919,53.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1741.0,40.0, United-States +34920,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +34921,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +34922,24.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,40.0, United-States +34923,47.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34924,42.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +34925,51.0, Private, 12th,8.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States +34926,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +34927,46.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,80.0, United-States +34928,27.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +34929,53.0, Local-gov, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +34930,49.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34931,47.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34932,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34933,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +34934,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +34935,42.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,8614.0,0.0,40.0, United-States +34936,33.0, Local-gov, 10th,6.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34937,51.0, Private, 10th,6.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +34938,25.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +34939,50.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +34940,35.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,44.0, United-States +34941,40.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34942,32.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +34943,33.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +34944,41.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States +34945,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Portugal +34946,25.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +34947,41.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34948,22.0, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +34949,49.0, Private, Bachelors,13.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States +34950,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Japan +34951,39.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, Black, Female,3411.0,0.0,34.0, United-States +34952,51.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,35.0, Jamaica +34953,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34954,54.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34955,35.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +34956,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States +34957,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Male,0.0,0.0,22.0, United-States +34958,58.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34959,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +34960,32.0, State-gov, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,19.0, United-States +34961,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +34962,47.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,40.0, United-States +34963,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +34964,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +34965,29.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +34966,22.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +34967,42.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,15.0, United-States +34968,31.0, Private, 12th,8.0, Never-married, Sales, Not-in-family, White, Male,4650.0,0.0,50.0, United-States +34969,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Italy +34970,25.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +34971,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +34972,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,24.0, United-States +34973,28.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +34974,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +34975,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34976,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,35.0, South +34977,51.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,5455.0,0.0,40.0, United-States +34978,59.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,60.0, United-States +34979,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,1974.0,40.0, United-States +34980,25.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,50.0, United-States +34981,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +34982,20.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Guatemala +34983,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +34984,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34985,67.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,6514.0,0.0,7.0, United-States +34986,35.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,46.0, United-States +34987,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti +34988,21.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,3908.0,0.0,40.0, United-States +34989,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,45.0, United-States +34990,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +34991,49.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States +34992,53.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +34993,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +34994,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +34995,26.0, Private, Some-college,10.0, Married-spouse-absent, Craft-repair, Other-relative, Black, Female,0.0,0.0,35.0, Dominican-Republic +34996,32.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +34997,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +34998,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +34999,47.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +35000,24.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +35001,24.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35002,61.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +35003,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +35004,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +35005,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +35006,61.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +35007,47.0, Self-emp-not-inc, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States +35008,41.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +35009,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35010,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +35011,25.0, Self-emp-not-inc, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,15.0, United-States +35012,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +35013,30.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,29.0, United-States +35014,55.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +35015,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,5.0, United-States +35016,31.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +35017,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,24.0, United-States +35018,52.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +35019,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +35020,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35021,34.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,32.0, United-States +35022,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35023,32.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +35024,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +35025,49.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35026,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,20.0, United-States +35027,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +35028,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +35029,37.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35030,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +35031,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States +35032,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States +35033,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35034,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35035,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +35036,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35037,43.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +35038,30.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35039,49.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +35040,52.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic +35041,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +35042,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35043,35.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,60.0, United-States +35044,47.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +35045,24.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +35046,32.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +35047,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +35048,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,55.0, United-States +35049,36.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +35050,26.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35051,49.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35052,55.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +35053,44.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,60.0, United-States +35054,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +35055,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +35056,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35057,42.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,8.0, United-States +35058,66.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35059,45.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +35060,19.0, Private, 11th,7.0, Never-married, Sales, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,43.0, United-States +35061,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35062,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States +35063,42.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35064,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35065,55.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +35066,54.0, Private, Some-college,10.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +35067,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +35068,48.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +35069,64.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +35070,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,4386.0,0.0,40.0, United-States +35071,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,45.0, United-States +35072,48.0, State-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +35073,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +35074,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +35075,39.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +35076,37.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,60.0, United-States +35077,59.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1977.0,40.0, India +35078,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, Peru +35079,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +35080,61.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +35081,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +35082,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35083,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Dominican-Republic +35084,59.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35085,48.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35086,43.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Other-relative, White, Female,0.0,0.0,44.0, Poland +35087,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +35088,31.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +35089,49.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +35090,59.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +35091,51.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,99.0, United-States +35092,33.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +35093,23.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Mexico +35094,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35095,33.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +35096,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States +35097,27.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,36.0, United-States +35098,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +35099,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States +35100,24.0, Self-emp-not-inc, 11th,7.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +35101,29.0, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,23.0, United-States +35102,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,65.0, United-States +35103,67.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2414.0,0.0,80.0, United-States +35104,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +35105,32.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,35.0, United-States +35106,30.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +35107,67.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +35108,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States +35109,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +35110,30.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +35111,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,50.0, United-States +35112,31.0, Local-gov, 10th,6.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,1741.0,40.0, United-States +35113,31.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,2202.0,0.0,40.0, United-States +35114,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +35115,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35116,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103.0,0.0,60.0, United-States +35117,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,68.0, United-States +35118,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +35119,41.0, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +35120,33.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +35121,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, Germany +35122,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,1902.0,40.0, China +35123,55.0, Local-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35124,19.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States +35125,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +35126,45.0, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +35127,23.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Other, Female,0.0,0.0,40.0, Canada +35128,36.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35129,27.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +35130,41.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +35131,52.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,35.0, United-States +35132,31.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +35133,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +35134,23.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Unmarried, Other, Female,0.0,0.0,40.0, Guatemala +35135,49.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,41.0, United-States +35136,49.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35137,62.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +35138,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +35139,43.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,40.0, United-States +35140,31.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Other-relative, Black, Male,0.0,1721.0,40.0, United-States +35141,42.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,14084.0,0.0,36.0, United-States +35142,51.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,52.0, United-States +35143,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +35144,19.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +35145,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35146,61.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,3.0, United-States +35147,31.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,50.0, United-States +35148,30.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +35149,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35150,49.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35151,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,32.0, United-States +35152,23.0, Local-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +35153,49.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,55.0, United-States +35154,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States +35155,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +35156,67.0, Private, 9th,5.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,20.0, United-States +35157,36.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +35158,41.0, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +35159,30.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +35160,44.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +35161,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States +35162,61.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3471.0,0.0,40.0, United-States +35163,52.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +35164,35.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35165,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +35166,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35167,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +35168,30.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35169,69.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States +35170,51.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +35171,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Other, Female,0.0,0.0,65.0, United-States +35172,27.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +35173,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +35174,19.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +35175,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States +35176,42.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +35177,22.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +35178,40.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +35179,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +35180,51.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +35181,41.0, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Female,13550.0,0.0,60.0, United-States +35182,72.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,14.0, United-States +35183,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +35184,37.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +35185,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,40.0, United-States +35186,25.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,30.0, United-States +35187,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35188,45.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +35189,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,50.0, United-States +35190,31.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,34.0, United-States +35191,40.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +35192,46.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States +35193,59.0, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,52.0, United-States +35194,26.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,32.0, United-States +35195,36.0, Private, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, Portugal +35196,68.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,1797.0,0.0,24.0, United-States +35197,54.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,14084.0,0.0,40.0, United-States +35198,69.0, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,25.0, United-States +35199,55.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,2267.0,40.0, United-States +35200,24.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +35201,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1579.0,40.0, United-States +35202,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35203,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +35204,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +35205,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +35206,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35207,44.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908.0,0.0,50.0, United-States +35208,23.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,14344.0,0.0,40.0, Vietnam +35209,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +35210,22.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +35211,34.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,42.0, United-States +35212,44.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States +35213,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35214,56.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +35215,22.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0.0,0.0,40.0, United-States +35216,45.0, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,3325.0,0.0,60.0, United-States +35217,37.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +35218,39.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +35219,42.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +35220,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +35221,50.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35222,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35223,24.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +35224,42.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,99.0, United-States +35225,31.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +35226,46.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,43.0, United-States +35227,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States +35228,49.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +35229,45.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States +35230,38.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,40.0, United-States +35231,52.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +35232,36.0, Private, 1st-4th,2.0, Never-married, Other-service, Other-relative, Other, Female,0.0,0.0,40.0, El-Salvador +35233,25.0, Private, Assoc-acdm,12.0, Never-married, Farming-fishing, Not-in-family, White, Male,2354.0,0.0,45.0, United-States +35234,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35235,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +35236,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +35237,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +35238,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35239,37.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, Guatemala +35240,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35241,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,4386.0,0.0,40.0, United-States +35242,30.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,24.0, United-States +35243,22.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,15.0, United-States +35244,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35245,44.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35246,51.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,21.0, United-States +35247,33.0, Self-emp-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +35248,34.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +35249,32.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico +35250,28.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Other, Male,0.0,0.0,30.0, Cuba +35251,28.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35252,61.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, United-States +35253,21.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,12.0, United-States +35254,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +35255,19.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +35256,49.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +35257,42.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,60.0, United-States +35258,26.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,4.0, Mexico +35259,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +35260,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States +35261,35.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +35262,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +35263,41.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +35264,40.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +35265,43.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35266,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2042.0,50.0, United-States +35267,60.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35268,32.0, State-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +35269,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +35270,23.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,37.0, United-States +35271,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +35272,38.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +35273,28.0, Private, Bachelors,13.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,48.0, England +35274,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,1602.0,10.0, United-States +35275,75.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35276,31.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +35277,36.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +35278,44.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +35279,55.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,18.0, United-States +35280,33.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,49.0, United-States +35281,38.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +35282,20.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35283,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +35284,48.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +35285,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,42.0, United-States +35286,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35287,52.0, State-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +35288,73.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +35289,37.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,25.0, United-States +35290,64.0, Private, Masters,14.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,8.0, +35291,47.0, Private, Prof-school,15.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35292,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,12.0, United-States +35293,59.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +35294,55.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35295,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +35296,54.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +35297,47.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,4064.0,0.0,40.0, United-States +35298,25.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +35299,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35300,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States +35301,32.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,2174.0,0.0,45.0, Taiwan +35302,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35303,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35304,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35305,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,22.0, United-States +35306,20.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +35307,21.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,46.0, United-States +35308,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +35309,48.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China +35310,34.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35311,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35312,35.0, Local-gov, 12th,8.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +35313,26.0, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, United-States +35314,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +35315,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +35316,43.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,50.0, United-States +35317,36.0, Private, 9th,5.0, Married-civ-spouse, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +35318,56.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,14084.0,0.0,45.0, United-States +35319,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35320,27.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, Mexico +35321,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +35322,26.0, Private, Doctorate,16.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,20.0, United-States +35323,33.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +35324,25.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35325,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908.0,0.0,40.0, United-States +35326,39.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,38.0, India +35327,28.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +35328,22.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +35329,48.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,2176.0,0.0,40.0, United-States +35330,32.0, Private, Masters,14.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +35331,34.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35332,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2051.0,40.0, United-States +35333,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +35334,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +35335,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35336,45.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +35337,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +35338,20.0, Private, 10th,6.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35339,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +35340,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +35341,61.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +35342,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +35343,43.0, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +35344,61.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +35345,19.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, Mexico +35346,33.0, Private, 7th-8th,4.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +35347,25.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35348,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +35349,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States +35350,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +35351,29.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,25.0, United-States +35352,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35353,31.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35354,32.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +35355,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,45.0, United-States +35356,62.0, Private, Assoc-voc,11.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,33.0, United-States +35357,43.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +35358,44.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35359,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States +35360,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35361,36.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35362,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +35363,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1672.0,45.0, United-States +35364,57.0, Local-gov, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,14.0, United-States +35365,70.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +35366,38.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +35367,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,21.0, United-States +35368,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +35369,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35370,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35371,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,47.0, United-States +35372,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +35373,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +35374,19.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +35375,46.0, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States +35376,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1092.0,40.0, United-States +35377,41.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35378,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +35379,40.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +35380,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35381,38.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35382,33.0, Self-emp-not-inc, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,7.0, United-States +35383,39.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35384,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +35385,62.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35386,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,75.0, United-States +35387,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35388,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +35389,37.0, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +35390,26.0, Private, 11th,7.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35391,61.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35392,70.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,5.0, United-States +35393,42.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35394,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,36.0, United-States +35395,26.0, Private, 12th,8.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +35396,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +35397,45.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +35398,45.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +35399,47.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, Haiti +35400,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35401,20.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,15.0, United-States +35402,31.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +35403,33.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35404,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +35405,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35406,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35407,23.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35408,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35409,26.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +35410,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +35411,67.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +35412,27.0, Private, 11th,7.0, Divorced, Craft-repair, Unmarried, Other, Male,0.0,0.0,35.0, United-States +35413,44.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,2415.0,6.0, United-States +35414,25.0, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +35415,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +35416,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +35417,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35418,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +35419,28.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35420,27.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0.0,0.0,50.0, United-States +35421,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35422,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States +35423,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +35424,44.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,2202.0,0.0,45.0, United-States +35425,40.0, Local-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Male,8614.0,0.0,50.0, United-States +35426,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +35427,28.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35428,55.0, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +35429,63.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +35430,50.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,62.0, United-States +35431,54.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +35432,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,35.0, United-States +35433,55.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States +35434,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +35435,37.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +35436,, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,41.0, United-States +35437,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35438,40.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35439,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +35440,49.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +35441,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35442,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +35443,44.0, Private, Masters,14.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States +35444,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35445,39.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +35446,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35447,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +35448,35.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103.0,0.0,55.0, United-States +35449,26.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +35450,44.0, Private, 12th,8.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35451,50.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,12.0, United-States +35452,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013.0,0.0,40.0, United-States +35453,45.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States +35454,50.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,44.0, United-States +35455,33.0, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2258.0,42.0, United-States +35456,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35457,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35458,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +35459,58.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States +35460,49.0, Federal-gov, 7th-8th,4.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +35461,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +35462,44.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +35463,25.0, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +35464,53.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +35465,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +35466,51.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35467,46.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35468,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +35469,56.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,40.0, United-States +35470,30.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,40.0, United-States +35471,33.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35472,55.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35473,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +35474,36.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +35475,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +35476,21.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States +35477,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +35478,30.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +35479,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +35480,21.0, Private, HS-grad,9.0, Separated, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +35481,33.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,65.0, Japan +35482,69.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,16.0, United-States +35483,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +35484,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,47.0, United-States +35485,28.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +35486,37.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,45.0, United-States +35487,34.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,30.0, United-States +35488,55.0, State-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +35489,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,2176.0,0.0,25.0, United-States +35490,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35491,42.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, United-States +35492,55.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35493,39.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +35494,20.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States +35495,36.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +35496,40.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,65.0, United-States +35497,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,53.0, United-States +35498,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,49.0, United-States +35499,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +35500,40.0, Local-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,8614.0,0.0,40.0, England +35501,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +35502,26.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +35503,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +35504,30.0, Private, Some-college,10.0, Never-married, Farming-fishing, Other-relative, Black, Male,0.0,0.0,72.0, United-States +35505,65.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +35506,53.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,4386.0,0.0,40.0, India +35507,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35508,51.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +35509,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,45.0, Outlying-US(Guam-USVI-etc) +35510,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,10.0, Guatemala +35511,36.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +35512,50.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +35513,21.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,32.0, United-States +35514,22.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +35515,43.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,43.0, United-States +35516,25.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35517,28.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35518,45.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2885.0,0.0,60.0, United-States +35519,50.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +35520,21.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35521,43.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +35522,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +35523,50.0, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35524,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35525,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +35526,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35527,30.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35528,61.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,40.0, United-States +35529,56.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +35530,39.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +35531,43.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +35532,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +35533,55.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,60.0, United-States +35534,39.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35535,70.0, Private, Bachelors,13.0, Widowed, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,32.0, Philippines +35536,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +35537,67.0, Self-emp-not-inc, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Male,18481.0,0.0,2.0, United-States +35538,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, Canada +35539,49.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +35540,36.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1579.0,40.0, United-States +35541,31.0, Private, Preschool,1.0, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,25.0, United-States +35542,36.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +35543,70.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +35544,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +35545,34.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Taiwan +35546,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688.0,0.0,40.0, United-States +35547,51.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +35548,48.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +35549,73.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,30.0, United-States +35550,41.0, Local-gov, Preschool,1.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States +35551,26.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35552,27.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +35553,47.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +35554,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +35555,65.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Not-in-family, White, Male,2964.0,0.0,40.0, United-States +35556,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +35557,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35558,53.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States +35559,78.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,36.0, United-States +35560,45.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +35561,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +35562,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +35563,72.0, Private, 9th,5.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +35564,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,60.0, United-States +35565,52.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35566,27.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,56.0, United-States +35567,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States +35568,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +35569,37.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35570,29.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35571,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2339.0,50.0, United-States +35572,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +35573,58.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,33.0, United-States +35574,33.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, China +35575,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +35576,58.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35577,45.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +35578,37.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +35579,35.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States +35580,52.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,47.0, United-States +35581,19.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Female,0.0,0.0,40.0, United-States +35582,57.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +35583,49.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States +35584,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +35585,42.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +35586,41.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,40.0, United-States +35587,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +35588,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35589,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +35590,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +35591,48.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,2001.0,40.0, United-States +35592,30.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +35593,37.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35594,39.0, Private, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Poland +35595,45.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1340.0,50.0, United-States +35596,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35597,30.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +35598,45.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +35599,58.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States +35600,37.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,39.0, United-States +35601,50.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +35602,32.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +35603,46.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +35604,, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35605,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35606,37.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +35607,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,24.0, United-States +35608,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +35609,25.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +35610,41.0, Self-emp-not-inc, Masters,14.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +35611,27.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35612,40.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35613,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35614,52.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35615,28.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +35616,25.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +35617,37.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,1151.0,0.0,35.0, United-States +35618,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3137.0,0.0,40.0, El-Salvador +35619,34.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35620,48.0, Local-gov, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +35621,27.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States +35622,47.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,44.0, United-States +35623,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +35624,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +35625,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +35626,40.0, Private, 1st-4th,2.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Dominican-Republic +35627,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35628,54.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35629,34.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +35630,38.0, Self-emp-not-inc, 11th,7.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +35631,44.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +35632,45.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +35633,43.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,25.0, United-States +35634,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +35635,36.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,36.0, United-States +35636,39.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,8614.0,0.0,40.0, United-States +35637,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35638,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +35639,56.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35640,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +35641,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,52.0, United-States +35642,33.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35643,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +35644,44.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +35645,30.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2580.0,0.0,40.0, United-States +35646,31.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States +35647,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy +35648,57.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,45.0, United-States +35649,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +35650,27.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +35651,46.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,35.0, United-States +35652,43.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +35653,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +35654,29.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,1485.0,60.0, United-States +35655,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +35656,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +35657,24.0, Private, 12th,8.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +35658,78.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35659,20.0, Private, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +35660,44.0, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,45.0, United-States +35661,30.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +35662,59.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +35663,32.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States +35664,31.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States +35665,23.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +35666,62.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35667,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +35668,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,65.0, United-States +35669,34.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +35670,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +35671,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35672,73.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,12.0, United-States +35673,24.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +35674,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7298.0,0.0,35.0, Taiwan +35675,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,52.0, United-States +35676,33.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Peru +35677,73.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,7.0, United-States +35678,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35679,70.0, Private, 10th,6.0, Widowed, Transport-moving, Not-in-family, White, Female,2538.0,0.0,40.0, United-States +35680,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +35681,22.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,3.0, United-States +35682,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +35683,57.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35684,32.0, Private, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +35685,46.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35686,19.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +35687,58.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35688,31.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, Mexico +35689,40.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +35690,60.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35691,43.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, Mexico +35692,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, Yugoslavia +35693,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35694,53.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999.0,0.0,37.0, United-States +35695,46.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,323.0,45.0, United-States +35696,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +35697,48.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +35698,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +35699,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +35700,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,55.0, United-States +35701,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35702,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States +35703,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +35704,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +35705,31.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +35706,46.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,36.0, United-States +35707,37.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35708,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +35709,46.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +35710,55.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,1672.0,40.0, United-States +35711,61.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States +35712,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +35713,37.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +35714,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,37.0, United-States +35715,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +35716,38.0, State-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States +35717,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,3325.0,0.0,10.0, United-States +35718,39.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,65.0, United-States +35719,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3942.0,0.0,40.0, United-States +35720,55.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +35721,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +35722,34.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35723,46.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +35724,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,34.0, United-States +35725,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +35726,45.0, Private, HS-grad,9.0, Separated, Tech-support, Not-in-family, White, Female,0.0,0.0,26.0, United-States +35727,43.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,2547.0,40.0, United-States +35728,43.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35729,40.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +35730,42.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35731,72.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2392.0,25.0, United-States +35732,64.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,21.0, United-States +35733,45.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +35734,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,45.0, Puerto-Rico +35735,49.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +35736,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +35737,22.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,12.0, United-States +35738,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +35739,23.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +35740,76.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,20051.0,0.0,50.0, United-States +35741,51.0, Private, 10th,6.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +35742,17.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Mexico +35743,68.0, Local-gov, 10th,6.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,90.0, United-States +35744,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +35745,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, Black, Female,0.0,0.0,40.0, United-States +35746,25.0, Private, 1st-4th,2.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala +35747,51.0, Private, 9th,5.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +35748,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35749,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,1602.0,20.0, United-States +35750,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35751,58.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,53.0, United-States +35752,60.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +35753,50.0, Local-gov, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,28.0, United-States +35754,35.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +35755,33.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +35756,30.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35757,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +35758,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35759,57.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35760,38.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,46.0, United-States +35761,63.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35762,51.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,45.0, United-States +35763,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +35764,60.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,27.0, United-States +35765,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +35766,60.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Puerto-Rico +35767,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35768,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +35769,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +35770,64.0, Local-gov, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +35771,31.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, Puerto-Rico +35772,53.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +35773,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35774,22.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +35775,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35776,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35777,43.0, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35778,49.0, Private, 5th-6th,3.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,20.0, Vietnam +35779,24.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +35780,65.0, Private, 11th,7.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +35781,46.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +35782,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +35783,22.0, State-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +35784,24.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +35785,34.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +35786,42.0, Self-emp-inc, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,1564.0,60.0, United-States +35787,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +35788,30.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35789,45.0, Local-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,1726.0,40.0, United-States +35790,31.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +35791,30.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +35792,44.0, Federal-gov, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,2258.0,40.0, United-States +35793,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +35794,52.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35795,35.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,70.0, United-States +35796,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,37.0, United-States +35797,40.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +35798,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Ecuador +35799,31.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +35800,41.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35801,33.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35802,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,45.0, United-States +35803,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35804,41.0, Private, 12th,8.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +35805,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,62.0, United-States +35806,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +35807,28.0, Local-gov, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,45.0, United-States +35808,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35809,54.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +35810,35.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +35811,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,50.0, United-States +35812,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, Japan +35813,30.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35814,90.0, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Puerto-Rico +35815,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35816,44.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +35817,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35818,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States +35819,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,36.0, United-States +35820,50.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35821,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +35822,51.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +35823,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +35824,20.0, Private, 9th,5.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,35.0, United-States +35825,28.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +35826,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Other, Female,0.0,0.0,35.0, El-Salvador +35827,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2002.0,40.0, United-States +35828,31.0, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +35829,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +35830,20.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States +35831,23.0, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Female,0.0,0.0,40.0, United-States +35832,37.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Philippines +35833,52.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35834,26.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +35835,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, South +35836,48.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,47.0, United-States +35837,28.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,60.0, United-States +35838,52.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,25236.0,0.0,44.0, United-States +35839,53.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35840,21.0, Private, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +35841,60.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024.0,0.0,15.0, United-States +35842,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35843,51.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35844,25.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +35845,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35846,47.0, Private, HS-grad,9.0, Separated, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,50.0, Nicaragua +35847,35.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +35848,36.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, Guatemala +35849,71.0, State-gov, Prof-school,15.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,28.0, United-States +35850,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,7298.0,0.0,60.0, India +35851,48.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +35852,47.0, Local-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +35853,43.0, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States +35854,25.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +35855,46.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35856,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +35857,44.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,55.0, United-States +35858,53.0, Private, 11th,7.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, Canada +35859,39.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35860,59.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +35861,34.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35862,33.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,38.0, United-States +35863,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +35864,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,36.0, United-States +35865,52.0, Local-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,4787.0,0.0,60.0, United-States +35866,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +35867,45.0, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +35868,34.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,2174.0,0.0,50.0, United-States +35869,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +35870,48.0, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +35871,44.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,45.0, United-States +35872,30.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, Germany +35873,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +35874,31.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35875,41.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +35876,66.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,25.0, United-States +35877,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +35878,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464.0,0.0,40.0, United-States +35879,38.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35880,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +35881,31.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +35882,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35883,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35884,56.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +35885,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +35886,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +35887,34.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,43.0, India +35888,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, South +35889,55.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +35890,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35891,50.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +35892,37.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +35893,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States +35894,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States +35895,61.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +35896,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +35897,42.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +35898,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,66.0, South +35899,58.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States +35900,38.0, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +35901,60.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +35902,47.0, Federal-gov, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, Puerto-Rico +35903,55.0, Private, Masters,14.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Thailand +35904,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35905,37.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35906,41.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35907,34.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +35908,56.0, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35909,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35910,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +35911,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +35912,57.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35913,26.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35914,33.0, Private, 12th,8.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +35915,67.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Canada +35916,48.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +35917,52.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +35918,37.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +35919,33.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,39.0, United-States +35920,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States +35921,38.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35922,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +35923,59.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +35924,42.0, Local-gov, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,99999.0,0.0,40.0, United-States +35925,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +35926,41.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +35927,25.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35928,27.0, Private, 11th,7.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States +35929,40.0, Federal-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35930,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, Nicaragua +35931,32.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +35932,39.0, Local-gov, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +35933,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35934,26.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +35935,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +35936,36.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +35937,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,60.0, United-States +35938,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +35939,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,50.0, United-States +35940,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States +35941,34.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,1669.0,45.0, United-States +35942,44.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,3674.0,0.0,50.0, United-States +35943,33.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +35944,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,53.0, United-States +35945,19.0, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +35946,51.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35947,44.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +35948,48.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35949,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +35950,25.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +35951,34.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,35.0, United-States +35952,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,15.0, United-States +35953,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,1977.0,50.0, +35954,35.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +35955,27.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,28.0, United-States +35956,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +35957,22.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35958,51.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +35959,46.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +35960,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +35961,46.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,38.0, United-States +35962,31.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +35963,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,50.0, United-States +35964,24.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,6849.0,0.0,90.0, United-States +35965,29.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +35966,64.0, Private, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,2444.0,40.0, United-States +35967,59.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +35968,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +35969,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,13.0, United-States +35970,32.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States +35971,28.0, Private, HS-grad,9.0, Divorced, Tech-support, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +35972,57.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +35973,28.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +35974,27.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +35975,38.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +35976,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +35977,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +35978,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States +35979,31.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,45.0, United-States +35980,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35981,28.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +35982,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +35983,40.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,32.0, United-States +35984,45.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +35985,58.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,32.0, United-States +35986,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +35987,43.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +35988,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,5013.0,0.0,40.0, United-States +35989,55.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +35990,27.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +35991,36.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +35992,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +35993,44.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +35994,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,68.0, United-States +35995,44.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States +35996,34.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +35997,35.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +35998,35.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +35999,41.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36000,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +36001,27.0, Private, Masters,14.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States +36002,52.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +36003,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,25.0, United-States +36004,47.0, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,57.0, United-States +36005,41.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +36006,52.0, Private, Some-college,10.0, Separated, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +36007,33.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +36008,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +36009,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,40.0, United-States +36010,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +36011,48.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +36012,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +36013,40.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36014,19.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36015,32.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +36016,43.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36017,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,30.0, United-States +36018,38.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,38.0, United-States +36019,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +36020,58.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +36021,60.0, Local-gov, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +36022,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, Mexico +36023,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407.0,0.0,50.0, United-States +36024,47.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +36025,65.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +36026,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +36027,35.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +36028,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4865.0,0.0,35.0, United-States +36029,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +36030,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +36031,47.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +36032,59.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +36033,48.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +36034,67.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +36035,60.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36036,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +36037,30.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,48.0, Cuba +36038,32.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +36039,72.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,16.0, United-States +36040,66.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +36041,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1573.0,40.0, United-States +36042,19.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,47.0, United-States +36043,52.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36044,41.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +36045,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +36046,63.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +36047,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36048,43.0, Local-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,42.0, Germany +36049,36.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36050,30.0, Private, Assoc-acdm,12.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +36051,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36052,17.0, Private, 12th,8.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +36053,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,60.0, United-States +36054,23.0, State-gov, Assoc-voc,11.0, Married-AF-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +36055,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +36056,31.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +36057,36.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +36058,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,35.0, United-States +36059,35.0, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +36060,66.0, Federal-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3471.0,0.0,40.0, United-States +36061,35.0, Private, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36062,25.0, Private, Some-college,10.0, Married-spouse-absent, Prof-specialty, Unmarried, Black, Male,0.0,0.0,40.0, United-States +36063,34.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,4386.0,0.0,20.0, United-States +36064,49.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States +36065,21.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +36066,27.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +36067,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +36068,50.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +36069,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +36070,43.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,30.0, United-States +36071,28.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +36072,35.0, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +36073,25.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36074,37.0, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36075,26.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36076,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +36077,32.0, Local-gov, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, Germany +36078,37.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba +36079,30.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +36080,24.0, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +36081,20.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +36082,25.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States +36083,29.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Wife, Asian-Pac-Islander, Female,2829.0,0.0,14.0, Philippines +36084,26.0, State-gov, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +36085,44.0, Private, Some-college,10.0, Divorced, Prof-specialty, Own-child, White, Male,3325.0,0.0,35.0, United-States +36086,24.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Other-relative, Black, Male,0.0,0.0,40.0, Mexico +36087,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36088,32.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +36089,42.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +36090,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +36091,30.0, Private, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Taiwan +36092,51.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,52.0, United-States +36093,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +36094,42.0, Private, 7th-8th,4.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States +36095,63.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,36.0, United-States +36096,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +36097,29.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +36098,37.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,213.0,45.0, United-States +36099,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +36100,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36101,39.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +36102,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +36103,31.0, State-gov, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +36104,42.0, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +36105,53.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999.0,0.0,75.0, United-States +36106,26.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,25.0, United-States +36107,31.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +36108,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +36109,31.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36110,31.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36111,27.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +36112,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +36113,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,80.0, United-States +36114,26.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +36115,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States +36116,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +36117,34.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +36118,25.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +36119,31.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36120,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36121,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,7688.0,0.0,40.0, United-States +36122,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +36123,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +36124,31.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +36125,23.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +36126,25.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +36127,30.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,70.0, United-States +36128,45.0, State-gov, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, Black, Male,25236.0,0.0,36.0, United-States +36129,17.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +36130,31.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +36131,44.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +36132,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, Canada +36133,56.0, Private, Some-college,10.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,38.0, United-States +36134,43.0, Private, 11th,7.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,80.0, United-States +36135,42.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,32.0, United-States +36136,34.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +36137,83.0, Local-gov, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,12.0, United-States +36138,41.0, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,55.0, United-States +36139,65.0, Self-emp-not-inc, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,7978.0,0.0,40.0, United-States +36140,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +36141,49.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +36142,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +36143,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +36144,26.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +36145,19.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,1602.0,20.0, United-States +36146,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States +36147,19.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +36148,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +36149,57.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +36150,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36151,41.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +36152,39.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +36153,48.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,43.0, United-States +36154,31.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36155,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +36156,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +36157,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36158,43.0, Private, Assoc-voc,11.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +36159,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36160,45.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,15.0, United-States +36161,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36162,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,47.0, United-States +36163,54.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,70.0, United-States +36164,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +36165,54.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36166,18.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +36167,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +36168,46.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36169,37.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,4865.0,0.0,45.0, United-States +36170,21.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico +36171,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,89.0, United-States +36172,32.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +36173,63.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +36174,60.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +36175,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,60.0, United-States +36176,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +36177,72.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +36178,57.0, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +36179,42.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,60.0, Columbia +36180,41.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +36181,37.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Taiwan +36182,31.0, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, El-Salvador +36183,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36184,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +36185,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36186,53.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +36187,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +36188,32.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,3674.0,0.0,40.0, United-States +36189,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy +36190,59.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +36191,51.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +36192,23.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36193,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +36194,30.0, Private, HS-grad,9.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,14.0, United-States +36195,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,594.0,0.0,40.0, United-States +36196,26.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +36197,27.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +36198,25.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +36199,66.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +36200,29.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36201,58.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,60.0, United-States +36202,38.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +36203,44.0, Local-gov, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,1340.0,40.0, United-States +36204,57.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +36205,45.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +36206,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36207,59.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,35.0, United-States +36208,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +36209,36.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36210,65.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +36211,30.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, India +36212,58.0, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36213,59.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +36214,31.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,47.0, United-States +36215,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +36216,59.0, Self-emp-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Italy +36217,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36218,18.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States +36219,50.0, Private, Assoc-voc,11.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +36220,47.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Other, Male,0.0,1138.0,40.0, United-States +36221,40.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +36222,38.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36223,71.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +36224,32.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +36225,19.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +36226,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +36227,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Ireland +36228,54.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Other-relative, White, Female,0.0,0.0,10.0, United-States +36229,22.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,39.0, United-States +36230,37.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2559.0,60.0, United-States +36231,17.0, Self-emp-not-inc, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +36232,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +36233,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +36234,35.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +36235,43.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States +36236,45.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36237,32.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +36238,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +36239,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +36240,38.0, Self-emp-not-inc, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36241,30.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +36242,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36243,38.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +36244,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +36245,38.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +36246,53.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +36247,28.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States +36248,45.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +36249,32.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Other, Female,0.0,0.0,40.0, United-States +36250,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +36251,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +36252,65.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +36253,32.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2051.0,38.0, United-States +36254,45.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +36255,20.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +36256,17.0, Private, 9th,5.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,22.0, United-States +36257,46.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +36258,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +36259,34.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +36260,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,47.0, United-States +36261,36.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +36262,24.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +36263,38.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +36264,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +36265,61.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +36266,59.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +36267,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +36268,63.0, Federal-gov, 1st-4th,2.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, Puerto-Rico +36269,28.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,42.0, United-States +36270,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,55.0, United-States +36271,20.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +36272,69.0, Private, 7th-8th,4.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36273,40.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +36274,48.0, Self-emp-not-inc, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +36275,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +36276,51.0, Private, 7th-8th,4.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,50.0, Dominican-Republic +36277,45.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +36278,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,60.0, United-States +36279,57.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36280,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +36281,41.0,, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +36282,53.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36283,28.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36284,57.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36285,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico +36286,57.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +36287,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +36288,61.0, Federal-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +36289,17.0, Private, 11th,7.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,24.0, United-States +36290,63.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +36291,38.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States +36292,31.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, Mexico +36293,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States +36294,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +36295,61.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36296,49.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +36297,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, Jamaica +36298,46.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +36299,35.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,48.0, United-States +36300,43.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +36301,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +36302,42.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,90.0, United-States +36303,62.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,42.0, United-States +36304,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States +36305,25.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36306,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +36307,61.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States +36308,49.0, Self-emp-not-inc, Some-college,10.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,30.0, United-States +36309,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +36310,58.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36311,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +36312,55.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,8.0, United-States +36313,54.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +36314,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +36315,44.0, Private, Some-college,10.0, Divorced, Transport-moving, Own-child, White, Male,0.0,1380.0,40.0, United-States +36316,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States +36317,41.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +36318,72.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, England +36319,41.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +36320,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States +36321,55.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +36322,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +36323,34.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1980.0,40.0, United-States +36324,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +36325,35.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +36326,55.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +36327,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +36328,41.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +36329,73.0, Private, HS-grad,9.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,15.0, United-States +36330,33.0, Private, Bachelors,13.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Nicaragua +36331,29.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0.0,0.0,40.0, United-States +36332,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +36333,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +36334,26.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +36335,29.0, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +36336,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36337,30.0, Private, 11th,7.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, Mexico +36338,20.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States +36339,55.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +36340,29.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36341,33.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States +36342,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +36343,69.0, Self-emp-not-inc, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Female,0.0,0.0,14.0, United-States +36344,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,35.0, United-States +36345,57.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +36346,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, United-States +36347,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36348,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +36349,35.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36350,31.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +36351,55.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +36352,20.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +36353,59.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, Black, Female,0.0,0.0,35.0, United-States +36354,54.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Portugal +36355,60.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36356,47.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36357,39.0, Federal-gov, HS-grad,9.0, Never-married, Armed-Forces, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36358,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +36359,30.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,49.0, United-States +36360,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36361,50.0, Self-emp-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, Trinadad&Tobago +36362,45.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36363,28.0, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +36364,48.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,50.0, United-States +36365,70.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,3175.0,15.0, United-States +36366,45.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +36367,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36368,41.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,48.0, United-States +36369,45.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +36370,34.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36371,53.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +36372,58.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +36373,42.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +36374,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36375,33.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36376,33.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,30.0, Hong +36377,31.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,5455.0,0.0,60.0, United-States +36378,26.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +36379,23.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +36380,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,60.0, United-States +36381,54.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1340.0,40.0, United-States +36382,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36383,64.0, Without-pay, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +36384,71.0, Self-emp-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,24.0, United-States +36385,31.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1977.0,40.0, United-States +36386,47.0, Private, 7th-8th,4.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Puerto-Rico +36387,60.0, Private, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,10.0, United-States +36388,60.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2228.0,0.0,37.0, United-States +36389,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +36390,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,26.0, United-States +36391,55.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States +36392,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,15.0, United-States +36393,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +36394,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +36395,67.0, Private, 11th,7.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36396,53.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, Greece +36397,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36398,56.0, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +36399,43.0, Private, 1st-4th,2.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, Dominican-Republic +36400,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +36401,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +36402,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,3.0, United-States +36403,37.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,46.0, United-States +36404,71.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,10605.0,0.0,40.0, United-States +36405,23.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +36406,58.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States +36407,18.0, Private, HS-grad,9.0, Married-civ-spouse, Priv-house-serv, Not-in-family, White, Female,3103.0,0.0,40.0, United-States +36408,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,21.0, United-States +36409,49.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +36410,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,45.0, United-States +36411,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +36412,20.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +36413,54.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +36414,35.0, Private,,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,84.0, United-States +36415,21.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,4865.0,0.0,35.0, United-States +36416,41.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +36417,34.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36418,33.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +36419,37.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +36420,44.0, Private, Assoc-acdm,12.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36421,64.0, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, India +36422,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +36423,63.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,41310.0,0.0,50.0, United-States +36424,48.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +36425,40.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +36426,35.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States +36427,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +36428,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +36429,56.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +36430,38.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36431,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States +36432,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,25.0, United-States +36433,29.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +36434,31.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36435,26.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +36436,61.0, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, Puerto-Rico +36437,34.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +36438,28.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36439,51.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,84.0, United-States +36440,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +36441,40.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36442,58.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,30.0, United-States +36443,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +36444,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +36445,34.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States +36446,25.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Poland +36447,40.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +36448,29.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +36449,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +36450,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,28.0, United-States +36451,51.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +36452,24.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +36453,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,50.0, United-States +36454,31.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, +36455,33.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Cuba +36456,40.0, Self-emp-not-inc, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States +36457,54.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +36458,62.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +36459,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +36460,61.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +36461,61.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +36462,35.0, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,30.0, Jamaica +36463,58.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36464,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +36465,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +36466,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +36467,22.0, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Female,0.0,1762.0,25.0, United-States +36468,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,35.0, United-States +36469,30.0, Private, 11th,7.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,35.0, United-States +36470,66.0, Private, 10th,6.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,32.0, United-States +36471,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +36472,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +36473,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States +36474,42.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +36475,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36476,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +36477,38.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +36478,29.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36479,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +36480,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +36481,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,55.0, United-States +36482,34.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,20.0, United-States +36483,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +36484,45.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +36485,26.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +36486,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +36487,37.0, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +36488,21.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36489,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,25.0, United-States +36490,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +36491,40.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,70.0, United-States +36492,31.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,48.0, United-States +36493,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +36494,37.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States +36495,41.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1848.0,65.0, United-States +36496,57.0, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,55.0, United-States +36497,29.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Columbia +36498,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36499,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36500,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +36501,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +36502,31.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Female,0.0,0.0,80.0, Italy +36503,59.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36504,42.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +36505,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +36506,35.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,3325.0,0.0,50.0, United-States +36507,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36508,23.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36509,25.0, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +36510,43.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +36511,38.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Female,0.0,0.0,30.0, United-States +36512,24.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,48.0, United-States +36513,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, England +36514,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +36515,71.0, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +36516,58.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +36517,30.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States +36518,35.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +36519,59.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +36520,75.0, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, Columbia +36521,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +36522,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States +36523,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36524,67.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +36525,39.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +36526,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +36527,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +36528,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,1741.0,42.0, United-States +36529,23.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +36530,49.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,40.0, United-States +36531,60.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +36532,37.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,48.0, United-States +36533,70.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36534,59.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +36535,41.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36536,57.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,10.0, United-States +36537,37.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +36538,66.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36539,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,53.0, United-States +36540,25.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +36541,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +36542,34.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,55.0, United-States +36543,47.0, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +36544,47.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +36545,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +36546,30.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +36547,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36548,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +36549,44.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,39.0, United-States +36550,36.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +36551,49.0, Private, Masters,14.0, Divorced, Sales, Unmarried, Other, Female,0.0,0.0,20.0, Peru +36552,39.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,31.0, Cuba +36553,44.0, Self-emp-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,80.0, United-States +36554,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +36555,61.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States +36556,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +36557,41.0, Private, Assoc-voc,11.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +36558,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,37.0, United-States +36559,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +36560,49.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +36561,45.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +36562,52.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +36563,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +36564,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36565,40.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Philippines +36566,46.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +36567,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36568,55.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,10.0, United-States +36569,70.0, Private, Bachelors,13.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +36570,37.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States +36571,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,10.0, United-States +36572,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,10566.0,0.0,40.0, United-States +36573,30.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,42.0, United-States +36574,36.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36575,22.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36576,23.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +36577,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36578,60.0, Private, Masters,14.0, Divorced, Prof-specialty, Other-relative, Black, Male,0.0,0.0,40.0, United-States +36579,45.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +36580,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3137.0,0.0,40.0, United-States +36581,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36582,35.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +36583,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +36584,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +36585,34.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States +36586,48.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36587,48.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3781.0,0.0,50.0, Mexico +36588,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,594.0,0.0,30.0, United-States +36589,36.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36590,21.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +36591,59.0, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36592,59.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +36593,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36594,19.0, Private, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,24.0, United-States +36595,27.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +36596,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +36597,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +36598,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +36599,37.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +36600,56.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +36601,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +36602,28.0, State-gov, Some-college,10.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +36603,43.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36604,40.0, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +36605,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,63.0, South +36606,46.0, State-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +36607,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +36608,60.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband,, Male,0.0,0.0,35.0, United-States +36609,39.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36610,68.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +36611,47.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +36612,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +36613,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +36614,56.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +36615,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States +36616,56.0, Federal-gov, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,2001.0,65.0, United-States +36617,33.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +36618,51.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36619,38.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +36620,48.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +36621,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +36622,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +36623,45.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36624,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36625,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +36626,70.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States +36627,62.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +36628,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +36629,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +36630,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +36631,40.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +36632,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +36633,21.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,36.0, United-States +36634,26.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,44.0, United-States +36635,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36636,39.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +36637,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +36638,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +36639,23.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico +36640,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36641,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36642,35.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +36643,35.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +36644,36.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +36645,29.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +36646,34.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +36647,26.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,43.0, United-States +36648,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +36649,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,32.0, United-States +36650,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +36651,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,4416.0,0.0,25.0, United-States +36652,51.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +36653,57.0, Self-emp-not-inc, 11th,7.0, Divorced, Other-service, Unmarried, White, Male,4650.0,0.0,50.0, United-States +36654,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +36655,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +36656,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States +36657,38.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36658,37.0, Local-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36659,41.0, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, Mexico +36660,26.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36661,44.0, Local-gov, 12th,8.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,35.0, Mexico +36662,49.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, Columbia +36663,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +36664,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +36665,47.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,45.0, United-States +36666,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +36667,58.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +36668,31.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36669,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +36670,49.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,44.0, United-States +36671,22.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, Asian-Pac-Islander, Male,0.0,0.0,24.0, India +36672,54.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,41.0, United-States +36673,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,45.0, United-States +36674,61.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +36675,28.0, Private, 12th,8.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36676,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36677,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,4416.0,0.0,40.0, United-States +36678,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +36679,28.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36680,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,10.0, United-States +36681,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, United-States +36682,19.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +36683,57.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Other-relative, White, Male,,0.0,25.0, United-States +36684,33.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +36685,57.0, Private, 7th-8th,4.0, Widowed, Sales, Other-relative, White, Female,0.0,1602.0,3.0, United-States +36686,23.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +36687,45.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +36688,49.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +36689,38.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, White, Male,0.0,2258.0,55.0, United-States +36690,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829.0,0.0,40.0, United-States +36691,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +36692,65.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,9386.0,0.0,40.0, United-States +36693,19.0, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36694,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36695,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36696,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,60.0, United-States +36697,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,1980.0,40.0, United-States +36698,49.0, Private, 11th,7.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +36699,64.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States +36700,22.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,65.0, United-States +36701,55.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +36702,67.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +36703,53.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +36704,21.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,36.0, United-States +36705,58.0, Self-emp-not-inc, 9th,5.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36706,48.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +36707,32.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36708,43.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +36709,29.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +36710,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, Italy +36711,33.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,32.0, United-States +36712,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +36713,57.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,48.0, England +36714,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,60.0, United-States +36715,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +36716,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +36717,39.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,47.0, United-States +36718,39.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +36719,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,45.0, United-States +36720,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +36721,55.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,18.0, United-States +36722,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, Germany +36723,41.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +36724,51.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,43.0, United-States +36725,33.0, Private, 12th,8.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +36726,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +36727,35.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +36728,29.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +36729,30.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +36730,26.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36731,32.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,40.0, United-States +36732,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36733,45.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +36734,41.0, State-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +36735,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +36736,53.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36737,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +36738,21.0, Private, 5th-6th,3.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Guatemala +36739,20.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36740,29.0, Private, HS-grad,9.0, Separated, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,55.0, United-States +36741,40.0, Private, Assoc-voc,11.0, Separated, Sales, Not-in-family, Black, Male,0.0,0.0,44.0, United-States +36742,29.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +36743,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36744,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +36745,27.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +36746,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +36747,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +36748,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +36749,54.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +36750,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36751,27.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +36752,43.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +36753,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +36754,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +36755,38.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +36756,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +36757,41.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +36758,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +36759,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36760,56.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +36761,50.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +36762,23.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, Cuba +36763,27.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +36764,36.0, Private, Masters,14.0, Widowed, Tech-support, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, India +36765,66.0, Federal-gov, Assoc-voc,11.0, Widowed, Other-service, Unmarried, Black, Female,3273.0,0.0,40.0, United-States +36766,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36767,36.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,37.0, United-States +36768,40.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +36769,37.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +36770,50.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +36771,35.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +36772,36.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,99999.0,0.0,40.0, United-States +36773,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36774,55.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36775,58.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36776,54.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +36777,32.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +36778,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +36779,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36780,27.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36781,33.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +36782,47.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36783,36.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36784,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States +36785,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1721.0,20.0, United-States +36786,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +36787,26.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,52.0, United-States +36788,56.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36789,58.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36790,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +36791,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +36792,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +36793,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +36794,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +36795,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Germany +36796,66.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653.0,0.0,40.0, United-States +36797,19.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,18.0, United-States +36798,38.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +36799,45.0, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +36800,59.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +36801,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +36802,33.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,36.0, United-States +36803,43.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36804,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36805,52.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,48.0, United-States +36806,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +36807,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +36808,26.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36809,32.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1980.0,80.0, United-States +36810,40.0, Private, Some-college,10.0,, Sales, Husband, White, Male,0.0,0.0,40.0, Dominican-Republic +36811,59.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36812,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +36813,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +36814,44.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36815,61.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +36816,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +36817,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,60.0, United-States +36818,41.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,65.0, United-States +36819,53.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Greece +36820,42.0, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36821,54.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36822,39.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Mexico +36823,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States +36824,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +36825,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36826,66.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605.0,0.0,40.0, United-States +36827,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +36828,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,2174.0,0.0,40.0, United-States +36829,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +36830,38.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,2202.0,0.0,45.0, United-States +36831,31.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +36832,53.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +36833,34.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +36834,28.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +36835,27.0, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Mexico +36836,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +36837,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +36838,29.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,7298.0,0.0,42.0, United-States +36839,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +36840,28.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +36841,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +36842,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +36843,48.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +36844,35.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States +36845,34.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +36846,24.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +36847,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong +36848,28.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +36849,35.0, Private, 10th,6.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,38.0, United-States +36850,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1485.0,40.0, United-States +36851,18.0, Private, 10th,6.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +36852,33.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States +36853,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States +36854,67.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,20051.0,0.0,30.0, England +36855,28.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36856,53.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +36857,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +36858,55.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +36859,39.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +36860,46.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +36861,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36862,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Own-child, White, Female,0.0,2002.0,40.0, United-States +36863,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +36864,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +36865,38.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +36866,63.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,25.0, United-States +36867,43.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, United-States +36868,28.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,40.0, United-States +36869,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36870,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,3325.0,0.0,40.0, United-States +36871,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,50.0, United-States +36872,42.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +36873,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +36874,54.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,8614.0,0.0,40.0, United-States +36875,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +36876,26.0, Private, 11th,7.0, Separated, Craft-repair, Other-relative, White, Male,2907.0,0.0,50.0, United-States +36877,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +36878,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, Mexico +36879,63.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36880,36.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,5455.0,0.0,30.0, United-States +36881,43.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,594.0,0.0,20.0, Mexico +36882,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +36883,64.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +36884,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +36885,39.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,5455.0,0.0,60.0, United-States +36886,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +36887,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,1055.0,0.0,20.0, United-States +36888,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36889,44.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +36890,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +36891,49.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Cuba +36892,31.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Male,0.0,0.0,50.0, United-States +36893,33.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +36894,27.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong +36895,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +36896,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +36897,30.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,15.0, United-States +36898,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, United-States +36899,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +36900,43.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,55.0, United-States +36901,46.0, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,60.0, United-States +36902,51.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +36903,45.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +36904,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +36905,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,44.0, United-States +36906,25.0, State-gov, Bachelors,13.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Female,0.0,1719.0,15.0, United-States +36907,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +36908,62.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +36909,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +36910,27.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +36911,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +36912,58.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +36913,33.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Cuba +36914,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,75.0, United-States +36915,36.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,40.0, United-States +36916,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36917,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +36918,37.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36919,55.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +36920,48.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States +36921,32.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, Black, Female,0.0,1138.0,40.0, Honduras +36922,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36923,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +36924,32.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States +36925,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +36926,66.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,1173.0,0.0,12.0, United-States +36927,51.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +36928,36.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +36929,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,37.0, United-States +36930,39.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +36931,20.0, Self-emp-inc, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +36932,57.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +36933,20.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, Mexico +36934,52.0, Private, 10th,6.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36935,24.0, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, Other, Male,0.0,0.0,66.0, Mexico +36936,22.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States +36937,34.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36938,32.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,16.0, United-States +36939,35.0, Local-gov, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +36940,55.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +36941,69.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +36942,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, Jamaica +36943,46.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States +36944,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,6849.0,0.0,70.0, United-States +36945,34.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States +36946,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +36947,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36948,37.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,1504.0,40.0, United-States +36949,31.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,56.0, United-States +36950,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +36951,30.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +36952,38.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +36953,30.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +36954,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,56.0, United-States +36955,52.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +36956,37.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States +36957,46.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +36958,50.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +36959,47.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,48.0, United-States +36960,26.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +36961,38.0, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36962,35.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +36963,47.0, Private, 1st-4th,2.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +36964,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, United-States +36965,34.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +36966,37.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +36967,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +36968,43.0, Federal-gov, Assoc-voc,11.0, Divorced, Handlers-cleaners, Unmarried, Black, Male,0.0,1726.0,40.0, United-States +36969,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,45.0, United-States +36970,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Other, Male,7298.0,0.0,40.0, Mexico +36971,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +36972,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +36973,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,55.0, Ireland +36974,47.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,45.0, United-States +36975,22.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, Mexico +36976,32.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,60.0, United-States +36977,66.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +36978,88.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418.0,0.0,40.0, United-States +36979,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +36980,32.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +36981,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +36982,47.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +36983,18.0, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +36984,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +36985,67.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +36986,46.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +36987,23.0, Private, Bachelors,13.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,50.0, United-States +36988,46.0, Federal-gov, 11th,7.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States +36989,34.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +36990,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0.0,1579.0,35.0, India +36991,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +36992,41.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,1887.0,70.0, South +36993,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,6.0, United-States +36994,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States +36995,58.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States +36996,37.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +36997,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +36998,45.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,84.0, Japan +36999,39.0, Private, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Female,0.0,0.0,45.0, United-States +37000,29.0, Local-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +37001,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37002,29.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +37003,66.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +37004,46.0, Self-emp-not-inc, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +37005,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +37006,25.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +37007,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +37008,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +37009,39.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +37010,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Female,0.0,0.0,20.0, Cuba +37011,28.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,30.0, Jamaica +37012,28.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37013,57.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,38.0, United-States +37014,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +37015,43.0, Private, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico +37016,52.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, Cuba +37017,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37018,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,46.0, United-States +37019,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +37020,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,35.0, United-States +37021,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37022,37.0, Local-gov, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +37023,40.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,10.0, Mexico +37024,31.0, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37025,34.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37026,42.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37027,43.0, Private, 9th,5.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +37028,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37029,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37030,59.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37031,41.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37032,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +37033,62.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,2829.0,0.0,28.0, United-States +37034,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,99.0, United-States +37035,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1651.0,40.0, United-States +37036,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +37037,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +37038,35.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37039,44.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, Mexico +37040,50.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +37041,60.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +37042,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37043,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +37044,32.0, State-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +37045,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +37046,57.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37047,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +37048,34.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,47.0, United-States +37049,35.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States +37050,37.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37051,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +37052,28.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,50.0, United-States +37053,41.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,10.0, United-States +37054,47.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +37055,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Other, Female,0.0,0.0,25.0, Puerto-Rico +37056,69.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +37057,38.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,75.0, United-States +37058,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States +37059,45.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Thailand +37060,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +37061,56.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +37062,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States +37063,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +37064,20.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37065,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +37066,36.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +37067,37.0, Private, 5th-6th,3.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +37068,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +37069,61.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37070,31.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37071,55.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +37072,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,2885.0,0.0,65.0, Japan +37073,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37074,35.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37075,41.0, Self-emp-inc, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +37076,45.0, Private, 11th,7.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37077,32.0, Private, 11th,7.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +37078,57.0, Private, 5th-6th,3.0, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,37.0, United-States +37079,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +37080,21.0, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37081,34.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,17.0, United-States +37082,40.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,38.0, China +37083,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +37084,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,38.0, United-States +37085,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, United-States +37086,64.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,2354.0,0.0,35.0, United-States +37087,31.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +37088,43.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +37089,48.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37090,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States +37091,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,1740.0,40.0, United-States +37092,58.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +37093,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +37094,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +37095,43.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37096,34.0, Federal-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, Black, Female,1831.0,0.0,40.0, United-States +37097,21.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +37098,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +37099,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +37100,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +37101,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +37102,46.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +37103,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +37104,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,,45.0, United-States +37105,28.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37106,36.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, Greece +37107,56.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +37108,22.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,15.0, United-States +37109,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37110,24.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico +37111,31.0, Private, 9th,5.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +37112,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,10.0, United-States +37113,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37114,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,50.0, United-States +37115,34.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37116,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +37117,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,1055.0,0.0,18.0, India +37118,21.0, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, Other, Male,0.0,0.0,32.0, Mexico +37119,32.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,15024.0,0.0,40.0, United-States +37120,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,12.0, United-States +37121,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States +37122,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,14.0, United-States +37123,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +37124,40.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +37125,49.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +37126,26.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37127,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37128,26.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States +37129,48.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +37130,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,40.0, United-States +37131,36.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37132,41.0, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial,, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +37133,54.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,42.0, United-States +37134,60.0, Private, Some-college,10.0, Widowed, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +37135,66.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +37136,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37137,20.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37138,49.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +37139,41.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +37140,28.0, Private, Bachelors,13.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +37141,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,38.0, United-States +37142,42.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,38.0, Mexico +37143,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +37144,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +37145,57.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +37146,69.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37147,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,2179.0,40.0, United-States +37148,28.0, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37149,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +37150,58.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States +37151,31.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +37152,45.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China +37153,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,44.0, United-States +37154,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,45.0, United-States +37155,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +37156,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37157,64.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +37158,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +37159,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States +37160,30.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Portugal +37161,57.0, Private, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +37162,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +37163,45.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +37164,28.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3908.0,0.0,40.0, United-States +37165,65.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +37166,48.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386.0,0.0,45.0, United-States +37167,44.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,65.0, United-States +37168,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,1721.0,25.0, United-States +37169,69.0, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +37170,45.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,7688.0,0.0,40.0, Guatemala +37171,24.0, Private, Bachelors,13.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, France +37172,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37173,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,2174.0,0.0,40.0, United-States +37174,25.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37175,77.0, Self-emp-not-inc, 7th-8th,4.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,0.0,20.0, Italy +37176,61.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +37177,60.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +37178,55.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37179,25.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +37180,25.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +37181,39.0, Federal-gov, Masters,14.0, Married-civ-spouse, Other-service, Husband, Black, Male,3137.0,0.0,40.0, Trinadad&Tobago +37182,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +37183,39.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, Mexico +37184,52.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37185,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37186,56.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States +37187,55.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +37188,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +37189,51.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37190,63.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37191,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +37192,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,2001.0,50.0, United-States +37193,45.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,60.0, United-States +37194,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37195,42.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,32.0, United-States +37196,56.0, Private, 9th,5.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +37197,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +37198,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +37199,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +37200,55.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +37201,35.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37202,37.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, Other, Female,0.0,0.0,40.0, United-States +37203,34.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +37204,31.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,32.0, United-States +37205,55.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +37206,21.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37207,22.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, Germany +37208,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,24.0, United-States +37209,47.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,58.0, United-States +37210,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,32.0, United-States +37211,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37212,24.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37213,75.0, Private, Some-college,10.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,8.0, United-States +37214,49.0, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,32.0, United-States +37215,28.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,55.0, United-States +37216,48.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37217,20.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +37218,36.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +37219,54.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,60.0, United-States +37220,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37221,42.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +37222,54.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,44.0, United-States +37223,35.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +37224,62.0, Federal-gov, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,2829.0,0.0,40.0, United-States +37225,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +37226,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37227,55.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +37228,31.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37229,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +37230,46.0, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +37231,19.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,35.0, United-States +37232,60.0, Private, 10th,6.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +37233,22.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,20.0, United-States +37234,48.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +37235,53.0, Private, 9th,5.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37236,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +37237,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37238,54.0, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +37239,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +37240,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,1848.0,40.0, United-States +37241,46.0, Private, 1st-4th,2.0, Separated, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Guatemala +37242,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37243,48.0, Private, HS-grad,9.0, Divorced, Transport-moving, Other-relative, White, Male,0.0,0.0,60.0, United-States +37244,37.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +37245,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States +37246,32.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +37247,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +37248,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +37249,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States +37250,69.0, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,10.0, United-States +37251,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298.0,0.0,40.0, United-States +37252,18.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +37253,52.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +37254,27.0, Self-emp-not-inc, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,48.0, United-States +37255,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37256,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,30.0, Ecuador +37257,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +37258,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +37259,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +37260,55.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +37261,24.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +37262,30.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37263,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37264,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +37265,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +37266,41.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +37267,37.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +37268,23.0, Self-emp-not-inc, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +37269,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States +37270,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +37271,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,1055.0,0.0,20.0, United-States +37272,62.0, Self-emp-not-inc, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,66.0, United-States +37273,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, El-Salvador +37274,48.0, Private, 10th,6.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States +37275,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37276,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,37.0, United-States +37277,28.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,4.0, United-States +37278,22.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, United-States +37279,27.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Other, Male,0.0,0.0,40.0, United-States +37280,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,30.0, United-States +37281,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +37282,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +37283,71.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +37284,40.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States +37285,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +37286,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +37287,39.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, United-States +37288,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37289,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,14344.0,0.0,40.0, United-States +37290,42.0, Private, Bachelors,13.0, Separated, Other-service, Other-relative, Black, Male,0.0,0.0,50.0, United-States +37291,35.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,50.0, Jamaica +37292,30.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37293,39.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,25.0, Mexico +37294,45.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, El-Salvador +37295,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +37296,37.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +37297,35.0, Self-emp-inc, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37298,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,36.0, United-States +37299,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,2354.0,0.0,40.0, United-States +37300,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +37301,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,50.0, United-States +37302,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States +37303,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37304,29.0, Private, HS-grad,9.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +37305,37.0, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37306,38.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37307,73.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37308,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,38.0, United-States +37309,26.0, Private, Masters,14.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +37310,22.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,18.0, United-States +37311,35.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,80.0, United-States +37312,22.0, Private, 11th,7.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +37313,41.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, Dominican-Republic +37314,57.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States +37315,34.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37316,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +37317,22.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +37318,64.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,16.0, United-States +37319,36.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37320,73.0, Private, 9th,5.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,9.0, United-States +37321,22.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37322,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37323,41.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +37324,27.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,75.0, Mexico +37325,60.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37326,42.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37327,28.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +37328,19.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +37329,42.0, State-gov, Some-college,10.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37330,48.0, Federal-gov, Some-college,10.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37331,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,3.0, United-States +37332,27.0, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +37333,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States +37334,62.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37335,27.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,2231.0,40.0, United-States +37336,27.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +37337,64.0, Private, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States +37338,27.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +37339,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States +37340,44.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,14344.0,0.0,40.0, United-States +37341,55.0, Private, Some-college,10.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,2258.0,62.0, United-States +37342,34.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,39.0, United-States +37343,51.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,80.0, United-States +37344,28.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, Cambodia +37345,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,1504.0,45.0, United-States +37346,39.0, Private, HS-grad,9.0, Separated, Other-service, Other-relative, Black, Male,0.0,0.0,40.0, United-States +37347,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +37348,64.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +37349,33.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,45.0, Germany +37350,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +37351,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,2176.0,0.0,35.0, Germany +37352,58.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +37353,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +37354,35.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +37355,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,15.0, United-States +37356,41.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +37357,67.0, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,7896.0,0.0,50.0, United-States +37358,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +37359,53.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +37360,40.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37361,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37362,59.0, Private, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +37363,53.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3411.0,0.0,65.0, United-States +37364,38.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Own-child, White, Male,0.0,0.0,50.0, United-States +37365,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +37366,39.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37367,42.0, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, Poland +37368,31.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +37369,52.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37370,50.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +37371,32.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +37372,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +37373,33.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States +37374,19.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +37375,67.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,40.0, United-States +37376,55.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States +37377,44.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, Dominican-Republic +37378,30.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +37379,40.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +37380,26.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37381,37.0, Federal-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States +37382,25.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +37383,22.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +37384,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +37385,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,40.0, United-States +37386,27.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, Mexico +37387,32.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37388,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, United-States +37389,29.0, Federal-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,42.0, United-States +37390,61.0, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +37391,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37392,58.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37393,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +37394,38.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +37395,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,35.0, Mexico +37396,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +37397,28.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37398,33.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +37399,19.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +37400,38.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +37401,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37402,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7688.0,0.0,60.0, United-States +37403,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,60.0, United-States +37404,64.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +37405,33.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,70.0, United-States +37406,28.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +37407,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37408,37.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37409,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37410,19.0, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, Mexico +37411,71.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,45.0, United-States +37412,23.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,20.0, United-States +37413,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +37414,27.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,50.0, United-States +37415,56.0, Private, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Male,4101.0,0.0,38.0, United-States +37416,38.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +37417,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Cuba +37418,39.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +37419,54.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,98.0, United-States +37420,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37421,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +37422,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,40.0, United-States +37423,55.0, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,50.0, Thailand +37424,41.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37425,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1848.0,42.0, United-States +37426,44.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +37427,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37428,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,5013.0,0.0,70.0, United-States +37429,63.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,34.0, United-States +37430,32.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +37431,23.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,1719.0,40.0, United-States +37432,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +37433,25.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,1590.0,40.0, United-States +37434,49.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,65.0, United-States +37435,51.0, Private, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,60.0, United-States +37436,47.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,10.0, United-States +37437,60.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,47.0, United-States +37438,65.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37439,32.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2042.0,30.0, United-States +37440,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +37441,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37442,46.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +37443,21.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,43.0, United-States +37444,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +37445,28.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +37446,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +37447,50.0, State-gov, HS-grad,9.0, Widowed, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37448,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37449,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37450,40.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37451,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +37452,36.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37453,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +37454,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +37455,23.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,48.0, El-Salvador +37456,33.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +37457,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +37458,31.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +37459,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States +37460,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37461,29.0, Private, 11th,7.0, Separated, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +37462,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family,, Male,0.0,0.0,65.0, United-States +37463,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +37464,55.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, Canada +37465,65.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,65.0, United-States +37466,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +37467,27.0, Private, Masters,14.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +37468,70.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +37469,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,38.0, United-States +37470,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States +37471,41.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +37472,54.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +37473,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +37474,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +37475,54.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +37476,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37477,62.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +37478,40.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,45.0, United-States +37479,51.0, Private, Masters,14.0, Widowed, Exec-managerial, Unmarried, White, Male,15020.0,0.0,40.0, United-States +37480,52.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, Cuba +37481,54.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37482,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +37483,23.0, State-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +37484,32.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +37485,28.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +37486,56.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +37487,40.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,37.0, Dominican-Republic +37488,20.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Other, Female,0.0,0.0,40.0, United-States +37489,32.0, State-gov, 12th,8.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +37490,41.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States +37491,60.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +37492,45.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +37493,38.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37494,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +37495,44.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +37496,34.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,50.0, United-States +37497,55.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +37498,48.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,55.0, United-States +37499,51.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,99999.0,0.0,70.0, India +37500,48.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States +37501,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +37502,53.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37503,32.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +37504,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37505,46.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,38.0, United-States +37506,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37507,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Germany +37508,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +37509,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +37510,60.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,84.0, United-States +37511,38.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37512,53.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407.0,0.0,99.0, United-States +37513,27.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,45.0, United-States +37514,22.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37515,26.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,28.0, El-Salvador +37516,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +37517,59.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +37518,52.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +37519,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +37520,24.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37521,25.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37522,52.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +37523,22.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +37524,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3464.0,0.0,40.0, United-States +37525,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37526,31.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37527,28.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +37528,27.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37529,32.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37530,56.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37531,34.0, Local-gov, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +37532,40.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37533,22.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,55.0, United-States +37534,26.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +37535,25.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Own-child, White, Male,0.0,0.0,35.0, United-States +37536,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,51.0, United-States +37537,38.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37538,22.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,2885.0,0.0,25.0, United-States +37539,43.0, State-gov, Doctorate,16.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +37540,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, Black, Female,15024.0,0.0,45.0, United-States +37541,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +37542,29.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States +37543,18.0, Local-gov, 10th,6.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +37544,35.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37545,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +37546,35.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37547,20.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +37548,23.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37549,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37550,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +37551,40.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +37552,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37553,35.0, Private, HS-grad,, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States +37554,37.0, Private, Bachelors,13.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,70.0, England +37555,25.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +37556,30.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +37557,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,2238.0,40.0, United-States +37558,19.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +37559,32.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, Cuba +37560,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +37561,30.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +37562,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +37563,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +37564,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,75.0, United-States +37565,42.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +37566,49.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,35.0, United-States +37567,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,50.0, Trinadad&Tobago +37568,28.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +37569,39.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,2258.0,42.0, United-States +37570,39.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,36.0, United-States +37571,35.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37572,20.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +37573,29.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +37574,40.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +37575,36.0, Private, Some-college,10.0, Widowed, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +37576,60.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37577,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States +37578,35.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +37579,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37580,33.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +37581,28.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37582,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,40.0, United-States +37583,31.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37584,52.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,14344.0,0.0,40.0, United-States +37585,34.0, Private, 10th,6.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37586,30.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, United-States +37587,26.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +37588,33.0, Federal-gov, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37589,35.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,36.0, United-States +37590,51.0, Local-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +37591,55.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +37592,28.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +37593,54.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +37594,47.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States +37595,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,41310.0,0.0,90.0, South +37596,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,4650.0,0.0,40.0, United-States +37597,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +37598,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +37599,25.0, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +37600,30.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37601,64.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37602,41.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37603,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37604,47.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064.0,0.0,40.0, Italy +37605,22.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37606,44.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,75.0, United-States +37607,47.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +37608,62.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,12.0, United-States +37609,40.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37610,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37611,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +37612,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37613,37.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +37614,34.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,14084.0,0.0,35.0, China +37615,17.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +37616,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,43.0, United-States +37617,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +37618,34.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +37619,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +37620,34.0, Private, HS-grad,9.0, Separated, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, Columbia +37621,22.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States +37622,55.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37623,61.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +37624,53.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +37625,37.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37626,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +37627,28.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +37628,30.0, Private, Bachelors,13.0, Married-AF-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,60.0, Philippines +37629,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +37630,49.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +37631,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States +37632,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +37633,43.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +37634,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +37635,35.0, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +37636,47.0, Private, 10th,6.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,45.0, United-States +37637,35.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37638,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +37639,33.0, Federal-gov, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +37640,46.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +37641,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +37642,48.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +37643,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +37644,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +37645,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +37646,48.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37647,55.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +37648,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,56.0, United-States +37649,45.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37650,38.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +37651,38.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +37652,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +37653,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +37654,43.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37655,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +37656,53.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +37657,39.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37658,24.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,1721.0,40.0, United-States +37659,36.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,8.0, South +37660,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +37661,20.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37662,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +37663,59.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +37664,26.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +37665,40.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +37666,49.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1485.0,40.0, United-States +37667,21.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +37668,39.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, Poland +37669,54.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +37670,17.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States +37671,26.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,, Philippines +37672,32.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +37673,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37674,41.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +37675,26.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +37676,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +37677,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37678,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Male,0.0,0.0,40.0, United-States +37679,82.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Cuba +37680,29.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,38.0, United-States +37681,48.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +37682,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +37683,28.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States +37684,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +37685,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37686,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +37687,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37688,33.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +37689,22.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37690,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +37691,38.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +37692,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818.0,0.0,44.0, United-States +37693,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +37694,22.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,20.0, United-States +37695,41.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +37696,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +37697,41.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +37698,28.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +37699,44.0, State-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +37700,23.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +37701,54.0, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,24.0, United-States +37702,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +37703,49.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37704,23.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +37705,51.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States +37706,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +37707,29.0, Private, 11th,7.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,52.0, United-States +37708,51.0, State-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +37709,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +37710,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +37711,33.0, Self-emp-inc, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +37712,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37713,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37714,32.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37715,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37716,62.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +37717,42.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37718,18.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +37719,32.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States +37720,40.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +37721,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37722,50.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,70.0, United-States +37723,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +37724,19.0, Private, 12th,8.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States +37725,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37726,57.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +37727,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States +37728,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +37729,25.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +37730,34.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37731,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +37732,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37733,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,28.0, United-States +37734,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +37735,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,50.0, United-States +37736,35.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +37737,33.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +37738,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37739,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37740,17.0, Federal-gov, 11th,7.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,1602.0,40.0, United-States +37741,36.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +37742,43.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +37743,20.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37744,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +37745,34.0, Federal-gov, 12th,8.0, Married-civ-spouse, Armed-Forces, Husband, White, Male,0.0,0.0,40.0, United-States +37746,27.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37747,40.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37748,51.0, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,60.0, United-States +37749,51.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37750,44.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, United-States +37751,59.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +37752,46.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +37753,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +37754,35.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +37755,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +37756,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +37757,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States +37758,46.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,43.0, United-States +37759,29.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States +37760,62.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37761,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +37762,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,47.0, United-States +37763,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37764,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +37765,26.0, Private, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +37766,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +37767,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37768,51.0, Local-gov, Some-college,10.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +37769,28.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +37770,39.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37771,49.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +37772,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,3908.0,0.0,50.0, United-States +37773,26.0, Private, Assoc-voc,11.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,54.0, United-States +37774,35.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +37775,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,70.0, United-States +37776,65.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +37777,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +37778,32.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +37779,37.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37780,43.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, Mexico +37781,48.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +37782,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +37783,40.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37784,38.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,6849.0,0.0,60.0, United-States +37785,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +37786,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37787,39.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +37788,28.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,45.0, United-States +37789,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,17.0, United-States +37790,17.0, Self-emp-inc, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +37791,33.0, Private, Some-college,10.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +37792,35.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37793,26.0, Private, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37794,44.0, State-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +37795,33.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +37796,40.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,55.0, United-States +37797,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +37798,41.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,58.0, United-States +37799,45.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,65.0, United-States +37800,43.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37801,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024.0,0.0,32.0, United-States +37802,33.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States +37803,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +37804,31.0, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +37805,22.0, Self-emp-inc, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, South +37806,37.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37807,47.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, Jamaica +37808,38.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,35.0, United-States +37809,44.0, Local-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,56.0, United-States +37810,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +37811,45.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37812,32.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37813,50.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37814,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +37815,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,3103.0,0.0,40.0, United-States +37816,52.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +37817,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +37818,36.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +37819,35.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,36.0, United-States +37820,45.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103.0,0.0,40.0, United-States +37821,47.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,60.0, United-States +37822,60.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +37823,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Germany +37824,55.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +37825,75.0, Private, 10th,6.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,70.0, United-States +37826,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +37827,33.0, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +37828,42.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37829,43.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +37830,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +37831,60.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,2597.0,0.0,40.0, United-States +37832,40.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,40.0, United-States +37833,90.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,9386.0,0.0,50.0, Ecuador +37834,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +37835,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Other, Male,2174.0,0.0,40.0, United-States +37836,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,99999.0,0.0,40.0, United-States +37837,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Jamaica +37838,47.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37839,19.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +37840,36.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +37841,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37842,34.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,30.0, United-States +37843,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37844,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +37845,31.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,40.0, United-States +37846,59.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +37847,57.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,70.0, United-States +37848,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37849,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +37850,20.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +37851,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37852,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +37853,45.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7298.0,0.0,40.0, United-States +37854,56.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +37855,19.0, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States +37856,43.0, State-gov, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +37857,43.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,70.0, United-States +37858,49.0, Private, 5th-6th,3.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Dominican-Republic +37859,45.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +37860,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +37861,40.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +37862,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37863,55.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37864,63.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +37865,63.0, Self-emp-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,14084.0,0.0,60.0, United-States +37866,30.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +37867,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,60.0, United-States +37868,42.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37869,59.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +37870,24.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +37871,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +37872,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +37873,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +37874,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +37875,19.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +37876,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States +37877,53.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37878,35.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +37879,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37880,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +37881,33.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +37882,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,3674.0,0.0,30.0, United-States +37883,65.0, Private, 11th,7.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States +37884,53.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +37885,38.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,8.0, United-States +37886,35.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, Black, Female,0.0,0.0,48.0, United-States +37887,42.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +37888,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37889,58.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +37890,57.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2129.0,70.0, United-States +37891,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +37892,52.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States +37893,20.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,39.0, United-States +37894,43.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37895,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +37896,68.0, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,10.0, United-States +37897,35.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,55.0, United-States +37898,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37899,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +37900,70.0, Private, Some-college,10.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States +37901,34.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +37902,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +37903,44.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +37904,33.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386.0,0.0,60.0, United-States +37905,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +37906,56.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,99999.0,0.0,40.0, United-States +37907,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +37908,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, United-States +37909,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37910,46.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37911,37.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,12.0, United-States +37912,40.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, Canada +37913,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +37914,32.0, Private, 10th,6.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +37915,25.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37916,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37917,38.0, Private, Bachelors,13.0, Divorced, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States +37918,39.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +37919,39.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +37920,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +37921,45.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +37922,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37923,37.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,18.0, United-States +37924,31.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,47.0, United-States +37925,50.0, State-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,6849.0,0.0,40.0, United-States +37926,38.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37927,40.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States +37928,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +37929,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37930,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +37931,50.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +37932,49.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +37933,27.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +37934,63.0, Private, Preschool,1.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,30.0, Mexico +37935,40.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,50.0, United-States +37936,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,50.0, United-States +37937,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +37938,53.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +37939,18.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +37940,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Mexico +37941,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37942,59.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +37943,20.0, Local-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37944,29.0, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Male,0.0,1590.0,45.0, United-States +37945,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +37946,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +37947,70.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States +37948,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,21.0, United-States +37949,47.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37950,51.0, Local-gov, Preschool,1.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +37951,19.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,55.0, United-States +37952,26.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +37953,64.0, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +37954,60.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, Philippines +37955,29.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,60.0, United-States +37956,25.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +37957,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +37958,51.0, Private, 9th,5.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37959,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,1602.0,20.0, United-States +37960,52.0, Federal-gov, 12th,8.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +37961,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +37962,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +37963,58.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +37964,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty,, White, Female,0.0,0.0,40.0, United-States +37965,46.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States +37966,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +37967,35.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +37968,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +37969,44.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +37970,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37971,41.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,46.0, United-States +37972,41.0, Private, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,38.0, United-States +37973,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +37974,20.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States +37975,24.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +37976,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37977,42.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +37978,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,13.0, United-States +37979,17.0, Local-gov, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +37980,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37981,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +37982,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,44.0, Philippines +37983,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States +37984,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +37985,57.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +37986,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,30.0, South +37987,30.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +37988,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +37989,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,28.0, United-States +37990,28.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +37991,54.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +37992,46.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,5178.0,0.0,40.0, United-States +37993,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +37994,21.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States +37995,59.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +37996,37.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,35.0, United-States +37997,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +37998,50.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1485.0,40.0, United-States +37999,35.0, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38000,29.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38001,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,4386.0,0.0,40.0, United-States +38002,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +38003,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38004,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,40.0, United-States +38005,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,42.0, United-States +38006,46.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,45.0, United-States +38007,33.0, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,42.0, United-States +38008,59.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +38009,28.0, Private, 9th,5.0, Never-married, Transport-moving, Not-in-family, White, Male,6849.0,0.0,35.0, United-States +38010,34.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +38011,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +38012,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38013,52.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,60.0, Canada +38014,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +38015,33.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +38016,49.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38017,40.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38018,41.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States +38019,50.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +38020,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,5178.0,0.0,55.0, United-States +38021,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,60.0, United-States +38022,61.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +38023,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,23.0, United-States +38024,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38025,30.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,36.0, United-States +38026,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States +38027,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38028,29.0, Local-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,42.0, United-States +38029,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +38030,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38031,76.0, Private, 7th-8th,4.0, Widowed, Protective-serv, Not-in-family, White, Female,0.0,0.0,12.0, United-States +38032,35.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +38033,39.0, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38034,43.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38035,63.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,21.0, United-States +38036,49.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,46.0, United-States +38037,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +38038,19.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +38039,18.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +38040,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38041,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38042,49.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +38043,75.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +38044,59.0, Local-gov, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +38045,35.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +38046,37.0, Private, 9th,5.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +38047,37.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +38048,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +38049,33.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,55.0, United-States +38050,25.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38051,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +38052,17.0, Private, 12th,8.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States +38053,42.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38054,61.0, Private, 5th-6th,3.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1876.0,56.0, United-States +38055,24.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,1504.0,40.0, United-States +38056,55.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38057,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38058,35.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,75.0, United-States +38059,23.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +38060,25.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,1902.0,36.0, United-States +38061,26.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,35.0, Philippines +38062,32.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38063,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,30.0, United-States +38064,46.0, Federal-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38065,55.0, Federal-gov, 7th-8th,4.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,72.0, United-States +38066,40.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,84.0, United-States +38067,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +38068,34.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,53.0, United-States +38069,21.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +38070,49.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Canada +38071,31.0, Federal-gov, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +38072,34.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +38073,22.0, Local-gov, 5th-6th,3.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Guatemala +38074,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +38075,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +38076,62.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +38077,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +38078,17.0, Private, 10th,6.0, Never-married, Prof-specialty, Own-child, Other, Female,0.0,0.0,15.0, United-States +38079,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38080,59.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38081,29.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +38082,49.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,30.0, United-States +38083,45.0, Private, 9th,5.0, Separated, Other-service, Unmarried, Other, Female,0.0,0.0,40.0, Trinadad&Tobago +38084,36.0, Private, 1st-4th,2.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +38085,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +38086,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38087,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,57.0, United-States +38088,36.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38089,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +38090,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +38091,61.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States +38092,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,45.0, United-States +38093,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States +38094,35.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +38095,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,2463.0,0.0,35.0, United-States +38096,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +38097,29.0, Private, HS-grad,9.0, Never-married, Protective-serv, Other-relative, Black, Male,0.0,0.0,40.0, United-States +38098,55.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +38099,50.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,33.0, United-States +38100,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,35.0, United-States +38101,60.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +38102,23.0, Federal-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38103,69.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38104,19.0, Local-gov, 11th,7.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,35.0, United-States +38105,18.0, Self-emp-not-inc, 11th,7.0, Never-married, Other-service, Own-child, White, Female,594.0,0.0,4.0, United-States +38106,42.0, Private, 5th-6th,3.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,35.0, Mexico +38107,55.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +38108,29.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +38109,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +38110,34.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,60.0, United-States +38111,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Germany +38112,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38113,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,40.0, United-States +38114,44.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +38115,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,39.0, United-States +38116,22.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,21.0, United-States +38117,44.0, State-gov, Assoc-voc,11.0, Separated, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States +38118,43.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +38119,60.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38120,40.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38121,71.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,6767.0,0.0,20.0, United-States +38122,27.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +38123,26.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38124,42.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +38125,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,35.0, United-States +38126,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States +38127,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +38128,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38129,38.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +38130,64.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38131,36.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +38132,26.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38133,37.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38134,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +38135,20.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,32.0, United-States +38136,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +38137,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +38138,58.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico +38139,70.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +38140,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38141,36.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +38142,41.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +38143,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +38144,20.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +38145,33.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +38146,45.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +38147,47.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,60.0, United-States +38148,30.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,60.0, United-States +38149,63.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,25.0, United-States +38150,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1672.0,70.0, United-States +38151,36.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, Mexico +38152,25.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,37.0, United-States +38153,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +38154,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +38155,60.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,8.0, United-States +38156,20.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +38157,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38158,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38159,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +38160,44.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38161,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, Greece +38162,34.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +38163,63.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38164,47.0, Private, Masters,14.0, Separated, Tech-support, Not-in-family, White, Male,27828.0,0.0,40.0, United-States +38165,44.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,20.0, Haiti +38166,47.0, Local-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38167,33.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,26.0, South +38168,26.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,55.0, United-States +38169,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38170,41.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,7443.0,0.0,40.0, United-States +38171,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States +38172,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +38173,59.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +38174,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38175,19.0, Private, HS-grad,, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +38176,64.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,27828.0,0.0,50.0, United-States +38177,19.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38178,84.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +38179,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +38180,39.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38181,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1579.0,40.0, United-States +38182,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +38183,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +38184,34.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +38185,35.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38186,46.0, Private, 10th,6.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38187,38.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +38188,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,45.0, United-States +38189,43.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38190,48.0, Federal-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +38191,27.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +38192,53.0, Federal-gov, Some-college,10.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38193,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +38194,42.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +38195,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +38196,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,85.0, United-States +38197,33.0, Private, 10th,6.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,36.0, United-States +38198,53.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +38199,41.0, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,43.0, United-States +38200,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States +38201,75.0, Self-emp-not-inc, Assoc-voc,11.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +38202,54.0, Self-emp-not-inc, Masters,14.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States +38203,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +38204,22.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +38205,70.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,7896.0,0.0,50.0, United-States +38206,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,27.0, United-States +38207,20.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +38208,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38209,48.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +38210,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38211,44.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38212,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38213,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +38214,32.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +38215,57.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +38216,60.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +38217,48.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +38218,28.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +38219,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +38220,60.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +38221,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +38222,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298.0,0.0,40.0, United-States +38223,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38224,62.0, Private, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,91.0, United-States +38225,25.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +38226,35.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38227,54.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38228,66.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +38229,47.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States +38230,44.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38231,33.0, Local-gov, 12th,8.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,36.0, United-States +38232,61.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,1471.0,0.0,35.0, United-States +38233,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +38234,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +38235,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +38236,65.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +38237,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +38238,19.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +38239,60.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +38240,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38241,44.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, United-States +38242,48.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, Ireland +38243,40.0, State-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38244,52.0, Private, 5th-6th,3.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +38245,36.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +38246,64.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38247,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38248,25.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +38249,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +38250,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38251,62.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +38252,37.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,30.0, Vietnam +38253,59.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,50.0, United-States +38254,28.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013.0,0.0,55.0, United-States +38255,36.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38256,35.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,80.0, United-States +38257,48.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +38258,31.0, Private, HS-grad,9.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38259,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,52.0, United-States +38260,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States +38261,46.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +38262,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +38263,46.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +38264,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38265,35.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,5.0, Canada +38266,36.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States +38267,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38268,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38269,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,3325.0,0.0,40.0, United-States +38270,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38271,62.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States +38272,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38273,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,2202.0,0.0,38.0, United-States +38274,18.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +38275,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38276,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States +38277,48.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +38278,25.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38279,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +38280,26.0, Self-emp-inc, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +38281,24.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38282,35.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38283,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38284,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38285,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,47.0, United-States +38286,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38287,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38288,35.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +38289,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,17.0, United-States +38290,60.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,25.0, United-States +38291,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38292,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +38293,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38294,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +38295,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States +38296,45.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38297,39.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +38298,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38299,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,56.0, United-States +38300,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +38301,44.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,35.0, United-States +38302,22.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +38303,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38304,55.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, Canada +38305,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +38306,37.0, Local-gov, Assoc-voc,11.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States +38307,42.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +38308,29.0, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Mexico +38309,25.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +38310,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38311,24.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38312,69.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +38313,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38314,64.0, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +38315,50.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38316,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,65.0, United-States +38317,37.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38318,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +38319,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +38320,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +38321,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +38322,32.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1340.0,45.0, United-States +38323,54.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38324,47.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States +38325,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +38326,47.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +38327,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Black, Male,0.0,0.0,40.0, United-States +38328,54.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +38329,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +38330,46.0, Private, 11th,7.0, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +38331,54.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +38332,46.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +38333,36.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +38334,25.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38335,48.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +38336,38.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38337,50.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,3418.0,0.0,38.0, United-States +38338,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +38339,63.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,25.0, United-States +38340,22.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,32.0, United-States +38341,46.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38342,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,4416.0,0.0,30.0, United-States +38343,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +38344,35.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,6849.0,0.0,40.0, United-States +38345,48.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38346,61.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, England +38347,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38348,40.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38349,34.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1887.0,40.0, United-States +38350,29.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +38351,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +38352,29.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +38353,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +38354,32.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +38355,41.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,91.0, United-States +38356,23.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +38357,41.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +38358,61.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +38359,41.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, El-Salvador +38360,25.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Female,2463.0,0.0,30.0, United-States +38361,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +38362,49.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +38363,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +38364,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,1902.0,40.0, United-States +38365,34.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +38366,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +38367,32.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,35.0, United-States +38368,19.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States +38369,27.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38370,42.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,3103.0,0.0,40.0, Mexico +38371,42.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,99.0, United-States +38372,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +38373,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,1651.0,40.0, United-States +38374,19.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +38375,34.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +38376,52.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States +38377,47.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +38378,34.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,1590.0,40.0, United-States +38379,24.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,2339.0,43.0, United-States +38380,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +38381,22.0, Private, 12th,8.0, Never-married, Farming-fishing, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +38382,52.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States +38383,32.0, Self-emp-not-inc, Some-college,10.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,65.0, United-States +38384,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +38385,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,80.0, United-States +38386,30.0, Private, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,36.0, United-States +38387,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38388,48.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,25.0, United-States +38389,26.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +38390,39.0, Private, Assoc-acdm,12.0, Separated, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +38391,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, Other, Male,0.0,0.0,45.0, Ecuador +38392,59.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605.0,0.0,50.0, United-States +38393,30.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,1740.0,40.0, Haiti +38394,45.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38395,41.0, Private, Prof-school,15.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +38396,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38397,27.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +38398,47.0, Local-gov, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38399,57.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, United-States +38400,64.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +38401,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,55.0, United-States +38402,32.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,35.0, England +38403,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +38404,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +38405,43.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,44.0, United-States +38406,23.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States +38407,45.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1672.0,40.0, United-States +38408,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,40.0, United-States +38409,38.0, Private, HS-grad,9.0, Married-AF-spouse, Other-service, Wife, White, Female,0.0,0.0,25.0, United-States +38410,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,30.0, United-States +38411,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +38412,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +38413,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,1974.0,45.0, United-States +38414,29.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +38415,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38416,26.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +38417,35.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +38418,37.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,55.0, United-States +38419,38.0, Local-gov, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Male,0.0,0.0,40.0, United-States +38420,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,2829.0,0.0,65.0, United-States +38421,48.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38422,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,3325.0,0.0,40.0, United-States +38423,60.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38424,36.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,35.0, United-States +38425,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38426,24.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +38427,75.0, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +38428,26.0, Private, Some-college,10.0, Separated, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +38429,32.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,55.0, Mexico +38430,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688.0,0.0,55.0, United-States +38431,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,35.0, United-States +38432,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +38433,45.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +38434,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +38435,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +38436,54.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1977.0,18.0, United-States +38437,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +38438,28.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38439,51.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,42.0, United-States +38440,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38441,29.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38442,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38443,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,25.0, United-States +38444,61.0, Private, 12th,8.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Italy +38445,44.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38446,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,18.0, United-States +38447,62.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38448,27.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States +38449,23.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,25.0, United-States +38450,53.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,8614.0,0.0,50.0, Italy +38451,36.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +38452,29.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +38453,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,15.0, United-States +38454,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38455,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +38456,25.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38457,23.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,25.0, Jamaica +38458,20.0, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,36.0, United-States +38459,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +38460,39.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +38461,69.0, Self-emp-inc, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38462,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38463,27.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +38464,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +38465,31.0, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, Other, Male,0.0,0.0,45.0, United-States +38466,25.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Own-child, White, Female,0.0,1594.0,25.0, United-States +38467,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +38468,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +38469,28.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +38470,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,35.0, United-States +38471,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38472,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,75.0, United-States +38473,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,30.0, United-States +38474,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38475,28.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38476,47.0, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,27828.0,0.0,50.0, United-States +38477,25.0, Private, 5th-6th,3.0, Divorced, Other-service, Unmarried, Other, Female,0.0,0.0,20.0, Honduras +38478,38.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38479,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +38480,26.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3103.0,0.0,40.0, United-States +38481,29.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3942.0,0.0,50.0, United-States +38482,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38483,35.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,1594.0,40.0, United-States +38484,50.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38485,53.0, Self-emp-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +38486,38.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +38487,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +38488,64.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38489,49.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +38490,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +38491,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38492,46.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,90.0, United-States +38493,44.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,44.0, United-States +38494,27.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +38495,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0.0,2057.0,48.0, United-States +38496,30.0, Private, 9th,5.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +38497,39.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38498,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +38499,46.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,32.0, Jamaica +38500,37.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +38501,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,20.0, United-States +38502,64.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +38503,54.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +38504,36.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38505,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +38506,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +38507,45.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38508,37.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +38509,39.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +38510,19.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States +38511,88.0, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Not-in-family, White, Male,0.0,0.0,5.0, United-States +38512,69.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,45.0, United-States +38513,36.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States +38514,25.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +38515,23.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38516,75.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4931.0,0.0,3.0, United-States +38517,21.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Own-child, White, Female,0.0,0.0,40.0, United-States +38518,51.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +38519,59.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +38520,66.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +38521,50.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38522,33.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +38523,29.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38524,37.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38525,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38526,58.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2936.0,0.0,50.0, Mexico +38527,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +38528,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38529,44.0, Self-emp-inc, Some-college,10.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +38530,62.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38531,26.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +38532,36.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,50.0, United-States +38533,60.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, Germany +38534,56.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +38535,42.0, Federal-gov, 10th,6.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Mexico +38536,70.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, Cuba +38537,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,30.0, United-States +38538,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +38539,53.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +38540,53.0, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +38541,35.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +38542,21.0, Private, Assoc-voc,11.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +38543,52.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +38544,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38545,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38546,62.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,5.0, United-States +38547,29.0, Self-emp-not-inc, Assoc-acdm,12.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +38548,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +38549,25.0, Private, 7th-8th,4.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, Guatemala +38550,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +38551,53.0, State-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +38552,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Poland +38553,71.0, Private, 7th-8th,4.0, Widowed, Exec-managerial, Not-in-family, White, Male,6097.0,0.0,40.0, United-States +38554,33.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +38555,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38556,25.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38557,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,1876.0,45.0, Cambodia +38558,26.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +38559,27.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38560,32.0, Private, 11th,7.0, Divorced, Transport-moving, Own-child, Black, Male,0.0,0.0,45.0, United-States +38561,26.0, Local-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +38562,27.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,38.0, Mexico +38563,34.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38564,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,35.0, United-States +38565,58.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3908.0,0.0,40.0, United-States +38566,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38567,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,50.0, United-States +38568,29.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +38569,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +38570,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +38571,48.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +38572,42.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38573,31.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +38574,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +38575,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +38576,26.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Mexico +38577,44.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +38578,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38579,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,26.0, United-States +38580,66.0, Local-gov, Some-college,10.0, Widowed, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,20.0, United-States +38581,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +38582,41.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +38583,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38584,49.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +38585,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38586,27.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,30.0, United-States +38587,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38588,50.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38589,42.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +38590,29.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38591,52.0, Private, Masters,14.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +38592,33.0, Private,,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, +38593,19.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +38594,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +38595,61.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38596,46.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +38597,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38598,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,24.0, United-States +38599,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38600,51.0, State-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +38601,31.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38602,50.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38603,47.0, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38604,38.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +38605,29.0, Local-gov, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,13.0, United-States +38606,30.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,1602.0,30.0, United-States +38607,55.0, Private, 9th,5.0, Divorced, Craft-repair, Unmarried, White, Female,99999.0,0.0,37.0, United-States +38608,35.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38609,32.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +38610,52.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,99999.0,0.0,65.0, United-States +38611,31.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +38612,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,55.0, United-States +38613,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,55.0, United-States +38614,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,55.0, United-States +38615,35.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +38616,34.0, State-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +38617,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +38618,27.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +38619,37.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Other-relative, White, Female,0.0,0.0,60.0, United-States +38620,, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,42.0, United-States +38621,30.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +38622,51.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +38623,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States +38624,45.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +38625,29.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +38626,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +38627,43.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +38628,50.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States +38629,25.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38630,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,55.0, United-States +38631,51.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38632,51.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +38633,52.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,36.0, United-States +38634,26.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +38635,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +38636,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +38637,70.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,28.0, United-States +38638,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38639,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +38640,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,76.0, United-States +38641,30.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,1762.0,40.0, United-States +38642,46.0, Without-pay, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,25.0, United-States +38643,32.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38644,23.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38645,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +38646,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +38647,62.0, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +38648,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Poland +38649,69.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,6514.0,0.0,45.0, United-States +38650,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38651,53.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38652,39.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +38653,37.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38654,59.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, United-States +38655,70.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States +38656,34.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38657,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +38658,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +38659,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38660,23.0, Private, Some-college,10.0, Separated, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +38661,50.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +38662,24.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Male,0.0,0.0,25.0, United-States +38663,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,30.0, United-States +38664,37.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38665,26.0, Private, 12th,8.0, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, Mexico +38666,30.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +38667,18.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,20.0, United-States +38668,63.0, Private, 7th-8th,4.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38669,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +38670,72.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +38671,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +38672,35.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +38673,28.0, Private, Masters,14.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,80.0, United-States +38674,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +38675,62.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1628.0,70.0, United-States +38676,54.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +38677,25.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +38678,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +38679,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States +38680,39.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38681,24.0, Private, Masters,14.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,25.0, United-States +38682,29.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, Haiti +38683,52.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +38684,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States +38685,21.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States +38686,58.0, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States +38687,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +38688,22.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, India +38689,51.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +38690,41.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38691,42.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Cuba +38692,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +38693,22.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38694,41.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38695,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +38696,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +38697,35.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +38698,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Germany +38699,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38700,37.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +38701,20.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +38702,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +38703,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +38704,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +38705,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +38706,33.0, Private, 1st-4th,2.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +38707,18.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38708,32.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +38709,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +38710,52.0, State-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +38711,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +38712,39.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,35.0, India +38713,48.0, Private, Assoc-voc,11.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +38714,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,55.0, United-States +38715,23.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,38.0, United-States +38716,42.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +38717,52.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +38718,32.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +38719,33.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +38720,29.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,55.0, United-States +38721,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +38722,46.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +38723,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38724,24.0, Private, Masters,14.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +38725,28.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +38726,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +38727,44.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,35.0, United-States +38728,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,38.0, United-States +38729,39.0, Self-emp-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,99.0, Japan +38730,48.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Unmarried, White, Male,0.0,0.0,48.0, United-States +38731,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States +38732,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +38733,50.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +38734,35.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States +38735,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +38736,36.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38737,48.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38738,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +38739,39.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,80.0, United-States +38740,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +38741,61.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +38742,37.0, Federal-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +38743,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38744,23.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States +38745,34.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38746,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908.0,0.0,40.0, United-States +38747,39.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +38748,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +38749,35.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,60.0, United-States +38750,39.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +38751,19.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States +38752,24.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, France +38753,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +38754,33.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, El-Salvador +38755,25.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38756,41.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +38757,36.0, Private, 7th-8th,4.0,, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +38758,59.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,50.0, United-States +38759,17.0, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,48.0, Mexico +38760,46.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +38761,22.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Own-child, White, Female,0.0,0.0,3.0, United-States +38762,38.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +38763,34.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,62.0, Mexico +38764,64.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,5.0, United-States +38765,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,57.0, United-States +38766,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +38767,47.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38768,62.0, Self-emp-not-inc, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,20.0, United-States +38769,31.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38770,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +38771,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +38772,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +38773,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,36.0, United-States +38774,30.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +38775,47.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +38776,53.0, Private, Some-college,10.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38777,49.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38778,34.0, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +38779,30.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38780,65.0, Private, HS-grad,9.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,14.0, United-States +38781,36.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, China +38782,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,1977.0,50.0, United-States +38783,23.0, Self-emp-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38784,25.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +38785,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38786,39.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States +38787,61.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +38788,32.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38789,45.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +38790,47.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38791,42.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +38792,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +38793,38.0, Self-emp-inc, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +38794,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38795,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +38796,35.0, Local-gov, HS-grad,9.0, Divorced, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,56.0, United-States +38797,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +38798,42.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38799,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38800,70.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,55.0, United-States +38801,36.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,44.0, United-States +38802,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +38803,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,1590.0,40.0, United-States +38804,44.0, Private, 1st-4th,2.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +38805,48.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38806,62.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38807,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,42.0, United-States +38808,30.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38809,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,50.0, United-States +38810,45.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +38811,17.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, Other, Male,0.0,0.0,12.0, United-States +38812,28.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +38813,49.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +38814,35.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,39.0, United-States +38815,56.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38816,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +38817,41.0, State-gov, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +38818,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,21.0, United-States +38819,47.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,45.0, United-States +38820,41.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +38821,77.0, Private, Doctorate,16.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +38822,30.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Female,0.0,0.0,32.0, United-States +38823,28.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +38824,34.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +38825,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +38826,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38827,35.0, Self-emp-not-inc, 11th,7.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,84.0, United-States +38828,52.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +38829,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +38830,35.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,2.0, United-States +38831,27.0, Self-emp-inc, Masters,14.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +38832,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +38833,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +38834,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico +38835,27.0, Private, 9th,5.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, Mexico +38836,47.0, State-gov, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +38837,43.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +38838,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +38839,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States +38840,41.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +38841,20.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38842,40.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +38843,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +38844,51.0, Federal-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38845,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +38846,55.0, Private, 1st-4th,2.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,30.0, Cuba +38847,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +38848,19.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,28.0, Mexico +38849,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +38850,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +38851,32.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +38852,58.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +38853,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +38854,50.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States +38855,47.0, Local-gov, 11th,7.0, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38856,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38857,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38858,53.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,65.0, United-States +38859,46.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,70.0, United-States +38860,29.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +38861,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +38862,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38863,29.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38864,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States +38865,48.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +38866,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +38867,21.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1504.0,40.0, United-States +38868,62.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38869,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +38870,49.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,7688.0,0.0,35.0, United-States +38871,65.0, Private, 10th,6.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +38872,42.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +38873,20.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,25.0, United-States +38874,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +38875,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +38876,54.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +38877,46.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +38878,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, Haiti +38879,51.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +38880,43.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,1055.0,0.0,40.0, United-States +38881,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,594.0,0.0,15.0, United-States +38882,53.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Other, Male,0.0,0.0,60.0, Ecuador +38883,39.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,4687.0,0.0,50.0, United-States +38884,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38885,57.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38886,43.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,48.0, United-States +38887,40.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +38888,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States +38889,35.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38890,37.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +38891,52.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +38892,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +38893,49.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +38894,27.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +38895,40.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38896,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Other, Female,0.0,0.0,40.0, United-States +38897,20.0, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, Germany +38898,26.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +38899,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +38900,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +38901,58.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +38902,45.0, Federal-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38903,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +38904,38.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Poland +38905,30.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38906,52.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38907,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38908,46.0, State-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +38909,26.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38910,34.0, State-gov, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38911,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +38912,29.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,55.0, United-States +38913,22.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, United-States +38914,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38915,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,16.0, United-States +38916,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38917,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,45.0, United-States +38918,61.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,50.0, United-States +38919,44.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38920,37.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38921,53.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,52.0, United-States +38922,53.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +38923,69.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,1424.0,0.0,35.0, United-States +38924,37.0, State-gov, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +38925,42.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38926,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +38927,67.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States +38928,42.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38929,37.0, Private, Some-college,10.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +38930,28.0, Private, 5th-6th,3.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Hong +38931,57.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +38932,20.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +38933,20.0, Private, 12th,8.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States +38934,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +38935,22.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +38936,50.0, Federal-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +38937,32.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38938,30.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,48.0, United-States +38939,51.0, Local-gov, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +38940,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,50.0, El-Salvador +38941,67.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38942,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1579.0,40.0, United-States +38943,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38944,28.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +38945,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1485.0,44.0, United-States +38946,29.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +38947,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +38948,51.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +38949,49.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +38950,47.0, Private, HS-grad,9.0, Separated, Prof-specialty, Other-relative, Other, Female,0.0,0.0,40.0, Puerto-Rico +38951,44.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +38952,40.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +38953,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,40.0, Mexico +38954,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38955,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38956,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +38957,34.0, Private, Some-college,10.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +38958,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +38959,35.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +38960,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, United-States +38961,35.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +38962,25.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +38963,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,50.0, United-States +38964,47.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Male,10520.0,0.0,45.0, United-States +38965,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38966,32.0, Private, Some-college,10.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,50.0, United-States +38967,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +38968,32.0, Private, 12th,8.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +38969,51.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, United-States +38970,66.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,3.0, United-States +38971,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +38972,52.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +38973,59.0, Federal-gov, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +38974,34.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38975,69.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +38976,32.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +38977,18.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,15.0, United-States +38978,37.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,45.0, United-States +38979,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +38980,65.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +38981,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +38982,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +38983,28.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +38984,42.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +38985,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +38986,55.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0.0,2246.0,40.0, United-States +38987,43.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +38988,57.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico +38989,28.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +38990,45.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +38991,47.0, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +38992,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +38993,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +38994,35.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, Mexico +38995,23.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +38996,58.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Male,0.0,1719.0,40.0, United-States +38997,72.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,2290.0,0.0,45.0, United-States +38998,58.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +38999,47.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +39000,41.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +39001,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +39002,54.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +39003,38.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +39004,33.0, Local-gov, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,55.0, United-States +39005,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,40.0, United-States +39006,55.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +39007,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States +39008,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +39009,28.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,50.0, United-States +39010,52.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +39011,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, Guatemala +39012,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +39013,26.0, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, Other, Male,0.0,0.0,55.0, United-States +39014,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +39015,20.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Peru +39016,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +39017,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +39018,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +39019,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +39020,24.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39021,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,1876.0,50.0, United-States +39022,21.0, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +39023,44.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +39024,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +39025,48.0, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica +39026,41.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39027,64.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39028,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +39029,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39030,32.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +39031,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39032,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39033,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,40.0, United-States +39034,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,55.0, United-States +39035,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +39036,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,5013.0,0.0,40.0, United-States +39037,34.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +39038,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +39039,30.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +39040,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39041,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +39042,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +39043,31.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,43.0, United-States +39044,43.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, Black, Female,0.0,0.0,40.0, United-States +39045,57.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39046,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,42.0, United-States +39047,28.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States +39048,41.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39049,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +39050,50.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +39051,62.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +39052,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +39053,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +39054,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States +39055,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39056,31.0, Federal-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39057,37.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +39058,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39059,37.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Mexico +39060,61.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,56.0, United-States +39061,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +39062,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +39063,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39064,60.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +39065,18.0, Private, 10th,6.0, Never-married, Priv-house-serv, Own-child, Black, Female,0.0,0.0,20.0, United-States +39066,45.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39067,29.0, Private, 11th,7.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +39068,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +39069,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,32.0, United-States +39070,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +39071,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39072,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5178.0,0.0,40.0, United-States +39073,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39074,51.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2559.0,50.0, United-States +39075,22.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States +39076,21.0, Local-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,2001.0,40.0, United-States +39077,28.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1980.0,35.0, United-States +39078,30.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +39079,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +39080,25.0, Private, 1st-4th,2.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala +39081,27.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39082,48.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39083,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +39084,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +39085,29.0, Private, Assoc-voc,11.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,50.0, United-States +39086,33.0, Private, 12th,8.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +39087,57.0, Local-gov, Masters,14.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39088,36.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39089,32.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39090,24.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +39091,39.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39092,72.0, Private, Assoc-voc,11.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39093,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +39094,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +39095,45.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +39096,40.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39097,27.0, Private, 1st-4th,2.0, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +39098,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39099,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39100,51.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39101,26.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39102,30.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39103,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +39104,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39105,25.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +39106,30.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1977.0,40.0, China +39107,33.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,48.0, United-States +39108,28.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +39109,26.0, Private, Assoc-acdm,12.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,30.0, United-States +39110,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +39111,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Own-child, White, Female,0.0,0.0,38.0, United-States +39112,19.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +39113,32.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39114,36.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,35.0, United-States +39115,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +39116,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39117,34.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39118,59.0, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +39119,35.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +39120,47.0, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39121,24.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39122,31.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39123,26.0, Private, Masters,14.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, Canada +39124,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +39125,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,40.0, Peru +39126,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States +39127,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +39128,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,28.0, United-States +39129,36.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39130,55.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,2228.0,0.0,50.0, United-States +39131,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, +39132,33.0, State-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,4.0, United-States +39133,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +39134,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39135,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39136,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +39137,83.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,20051.0,0.0,50.0, United-States +39138,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +39139,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +39140,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Cuba +39141,30.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +39142,64.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +39143,40.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +39144,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +39145,20.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,30.0, Guatemala +39146,40.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, Scotland +39147,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39148,41.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39149,33.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +39150,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1504.0,40.0, United-States +39151,57.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +39152,33.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +39153,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024.0,0.0,40.0, United-States +39154,30.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +39155,40.0, Local-gov, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1876.0,35.0, United-States +39156,47.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39157,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +39158,26.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +39159,37.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States +39160,59.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +39161,57.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +39162,49.0, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Male,99999.0,0.0,80.0, Mexico +39163,55.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +39164,62.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39165,38.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, Scotland +39166,42.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +39167,57.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +39168,42.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1980.0,46.0, United-States +39169,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +39170,64.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States +39171,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39172,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +39173,47.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +39174,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39175,33.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39176,30.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39177,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39178,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +39179,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39180,24.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +39181,46.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, United-States +39182,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +39183,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +39184,49.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,32.0, United-States +39185,46.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39186,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39187,36.0, Private, 7th-8th,4.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,2977.0,0.0,40.0, Puerto-Rico +39188,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +39189,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +39190,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +39191,31.0, Self-emp-not-inc, HS-grad,9.0, Separated, Craft-repair, Own-child, Black, Male,0.0,0.0,50.0, United-States +39192,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +39193,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39194,61.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +39195,41.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1617.0,35.0, United-States +39196,56.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,10.0, United-States +39197,19.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +39198,41.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,60.0, Jamaica +39199,33.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39200,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +39201,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,30.0, United-States +39202,17.0, Private, 10th,6.0, Never-married, Priv-house-serv, Own-child, White, Male,0.0,0.0,30.0, United-States +39203,21.0, Private, 9th,5.0, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +39204,32.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,50.0, United-States +39205,44.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39206,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,594.0,0.0,10.0, United-States +39207,38.0,, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,24.0, United-States +39208,26.0, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +39209,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, Dominican-Republic +39210,27.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +39211,62.0, Private, Some-college,10.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +39212,24.0, Private, 11th,7.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +39213,24.0, Private, HS-grad,9.0, Divorced, Protective-serv, Own-child, White, Female,0.0,1762.0,40.0, United-States +39214,49.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39215,41.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,43.0, United-States +39216,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,48.0, United-States +39217,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy +39218,26.0, Private, Assoc-voc,11.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +39219,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +39220,50.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,1408.0,5.0, United-States +39221,45.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +39222,32.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39223,43.0, Self-emp-not-inc, 10th,6.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,25.0, United-States +39224,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +39225,44.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +39226,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,27.0, United-States +39227,42.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +39228,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States +39229,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39230,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +39231,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,99999.0,0.0,40.0, United-States +39232,32.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +39233,37.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong +39234,58.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,24.0, United-States +39235,36.0, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39236,29.0, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +39237,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +39238,46.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,50.0, United-States +39239,41.0, Private, 10th,6.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +39240,63.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +39241,43.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39242,39.0, Self-emp-inc, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +39243,39.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39244,72.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,36.0, United-States +39245,53.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +39246,63.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +39247,37.0, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +39248,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, Black, Female,0.0,0.0,40.0, United-States +39249,79.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +39250,35.0, Private, Some-college,10.0, Separated, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +39251,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,36.0, United-States +39252,70.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2377.0,50.0, United-States +39253,73.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3471.0,0.0,40.0, England +39254,64.0, Private, HS-grad,9.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,23.0, United-States +39255,52.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +39256,21.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39257,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39258,40.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39259,47.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +39260,43.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +39261,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39262,48.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +39263,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39264,24.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,37.0, United-States +39265,27.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States +39266,66.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +39267,49.0, Private, 10th,6.0, Separated, Exec-managerial, Not-in-family, Black, Male,4416.0,0.0,99.0, United-States +39268,40.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, Haiti +39269,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +39270,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States +39271,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Other, Male,0.0,0.0,40.0, United-States +39272,44.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39273,51.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,5178.0,0.0,40.0, United-States +39274,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +39275,43.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,46.0, United-States +39276,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +39277,27.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,99.0, United-States +39278,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, India +39279,57.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +39280,54.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,2174.0,0.0,40.0, United-States +39281,29.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39282,33.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39283,45.0, Self-emp-not-inc, Masters,14.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39284,59.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39285,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +39286,57.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +39287,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,33.0, United-States +39288,31.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +39289,36.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States +39290,41.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1741.0,40.0, United-States +39291,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +39292,55.0, Self-emp-not-inc, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +39293,32.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +39294,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,40.0, United-States +39295,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +39296,61.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39297,41.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +39298,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +39299,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +39300,37.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39301,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +39302,33.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +39303,42.0, Private, Some-college,10.0, Widowed, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39304,27.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,38.0, United-States +39305,24.0, Private, Masters,14.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,38.0, United-States +39306,25.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States +39307,27.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +39308,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +39309,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +39310,67.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,2.0, United-States +39311,57.0, State-gov, Some-college,10.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39312,34.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,41.0, United-States +39313,70.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +39314,41.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States +39315,24.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,45.0, United-States +39316,31.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +39317,39.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39318,31.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,99.0, Columbia +39319,47.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +39320,17.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,20.0, United-States +39321,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +39322,45.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +39323,43.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,45.0, United-States +39324,27.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +39325,55.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,, United-States +39326,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,29.0, United-States +39327,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39328,37.0, State-gov, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39329,44.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39330,31.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +39331,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39332,34.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1974.0,40.0, United-States +39333,66.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States +39334,28.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,65.0, United-States +39335,56.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +39336,46.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39337,75.0, Self-emp-inc, Doctorate,16.0, Widowed, Prof-specialty, Not-in-family, White, Male,25124.0,0.0,20.0, United-States +39338,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +39339,36.0, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +39340,55.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States +39341,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39342,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39343,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39344,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States +39345,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Japan +39346,30.0, Private, HS-grad,9.0, Married-AF-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +39347,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39348,46.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39349,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +39350,67.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39351,45.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39352,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +39353,38.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39354,20.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +39355,53.0, Private, 7th-8th,4.0, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +39356,30.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,3325.0,0.0,50.0, United-States +39357,27.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, China +39358,34.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,35.0, United-States +39359,53.0, Self-emp-inc, 11th,7.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +39360,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,38.0, United-States +39361,26.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +39362,47.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +39363,33.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +39364,29.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +39365,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39366,42.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39367,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +39368,44.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +39369,30.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +39370,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,45.0, United-States +39371,48.0, Private, Preschool,1.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, El-Salvador +39372,32.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States +39373,47.0, Self-emp-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,3325.0,0.0,60.0, United-States +39374,61.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +39375,38.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +39376,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States +39377,17.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,16.0, United-States +39378,52.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +39379,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +39380,30.0, Private, 10th,6.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +39381,22.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +39382,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3471.0,0.0,40.0, United-States +39383,36.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39384,45.0, Private, 5th-6th,3.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +39385,25.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,4416.0,0.0,42.0, United-States +39386,40.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +39387,34.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, United-States +39388,28.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +39389,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +39390,36.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,80.0, United-States +39391,67.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +39392,22.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,60.0, United-States +39393,26.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +39394,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +39395,52.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39396,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39397,44.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0.0,0.0,30.0, Mexico +39398,21.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +39399,40.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39400,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +39401,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +39402,18.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States +39403,23.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +39404,40.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Canada +39405,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39406,47.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +39407,66.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2377.0,25.0, United-States +39408,50.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +39409,55.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +39410,48.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39411,62.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +39412,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2002.0,30.0, United-States +39413,22.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +39414,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39415,43.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39416,22.0, Private, 11th,7.0, Widowed, Sales, Own-child, Black, Female,0.0,0.0,35.0, United-States +39417,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +39418,47.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +39419,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +39420,51.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +39421,61.0, Self-emp-inc, Masters,14.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,99.0, United-States +39422,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +39423,36.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, White, Female,3325.0,0.0,40.0, United-States +39424,21.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +39425,34.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39426,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +39427,51.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +39428,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +39429,46.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39430,43.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +39431,25.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +39432,29.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +39433,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +39434,43.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39435,23.0, State-gov, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,48.0, United-States +39436,42.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +39437,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39438,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +39439,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +39440,37.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +39441,35.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39442,65.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +39443,53.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,54.0, United-States +39444,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +39445,48.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39446,22.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Other, Male,0.0,0.0,20.0, Puerto-Rico +39447,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +39448,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,1848.0,60.0, United-States +39449,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,1602.0,18.0, United-States +39450,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39451,39.0, Self-emp-not-inc, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +39452,30.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +39453,35.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39454,50.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,38.0, United-States +39455,29.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +39456,34.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Jamaica +39457,63.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39458,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,65.0, United-States +39459,49.0, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +39460,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,32.0, United-States +39461,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,48.0, United-States +39462,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +39463,40.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +39464,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States +39465,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +39466,58.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +39467,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +39468,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +39469,37.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +39470,69.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,3.0, United-States +39471,40.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,99.0, United-States +39472,47.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,38.0, United-States +39473,39.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +39474,52.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +39475,43.0, Private, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39476,34.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +39477,30.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +39478,40.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +39479,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39480,38.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico +39481,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +39482,68.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Ireland +39483,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +39484,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +39485,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39486,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,24.0, United-States +39487,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +39488,58.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,25.0, United-States +39489,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +39490,41.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,13550.0,0.0,60.0, United-States +39491,62.0, State-gov, Assoc-acdm,12.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39492,33.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +39493,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +39494,41.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39495,46.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +39496,32.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39497,50.0, Federal-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +39498,52.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +39499,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +39500,57.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +39501,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +39502,42.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1741.0,35.0, United-States +39503,39.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +39504,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +39505,43.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39506,40.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39507,36.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Cuba +39508,49.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39509,56.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39510,22.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +39511,19.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +39512,38.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +39513,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,65.0, United-States +39514,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +39515,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39516,29.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,35.0, Peru +39517,42.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,60.0, United-States +39518,53.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +39519,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Peru +39520,38.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +39521,53.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +39522,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners,, White, Male,0.0,0.0,40.0, United-States +39523,17.0, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,15.0, United-States +39524,46.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States +39525,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +39526,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39527,65.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +39528,22.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +39529,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Ecuador +39530,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,38.0, United-States +39531,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,64.0, United-States +39532,35.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +39533,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,52.0, United-States +39534,62.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +39535,43.0, Private, Prof-school,15.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,99999.0,0.0,40.0, United-States +39536,36.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,60.0, United-States +39537,60.0, Private, 7th-8th,4.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States +39538,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,8.0, United-States +39539,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, England +39540,21.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States +39541,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,30.0, United-States +39542,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +39543,52.0, Private, Bachelors,13.0, Married-spouse-absent, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, Haiti +39544,57.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States +39545,28.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +39546,45.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +39547,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39548,54.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States +39549,52.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,45.0, United-States +39550,24.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Puerto-Rico +39551,26.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States +39552,32.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +39553,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States +39554,61.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39555,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39556,44.0, Private, Some-college,10.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +39557,40.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,75.0, United-States +39558,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +39559,62.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States +39560,37.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39561,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +39562,41.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +39563,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39564,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39565,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39566,59.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39567,41.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +39568,35.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39569,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Japan +39570,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +39571,63.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,45.0, United-States +39572,54.0, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39573,56.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39574,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,3464.0,0.0,35.0, United-States +39575,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39576,27.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, Mexico +39577,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +39578,50.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39579,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +39580,49.0, Private, 11th,7.0, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, United-States +39581,51.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +39582,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39583,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39584,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +39585,68.0, Private, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39586,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39587,55.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +39588,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,50.0, United-States +39589,22.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39590,26.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39591,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39592,44.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +39593,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +39594,37.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +39595,52.0, Private, HS-grad,9.0, Widowed, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39596,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39597,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +39598,57.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, United-States +39599,33.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +39600,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States +39601,62.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Canada +39602,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,37.0, United-States +39603,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +39604,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +39605,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +39606,76.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White,,0.0,0.0,45.0, United-States +39607,38.0, State-gov, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +39608,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39609,46.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39610,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +39611,26.0, Private, Some-college,, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39612,23.0, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,46.0, United-States +39613,62.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +39614,56.0, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +39615,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +39616,41.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39617,39.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,70.0, Mexico +39618,46.0, Private, Bachelors,13.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39619,54.0, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +39620,31.0, Self-emp-not-inc, Doctorate,16.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,48.0, United-States +39621,63.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,10.0, United-States +39622,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +39623,31.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +39624,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +39625,18.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +39626,55.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39627,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,70.0, South +39628,33.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39629,28.0, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,70.0, Puerto-Rico +39630,31.0, Private, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39631,31.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39632,54.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +39633,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,55.0, United-States +39634,43.0, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +39635,63.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +39636,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,4064.0,0.0,40.0, United-States +39637,37.0, State-gov, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +39638,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +39639,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39640,47.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,25.0, United-States +39641,32.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +39642,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39643,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +39644,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,60.0, United-States +39645,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39646,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39647,44.0, Federal-gov, Bachelors,13.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States +39648,47.0, Private, Some-college,10.0, Married-spouse-absent, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39649,42.0, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +39650,38.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +39651,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39652,55.0, Self-emp-not-inc, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, Hungary +39653,44.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,48.0, South +39654,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1887.0,40.0, United-States +39655,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, El-Salvador +39656,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +39657,61.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States +39658,34.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +39659,35.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,60.0, United-States +39660,29.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39661,49.0, Local-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy +39662,59.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,42.0, United-States +39663,28.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +39664,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States +39665,38.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,42.0, United-States +39666,40.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,36.0, United-States +39667,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39668,54.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39669,47.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39670,30.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +39671,62.0, State-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,40.0, United-States +39672,54.0, Federal-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,35.0, United-States +39673,25.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +39674,42.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +39675,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5178.0,0.0,40.0, United-States +39676,47.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39677,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +39678,28.0, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,40.0, United-States +39679,45.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39680,36.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +39681,31.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +39682,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +39683,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,40.0, United-States +39684,24.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1504.0,40.0, United-States +39685,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,42.0, United-States +39686,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +39687,39.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +39688,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39689,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +39690,39.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +39691,35.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,80.0, Puerto-Rico +39692,49.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,66.0, United-States +39693,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,5013.0,0.0,50.0, United-States +39694,49.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +39695,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,14344.0,0.0,40.0, United-States +39696,59.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +39697,33.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39698,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,84.0, United-States +39699,55.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +39700,61.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +39701,46.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +39702,40.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +39703,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +39704,36.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,3674.0,0.0,40.0, United-States +39705,39.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39706,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +39707,40.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States +39708,29.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +39709,35.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +39710,50.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39711,55.0, Local-gov, 7th-8th,4.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39712,59.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +39713,46.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +39714,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,38.0, United-States +39715,53.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Female,0.0,0.0,48.0, United-States +39716,25.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,43.0, United-States +39717,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Other, Male,0.0,0.0,40.0, United-States +39718,27.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39719,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +39720,41.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +39721,30.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39722,24.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39723,37.0, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Male,0.0,0.0,62.0, United-States +39724,38.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +39725,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +39726,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,50.0, United-States +39727,52.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2002.0,45.0, United-States +39728,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39729,23.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +39730,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39731,59.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39732,61.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +39733,28.0, Private, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39734,47.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +39735,35.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +39736,48.0, State-gov, Some-college,10.0, Divorced, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +39737,49.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39738,81.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, United-States +39739,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +39740,55.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +39741,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +39742,48.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,50.0, United-States +39743,68.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,6.0, United-States +39744,33.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +39745,49.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +39746,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +39747,35.0, Private, Assoc-voc,11.0, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0.0,0.0,44.0, United-States +39748,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +39749,32.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39750,35.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,75.0, United-States +39751,49.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +39752,35.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39753,25.0, Private, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +39754,39.0, Local-gov, 11th,7.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39755,25.0, State-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39756,42.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39757,59.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +39758,20.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Other-relative, White, Female,0.0,0.0,60.0, Mexico +39759,20.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States +39760,21.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,11.0, United-States +39761,36.0, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,20.0, United-States +39762,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +39763,35.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39764,48.0, Self-emp-not-inc, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39765,53.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +39766,39.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +39767,30.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +39768,30.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +39769,27.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +39770,47.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +39771,35.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39772,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +39773,26.0, Private,,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Mexico +39774,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +39775,50.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39776,76.0, Local-gov, 10th,6.0, Divorced, Transport-moving, Not-in-family, Black, Male,0.0,0.0,20.0, United-States +39777,42.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,75.0, United-States +39778,36.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States +39779,47.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39780,42.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +39781,29.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong +39782,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +39783,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39784,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States +39785,21.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +39786,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +39787,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +39788,55.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,48.0, United-States +39789,30.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +39790,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +39791,65.0, Private, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39792,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +39793,62.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,38.0, United-States +39794,26.0, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +39795,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39796,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +39797,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39798,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39799,68.0, Local-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,6418.0,0.0,35.0, United-States +39800,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,30.0, Nicaragua +39801,23.0, Private, Some-college,10.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +39802,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +39803,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39804,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +39805,21.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39806,29.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39807,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +39808,34.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39809,50.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,50.0, United-States +39810,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,72.0, Mexico +39811,55.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,4787.0,0.0,40.0, United-States +39812,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39813,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +39814,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39815,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +39816,24.0, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +39817,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39818,21.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +39819,30.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39820,28.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +39821,28.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,70.0, United-States +39822,34.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +39823,40.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +39824,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +39825,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +39826,28.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39827,45.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39828,31.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39829,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39830,58.0, Private, Some-college,10.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,1092.0,40.0, United-States +39831,42.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +39832,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39833,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +39834,65.0, Self-emp-not-inc, Assoc-acdm,12.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +39835,48.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,99999.0,0.0,60.0, United-States +39836,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39837,32.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +39838,32.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39839,49.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,38.0, United-States +39840,60.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,24.0, United-States +39841,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States +39842,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39843,22.0, Federal-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +39844,24.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +39845,27.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +39846,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39847,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39848,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,84.0, United-States +39849,38.0, Private, Bachelors,13.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,24.0, United-States +39850,49.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,44.0, United-States +39851,62.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +39852,30.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39853,44.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39854,42.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39855,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39856,35.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39857,52.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39858,27.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, Mexico +39859,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +39860,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39861,27.0, Self-emp-inc, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +39862,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +39863,54.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39864,46.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,50.0, United-States +39865,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +39866,37.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39867,61.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +39868,39.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,42.0, United-States +39869,24.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +39870,20.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,2961.0,0.0,35.0, United-States +39871,23.0, Private, 11th,7.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +39872,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5013.0,0.0,40.0, United-States +39873,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +39874,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +39875,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +39876,30.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,70.0, Germany +39877,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39878,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +39879,24.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,55.0, United-States +39880,60.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +39881,50.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39882,37.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,70.0, United-States +39883,23.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +39884,49.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39885,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +39886,51.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39887,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2407.0,0.0,40.0, United-States +39888,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +39889,55.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +39890,22.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39891,17.0, Local-gov, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,16.0, United-States +39892,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +39893,48.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Male,5455.0,0.0,40.0, United-States +39894,24.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +39895,20.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,40.0, United-States +39896,45.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +39897,46.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +39898,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +39899,57.0, Private, 10th,6.0, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States +39900,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +39901,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,7.0, United-States +39902,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +39903,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +39904,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +39905,42.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39906,90.0, Private, 9th,5.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39907,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +39908,28.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +39909,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39910,46.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,32.0, United-States +39911,31.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,43.0, United-States +39912,40.0, Private, 11th,7.0, Divorced, Other-service, Other-relative, White, Female,0.0,0.0,20.0, United-States +39913,28.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39914,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +39915,49.0, Private, Masters,14.0, Married-civ-spouse, Protective-serv, Husband, White, Male,15024.0,0.0,78.0, United-States +39916,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,40.0, United-States +39917,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,56.0, United-States +39918,41.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +39919,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +39920,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39921,65.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +39922,44.0, State-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39923,55.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39924,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +39925,33.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Own-child, Black, Female,0.0,0.0,50.0, United-States +39926,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +39927,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +39928,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +39929,53.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39930,35.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +39931,23.0, Self-emp-inc, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +39932,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +39933,30.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39934,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +39935,30.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39936,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +39937,55.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103.0,0.0,40.0, United-States +39938,43.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +39939,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39940,29.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, Mexico +39941,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +39942,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,32.0, United-States +39943,54.0, Local-gov, 11th,7.0, Widowed, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +39944,44.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +39945,18.0, State-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,5.0, United-States +39946,34.0, Private, 9th,5.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +39947,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +39948,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39949,37.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39950,30.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,60.0, United-States +39951,44.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +39952,49.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,60.0, United-States +39953,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +39954,68.0, Private, Bachelors,13.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +39955,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Canada +39956,46.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +39957,57.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +39958,66.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States +39959,59.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39960,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,52.0, United-States +39961,47.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +39962,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +39963,53.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +39964,62.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,80.0, United-States +39965,43.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +39966,73.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +39967,29.0, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, White, Female,3418.0,0.0,40.0, United-States +39968,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +39969,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39970,27.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,30.0, United-States +39971,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +39972,27.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +39973,28.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +39974,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +39975,59.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +39976,30.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +39977,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +39978,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +39979,49.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +39980,24.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +39981,30.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +39982,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +39983,78.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, Black, Female,2964.0,0.0,40.0, United-States +39984,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +39985,34.0, Private, Masters,14.0, Divorced, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, South +39986,36.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +39987,48.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +39988,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,10.0, United-States +39989,37.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States +39990,32.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +39991,47.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,1831.0,0.0,38.0, United-States +39992,53.0, Local-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,14344.0,0.0,50.0, United-States +39993,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +39994,68.0, Private, 7th-8th,4.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,10.0, United-States +39995,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +39996,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +39997,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,73.0, United-States +39998,51.0, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +39999,21.0, State-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,12.0, United-States +40000,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +40001,19.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States +40002,35.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40003,49.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,3325.0,0.0,50.0, United-States +40004,41.0, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +40005,31.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40006,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,20.0, United-States +40007,39.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,70.0, United-States +40008,50.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40009,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +40010,27.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40011,41.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,50.0, United-States +40012,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40013,27.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,64.0, United-States +40014,37.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +40015,38.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40016,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +40017,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,1564.0,50.0, United-States +40018,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40019,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40020,40.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40021,33.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +40022,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States +40023,38.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +40024,32.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40025,23.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +40026,47.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,30.0, United-States +40027,43.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,8614.0,0.0,43.0, United-States +40028,22.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,43.0, United-States +40029,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2885.0,0.0,45.0, United-States +40030,37.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +40031,47.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +40032,32.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40033,36.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +40034,25.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40035,45.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,99.0, United-States +40036,37.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +40037,26.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, United-States +40038,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,18.0, United-States +40039,31.0, Private, Some-college,10.0, Married-AF-spouse, Craft-repair, Husband, White, Male,0.0,0.0,28.0, United-States +40040,45.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +40041,46.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40042,34.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +40043,34.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40044,47.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +40045,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,38.0, United-States +40046,27.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +40047,36.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +40048,56.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40049,50.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40050,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,60.0, Mexico +40051,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +40052,61.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,7298.0,0.0,40.0, Philippines +40053,26.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +40054,31.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40055,46.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40056,30.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +40057,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40058,21.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40059,28.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40060,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,73.0, United-States +40061,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40062,29.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +40063,45.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +40064,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40065,45.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40066,28.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,55.0, United-States +40067,51.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +40068,27.0, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Other-relative, White, Female,2176.0,0.0,40.0, El-Salvador +40069,38.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +40070,47.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +40071,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40072,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40073,27.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica +40074,48.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States +40075,25.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +40076,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +40077,20.0, Self-emp-not-inc, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +40078,40.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +40079,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +40080,23.0, Private, 11th,7.0, Never-married, Farming-fishing, Other-relative, White, Female,0.0,0.0,40.0, Puerto-Rico +40081,45.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40082,36.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40083,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +40084,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +40085,34.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +40086,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +40087,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States +40088,31.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40089,73.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +40090,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,65.0, United-States +40091,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +40092,29.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,42.0, United-States +40093,36.0, Self-emp-not-inc, Doctorate,16.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,10.0, Canada +40094,32.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, India +40095,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,46.0, United-States +40096,41.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40097,55.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +40098,49.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +40099,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40100,49.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +40101,41.0, State-gov, HS-grad,9.0, Divorced, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +40102,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +40103,25.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +40104,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,35.0, United-States +40105,44.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40106,47.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40107,29.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40108,25.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,36.0, United-States +40109,53.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +40110,28.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +40111,40.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +40112,68.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +40113,43.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +40114,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40115,31.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +40116,37.0, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,37.0, United-States +40117,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40118,28.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40119,37.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,44.0, United-States +40120,43.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40121,34.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,38.0, United-States +40122,53.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +40123,55.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,27828.0,0.0,55.0, United-States +40124,38.0, Private, Some-college,10.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,36.0, Peru +40125,52.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,14084.0,0.0,16.0, United-States +40126,25.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +40127,53.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40128,23.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +40129,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +40130,39.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Own-child, White, Female,594.0,0.0,40.0, United-States +40131,37.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40132,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +40133,26.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +40134,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2002.0,44.0, United-States +40135,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +40136,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40137,39.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +40138,29.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,50.0, United-States +40139,41.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +40140,44.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,40.0, United-States +40141,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +40142,30.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,55.0, United-States +40143,36.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +40144,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,37.0, United-States +40145,53.0, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +40146,53.0, Private, HS-grad,9.0, Separated, Transport-moving, Unmarried, White, Male,0.0,0.0,45.0, United-States +40147,37.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +40148,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,99999.0,0.0,56.0, United-States +40149,30.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +40150,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +40151,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +40152,42.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +40153,56.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40154,43.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40155,51.0, State-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +40156,47.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +40157,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +40158,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,28.0, United-States +40159,32.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40160,33.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +40161,41.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Other-relative, White, Male,914.0,0.0,40.0, United-States +40162,63.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +40163,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40164,57.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +40165,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,20.0, Jamaica +40166,62.0, State-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40167,39.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +40168,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40169,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,40.0, United-States +40170,39.0, State-gov, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +40171,39.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40172,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40173,77.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40174,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,50.0, United-States +40175,31.0, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40176,41.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Italy +40177,37.0, Local-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +40178,45.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States +40179,51.0, Without-pay, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +40180,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +40181,52.0, Local-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40182,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +40183,48.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2002.0,40.0, United-States +40184,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40185,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,8.0, United-States +40186,31.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +40187,34.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +40188,33.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, United-States +40189,68.0, Private, Some-college,10.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,10.0, United-States +40190,40.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40191,60.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +40192,54.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +40193,36.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40194,23.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Germany +40195,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,40.0, United-States +40196,24.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +40197,48.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,16.0, United-States +40198,51.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +40199,47.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40200,36.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,70.0, South +40201,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,5013.0,0.0,20.0, United-States +40202,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +40203,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,55.0, Ecuador +40204,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40205,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40206,52.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999.0,0.0,40.0, Japan +40207,42.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1741.0,50.0, United-States +40208,59.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +40209,55.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +40210,38.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40211,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +40212,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +40213,34.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +40214,54.0, State-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40215,29.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +40216,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40217,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +40218,31.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +40219,30.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +40220,33.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +40221,49.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,37.0, United-States +40222,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +40223,28.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,40.0, United-States +40224,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, El-Salvador +40225,24.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +40226,27.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40227,52.0, Self-emp-not-inc, Prof-school,15.0,, Prof-specialty, Husband, White, Male,99999.0,0.0,45.0, United-States +40228,28.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40229,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40230,34.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +40231,67.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,41.0, United-States +40232,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines +40233,32.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,13550.0,0.0,35.0, United-States +40234,36.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Haiti +40235,46.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +40236,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,30.0, United-States +40237,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +40238,44.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +40239,38.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,40.0, United-States +40240,30.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +40241,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,45.0, United-States +40242,44.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,56.0, United-States +40243,26.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +40244,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +40245,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +40246,33.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +40247,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +40248,47.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,36.0, United-States +40249,59.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,1504.0,19.0, United-States +40250,74.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2653.0,0.0,12.0, United-States +40251,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,5178.0,0.0,38.0, United-States +40252,31.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico +40253,62.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40254,32.0, Federal-gov, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,46.0, United-States +40255,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +40256,35.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +40257,25.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +40258,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40259,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +40260,54.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1977.0,35.0, United-States +40261,22.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +40262,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40263,40.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40264,32.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40265,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,55.0, United-States +40266,63.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +40267,39.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +40268,25.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, Canada +40269,39.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,37.0, Puerto-Rico +40270,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40271,22.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40272,20.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,4416.0,0.0,25.0, United-States +40273,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40274,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40275,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +40276,40.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +40277,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +40278,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,1590.0,50.0, United-States +40279,27.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +40280,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,35.0, Ireland +40281,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +40282,28.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +40283,61.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +40284,44.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,15024.0,0.0,55.0, United-States +40285,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +40286,69.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,9386.0,0.0,50.0, United-States +40287,43.0, Self-emp-not-inc, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,880.0,42.0, United-States +40288,27.0, Private, Masters,14.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,,40.0, United-States +40289,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40290,34.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +40291,25.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,52.0, United-States +40292,51.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +40293,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +40294,81.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +40295,29.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40296,50.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40297,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +40298,51.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +40299,22.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States +40300,53.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,48.0, United-States +40301,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40302,21.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0.0,0.0,35.0, United-States +40303,18.0, Self-emp-inc, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +40304,54.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +40305,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,10.0, United-States +40306,37.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +40307,22.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40308,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,28.0, United-States +40309,33.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +40310,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3137.0,0.0,40.0, United-States +40311,21.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States +40312,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, Germany +40313,61.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40314,17.0, Local-gov, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +40315,49.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +40316,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,46.0, United-States +40317,40.0, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40318,50.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +40319,47.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +40320,41.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,4.0, United-States +40321,22.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,43.0, United-States +40322,25.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3103.0,0.0,40.0, United-States +40323,47.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40324,56.0, Private, 11th,7.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +40325,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +40326,65.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,40.0, United-States +40327,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +40328,30.0, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40329,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,70.0, United-States +40330,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +40331,49.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40332,53.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,72.0, United-States +40333,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +40334,34.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +40335,36.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +40336,37.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +40337,35.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +40338,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +40339,45.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +40340,51.0, Local-gov, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Columbia +40341,21.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,38.0, United-States +40342,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40343,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,50.0, Mexico +40344,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States +40345,44.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40346,58.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40347,37.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States +40348,55.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40349,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40350,40.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40351,25.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,25.0, United-States +40352,39.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,62.0, England +40353,26.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +40354,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,42.0, United-States +40355,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,24.0, United-States +40356,56.0, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +40357,26.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +40358,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,24.0, Italy +40359,31.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40360,24.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40361,38.0, Federal-gov, 10th,6.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1380.0,50.0, United-States +40362,36.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,56.0, United-States +40363,22.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,25.0, United-States +40364,26.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +40365,42.0, Private, Bachelors,13.0, Married-spouse-absent, Tech-support, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +40366,33.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, Philippines +40367,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,56.0, United-States +40368,22.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +40369,47.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +40370,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,36.0, United-States +40371,82.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,2.0, United-States +40372,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,30.0, United-States +40373,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +40374,53.0, State-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +40375,33.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,46.0, United-States +40376,50.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +40377,47.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40378,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40379,49.0, Private, Bachelors,13.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,35.0, United-States +40380,50.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +40381,33.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,46.0, United-States +40382,53.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +40383,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +40384,23.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,39.0, Mexico +40385,51.0, Local-gov, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +40386,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,30.0, United-States +40387,54.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +40388,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40389,41.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +40390,27.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +40391,24.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,30.0, United-States +40392,62.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +40393,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40394,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +40395,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, Puerto-Rico +40396,26.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,25.0, United-States +40397,39.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +40398,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +40399,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +40400,41.0, Local-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,24.0, United-States +40401,49.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40402,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +40403,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40404,33.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +40405,72.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,2329.0,0.0,20.0, United-States +40406,41.0, Private, Masters,14.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,50.0, United-States +40407,26.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,45.0, United-States +40408,51.0, State-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,2444.0,39.0, United-States +40409,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +40410,19.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40411,39.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40412,23.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +40413,44.0, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40414,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40415,34.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +40416,23.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40417,46.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40418,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,60.0, United-States +40419,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,3325.0,0.0,48.0, United-States +40420,22.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +40421,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +40422,36.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,37.0, United-States +40423,18.0, Private, 7th-8th,4.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, Mexico +40424,46.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +40425,34.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40426,47.0, Private, 1st-4th,2.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +40427,36.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,56.0, United-States +40428,63.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40429,31.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40430,23.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,1504.0,40.0, United-States +40431,42.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40432,54.0, Private, 1st-4th,2.0, Separated, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, Mexico +40433,26.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +40434,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +40435,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +40436,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +40437,28.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,20.0, United-States +40438,34.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +40439,27.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40440,60.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +40441,72.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse,, Husband, White, Male,0.0,0.0,35.0, United-States +40442,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40443,44.0, Private, Some-college,10.0, Divorced, Transport-moving, Unmarried, White, Male,1831.0,0.0,50.0, United-States +40444,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Other, Male,0.0,0.0,25.0, United-States +40445,37.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,27.0, United-States +40446,56.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +40447,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1740.0,56.0, United-States +40448,30.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +40449,47.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States +40450,51.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40451,41.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +40452,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40453,47.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40454,35.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40455,79.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,20.0, United-States +40456,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40457,34.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +40458,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States +40459,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +40460,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1887.0,40.0, United-States +40461,52.0, Federal-gov, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40462,22.0, State-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +40463,39.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +40464,51.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +40465,36.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +40466,38.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Portugal +40467,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States +40468,48.0, Federal-gov, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,1471.0,0.0,40.0, United-States +40469,47.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,38.0, United-States +40470,61.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,38.0, United-States +40471,28.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +40472,40.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,45.0, United-States +40473,37.0, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40474,47.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40475,36.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40476,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +40477,27.0, Private, Assoc-voc,11.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40478,38.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +40479,28.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40480,33.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +40481,38.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40482,25.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +40483,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40484,25.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40485,24.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +40486,35.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40487,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,35.0, Germany +40488,36.0, Private, 11th,7.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +40489,44.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +40490,32.0, Private, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +40491,38.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,48.0, United-States +40492,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +40493,42.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40494,35.0, Self-emp-not-inc, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +40495,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +40496,30.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40497,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,45.0, United-States +40498,61.0, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +40499,31.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +40500,39.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +40501,61.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States +40502,17.0, Private, 10th,6.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,12.0, United-States +40503,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, France +40504,18.0, Private, 11th,7.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +40505,34.0, Self-emp-inc, Bachelors,13.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +40506,43.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40507,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,36.0, United-States +40508,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +40509,27.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40510,34.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, Black, Male,0.0,0.0,15.0, United-States +40511,38.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +40512,50.0, Private, 12th,8.0, Never-married, Protective-serv, Other-relative, Black, Male,0.0,0.0,40.0, United-States +40513,40.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,15.0, United-States +40514,28.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1980.0,40.0, United-States +40515,52.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, United-States +40516,26.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, Mexico +40517,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +40518,25.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Columbia +40519,61.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40520,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40521,36.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40522,34.0, Private, Assoc-acdm,12.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40523,37.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Male,4934.0,0.0,50.0, United-States +40524,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +40525,27.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,45.0, United-States +40526,29.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +40527,66.0, Private, 5th-6th,3.0, Divorced, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,15.0, United-States +40528,30.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,35.0, United-States +40529,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +40530,56.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,20.0, United-States +40531,39.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +40532,32.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +40533,23.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +40534,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +40535,44.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +40536,48.0, Private, Bachelors,13.0, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Vietnam +40537,26.0, Private, Masters,14.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,25.0, United-States +40538,62.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,2829.0,0.0,24.0, United-States +40539,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40540,36.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +40541,26.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40542,36.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40543,30.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +40544,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40545,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,20.0, United-States +40546,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +40547,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40548,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +40549,66.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,25.0, United-States +40550,24.0, Private, 1st-4th,2.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico +40551,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +40552,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40553,25.0, Private, 9th,5.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico +40554,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +40555,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2002.0,40.0, United-States +40556,27.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40557,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1504.0,45.0, United-States +40558,36.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40559,36.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States +40560,24.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +40561,30.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +40562,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +40563,56.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Italy +40564,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, Iran +40565,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,45.0, United-States +40566,51.0, Federal-gov, Some-college,10.0, Separated, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +40567,18.0, Federal-gov, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,4.0, United-States +40568,62.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40569,45.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +40570,27.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +40571,37.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +40572,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +40573,29.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40574,30.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, Hungary +40575,23.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,50.0, United-States +40576,29.0, Private, 1st-4th,2.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, El-Salvador +40577,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +40578,21.0, State-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40579,21.0, Private, 10th,6.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,39.0, United-States +40580,40.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40581,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,50.0, United-States +40582,32.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States +40583,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +40584,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40585,23.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,32.0, United-States +40586,29.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40587,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +40588,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40589,38.0, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40590,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +40591,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40592,47.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,55.0, United-States +40593,52.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,24.0, United-States +40594,62.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +40595,59.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,43.0, United-States +40596,31.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Other, Female,0.0,0.0,40.0, Mexico +40597,54.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +40598,52.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +40599,39.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,30.0, United-States +40600,39.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,1669.0,40.0, United-States +40601,47.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +40602,63.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,16.0, United-States +40603,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +40604,19.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,2176.0,0.0,45.0, United-States +40605,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +40606,34.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +40607,55.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +40608,29.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, Black, Male,0.0,0.0,30.0, United-States +40609,22.0, Private, 10th,6.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +40610,42.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +40611,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +40612,26.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,45.0, United-States +40613,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +40614,20.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,1055.0,0.0,20.0, United-States +40615,50.0, Self-emp-not-inc, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +40616,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +40617,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +40618,35.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40619,64.0, State-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +40620,56.0, State-gov, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,37.0, United-States +40621,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +40622,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, Mexico +40623,44.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,38.0, United-States +40624,53.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40625,42.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, Italy +40626,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +40627,58.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +40628,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +40629,33.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40630,27.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,49.0, United-States +40631,29.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40632,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,40.0, United-States +40633,38.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40634,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +40635,40.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +40636,42.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +40637,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,48.0, United-States +40638,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +40639,56.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40640,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +40641,36.0, Self-emp-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40642,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40643,35.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +40644,51.0, Private, 7th-8th,4.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40645,39.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,2415.0,67.0, India +40646,53.0, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,99.0, United-States +40647,25.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40648,22.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +40649,27.0, Local-gov, HS-grad,9.0, Married-spouse-absent, Sales, Own-child, Black, Female,0.0,0.0,40.0, United-States +40650,44.0, Federal-gov, Assoc-voc,11.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40651,30.0, State-gov, Bachelors,13.0, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0.0,,40.0, United-States +40652,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40653,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,50.0, United-States +40654,34.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, Germany +40655,39.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +40656,46.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,96.0, United-States +40657,22.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,13550.0,0.0,55.0, United-States +40658,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +40659,53.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +40660,33.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, Columbia +40661,41.0, Private, Bachelors,13.0, Separated, Prof-specialty, Not-in-family, Black, Female,99999.0,0.0,60.0, United-States +40662,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,20.0, United-States +40663,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +40664,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +40665,40.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40666,45.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40667,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +40668,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +40669,59.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +40670,40.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,2444.0,45.0, United-States +40671,25.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +40672,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +40673,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +40674,57.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic +40675,26.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,25.0, United-States +40676,37.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +40677,55.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +40678,21.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,35.0, United-States +40679,53.0, Self-emp-inc, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1876.0,50.0, United-States +40680,51.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +40681,62.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +40682,36.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1977.0,40.0, Japan +40683,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +40684,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +40685,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40686,37.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40687,39.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +40688,53.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,55.0, United-States +40689,20.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +40690,47.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,50.0, United-States +40691,44.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +40692,31.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +40693,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40694,46.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40695,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +40696,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,42.0, United-States +40697,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40698,27.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40699,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40700,30.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, Mexico +40701,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +40702,32.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +40703,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +40704,55.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,52.0, United-States +40705,63.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +40706,34.0, Local-gov, Preschool,1.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,25.0, United-States +40707,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40708,19.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,12.0, United-States +40709,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,40.0, United-States +40710,49.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +40711,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,45.0, United-States +40712,34.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40713,34.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, Jamaica +40714,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +40715,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +40716,44.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +40717,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +40718,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40719,37.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,37.0, United-States +40720,, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,63.0, United-States +40721,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40722,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +40723,71.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,11678.0,0.0,45.0, United-States +40724,35.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +40725,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,1055.0,0.0,10.0, United-States +40726,44.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,60.0, United-States +40727,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40728,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +40729,28.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, Mexico +40730,41.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,3103.0,0.0,40.0, United-States +40731,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +40732,26.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,48.0, United-States +40733,38.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +40734,59.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +40735,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +40736,27.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +40737,52.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,84.0, United-States +40738,24.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,5.0, Vietnam +40739,53.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40740,36.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,60.0, United-States +40741,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +40742,41.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States +40743,23.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,52.0, United-States +40744,60.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +40745,34.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +40746,29.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +40747,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +40748,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +40749,63.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40750,48.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,1590.0,38.0, United-States +40751,31.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States +40752,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40753,46.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1740.0,35.0, United-States +40754,45.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,1408.0,40.0, United-States +40755,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40756,34.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +40757,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,60.0, United-States +40758,, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +40759,26.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +40760,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40761,53.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +40762,48.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1902.0,40.0, United-States +40763,21.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States +40764,38.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +40765,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +40766,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +40767,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40768,30.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +40769,42.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,80.0, United-States +40770,63.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,35.0, United-States +40771,27.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,1651.0,40.0, United-States +40772,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +40773,52.0, Private, 11th,7.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40774,46.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States +40775,58.0, Private, Prof-school,15.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +40776,28.0, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40777,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +40778,52.0, Local-gov, 7th-8th,4.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States +40779,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +40780,49.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +40781,78.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States +40782,56.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40783,28.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40784,50.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +40785,37.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +40786,33.0, Private, 10th,6.0, Divorced, Protective-serv, Not-in-family, White, Female,0.0,0.0,32.0, United-States +40787,47.0, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,50.0, United-States +40788,18.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,12.0, El-Salvador +40789,41.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0.0,0.0,48.0, United-States +40790,52.0, State-gov, Some-college,10.0, Separated, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, United-States +40791,20.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,30.0, United-States +40792,53.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,60.0, United-States +40793,38.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +40794,40.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States +40795,37.0, Private, HS-grad,9.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,38.0, United-States +40796,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40797,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Guatemala +40798,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40799,47.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40800,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,40.0, United-States +40801,37.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +40802,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +40803,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,21.0, United-States +40804,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,40.0, United-States +40805,64.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40806,33.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +40807,50.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,80.0, United-States +40808,60.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40809,59.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,55.0, United-States +40810,26.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +40811,55.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +40812,46.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +40813,51.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40814,41.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40815,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,50.0, United-States +40816,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, Mexico +40817,90.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +40818,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40819,18.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States +40820,76.0, Self-emp-not-inc, Some-college,10.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,8.0, United-States +40821,36.0, Private, Bachelors,13.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +40822,22.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +40823,43.0, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White,,0.0,0.0,40.0, United-States +40824,56.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,15.0, United-States +40825,27.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +40826,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +40827,20.0, Private, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +40828,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,20.0, Philippines +40829,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,25.0, United-States +40830,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +40831,41.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Guatemala +40832,25.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +40833,54.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +40834,24.0, Private, Some-college,10.0, Married-spouse-absent, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, United-States +40835,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40836,83.0, Private, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, White, Male,0.0,0.0,55.0, United-States +40837,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40838,37.0, Private, Some-college,10.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +40839,41.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +40840,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +40841,43.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, Nicaragua +40842,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,3103.0,0.0,55.0, United-States +40843,61.0, Private, HS-grad,9.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +40844,36.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40845,52.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +40846,68.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States +40847,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40848,44.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +40849,31.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40850,35.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +40851,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40852,22.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40853,61.0, Private, 9th,5.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40854,54.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +40855,24.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40856,54.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40857,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +40858,27.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +40859,73.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +40860,32.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +40861,39.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +40862,38.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +40863,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,1902.0,40.0, United-States +40864,55.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +40865,50.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,35.0, United-States +40866,29.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +40867,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40868,22.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +40869,38.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40870,57.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White,,0.0,0.0,40.0, United-States +40871,38.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +40872,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +40873,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +40874,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,40.0, United-States +40875,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40876,60.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +40877,45.0, Self-emp-inc, Masters,14.0, Divorced, Sales, Unmarried, White, Female,25236.0,0.0,42.0, United-States +40878,27.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,68.0, United-States +40879,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States +40880,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +40881,56.0, Self-emp-inc, 9th,5.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +40882,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40883,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +40884,41.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,14344.0,0.0,48.0, United-States +40885,23.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40886,80.0, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +40887,38.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40888,52.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40889,56.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +40890,36.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,60.0, United-States +40891,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +40892,19.0, Self-emp-not-inc, 10th,6.0, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +40893,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +40894,28.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +40895,45.0, Private, Some-college,10.0,, Other-service, Unmarried, White, Female,0.0,0.0,45.0, United-States +40896,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +40897,25.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +40898,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,2977.0,0.0,55.0, United-States +40899,36.0, Self-emp-not-inc, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +40900,50.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40901,29.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, Mexico +40902,43.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40903,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,25.0, United-States +40904,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +40905,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +40906,49.0, Local-gov, Masters,14.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,50.0, United-States +40907,48.0, State-gov, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,8614.0,0.0,40.0, United-States +40908,25.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +40909,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40910,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,40.0, United-States +40911,32.0, Private, 10th,6.0, Separated, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +40912,67.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,24.0, United-States +40913,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +40914,24.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +40915,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40916,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +40917,33.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +40918,51.0, Private, Some-college,10.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40919,32.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +40920,49.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +40921,53.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, Scotland +40922,44.0, Self-emp-inc, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40923,61.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +40924,35.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +40925,28.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,37.0, United-States +40926,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40927,21.0, Self-emp-not-inc, 12th,8.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,4508.0,0.0,30.0, Portugal +40928,46.0, Local-gov, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40929,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +40930,29.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,97.0, United-States +40931,20.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40932,36.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +40933,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40934,54.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40935,55.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +40936,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,8.0, United-States +40937,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40938,52.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,24.0, United-States +40939,25.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,60.0, United-States +40940,49.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024.0,0.0,40.0, United-States +40941,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,30.0, Philippines +40942,54.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +40943,48.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +40944,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,2597.0,0.0,40.0, United-States +40945,24.0, Local-gov, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,2.0, United-States +40946,43.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti +40947,31.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40948,62.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +40949,41.0, Self-emp-not-inc, Masters,14.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,20.0, United-States +40950,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +40951,35.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +40952,47.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +40953,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40954,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Other, Female,0.0,0.0,40.0, United-States +40955,63.0, Self-emp-not-inc, 7th-8th,4.0, Widowed, Farming-fishing, Unmarried, White, Female,0.0,0.0,10.0, United-States +40956,43.0, Private, Masters,14.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +40957,31.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,30.0, Philippines +40958,54.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,40.0, United-States +40959,39.0, Private, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +40960,63.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,35.0, United-States +40961,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40962,47.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,60.0, United-States +40963,37.0,, Some-college,10.0, Never-married, Tech-support, Unmarried, White, Female,4934.0,0.0,60.0, United-States +40964,63.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3471.0,0.0,45.0, United-States +40965,29.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40966,45.0, Private, Assoc-acdm,12.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40967,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +40968,52.0, State-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +40969,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +40970,48.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40971,48.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +40972,49.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,17.0, United-States +40973,32.0, State-gov, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,20.0, United-States +40974,26.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, Puerto-Rico +40975,41.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +40976,73.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Protective-serv, Husband, White, Male,2228.0,0.0,10.0, United-States +40977,55.0, Private, 11th,7.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +40978,31.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +40979,61.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +40980,42.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +40981,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +40982,40.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Own-child, White, Female,0.0,0.0,30.0, United-States +40983,40.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +40984,37.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +40985,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1902.0,72.0, United-States +40986,46.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40987,45.0, Private, 9th,5.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, Haiti +40988,30.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +40989,32.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, United-States +40990,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, United-States +40991,38.0, Federal-gov, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40992,41.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +40993,66.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5556.0,0.0,40.0, Yugoslavia +40994,44.0, State-gov, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +40995,58.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +40996,27.0, Private, HS-grad,9.0, Married-spouse-absent, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +40997,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +40998,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,15024.0,0.0,50.0, England +40999,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,30.0, United-States +41000,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,25.0, United-States +41001,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +41002,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,58.0, United-States +41003,46.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +41004,28.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,37.0, United-States +41005,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41006,45.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +41007,47.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +41008,32.0, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,2231.0,40.0, United-States +41009,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41010,43.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41011,55.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,56.0, United-States +41012,34.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41013,34.0, Private, Masters,14.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +41014,38.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +41015,35.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +41016,42.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,43.0, United-States +41017,57.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,90.0, United-States +41018,39.0, Federal-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, Black, Male,0.0,0.0,40.0, United-States +41019,64.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +41020,68.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41021,23.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41022,18.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +41023,55.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41024,48.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41025,31.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +41026,47.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +41027,65.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,1797.0,0.0,21.0, United-States +41028,45.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,6497.0,0.0,35.0, United-States +41029,37.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41030,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +41031,31.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States +41032,54.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +41033,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +41034,66.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3432.0,0.0,20.0, United-States +41035,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +41036,72.0, Without-pay, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, United-States +41037,34.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +41038,38.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +41039,41.0, Private, Masters,14.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +41040,42.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +41041,43.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41042,51.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +41043,40.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States +41044,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +41045,37.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +41046,49.0, Private, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +41047,29.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +41048,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +41049,35.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,6849.0,0.0,40.0, United-States +41050,42.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +41051,61.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +41052,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41053,20.0, Private, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +41054,74.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,10.0, United-States +41055,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, Cuba +41056,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,35.0, United-States +41057,20.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41058,34.0, Private, 10th,6.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +41059,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,1719.0,33.0, United-States +41060,64.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +41061,46.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, Mexico +41062,50.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +41063,51.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,52.0, United-States +41064,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +41065,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +41066,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41067,30.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41068,21.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,45.0, United-States +41069,41.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +41070,38.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +41071,41.0, Private, Doctorate,16.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +41072,33.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, +41073,24.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41074,21.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,37.0, United-States +41075,63.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +41076,22.0, Self-emp-inc, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41077,26.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +41078,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +41079,74.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,6.0, United-States +41080,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,32.0, United-States +41081,50.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,1980.0,38.0, United-States +41082,43.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, England +41083,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41084,48.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41085,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,43.0, United-States +41086,27.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41087,23.0, Private, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, Mexico +41088,53.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41089,23.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41090,32.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41091,36.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,42.0, United-States +41092,24.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +41093,30.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,40.0, United-States +41094,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41095,34.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,10520.0,0.0,40.0, Puerto-Rico +41096,33.0, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,3418.0,0.0,35.0, United-States +41097,26.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +41098,20.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,45.0, United-States +41099,36.0, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,65.0, United-States +41100,31.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Ireland +41101,26.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +41102,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,5178.0,0.0,50.0, United-States +41103,46.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688.0,0.0,38.0, United-States +41104,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +41105,23.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,16.0, United-States +41106,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +41107,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +41108,30.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,44.0, United-States +41109,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +41110,19.0, Private, 10th,6.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41111,55.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41112,52.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +41113,52.0, Private, 10th,6.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +41114,65.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States +41115,42.0, Private, HS-grad,9.0, Separated, Transport-moving, Other-relative, Black, Male,0.0,0.0,40.0, United-States +41116,26.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States +41117,36.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +41118,41.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41119,20.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,38.0, United-States +41120,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +41121,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +41122,50.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, Other, Male,0.0,0.0,49.0, Dominican-Republic +41123,27.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States +41124,24.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41125,24.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, Black, Male,0.0,0.0,45.0, United-States +41126,53.0, Federal-gov, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41127,26.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41128,21.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +41129,71.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,2964.0,0.0,60.0, United-States +41130,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41131,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +41132,58.0, Private, Masters,14.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,27.0, United-States +41133,27.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +41134,60.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States +41135,31.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +41136,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, United-States +41137,34.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +41138,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41139,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,10.0, United-States +41140,46.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41141,42.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States +41142,23.0, Private, Preschool,1.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +41143,38.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41144,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688.0,0.0,45.0, United-States +41145,66.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,26.0, United-States +41146,19.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,39.0, United-States +41147,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41148,23.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +41149,56.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,7688.0,0.0,45.0, United-States +41150,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41151,21.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,35.0, United-States +41152,40.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,7688.0,0.0,52.0, Japan +41153,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,53.0, United-States +41154,22.0, Self-emp-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2580.0,0.0,40.0, United-States +41155,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +41156,50.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +41157,45.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41158,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41159,74.0, Self-emp-not-inc, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States +41160,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,60.0, United-States +41161,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +41162,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +41163,27.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41164,59.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1485.0,40.0, United-States +41165,51.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +41166,30.0, State-gov, HS-grad,9.0, Married-AF-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +41167,56.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +41168,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, Canada +41169,47.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41170,35.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +41171,31.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0.0,0.0,36.0, Mexico +41172,38.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1876.0,40.0, United-States +41173,34.0, State-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +41174,36.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7298.0,0.0,40.0, United-States +41175,31.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +41176,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1672.0,50.0, United-States +41177,50.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41178,43.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +41179,37.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, England +41180,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +41181,58.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,60.0, United-States +41182,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41183,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,39.0, United-States +41184,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41185,43.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41186,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,24.0, United-States +41187,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,60.0, United-States +41188,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2885.0,0.0,45.0, United-States +41189,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,60.0, United-States +41190,40.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +41191,46.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States +41192,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +41193,52.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, United-States +41194,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +41195,55.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +41196,39.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41197,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +41198,42.0, Private, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +41199,44.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,47.0, United-States +41200,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,30.0, United-States +41201,35.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +41202,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41203,21.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +41204,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3781.0,0.0,40.0, United-States +41205,50.0, Private, 1st-4th,2.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41206,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,2001.0,40.0, United-States +41207,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +41208,57.0, Federal-gov, Prof-school,15.0, Divorced, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,55.0, United-States +41209,37.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41210,47.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +41211,46.0, Private, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +41212,35.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41213,43.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +41214,44.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41215,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +41216,47.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +41217,38.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41218,43.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41219,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +41220,48.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,40.0, United-States +41221,24.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41222,44.0, State-gov, Some-college,10.0, Separated, Tech-support, Own-child, Black, Female,0.0,0.0,40.0, United-States +41223,33.0, Private, Bachelors,13.0, Separated, Tech-support, Unmarried, White, Female,5455.0,0.0,40.0, United-States +41224,47.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +41225,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +41226,24.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +41227,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States +41228,27.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41229,38.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,45.0, United-States +41230,51.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41231,26.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +41232,43.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +41233,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41234,29.0, Private, 10th,6.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, Mexico +41235,58.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +41236,38.0, Federal-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +41237,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +41238,28.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +41239,40.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +41240,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41241,31.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41242,28.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +41243,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +41244,64.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +41245,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41246,38.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +41247,27.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +41248,22.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +41249,62.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,50.0, United-States +41250,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41251,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +41252,51.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,2547.0,40.0, United-States +41253,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41254,37.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, United-States +41255,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41256,45.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +41257,32.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +41258,43.0, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41259,49.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +41260,42.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,24.0, United-States +41261,46.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41262,44.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +41263,44.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +41264,52.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,47.0, United-States +41265,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +41266,30.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,17.0, Taiwan +41267,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,72.0, United-States +41268,28.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +41269,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +41270,34.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +41271,50.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +41272,33.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,19.0, India +41273,18.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +41274,27.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41275,59.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +41276,29.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,54.0, United-States +41277,34.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +41278,23.0, State-gov, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,20.0, United-States +41279,42.0, Local-gov, 11th,7.0, Divorced, Sales, Unmarried, White, Male,7430.0,0.0,50.0, Puerto-Rico +41280,23.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,36.0, United-States +41281,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,32.0, United-States +41282,29.0, Private, 11th,7.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +41283,28.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +41284,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41285,73.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,3.0, United-States +41286,55.0, Local-gov, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +41287,37.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41288,28.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +41289,49.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +41290,34.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,38.0, United-States +41291,44.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,7430.0,0.0,45.0, United-States +41292,56.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +41293,36.0, Private, 9th,5.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +41294,19.0, Private, 12th,8.0, Separated, Prof-specialty, Own-child, White, Female,1055.0,0.0,40.0, United-States +41295,33.0, Local-gov, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,0.0,0.0,43.0, United-States +41296,31.0, Self-emp-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Male,0.0,0.0,30.0, United-States +41297,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +41298,26.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States +41299,28.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41300,41.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +41301,33.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +41302,33.0, Private, 12th,8.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +41303,53.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,32.0, United-States +41304,53.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +41305,50.0, Self-emp-inc, Doctorate,16.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41306,29.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41307,21.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,38.0, Mexico +41308,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,43.0, United-States +41309,47.0, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41310,41.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,80.0, United-States +41311,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +41312,32.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +41313,40.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +41314,31.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +41315,34.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41316,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0.0,0.0,60.0, South +41317,31.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +41318,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41319,45.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41320,31.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +41321,30.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +41322,25.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +41323,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41324,45.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,45.0, United-States +41325,34.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1669.0,45.0, United-States +41326,47.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +41327,54.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +41328,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41329,29.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +41330,44.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +41331,29.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +41332,37.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,35.0, United-States +41333,25.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41334,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +41335,26.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41336,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +41337,35.0, Private, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41338,34.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +41339,23.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41340,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Other-relative, White, Male,0.0,0.0,50.0, United-States +41341,31.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,10520.0,0.0,40.0, United-States +41342,34.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +41343,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,48.0, United-States +41344,48.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +41345,60.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +41346,41.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,35.0, Dominican-Republic +41347,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +41348,38.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41349,36.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +41350,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +41351,29.0, Private, 10th,6.0, Separated, Farming-fishing, Unmarried, White, Female,0.0,0.0,40.0, Guatemala +41352,83.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,20.0, United-States +41353,49.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,5178.0,0.0,40.0, Canada +41354,26.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +41355,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,4416.0,0.0,40.0, United-States +41356,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +41357,28.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +41358,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,50.0, United-States +41359,48.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +41360,73.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, Cuba +41361,41.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1848.0,40.0, United-States +41362,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,40.0, United-States +41363,59.0, Federal-gov, HS-grad,9.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,0.0,40.0, United-States +41364,41.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41365,65.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,2246.0,40.0, United-States +41366,82.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,4356.0,18.0, United-States +41367,17.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,5.0, United-States +41368,43.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41369,43.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,4101.0,0.0,40.0, United-States +41370,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41371,64.0, Private, 11th,7.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,16.0, United-States +41372,24.0, Private, HS-grad,9.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,48.0, United-States +41373,24.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Female,0.0,0.0,35.0, United-States +41374,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +41375,28.0, Local-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +41376,58.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41377,38.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +41378,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +41379,43.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +41380,28.0, Private, 10th,6.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41381,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +41382,38.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +41383,25.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +41384,34.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1485.0,40.0, United-States +41385,62.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41386,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +41387,25.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +41388,25.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,24.0, Jamaica +41389,38.0, Private, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,27828.0,0.0,60.0, China +41390,40.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States +41391,25.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +41392,27.0, Private, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +41393,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3908.0,0.0,40.0, United-States +41394,28.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +41395,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +41396,38.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +41397,52.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41398,31.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +41399,21.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +41400,26.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +41401,24.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States +41402,66.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,10605.0,0.0,40.0, United-States +41403,32.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica +41404,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +41405,29.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States +41406,38.0, Private, 1st-4th,2.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +41407,41.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, India +41408,39.0, Private, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,2559.0,60.0, England +41409,40.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +41410,41.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,38.0, United-States +41411,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +41412,22.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,15.0, United-States +41413,51.0, Private, Some-college,10.0, Divorced, Priv-house-serv, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,35.0, United-States +41414,44.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Wife, White, Female,4386.0,0.0,40.0, United-States +41415,53.0, Local-gov, Masters,14.0, Widowed, Prof-specialty, Unmarried, Black, Female,0.0,1669.0,35.0, United-States +41416,30.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,37.0, United-States +41417,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +41418,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +41419,71.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,28.0, United-States +41420,45.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +41421,72.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41422,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, Germany +41423,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2051.0,38.0, United-States +41424,37.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Columbia +41425,28.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,7.0, United-States +41426,29.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +41427,21.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +41428,33.0, State-gov, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,10520.0,0.0,40.0, United-States +41429,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States +41430,31.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +41431,32.0, Private, Bachelors,13.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,32.0, United-States +41432,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +41433,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,60.0, United-States +41434,33.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +41435,90.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,72.0, United-States +41436,48.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41437,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +41438,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41439,40.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, England +41440,18.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,16.0, United-States +41441,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41442,39.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41443,41.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41444,46.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41445,29.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0.0,0.0,49.0, Haiti +41446,32.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +41447,21.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,47.0, United-States +41448,34.0, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,42.0, United-States +41449,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +41450,17.0, Private, 9th,5.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +41451,20.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +41452,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +41453,18.0, Private, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +41454,30.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,5013.0,0.0,45.0, United-States +41455,25.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41456,33.0, Private, Assoc-acdm,12.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,42.0, United-States +41457,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +41458,37.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,35.0, United-States +41459,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Taiwan +41460,35.0, Self-emp-not-inc, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,60.0, United-States +41461,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +41462,42.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +41463,31.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +41464,39.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41465,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,48.0, United-States +41466,35.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +41467,62.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41468,28.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +41469,29.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,42.0, United-States +41470,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +41471,42.0, Private, Assoc-acdm,12.0, Separated, Sales, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +41472,47.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +41473,47.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,60.0, United-States +41474,33.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +41475,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Other, Female,0.0,0.0,20.0, United-States +41476,43.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States +41477,19.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41478,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +41479,28.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41480,32.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, Ireland +41481,55.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +41482,29.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +41483,33.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +41484,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,15.0, United-States +41485,36.0, Private, Assoc-acdm,12.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,50.0, United-States +41486,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +41487,26.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41488,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41489,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41490,51.0, Private, 10th,6.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +41491,56.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,43.0, United-States +41492,56.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Portugal +41493,34.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +41494,42.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,36.0, United-States +41495,49.0, Federal-gov, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +41496,39.0, State-gov, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41497,40.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +41498,58.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41499,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +41500,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41501,39.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +41502,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +41503,27.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +41504,59.0, Local-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41505,23.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +41506,58.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41507,44.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States +41508,21.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +41509,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,48.0, United-States +41510,56.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,50.0, Haiti +41511,61.0, Private, 9th,5.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,25.0, United-States +41512,31.0, Private, Some-college,10.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +41513,52.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41514,54.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41515,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, Peru +41516,38.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41517,52.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +41518,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Nicaragua +41519,43.0, Private, 11th,7.0, Separated, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +41520,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +41521,26.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41522,19.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,28.0, United-States +41523,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +41524,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +41525,62.0, Federal-gov, Some-college,10.0, Widowed, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41526,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,70.0, United-States +41527,44.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,55.0, United-States +41528,29.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +41529,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41530,38.0, Self-emp-not-inc, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41531,23.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,25.0, United-States +41532,62.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,33.0, United-States +41533,37.0, Private, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States +41534,38.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +41535,48.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41536,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41537,22.0, State-gov, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States +41538,44.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +41539,46.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +41540,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +41541,37.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +41542,53.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States +41543,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1977.0,60.0, United-States +41544,63.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +41545,46.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,50.0, United-States +41546,47.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +41547,36.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, Black, Male,0.0,0.0,48.0, United-States +41548,22.0, Private, 9th,5.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States +41549,35.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +41550,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,48.0, United-States +41551,27.0, Local-gov, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41552,42.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +41553,37.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Guatemala +41554,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +41555,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +41556,49.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +41557,55.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41558,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +41559,44.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41560,52.0, Private, 10th,6.0, Widowed, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41561,33.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41562,31.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,45.0, United-States +41563,24.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +41564,36.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States +41565,41.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,60.0, United-States +41566,30.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, Yugoslavia +41567,56.0, Self-emp-not-inc, 7th-8th,4.0, Divorced, Sales, Other-relative, White, Male,0.0,0.0,20.0, Mexico +41568,27.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +41569,21.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,30.0, United-States +41570,33.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,60.0, United-States +41571,34.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +41572,33.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Male,0.0,0.0,50.0, United-States +41573,54.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,40.0, United-States +41574,31.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Cuba +41575,66.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +41576,31.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +41577,51.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +41578,33.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41579,35.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,58.0, United-States +41580,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +41581,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407.0,0.0,40.0, United-States +41582,52.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +41583,34.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States +41584,19.0, State-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +41585,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +41586,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41587,46.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,2415.0,35.0, Philippines +41588,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +41589,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +41590,72.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +41591,41.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,50.0, United-States +41592,28.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +41593,64.0, State-gov, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41594,40.0, Private, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,38.0, United-States +41595,46.0, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +41596,45.0, Private, HS-grad,9.0, Married-spouse-absent, Farming-fishing, Other-relative, Black, Male,0.0,0.0,40.0, United-States +41597,36.0, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +41598,31.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +41599,20.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +41600,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +41601,30.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +41602,90.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1825.0,50.0, United-States +41603,26.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +41604,24.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41605,36.0, Self-emp-inc, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +41606,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +41607,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +41608,25.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,2597.0,0.0,48.0, United-States +41609,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +41610,33.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41611,42.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,8614.0,0.0,50.0, United-States +41612,42.0, Private, 5th-6th,3.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +41613,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, England +41614,42.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +41615,61.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,9386.0,0.0,40.0, United-States +41616,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +41617,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,50.0, United-States +41618,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +41619,66.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,28.0, United-States +41620,54.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,42.0, United-States +41621,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +41622,31.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, United-States +41623,29.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +41624,61.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +41625,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41626,44.0, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,44.0, United-States +41627,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41628,54.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41629,27.0, Private, 12th,8.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41630,46.0, Local-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1902.0,52.0, United-States +41631,55.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Nicaragua +41632,48.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41633,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +41634,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,55.0, United-States +41635,19.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,1721.0,35.0, United-States +41636,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +41637,56.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +41638,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +41639,49.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +41640,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,20.0, United-States +41641,47.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +41642,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +41643,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41644,24.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41645,29.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Unmarried, Black, Male,0.0,0.0,40.0, United-States +41646,49.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Canada +41647,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +41648,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,50.0, United-States +41649,25.0, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +41650,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1741.0,40.0, United-States +41651,47.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41652,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,15.0, United-States +41653,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,10.0, United-States +41654,33.0, Private, 11th,7.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,17.0, United-States +41655,60.0, State-gov, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,20.0, Mexico +41656,36.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +41657,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41658,38.0, Self-emp-not-inc, Some-college,10.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +41659,59.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +41660,53.0, Private, 1st-4th,2.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41661,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41662,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Other-relative, White, Female,3137.0,0.0,40.0, United-States +41663,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41664,41.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41665,55.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,65.0, United-States +41666,46.0, Private, 10th,6.0, Divorced, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +41667,52.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,32.0, United-States +41668,58.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,42.0, France +41669,36.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,17.0, United-States +41670,31.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +41671,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41672,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41673,56.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,70.0, United-States +41674,47.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,0.0,40.0, United-States +41675,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,36.0, United-States +41676,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,30.0, United-States +41677,19.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +41678,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States +41679,46.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States +41680,39.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,60.0, United-States +41681,41.0, Private, Masters,14.0, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0.0,1887.0,45.0, China +41682,36.0, Private, 11th,7.0, Never-married, Protective-serv, Not-in-family, Black, Male,13550.0,0.0,40.0, United-States +41683,64.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41684,61.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,2829.0,0.0,45.0, United-States +41685,42.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,53.0, United-States +41686,32.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States +41687,37.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +41688,34.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +41689,19.0,, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,12.0, United-States +41690,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +41691,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +41692,31.0, Private, Bachelors,13.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41693,27.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41694,53.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41695,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +41696,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,60.0, United-States +41697,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +41698,47.0, Private, 1st-4th,2.0, Widowed, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, Mexico +41699,18.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,20.0, United-States +41700,35.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +41701,34.0, State-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +41702,28.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298.0,0.0,40.0, United-States +41703,30.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,25.0, United-States +41704,31.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +41705,22.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,33.0, United-States +41706,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +41707,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,65.0, United-States +41708,36.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41709,39.0, Private, HS-grad,9.0, Divorced, Transport-moving, Own-child, White, Male,0.0,0.0,60.0, United-States +41710,45.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +41711,24.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +41712,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +41713,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, Germany +41714,70.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41715,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +41716,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41717,30.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41718,35.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +41719,21.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,16.0, United-States +41720,34.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,70.0, United-States +41721,38.0, Private, 12th,8.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,17.0, United-States +41722,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41723,17.0, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,24.0, United-States +41724,67.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +41725,33.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41726,28.0, Private, HS-grad,9.0, Separated, Farming-fishing, Not-in-family, White, Male,0.0,0.0,55.0, United-States +41727,31.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +41728,46.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +41729,37.0, Private, 11th,7.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41730,29.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +41731,34.0, Private, Masters,14.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +41732,40.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41733,45.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41734,70.0, Private, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41735,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +41736,45.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41737,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,36.0, United-States +41738,36.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +41739,44.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,68.0, United-States +41740,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41741,24.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +41742,21.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,53.0, United-States +41743,44.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,60.0, United-States +41744,34.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41745,65.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,1668.0,40.0, United-States +41746,42.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41747,32.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, Other, Female,0.0,0.0,70.0, United-States +41748,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,45.0, United-States +41749,46.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,38.0, United-States +41750,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,60.0, United-States +41751,38.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,33.0, United-States +41752,31.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +41753,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41754,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +41755,68.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1258.0,40.0, United-States +41756,31.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,99.0, United-States +41757,26.0, Local-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41758,31.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41759,24.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +41760,33.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41761,38.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,38.0, United-States +41762,33.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,70.0, United-States +41763,44.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,48.0, United-States +41764,54.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41765,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +41766,34.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,3103.0,0.0,40.0, United-States +41767,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +41768,43.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,65.0, United-States +41769,49.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41770,75.0, State-gov, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,10.0, United-States +41771,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +41772,51.0, Private, 10th,6.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,30.0, United-States +41773,37.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +41774,20.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0.0,0.0,40.0, United-States +41775,46.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +41776,55.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, Poland +41777,49.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,30.0, United-States +41778,48.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,56.0, United-States +41779,19.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,11.0, United-States +41780,28.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, Other, Male,0.0,0.0,30.0, United-States +41781,25.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,24.0, United-States +41782,41.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Germany +41783,24.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,12.0, United-States +41784,47.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Scotland +41785,52.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +41786,51.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, Black, Female,0.0,0.0,35.0, United-States +41787,28.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,3887.0,0.0,40.0, United-States +41788,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +41789,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41790,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States +41791,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +41792,21.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +41793,21.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +41794,20.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,15.0, United-States +41795,29.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +41796,52.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +41797,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41798,51.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,4386.0,0.0,30.0, United-States +41799,42.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41800,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +41801,47.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +41802,39.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,50.0, United-States +41803,36.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,34.0, United-States +41804,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41805,47.0, Private, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +41806,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +41807,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +41808,26.0, Self-emp-inc, Some-college,10.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +41809,50.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, Canada +41810,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,55.0, United-States +41811,31.0, Private, Some-college,10.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +41812,21.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +41813,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41814,43.0, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +41815,59.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +41816,22.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +41817,50.0, Local-gov, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +41818,62.0, Private, 11th,7.0, Widowed, Handlers-cleaners, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +41819,59.0, Private, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +41820,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, Italy +41821,31.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41822,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States +41823,41.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Peru +41824,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, Other, Female,0.0,0.0,6.0, Puerto-Rico +41825,37.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +41826,39.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41827,27.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +41828,50.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41829,21.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,30.0, United-States +41830,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,46.0, United-States +41831,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,35.0, United-States +41832,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +41833,36.0, Private, 10th,6.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41834,51.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,1902.0,42.0, United-States +41835,33.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,50.0, United-States +41836,40.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41837,40.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +41838,27.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41839,39.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, Black, Female,0.0,0.0,50.0, United-States +41840,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41841,25.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +41842,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41843,23.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,44.0, United-States +41844,46.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +41845,25.0, Local-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +41846,28.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, England +41847,36.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41848,24.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103.0,0.0,40.0, United-States +41849,36.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41850,26.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41851,33.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +41852,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +41853,27.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +41854,52.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +41855,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +41856,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,42.0, United-States +41857,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,14.0, United-States +41858,25.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41859,47.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41860,53.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States +41861,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +41862,47.0, Local-gov, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41863,45.0, Private, Bachelors,13.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,30.0, United-States +41864,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,42.0, United-States +41865,37.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +41866,33.0, State-gov, Doctorate,16.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +41867,41.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +41868,23.0, Local-gov, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Male,0.0,0.0,40.0, United-States +41869,37.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +41870,27.0, Private, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41871,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +41872,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +41873,45.0, State-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +41874,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,8.0, United-States +41875,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41876,33.0, Private, 9th,5.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,70.0, United-States +41877,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +41878,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +41879,57.0, Private, 11th,7.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,54.0, United-States +41880,33.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41881,43.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +41882,33.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41883,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,60.0, United-States +41884,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +41885,62.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Black, Female,0.0,0.0,38.0, United-States +41886,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41887,32.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,60.0, United-States +41888,50.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +41889,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,1974.0,35.0, United-States +41890,34.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States +41891,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41892,24.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +41893,23.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,32.0, United-States +41894,27.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States +41895,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41896,50.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024.0,0.0,40.0, United-States +41897,47.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +41898,57.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +41899,38.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +41900,30.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,15.0, United-States +41901,36.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41902,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +41903,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +41904,27.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1876.0,50.0, United-States +41905,41.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41906,29.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,20.0, United-States +41907,33.0, Private, 11th,7.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States +41908,52.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,20.0, United-States +41909,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +41910,40.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41911,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +41912,23.0, Private, 7th-8th,4.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +41913,47.0, Local-gov, Assoc-acdm,12.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,1408.0,40.0, United-States +41914,28.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,4386.0,0.0,20.0, United-States +41915,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,18.0, United-States +41916,29.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41917,31.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +41918,28.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,43.0, United-States +41919,64.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States +41920,19.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Own-child, White, Male,0.0,2129.0,55.0, United-States +41921,53.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41922,26.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,60.0, United-States +41923,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +41924,66.0, Private, Assoc-voc,11.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +41925,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +41926,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +41927,33.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States +41928,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States +41929,48.0, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,15.0, United-States +41930,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +41931,43.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,99.0, United-States +41932,21.0, Private, Some-college,10.0, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,20.0, South +41933,42.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +41934,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +41935,29.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,25.0, United-States +41936,59.0, Private, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41937,41.0, Local-gov, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,20.0, United-States +41938,18.0, Self-emp-inc, 12th,8.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States +41939,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,42.0, United-States +41940,39.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +41941,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +41942,25.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41943,25.0, Private, 1st-4th,2.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, Guatemala +41944,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41945,32.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41946,45.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +41947,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1848.0,50.0, United-States +41948,54.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,45.0, United-States +41949,19.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +41950,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,0.0,0.0,48.0, United-States +41951,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, Hungary +41952,62.0, Private, 10th,6.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +41953,56.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +41954,48.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +41955,35.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +41956,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +41957,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +41958,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +41959,34.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41960,63.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,40.0, United-States +41961,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41962,45.0, Federal-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +41963,47.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +41964,23.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, El-Salvador +41965,46.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +41966,36.0, Private, 10th,6.0, Separated, Sales, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +41967,33.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41968,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +41969,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +41970,26.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +41971,41.0, Federal-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,1980.0,40.0, United-States +41972,24.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,44.0, United-States +41973,37.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +41974,39.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +41975,46.0, Private, Assoc-voc,11.0, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +41976,79.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +41977,42.0, Private, Assoc-voc,11.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,, United-States +41978,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41979,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +41980,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,40.0, United-States +41981,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +41982,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico +41983,27.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +41984,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +41985,34.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +41986,49.0, Private, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +41987,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +41988,56.0, Self-emp-not-inc, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +41989,70.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +41990,59.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +41991,62.0, Federal-gov, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, Italy +41992,51.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +41993,65.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +41994,26.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +41995,42.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Guatemala +41996,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,22.0, United-States +41997,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +41998,44.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, United-States +41999,58.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +42000,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +42001,38.0, Private, Prof-school,15.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +42002,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42003,34.0, Private, Assoc-acdm,12.0, Divorced, Sales, Unmarried, Black, Female,0.0,0.0,45.0, United-States +42004,60.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,44.0, United-States +42005,73.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +42006,80.0, Self-emp-not-inc, 7th-8th,4.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,20.0, United-States +42007,28.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +42008,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42009,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42010,45.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,3411.0,0.0,40.0, United-States +42011,21.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family,, Male,0.0,0.0,55.0, United-States +42012,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Male,0.0,0.0,15.0, United-States +42013,24.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +42014,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +42015,61.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,6.0, United-States +42016,45.0, Private, HS-grad,9.0, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,50.0, South +42017,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,50.0, United-States +42018,47.0, Private, Assoc-acdm,12.0, Widowed, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +42019,38.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,48.0, United-States +42020,37.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42021,27.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,42.0, United-States +42022,39.0, State-gov, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42023,42.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Unmarried, White, Male,1151.0,0.0,50.0, United-States +42024,39.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +42025,28.0, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +42026,40.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,12.0, United-States +42027,45.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +42028,48.0, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +42029,57.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,45.0, United-States +42030,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +42031,38.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,44.0, United-States +42032,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +42033,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +42034,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +42035,45.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42036,40.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +42037,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +42038,23.0, Private, 9th,5.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,70.0, United-States +42039,55.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +42040,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42041,29.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42042,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,18.0, United-States +42043,90.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +42044,65.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,1086.0,0.0,60.0, United-States +42045,50.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, Black, Female,0.0,0.0,45.0, United-States +42046,45.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,2258.0,44.0, United-States +42047,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42048,62.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +42049,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +42050,32.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +42051,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,44.0, United-States +42052,28.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Other-relative, White, Male,0.0,0.0,35.0, United-States +42053,17.0, Self-emp-not-inc, 11th,7.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,20.0, United-States +42054,57.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42055,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +42056,49.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,40.0, United-States +42057,47.0, Local-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +42058,81.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2174.0,35.0, United-States +42059,62.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,54.0, United-States +42060,21.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +42061,59.0, Local-gov, HS-grad,9.0, Widowed, Farming-fishing, Unmarried, White, Male,0.0,2339.0,40.0, United-States +42062,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +42063,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +42064,37.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,80.0, United-States +42065,51.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,55.0, England +42066,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42067,62.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42068,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +42069,20.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +42070,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42071,37.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, Jamaica +42072,31.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, England +42073,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178.0,0.0,40.0, United-States +42074,48.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,98.0, United-States +42075,27.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,4865.0,0.0,50.0, United-States +42076,43.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,55.0, Canada +42077,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +42078,49.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42079,68.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,7.0, England +42080,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42081,57.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42082,45.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +42083,24.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,50.0, United-States +42084,59.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +42085,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,25.0, United-States +42086,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,25.0, United-States +42087,28.0, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42088,30.0, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,72.0, United-States +42089,19.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +42090,45.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +42091,37.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Mexico +42092,23.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +42093,50.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42094,30.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +42095,53.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,30.0, United-States +42096,37.0, Private, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +42097,30.0, Local-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +42098,42.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +42099,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,4064.0,0.0,22.0, United-States +42100,37.0, Private, 1st-4th,2.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Cuba +42101,37.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,53.0, Mexico +42102,32.0, Private, 12th,8.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +42103,56.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +42104,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,60.0, United-States +42105,25.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +42106,72.0, Private, Masters,14.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,12.0, United-States +42107,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +42108,35.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +42109,18.0, Local-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States +42110,40.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +42111,54.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42112,30.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42113,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +42114,55.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42115,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42116,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States +42117,38.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42118,27.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +42119,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,70.0, Germany +42120,68.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,24.0, United-States +42121,51.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42122,40.0, Private, 10th,6.0, Never-married, Craft-repair, Other-relative, Black, Male,0.0,0.0,55.0, United-States +42123,58.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,24.0, United-States +42124,28.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States +42125,46.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,38.0, United-States +42126,28.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42127,60.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +42128,53.0, Federal-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +42129,62.0, Private, 7th-8th,4.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,38.0, Columbia +42130,41.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42131,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42132,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,50.0, United-States +42133,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1485.0,40.0, United-States +42134,51.0, Private, HS-grad,9.0, Divorced, Craft-repair,, White, Male,0.0,0.0,60.0, United-States +42135,34.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +42136,66.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +42137,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +42138,32.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,99.0, United-States +42139,50.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2415.0,30.0, United-States +42140,29.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +42141,55.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,50.0, Germany +42142,24.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +42143,31.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42144,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +42145,31.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +42146,53.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42147,50.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +42148,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +42149,32.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +42150,45.0, State-gov, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42151,28.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,72.0, United-States +42152,41.0, Private, 12th,8.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +42153,42.0, Self-emp-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42154,70.0, Private, 7th-8th,4.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,38.0, United-States +42155,39.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42156,46.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,56.0, United-States +42157,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2179.0,40.0, United-States +42158,67.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +42159,42.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, Scotland +42160,28.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Other, Female,0.0,0.0,40.0, United-States +42161,23.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42162,54.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42163,28.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States +42164,35.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,24.0, Poland +42165,27.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +42166,23.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,10.0, United-States +42167,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +42168,32.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +42169,65.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,20.0, United-States +42170,22.0, Private, 10th,6.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,25.0, United-States +42171,26.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, Black, Male,2174.0,0.0,75.0, United-States +42172,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42173,44.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42174,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +42175,45.0, State-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42176,26.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States +42177,45.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +42178,54.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,20.0, Hungary +42179,32.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +42180,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +42181,37.0, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +42182,39.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42183,36.0, Private, 5th-6th,3.0, Separated, Priv-house-serv, Unmarried, Other, Female,0.0,0.0,35.0, Mexico +42184,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,10.0, Hungary +42185,20.0, State-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +42186,26.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,60.0, United-States +42187,44.0, Private, Masters,14.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States +42188,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,15.0, United-States +42189,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,55.0, United-States +42190,42.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +42191,48.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,1380.0,40.0, United-States +42192,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42193,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +42194,63.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42195,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +42196,63.0, Federal-gov, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,2559.0,60.0, United-States +42197,46.0, Private, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42198,52.0, Federal-gov, Assoc-voc,11.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42199,23.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,25.0, Germany +42200,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, United-States +42201,48.0, Private, 9th,5.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +42202,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +42203,36.0, State-gov, Bachelors,13.0, Never-married, Protective-serv, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42204,25.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,10.0, United-States +42205,56.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,14084.0,0.0,60.0, United-States +42206,35.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2051.0,45.0, United-States +42207,44.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688.0,0.0,40.0, United-States +42208,61.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +42209,35.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,2829.0,,55.0, Poland +42210,39.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4508.0,0.0,24.0, United-States +42211,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +42212,49.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42213,22.0, Private, 11th,7.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42214,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +42215,23.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +42216,26.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,55.0, United-States +42217,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,50.0, United-States +42218,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +42219,47.0, Private, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +42220,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +42221,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,35.0, United-States +42222,68.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,32.0, United-States +42223,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42224,48.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,52.0, United-States +42225,29.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42226,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42227,52.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +42228,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,38.0, Puerto-Rico +42229,39.0, Private, 7th-8th,4.0, Married-spouse-absent, Machine-op-inspct, Unmarried, Other, Female,0.0,0.0,40.0, Dominican-Republic +42230,32.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42231,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,4064.0,0.0,45.0, United-States +42232,34.0, Private, Assoc-acdm,12.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +42233,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,35.0, United-States +42234,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +42235,33.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42236,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42237,27.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42238,34.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +42239,33.0, Self-emp-not-inc, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,8.0, United-States +42240,19.0, Private, 11th,7.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,35.0, United-States +42241,52.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +42242,38.0, Private, 9th,5.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, Mexico +42243,25.0, Private, Bachelors,13.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,18.0, United-States +42244,62.0, Private, Some-college,10.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42245,30.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +42246,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42247,42.0, Private, 7th-8th,4.0, Widowed, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +42248,76.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,1424.0,0.0,24.0, United-States +42249,37.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +42250,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42251,59.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +42252,39.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +42253,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42254,32.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +42255,24.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42256,27.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,45.0, United-States +42257,35.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +42258,90.0, Self-emp-not-inc, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, White, Male,1086.0,0.0,60.0, United-States +42259,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42260,19.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42261,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42262,29.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,7688.0,0.0,54.0, United-States +42263,27.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +42264,44.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +42265,50.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +42266,42.0, Self-emp-not-inc, Prof-school,15.0, Divorced, Prof-specialty, Unmarried, White, Male,7430.0,0.0,40.0, United-States +42267,66.0, Private, HS-grad,9.0, Widowed, Sales, Other-relative, White, Female,0.0,0.0,35.0, United-States +42268,47.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42269,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +42270,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +42271,56.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42272,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1740.0,50.0, United-States +42273,46.0, Private, Some-college,10.0, Divorced, Transport-moving, Own-child, White, Male,3325.0,0.0,55.0, United-States +42274,30.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, Mexico +42275,51.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +42276,62.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +42277,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +42278,49.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +42279,24.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,35.0, United-States +42280,32.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,38.0, United-States +42281,20.0, State-gov, HS-grad,9.0, Never-married, Other-service, Other-relative, Other, Male,0.0,0.0,40.0, United-States +42282,31.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,2238.0,40.0, United-States +42283,30.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, Dominican-Republic +42284,47.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,24.0, United-States +42285,42.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +42286,32.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42287,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42288,25.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,70.0, United-States +42289,50.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +42290,39.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,38.0, United-States +42291,58.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,36.0, United-States +42292,61.0, Private, 12th,8.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42293,38.0, Federal-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, Black, Male,0.0,0.0,52.0, United-States +42294,29.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,38.0, El-Salvador +42295,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42296,49.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +42297,26.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,35.0, United-States +42298,26.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +42299,30.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42300,21.0, Private, 11th,7.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, United-States +42301,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Cambodia +42302,28.0, Private, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42303,22.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +42304,24.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +42305,48.0, Private, HS-grad,9.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +42306,47.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42307,53.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +42308,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States +42309,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +42310,47.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Female,0.0,0.0,46.0, United-States +42311,34.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42312,68.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,15.0, United-States +42313,51.0, Private, 7th-8th,4.0, Divorced, Other-service, Not-in-family, Other, Male,0.0,0.0,40.0, Peru +42314,33.0, Private, 10th,6.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,20.0, United-States +42315,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +42316,63.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +42317,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42318,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +42319,23.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +42320,33.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42321,23.0, Self-emp-not-inc, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, Mexico +42322,35.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1672.0,40.0, United-States +42323,38.0, Private, Some-college,10.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +42324,24.0, Private, 9th,5.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,35.0, United-States +42325,48.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,65.0, United-States +42326,57.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +42327,36.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1902.0,40.0, United-States +42328,49.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +42329,33.0, State-gov, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42330,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42331,58.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42332,39.0, Local-gov, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,48.0, United-States +42333,17.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,25.0, United-States +42334,45.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,3004.0,35.0, United-States +42335,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +42336,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,36.0, United-States +42337,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42338,34.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,43.0, United-States +42339,18.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +42340,69.0, Private, HS-grad,9.0, Widowed, Tech-support, Unmarried, White, Female,0.0,0.0,8.0, United-States +42341,40.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +42342,43.0, Private, 11th,7.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,42.0, United-States +42343,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States +42344,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42345,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0.0,0.0,8.0, India +42346,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +42347,25.0, Private, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +42348,44.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999.0,0.0,45.0, United-States +42349,66.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, Black, Female,0.0,0.0,24.0, United-States +42350,32.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States +42351,39.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,2202.0,0.0,44.0, United-States +42352,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,1719.0,36.0, United-States +42353,31.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +42354,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +42355,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +42356,40.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +42357,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,1977.0,60.0, United-States +42358,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,8614.0,0.0,40.0, United-States +42359,58.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42360,29.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +42361,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +42362,45.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42363,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42364,28.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +42365,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, Mexico +42366,60.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42367,56.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +42368,64.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +42369,51.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +42370,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +42371,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,60.0, United-States +42372,61.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,36.0, United-States +42373,33.0, Private, 11th,7.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,34.0, United-States +42374,53.0, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +42375,43.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42376,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42377,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +42378,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +42379,30.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +42380,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,1573.0,45.0, United-States +42381,26.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States +42382,47.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +42383,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42384,47.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0.0,0.0,56.0, Puerto-Rico +42385,55.0, Private, 11th,7.0, Divorced, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +42386,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42387,43.0, Local-gov, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,2002.0,40.0, United-States +42388,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,15.0, Haiti +42389,65.0, Local-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +42390,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +42391,27.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +42392,38.0, Private, Assoc-voc,11.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +42393,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,48.0, United-States +42394,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +42395,46.0, Private, 9th,5.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, United-States +42396,30.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42397,35.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42398,75.0, Self-emp-not-inc, Masters,14.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42399,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Germany +42400,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,4386.0,0.0,40.0, United-States +42401,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +42402,51.0, Private, HS-grad,9.0, Separated, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +42403,48.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +42404,31.0, Private, Some-college,10.0, Separated, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +42405,29.0, Local-gov, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,37.0, United-States +42406,29.0, Federal-gov, 10th,6.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42407,59.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, China +42408,67.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +42409,40.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42410,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +42411,55.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +42412,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,25.0, United-States +42413,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,50.0, United-States +42414,35.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,50.0, United-States +42415,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +42416,17.0, Private, 10th,6.0, Never-married, Sales, Other-relative, White, Male,0.0,0.0,30.0, United-States +42417,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +42418,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +42419,51.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,15.0, United-States +42420,32.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States +42421,24.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +42422,19.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +42423,45.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42424,23.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,80.0, United-States +42425,46.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +42426,25.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,75.0, United-States +42427,26.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,60.0, United-States +42428,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +42429,50.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +42430,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +42431,32.0, Private, Assoc-voc,11.0, Divorced, Sales, Unmarried, White, Female,0.0,1380.0,40.0, United-States +42432,40.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,55.0, United-States +42433,45.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,3137.0,0.0,40.0, United-States +42434,34.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Iran +42435,45.0, Private, 12th,8.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +42436,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42437,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +42438,54.0, State-gov, HS-grad,9.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,38.0, United-States +42439,28.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +42440,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,8.0, United-States +42441,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +42442,25.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +42443,33.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,60.0, United-States +42444,36.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +42445,50.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +42446,56.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +42447,23.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,35.0, United-States +42448,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,60.0, Vietnam +42449,51.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42450,52.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,60.0, United-States +42451,28.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +42452,55.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,20.0, United-States +42453,39.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,35.0, Puerto-Rico +42454,39.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,18.0, United-States +42455,26.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +42456,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +42457,33.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42458,22.0, Private, Masters,14.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,21.0, United-States +42459,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +42460,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,10.0, United-States +42461,21.0, Self-emp-inc, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +42462,29.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1485.0,40.0, United-States +42463,25.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +42464,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +42465,48.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42466,21.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,20.0, United-States +42467,31.0, Private, Doctorate,16.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, China +42468,61.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42469,19.0, Local-gov, Some-college,10.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,20.0, United-States +42470,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42471,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,2580.0,0.0,18.0, United-States +42472,34.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +42473,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +42474,48.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,25.0, United-States +42475,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +42476,40.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +42477,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,40.0, United-States +42478,25.0, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States +42479,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +42480,33.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +42481,59.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42482,38.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,27828.0,0.0,45.0, United-States +42483,31.0, Local-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +42484,56.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42485,41.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42486,28.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +42487,47.0, Private, 1st-4th,2.0, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0.0,0.0,12.0, Mexico +42488,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3137.0,0.0,50.0, United-States +42489,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +42490,70.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,1455.0,0.0,40.0, United-States +42491,42.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42492,65.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Mexico +42493,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42494,46.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,40.0, United-States +42495,36.0, Private, HS-grad,9.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,37.0, United-States +42496,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +42497,21.0, Private, 9th,5.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, El-Salvador +42498,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,55.0, United-States +42499,34.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42500,51.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,3103.0,0.0,48.0, United-States +42501,55.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +42502,32.0, Private, 5th-6th,3.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +42503,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +42504,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +42505,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +42506,63.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42507,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +42508,39.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +42509,55.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,42.0, United-States +42510,33.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +42511,80.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,16.0, United-States +42512,18.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +42513,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42514,19.0, Private, 11th,7.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Honduras +42515,58.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +42516,61.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +42517,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +42518,37.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +42519,29.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103.0,0.0,40.0, United-States +42520,61.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42521,33.0, State-gov, Some-college,10.0, Separated, Tech-support, Not-in-family, White, Male,0.0,0.0,12.0, United-States +42522,19.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, Mexico +42523,67.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1510.0,8.0, United-States +42524,28.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +42525,17.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +42526,38.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +42527,23.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +42528,33.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +42529,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +42530,47.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,45.0, Germany +42531,59.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,60.0, United-States +42532,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42533,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,45.0, United-States +42534,59.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +42535,21.0, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,20.0, United-States +42536,41.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +42537,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42538,28.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42539,35.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, United-States +42540,34.0, Local-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,40.0, Portugal +42541,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +42542,50.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,23.0, United-States +42543,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +42544,45.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42545,60.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +42546,34.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0.0,0.0,40.0, United-States +42547,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42548,37.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +42549,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2415.0,40.0, United-States +42550,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +42551,47.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Peru +42552,39.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States +42553,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1887.0,40.0, United-States +42554,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, Italy +42555,31.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, Mexico +42556,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,14084.0,0.0,60.0, United-States +42557,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,30.0, United-States +42558,46.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,70.0, United-States +42559,, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42560,57.0, Private, Assoc-voc,11.0, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Outlying-US(Guam-USVI-etc) +42561,38.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,25.0, United-States +42562,27.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42563,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,25.0, United-States +42564,30.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +42565,44.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +42566,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,52.0, United-States +42567,17.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,12.0, United-States +42568,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,5013.0,0.0,40.0, United-States +42569,58.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +42570,22.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States +42571,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,5013.0,0.0,40.0, United-States +42572,30.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42573,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +42574,33.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,38.0, United-States +42575,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +42576,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +42577,56.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +42578,30.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,35.0, Mexico +42579,58.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +42580,27.0, Private, 11th,7.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +42581,49.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +42582,40.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42583,52.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42584,52.0, Private, 12th,8.0, Separated, Machine-op-inspct, Unmarried, Black, Male,0.0,0.0,40.0, United-States +42585,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +42586,41.0, Private, Prof-school,15.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +42587,59.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42588,90.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +42589,27.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,78.0, United-States +42590,65.0, Private, Prof-school,15.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,48.0, Hungary +42591,53.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +42592,47.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +42593,19.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +42594,82.0, Self-emp-inc, 7th-8th,4.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42595,22.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +42596,37.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42597,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42598,35.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42599,18.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +42600,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42601,25.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +42602,52.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +42603,55.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +42604,60.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42605,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +42606,30.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +42607,63.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +42608,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, Mexico +42609,29.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,48.0, United-States +42610,30.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +42611,45.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42612,49.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781.0,0.0,40.0, United-States +42613,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0.0,0.0,40.0, United-States +42614,40.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +42615,43.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,2444.0,70.0, United-States +42616,64.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +42617,40.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States +42618,39.0, Private, HS-grad,9.0, Separated, Exec-managerial, Not-in-family, White, Male,14344.0,0.0,40.0, United-States +42619,31.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,4650.0,0.0,45.0, United-States +42620,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, Haiti +42621,35.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42622,18.0, Private, 12th,8.0, Never-married, Sales, Other-relative, White, Female,0.0,0.0,16.0, United-States +42623,32.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +42624,39.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, White, Male,0.0,0.0,55.0, United-States +42625,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,42.0, United-States +42626,40.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829.0,0.0,40.0, United-States +42627,24.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +42628,35.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +42629,27.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1504.0,45.0, United-States +42630,63.0, Private, 12th,8.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +42631,37.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +42632,28.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42633,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,32.0, United-States +42634,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42635,28.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,38.0, United-States +42636,44.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Own-child, White, Female,0.0,0.0,60.0, United-States +42637,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Other-relative, White, Male,0.0,0.0,40.0, United-States +42638,31.0, Self-emp-inc, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,44.0, United-States +42639,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +42640,48.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States +42641,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42642,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,15.0, United-States +42643,46.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,4787.0,0.0,25.0, United-States +42644,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +42645,44.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +42646,71.0, Private, 5th-6th,3.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +42647,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42648,46.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States +42649,32.0, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42650,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +42651,55.0, Federal-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States +42652,39.0, Federal-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +42653,27.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42654,37.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +42655,57.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,38.0, United-States +42656,30.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +42657,22.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States +42658,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42659,43.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Black, Female,9562.0,0.0,40.0, United-States +42660,50.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42661,19.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +42662,57.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +42663,48.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,48.0, United-States +42664,41.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42665,25.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +42666,36.0, Local-gov, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42667,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +42668,30.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,36.0, United-States +42669,24.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +42670,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,30.0, United-States +42671,21.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,40.0, United-States +42672,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, Mexico +42673,29.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42674,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Nicaragua +42675,39.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, Poland +42676,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,90.0, United-States +42677,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0.0,1721.0,25.0, United-States +42678,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,16.0, United-States +42679,46.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42680,41.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +42681,24.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,20.0, United-States +42682,73.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States +42683,34.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +42684,51.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +42685,62.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418.0,0.0,40.0, United-States +42686,67.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,6767.0,0.0,40.0, United-States +42687,20.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +42688,41.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,45.0, United-States +42689,67.0, State-gov, 10th,6.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States +42690,34.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +42691,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +42692,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +42693,63.0, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,48.0, United-States +42694,43.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +42695,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42696,18.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico +42697,49.0, Local-gov, 10th,6.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42698,49.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42699,23.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +42700,57.0, Self-emp-not-inc, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42701,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +42702,54.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42703,34.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +42704,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42705,78.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,12.0, United-States +42706,47.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States +42707,30.0, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +42708,60.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42709,23.0, State-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42710,34.0, Private, Some-college,10.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,35.0, United-States +42711,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +42712,42.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42713,25.0, Private, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +42714,30.0, Self-emp-not-inc, Some-college,10.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,50.0, United-States +42715,44.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +42716,50.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +42717,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,45.0, United-States +42718,23.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42719,52.0, Private, 10th,6.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +42720,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,35.0, United-States +42721,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,1726.0,50.0, United-States +42722,38.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42723,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42724,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,25.0, United-States +42725,28.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +42726,49.0, Local-gov, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +42727,37.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42728,30.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States +42729,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +42730,31.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,80.0, United-States +42731,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +42732,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42733,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,6849.0,0.0,55.0, United-States +42734,34.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,48.0, United-States +42735,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,52.0, United-States +42736,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,52.0, United-States +42737,52.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42738,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +42739,65.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42740,41.0, Private, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,10.0, United-States +42741,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +42742,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +42743,57.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,50.0, United-States +42744,37.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42745,42.0, Private, 7th-8th,4.0, Married-spouse-absent, Prof-specialty, Other-relative, White, Male,0.0,0.0,35.0, Puerto-Rico +42746,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42747,63.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0.0,0.0,40.0, India +42748,37.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42749,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +42750,31.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,99.0, United-States +42751,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,4386.0,0.0,40.0, United-States +42752,90.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1944.0,12.0, United-States +42753,35.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +42754,26.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,25.0, United-States +42755,44.0, Private, Assoc-acdm,12.0, Separated, Adm-clerical, Not-in-family, White, Male,0.0,0.0,35.0, United-States +42756,51.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42757,44.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +42758,26.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +42759,52.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +42760,42.0, Private, HS-grad,9.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,27.0, United-States +42761,39.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +42762,21.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +42763,62.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +42764,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,27.0, United-States +42765,42.0, Self-emp-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +42766,56.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,35.0, United-States +42767,41.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464.0,0.0,40.0, United-States +42768,30.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +42769,50.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Female,0.0,1590.0,45.0, United-States +42770,62.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +42771,44.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +42772,21.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,15.0, United-States +42773,28.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, United-States +42774,33.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42775,24.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42776,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42777,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +42778,52.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +42779,29.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +42780,43.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,70.0, India +42781,33.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +42782,34.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +42783,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +42784,25.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,36.0, Cuba +42785,36.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +42786,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +42787,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +42788,17.0, Self-emp-inc, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,4.0, United-States +42789,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +42790,31.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42791,33.0, Private, HS-grad,9.0, Separated, Other-service, Other-relative, Black, Female,0.0,0.0,40.0, United-States +42792,66.0, Private, HS-grad,9.0, Widowed, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42793,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,1590.0,60.0, United-States +42794,55.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,35.0, United-States +42795,28.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,80.0, United-States +42796,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42797,23.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +42798,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,20.0, United-States +42799,26.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +42800,73.0, Local-gov, Some-college,10.0, Never-married, Prof-specialty, Other-relative, White, Female,0.0,0.0,11.0, United-States +42801,40.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, Canada +42802,40.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42803,28.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +42804,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,56.0, United-States +42805,50.0, Private, 11th,7.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42806,32.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +42807,48.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +42808,35.0, Private, 9th,5.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42809,40.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +42810,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,24.0, United-States +42811,62.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +42812,44.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +42813,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +42814,32.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +42815,51.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42816,36.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,30.0, United-States +42817,79.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0.0,0.0,20.0, United-States +42818,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +42819,35.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,20.0, United-States +42820,36.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42821,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States +42822,53.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Canada +42823,34.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,35.0, United-States +42824,20.0, State-gov, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,15.0, United-States +42825,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42826,39.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Other, Female,0.0,0.0,40.0, Dominican-Republic +42827,38.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,55.0, United-States +42828,58.0, State-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, Black, Female,0.0,0.0,40.0, United-States +42829,37.0, Federal-gov, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +42830,60.0, Local-gov, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +42831,42.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42832,62.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,43.0, United-States +42833,51.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +42834,29.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, Mexico +42835,52.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +42836,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +42837,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42838,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, El-Salvador +42839,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +42840,19.0, Private, 10th,6.0, Never-married, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +42841,75.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +42842,40.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386.0,0.0,50.0, United-States +42843,62.0, Private, 10th,6.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +42844,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +42845,66.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2267.0,40.0, United-States +42846,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +42847,44.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,48.0, United-States +42848,25.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42849,23.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador +42850,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,65.0, United-States +42851,22.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,35.0, United-States +42852,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, United-States +42853,46.0, Private, HS-grad,9.0, Never-married, Tech-support, Other-relative, White, Male,0.0,0.0,40.0, United-States +42854,42.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +42855,35.0, State-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +42856,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +42857,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,32.0, United-States +42858,45.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,1506.0,0.0,45.0, United-States +42859,45.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +42860,85.0, Self-emp-inc, Bachelors,13.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42861,49.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +42862,17.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +42863,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,41.0, United-States +42864,58.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Female,0.0,0.0,50.0, United-States +42865,30.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,20.0, United-States +42866,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,19.0, United-States +42867,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +42868,69.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +42869,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +42870,32.0, Private, 11th,7.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,60.0, United-States +42871,17.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,35.0, United-States +42872,32.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +42873,42.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42874,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,2174.0,0.0,40.0, United-States +42875,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42876,43.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +42877,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +42878,53.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, Italy +42879,35.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +42880,37.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103.0,0.0,44.0, United-States +42881,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,45.0, United-States +42882,53.0, Private, Some-college,10.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +42883,58.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, Mexico +42884,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +42885,23.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,30.0, United-States +42886,34.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +42887,32.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Greece +42888,58.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +42889,29.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42890,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +42891,29.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +42892,30.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42893,46.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42894,39.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,50.0, United-States +42895,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,25.0, United-States +42896,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +42897,69.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,7.0, United-States +42898,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +42899,37.0, Self-emp-not-inc, Bachelors,13.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42900,46.0, Local-gov, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Female,99999.0,0.0,40.0, United-States +42901,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, United-States +42902,40.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +42903,22.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +42904,42.0, Private, Some-college,10.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +42905,28.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, Black, Male,0.0,0.0,35.0, United-States +42906,31.0, Private, 5th-6th,3.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, Mexico +42907,59.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +42908,54.0, Private,,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, Jamaica +42909,23.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +42910,31.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42911,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +42912,57.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +42913,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42914,40.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +42915,47.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +42916,43.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,55.0, United-States +42917,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42918,18.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +42919,29.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +42920,39.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,37.0, United-States +42921,62.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42922,44.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +42923,50.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,27828.0,0.0,16.0, United-States +42924,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +42925,64.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,40.0, United-States +42926,46.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Wife, White, Female,0.0,0.0,20.0, United-States +42927,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +42928,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +42929,64.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +42930,21.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,10.0, United-States +42931,38.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,30.0, United-States +42932,39.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,4650.0,0.0,40.0, United-States +42933,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,20.0, United-States +42934,25.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, Mexico +42935,34.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +42936,26.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +42937,30.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +42938,47.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +42939,40.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +42940,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +42941,48.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +42942,55.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,15.0, United-States +42943,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,39.0, United-States +42944,41.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +42945,65.0, Private, 9th,5.0, Widowed, Priv-house-serv, Unmarried, Black, Female,0.0,0.0,24.0, United-States +42946,37.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42947,57.0, Private, HS-grad,9.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +42948,80.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +42949,32.0, State-gov, 5th-6th,3.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,10.0, United-States +42950,22.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,20.0, Puerto-Rico +42951,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42952,70.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +42953,19.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, Black, Male,0.0,0.0,30.0, United-States +42954,30.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,52.0, United-States +42955,22.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,30.0, United-States +42956,64.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +42957,41.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,46.0, United-States +42958,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, Italy +42959,53.0, Local-gov, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +42960,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +42961,21.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +42962,63.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,3674.0,0.0,30.0, United-States +42963,39.0, Private, 11th,7.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +42964,38.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +42965,49.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +42966,42.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, United-States +42967,44.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42968,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +42969,42.0, State-gov, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +42970,49.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,52.0, United-States +42971,45.0, Self-emp-not-inc,,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,60.0, United-States +42972,55.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42973,41.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +42974,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +42975,20.0, Private, 10th,6.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,36.0, United-States +42976,25.0, Private, Bachelors,13.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42977,26.0, Private, Assoc-voc,11.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States +42978,40.0, Private, Some-college,10.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +42979,37.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +42980,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Other-relative, Black, Male,0.0,0.0,45.0, United-States +42981,41.0, Private, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, Jamaica +42982,33.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,37.0, United-States +42983,32.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +42984,58.0, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +42985,43.0, Private, HS-grad,9.0, Married-AF-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,42.0, United-States +42986,36.0, Private, Assoc-acdm,12.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, Iran +42987,26.0, Private, 9th,5.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +42988,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +42989,64.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,40.0, United-States +42990,35.0, Federal-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +42991,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +42992,53.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +42993,43.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +42994,57.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +42995,62.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298.0,0.0,70.0, United-States +42996,27.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +42997,69.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Not-in-family, White, Female,2964.0,0.0,6.0, Germany +42998,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, Cuba +42999,57.0, Private, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States +43000,61.0, Self-emp-inc, Prof-school,15.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,35.0, United-States +43001,17.0, Federal-gov, 11th,7.0, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0.0,0.0,15.0, United-States +43002,23.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Other-relative, White, Female,0.0,0.0,40.0, United-States +43003,46.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +43004,24.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +43005,39.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +43006,59.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,20.0, United-States +43007,60.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,70.0, United-States +43008,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,40.0, United-States +43009,45.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,1902.0,35.0, United-States +43010,33.0, Private, 7th-8th,4.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43011,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43012,42.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1740.0,43.0, United-States +43013,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43014,46.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +43015,60.0, Private, Some-college,10.0, Divorced, Tech-support, Not-in-family, White, Female,6849.0,0.0,50.0, United-States +43016,40.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43017,54.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,67.0, United-States +43018,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,42.0, United-States +43019,48.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43020,28.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +43021,35.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43022,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, United-States +43023,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43024,49.0, Self-emp-not-inc, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,0.0,0.0,63.0, Canada +43025,26.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +43026,34.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43027,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,30.0, United-States +43028,41.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43029,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43030,53.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,35.0, United-States +43031,21.0, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Other-relative, White, Female,0.0,0.0,60.0, United-States +43032,33.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43033,27.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43034,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +43035,48.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, United-States +43036,50.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +43037,46.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43038,21.0, State-gov, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,30.0, United-States +43039,38.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +43040,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +43041,42.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,1876.0,40.0, United-States +43042,30.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, Germany +43043,53.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +43044,34.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +43045,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,15.0, United-States +43046,60.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +43047,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +43048,25.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +43049,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43050,18.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, Peru +43051,20.0, Private, 12th,8.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, Italy +43052,34.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +43053,46.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,4787.0,0.0,45.0, United-States +43054,38.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,28.0, United-States +43055,48.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +43056,34.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +43057,32.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico +43058,26.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,40.0, United-States +43059,20.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White,,0.0,0.0,25.0, United-States +43060,21.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,24.0, United-States +43061,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43062,51.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,60.0, United-States +43063,35.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +43064,30.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,20.0, United-States +43065,44.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +43066,24.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +43067,48.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +43068,25.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +43069,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +43070,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +43071,36.0, State-gov, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Mexico +43072,27.0, Private, Bachelors,13.0, Separated, Tech-support, Own-child, White, Male,0.0,0.0,50.0, United-States +43073,20.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +43074,24.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +43075,50.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +43076,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +43077,48.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +43078,27.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,65.0, United-States +43079,49.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,42.0, United-States +43080,28.0, Private, Assoc-voc,11.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43081,43.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43082,56.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +43083,31.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +43084,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, Germany +43085,49.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,35.0, Germany +43086,45.0, Private, Assoc-acdm,12.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,0.0,55.0, United-States +43087,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43088,42.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +43089,59.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,36.0, United-States +43090,23.0, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, Mexico +43091,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +43092,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,35.0, United-States +43093,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +43094,56.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +43095,56.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +43096,29.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43097,35.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +43098,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,21.0, United-States +43099,43.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0.0,0.0,50.0, United-States +43100,50.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43101,37.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Other-relative, White, Male,0.0,0.0,40.0, United-States +43102,42.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43103,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +43104,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +43105,28.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,32.0, United-States +43106,49.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43107,43.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +43108,27.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +43109,42.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,40.0, United-States +43110,23.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +43111,45.0, Federal-gov, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43112,39.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43113,52.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +43114,35.0, Private, 11th,7.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +43115,38.0, Private, Assoc-acdm,12.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43116,21.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,30.0, United-States +43117,44.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,45.0, United-States +43118,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States +43119,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +43120,45.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +43121,31.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States +43122,63.0, Private, HS-grad,9.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States +43123,60.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +43124,79.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +43125,40.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +43126,41.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43127,46.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Female,25236.0,0.0,65.0, United-States +43128,25.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +43129,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43130,31.0, State-gov, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43131,23.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +43132,27.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43133,28.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +43134,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +43135,47.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,3325.0,0.0,45.0, United-States +43136,30.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +43137,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,1902.0,44.0, United-States +43138,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +43139,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +43140,30.0, Local-gov, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +43141,48.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,55.0, United-States +43142,58.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43143,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +43144,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,30.0, United-States +43145,33.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,7688.0,0.0,38.0, United-States +43146,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,4865.0,0.0,48.0, United-States +43147,61.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,1564.0,40.0, United-States +43148,41.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43149,52.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +43150,41.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +43151,40.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +43152,22.0, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +43153,48.0, Private, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,45.0, United-States +43154,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43155,39.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +43156,21.0, Private, 10th,6.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43157,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,35.0, India +43158,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +43159,53.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43160,60.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,48.0, United-States +43161,24.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43162,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States +43163,30.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,1974.0,40.0, United-States +43164,32.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43165,28.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43166,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +43167,57.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Mexico +43168,34.0, Private, Doctorate,16.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43169,59.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +43170,48.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43171,44.0, Private, Bachelors,13.0, Married-spouse-absent, Sales, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, Laos +43172,25.0, Private, 1st-4th,2.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,24.0, Mexico +43173,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, Germany +43174,25.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States +43175,47.0, Private, Some-college,10.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,44.0, United-States +43176,26.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,10.0, United-States +43177,51.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Female,99999.0,0.0,35.0, United-States +43178,51.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,56.0, United-States +43179,54.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +43180,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +43181,57.0, Private, 12th,8.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +43182,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43183,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +43184,30.0, Private, Assoc-voc,11.0, Separated, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +43185,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +43186,31.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, United-States +43187,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +43188,51.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4386.0,0.0,40.0, United-States +43189,26.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +43190,48.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,50.0, Nicaragua +43191,46.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,48.0, United-States +43192,31.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, Mexico +43193,61.0, Self-emp-not-inc, 1st-4th,2.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, United-States +43194,59.0, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43195,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43196,42.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,40.0, United-States +43197,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,50.0, United-States +43198,18.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,25.0, United-States +43199,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +43200,43.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1887.0,45.0, United-States +43201,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +43202,45.0, Private, 7th-8th,4.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,42.0, United-States +43203,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +43204,33.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +43205,51.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,32.0, United-States +43206,31.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +43207,57.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,28.0, United-States +43208,45.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Wife, White, Female,5178.0,0.0,40.0, United-States +43209,21.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43210,44.0, Private, HS-grad,9.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,58.0, United-States +43211,38.0, Local-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, Jamaica +43212,29.0, Private, Some-college,10.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,40.0, United-States +43213,27.0, State-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,70.0, United-States +43214,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +43215,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +43216,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +43217,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +43218,38.0, Private, Some-college,10.0, Never-married, Adm-clerical, Other-relative, Other, Male,0.0,0.0,40.0, India +43219,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43220,31.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +43221,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43222,27.0, Private, Assoc-voc,11.0, Separated, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +43223,32.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1564.0,50.0, United-States +43224,38.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43225,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States +43226,55.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,50.0, United-States +43227,26.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43228,25.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43229,34.0, Private, 9th,5.0, Separated, Farming-fishing, Unmarried, Black, Male,0.0,0.0,40.0, United-States +43230,27.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +43231,36.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43232,38.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1672.0,50.0, United-States +43233,42.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +43234,24.0, Private, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +43235,45.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +43236,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +43237,23.0, Private, Bachelors,13.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +43238,27.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,45.0, United-States +43239,55.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43240,53.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +43241,37.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +43242,44.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Greece +43243,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +43244,41.0, State-gov, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0.0,0.0,40.0, United-States +43245,30.0, Private, Masters,14.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386.0,0.0,40.0, United-States +43246,23.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +43247,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,35.0, United-States +43248,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +43249,56.0, Private, Assoc-acdm,12.0, Married-spouse-absent, Other-service, Not-in-family, White, Male,0.0,0.0,25.0, Iran +43250,17.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States +43251,48.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Unmarried, Black, Female,0.0,0.0,28.0, United-States +43252,27.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Own-child, White, Female,0.0,1594.0,25.0, United-States +43253,49.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43254,18.0, Private, 10th,6.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,24.0, United-States +43255,23.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,52.0, United-States +43256,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43257,29.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +43258,27.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,1887.0,40.0, United-States +43259,52.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,48.0, United-States +43260,40.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +43261,31.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43262,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,20.0, United-States +43263,19.0, Private, 7th-8th,4.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,80.0, United-States +43264,30.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,4865.0,0.0,40.0, United-States +43265,17.0, Private, 10th,6.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +43266,57.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +43267,26.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43268,50.0, Private, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +43269,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43270,44.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,3325.0,0.0,40.0, United-States +43271,36.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +43272,29.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,35.0, United-States +43273,58.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,20.0, United-States +43274,43.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,4064.0,0.0,38.0, United-States +43275,21.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43276,51.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,50.0, Philippines +43277,40.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43278,25.0, State-gov, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43279,31.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, El-Salvador +43280,28.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +43281,66.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +43282,59.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Other-relative, White, Male,0.0,0.0,40.0, Nicaragua +43283,29.0, Self-emp-not-inc, Some-college,10.0, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0.0,0.0,45.0, South +43284,38.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43285,45.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43286,44.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +43287,45.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +43288,54.0, Self-emp-not-inc, Some-college,10.0, Divorced, Farming-fishing, Unmarried, White, Female,10520.0,0.0,30.0, United-States +43289,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,50.0, United-States +43290,35.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43291,40.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,40.0, United-States +43292,26.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +43293,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,52.0, United-States +43294,67.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Unmarried, White, Male,0.0,0.0,38.0, United-States +43295,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,55.0, United-States +43296,52.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43297,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States +43298,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +43299,57.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +43300,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +43301,27.0, Private, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,28.0, United-States +43302,25.0, Self-emp-inc, Assoc-acdm,12.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +43303,38.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,46.0, United-States +43304,45.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +43305,59.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,38.0, Jamaica +43306,52.0, Private, Bachelors,13.0, Widowed, Other-service, Not-in-family, White, Female,0.0,2824.0,20.0, United-States +43307,36.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,36.0, United-States +43308,74.0, Self-emp-not-inc, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +43309,32.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,24.0, United-States +43310,37.0, Private, Some-college,10.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43311,41.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +43312,40.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43313,36.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,2001.0,40.0, United-States +43314,43.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,66.0, France +43315,44.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +43316,36.0, State-gov, Some-college,10.0, Never-married, Tech-support, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43317,17.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,30.0, United-States +43318,42.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +43319,58.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,20.0, United-States +43320,48.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +43321,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +43322,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +43323,35.0, Local-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +43324,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,65.0, United-States +43325,43.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +43326,23.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,48.0, United-States +43327,28.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43328,55.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States +43329,29.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0.0,0.0,35.0, Vietnam +43330,21.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, Black, Female,99999.0,0.0,40.0, United-States +43331,59.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43332,65.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43333,77.0, Private, 7th-8th,4.0, Widowed, Priv-house-serv, Unmarried, White, Female,0.0,0.0,23.0, United-States +43334,50.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +43335,31.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43336,43.0, Private, HS-grad,9.0, Widowed, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, Italy +43337,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Poland +43338,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43339,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +43340,24.0, Private, Preschool,1.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +43341,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +43342,70.0, Self-emp-not-inc, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,30.0, United-States +43343,29.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43344,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +43345,56.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, England +43346,34.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,2051.0,40.0, United-States +43347,34.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +43348,55.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +43349,23.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, Other, Male,0.0,0.0,40.0, United-States +43350,26.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +43351,41.0, Private, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +43352,28.0, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Male,2176.0,0.0,52.0, Mexico +43353,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,20.0, United-States +43354,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +43355,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,35.0, United-States +43356,31.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43357,34.0, State-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +43358,26.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,42.0, United-States +43359,34.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +43360,19.0, State-gov, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,10.0, United-States +43361,61.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +43362,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Other-relative, White, Female,0.0,0.0,40.0, Vietnam +43363,27.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +43364,73.0, Private, Bachelors,13.0, Divorced, Farming-fishing, Other-relative, White, Female,0.0,0.0,12.0, United-States +43365,57.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43366,46.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, Black, Female,0.0,0.0,45.0, Jamaica +43367,40.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0.0,0.0,36.0, United-States +43368,32.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,880.0,36.0, United-States +43369,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +43370,53.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43371,35.0, Self-emp-not-inc, Some-college,10.0, Separated, Farming-fishing, Not-in-family, White, Male,4101.0,0.0,60.0, United-States +43372,41.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +43373,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43374,49.0, Local-gov, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +43375,23.0, Private, 5th-6th,3.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, El-Salvador +43376,38.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,20.0, United-States +43377,58.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,24.0, United-States +43378,22.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +43379,25.0, Private, 7th-8th,4.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +43380,28.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +43381,38.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,30.0, United-States +43382,72.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,74.0, United-States +43383,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,36.0, United-States +43384,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Other-relative, White, Female,0.0,1741.0,45.0, United-States +43385,39.0, Private, 5th-6th,3.0, Separated, Sales, Unmarried, Black, Female,0.0,0.0,30.0, Puerto-Rico +43386,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +43387,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,44.0, Japan +43388,37.0, Local-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43389,65.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43390,41.0, Self-emp-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +43391,34.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +43392,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,24.0, United-States +43393,50.0, Private, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43394,33.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,90.0, United-States +43395,47.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +43396,36.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +43397,39.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +43398,37.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43399,22.0, Private, 9th,5.0, Married-spouse-absent, Other-service, Other-relative, White, Male,0.0,0.0,35.0, Mexico +43400,71.0, Local-gov, HS-grad,9.0, Widowed, Exec-managerial, Other-relative, White, Female,0.0,0.0,33.0, United-States +43401,57.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,99999.0,0.0,40.0, United-States +43402,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43403,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,5178.0,0.0,40.0, United-States +43404,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Female,0.0,0.0,30.0, United-States +43405,38.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,36.0, United-States +43406,39.0, Federal-gov, Assoc-acdm,12.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,42.0, United-States +43407,36.0, Local-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +43408,43.0, Local-gov, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,43.0, United-States +43409,37.0, Private, Assoc-voc,11.0, Separated, Prof-specialty, Unmarried, White, Female,0.0,0.0,32.0, United-States +43410,41.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +43411,40.0, Private, Some-college,10.0, Separated, Craft-repair, Unmarried, White, Male,4934.0,0.0,47.0, United-States +43412,44.0, State-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +43413,29.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,48.0, United-States +43414,33.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +43415,57.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,26.0, United-States +43416,39.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +43417,26.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,5178.0,0.0,42.0, United-States +43418,46.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43419,46.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,40.0, United-States +43420,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43421,58.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,42.0, United-States +43422,46.0, Self-emp-not-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,25.0, United-States +43423,63.0, Private, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43424,37.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +43425,41.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43426,37.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +43427,53.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43428,39.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +43429,46.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,60.0, United-States +43430,25.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,22.0, United-States +43431,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43432,45.0, Private, Some-college,10.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43433,60.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +43434,28.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +43435,26.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,36.0, United-States +43436,37.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,2824.0,40.0, United-States +43437,38.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +43438,29.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1848.0,60.0, Germany +43439,45.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43440,54.0, Private, Assoc-voc,11.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +43441,48.0, Private, 10th,6.0, Separated, Machine-op-inspct, Own-child, White, Female,0.0,0.0,48.0, United-States +43442,50.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43443,58.0, Private, 12th,8.0, Divorced, Transport-moving, Unmarried, Black, Male,0.0,0.0,45.0, United-States +43444,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +43445,43.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +43446,61.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43447,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43448,40.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43449,28.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +43450,47.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43451,27.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,60.0, United-States +43452,25.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,45.0, United-States +43453,64.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2635.0,0.0,10.0, United-States +43454,46.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +43455,59.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,40.0, United-States +43456,29.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +43457,40.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +43458,58.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43459,60.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +43460,27.0, Private, 9th,5.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +43461,27.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +43462,29.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Unmarried, White, Male,27828.0,0.0,45.0, Germany +43463,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +43464,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,56.0, United-States +43465,26.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +43466,42.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43467,53.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1876.0,38.0, United-States +43468,44.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43469,24.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +43470,51.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43471,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43472,46.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +43473,28.0, Private, 11th,7.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43474,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +43475,31.0, Private, Bachelors,13.0, Widowed, Adm-clerical, Unmarried, White, Male,0.0,0.0,60.0, United-States +43476,55.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +43477,26.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,20.0, United-States +43478,59.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, Jamaica +43479,30.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43480,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,30.0, Hungary +43481,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +43482,67.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,9386.0,0.0,24.0, Cuba +43483,20.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,42.0, United-States +43484,48.0, Private, Bachelors,13.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,45.0, United-States +43485,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43486,37.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,45.0, United-States +43487,21.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,50.0, United-States +43488,46.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +43489,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,80.0, United-States +43490,41.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688.0,0.0,50.0, United-States +43491,30.0, Private, 7th-8th,4.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States +43492,71.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,3.0, United-States +43493,33.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +43494,24.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,30.0, United-States +43495,22.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +43496,23.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +43497,40.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,40.0, United-States +43498,33.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,4416.0,0.0,40.0, United-States +43499,35.0, Private, Bachelors,13.0, Never-married, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,50.0, Haiti +43500,30.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,20.0, United-States +43501,28.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,21.0, United-States +43502,35.0, State-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,80.0, United-States +43503,42.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43504,60.0, Private, 11th,7.0, Widowed, Transport-moving, Unmarried, Black, Male,0.0,0.0,40.0, United-States +43505,37.0, Private, Masters,14.0, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Male,0.0,0.0,40.0, South +43506,35.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States +43507,32.0, Self-emp-not-inc, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43508,66.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +43509,32.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +43510,54.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43511,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43512,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43513,31.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +43514,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, Peru +43515,24.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43516,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,40.0, United-States +43517,42.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +43518,39.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,45.0, United-States +43519,38.0, Private, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,3942.0,0.0,84.0, Portugal +43520,36.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,40.0, United-States +43521,49.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,40.0, United-States +43522,63.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,45.0, United-States +43523,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +43524,43.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +43525,45.0, Private, 7th-8th,4.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +43526,31.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43527,23.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,50.0, United-States +43528,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43529,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Black, Female,0.0,0.0,40.0, United-States +43530,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +43531,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,40.0, United-States +43532,30.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, Black, Female,0.0,0.0,35.0, United-States +43533,42.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43534,61.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +43535,51.0, Private, 12th,8.0, Separated, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +43536,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43537,32.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,48.0, United-States +43538,24.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43539,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,75.0, Italy +43540,45.0, Private, Some-college,10.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,70.0, United-States +43541,20.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +43542,64.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43543,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +43544,41.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,96.0, Mexico +43545,49.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, Columbia +43546,23.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43547,56.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +43548,49.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,40.0, United-States +43549,28.0, Private, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43550,45.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,28.0, United-States +43551,25.0, Private, 10th,6.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,1602.0,40.0, United-States +43552,17.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,15.0, United-States +43553,59.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +43554,18.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,15.0, United-States +43555,40.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,70.0, United-States +43556,40.0, Local-gov, HS-grad,9.0, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +43557,64.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,1762.0,79.0, United-States +43558,36.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0.0,0.0,40.0, United-States +43559,35.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +43560,49.0, Private, Bachelors,13.0, Widowed, Prof-specialty, Unmarried, White, Female,1506.0,0.0,35.0, United-States +43561,26.0, Private, Some-college,10.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,44.0, United-States +43562,31.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +43563,17.0, Local-gov, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,25.0, United-States +43564,44.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +43565,49.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +43566,57.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +43567,55.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +43568,58.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688.0,0.0,50.0, United-States +43569,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +43570,39.0, Local-gov, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43571,18.0, Private, 11th,7.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,28.0, United-States +43572,56.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,20.0, Yugoslavia +43573,29.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +43574,50.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,8.0, El-Salvador +43575,40.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,45.0, United-States +43576,71.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43577,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43578,34.0, Private, 11th,7.0, Divorced, Transport-moving, Unmarried, White, Male,0.0,880.0,60.0, United-States +43579,55.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +43580,30.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,40.0, United-States +43581,29.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43582,51.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,45.0, United-States +43583,47.0, Private, Bachelors,13.0, Divorced, Other-service, Not-in-family, White, Female,99999.0,0.0,40.0, United-States +43584,47.0, Private, Some-college,10.0, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,,0.0,35.0, Puerto-Rico +43585,29.0, Self-emp-not-inc, 10th,6.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,80.0, United-States +43586,51.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43587,42.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43588,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43589,56.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +43590,37.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43591,44.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,32.0, United-States +43592,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +43593,35.0, Self-emp-inc, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +43594,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,30.0, United-States +43595,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,22.0, United-States +43596,47.0, Private, HS-grad,9.0, Separated, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43597,27.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43598,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +43599,67.0, State-gov, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,35.0, United-States +43600,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +43601,55.0, Private, 5th-6th,3.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +43602,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, United-States +43603,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +43604,67.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Sales, Husband, White, Male,20051.0,0.0,40.0, United-States +43605,31.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,65.0, United-States +43606,31.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +43607,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +43608,21.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,25.0, United-States +43609,50.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43610,32.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43611,38.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +43612,37.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +43613,21.0, Private, Preschool,1.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +43614,37.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +43615,47.0, Self-emp-not-inc, Assoc-acdm,12.0, Never-married, Farming-fishing, Other-relative, White, Male,10520.0,0.0,45.0, United-States +43616,27.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,99.0, United-States +43617,26.0, Private, HS-grad,9.0, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43618,32.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, United-States +43619,30.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43620,29.0, Without-pay, Some-college,10.0, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0.0,0.0,65.0, United-States +43621,50.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,84.0, United-States +43622,45.0, Private, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +43623,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Female,0.0,0.0,40.0, United-States +43624,41.0, Private, Assoc-voc,11.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,30.0, United-States +43625,20.0, Private, 9th,5.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43626,35.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2057.0,40.0, United-States +43627,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +43628,37.0, Private, Masters,14.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,45.0, United-States +43629,23.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,32.0, United-States +43630,27.0, Without-pay, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Female,0.0,0.0,40.0, United-States +43631,35.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,35.0, United-States +43632,44.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +43633,37.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +43634,48.0, Federal-gov, 10th,6.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +43635,29.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +43636,27.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43637,41.0, Private, 9th,5.0, Separated, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43638,45.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, Philippines +43639,65.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5556.0,0.0,50.0, United-States +43640,61.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,30.0, United-States +43641,43.0, Local-gov, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43642,22.0, Private, Assoc-voc,11.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43643,48.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,2231.0,30.0, United-States +43644,48.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +43645,28.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +43646,57.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +43647,25.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43648,38.0, Self-emp-not-inc, Some-college,10.0, Separated, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, Japan +43649,34.0, Private, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +43650,47.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43651,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +43652,28.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +43653,39.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +43654,27.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +43655,45.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,1564.0,40.0, United-States +43656,45.0, Federal-gov, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +43657,61.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +43658,45.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +43659,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, Black, Female,0.0,0.0,35.0, United-States +43660,34.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +43661,39.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,1887.0,60.0, United-States +43662,61.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43663,59.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,70.0, United-States +43664,61.0, Private, Prof-school,15.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,5.0, United-States +43665,33.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +43666,63.0, State-gov, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,50.0, United-States +43667,27.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +43668,37.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298.0,0.0,40.0, United-States +43669,55.0, Self-emp-not-inc, Prof-school,15.0, Widowed, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +43670,78.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,20.0, United-States +43671,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +43672,30.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,50.0, United-States +43673,40.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,58.0, United-States +43674,42.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +43675,41.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States +43676,40.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, White, Male,0.0,0.0,32.0, United-States +43677,46.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +43678,40.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +43679,62.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137.0,0.0,40.0, United-States +43680,30.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, Germany +43681,41.0, Private, Some-college,10.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43682,52.0, Self-emp-not-inc, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Male,0.0,0.0,5.0, United-States +43683,49.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43684,31.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43685,26.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,8.0, United-States +43686,25.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, Nicaragua +43687,54.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +43688,50.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +43689,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5013.0,0.0,45.0, United-States +43690,25.0, Private, HS-grad,9.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,10.0, United-States +43691,46.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,75.0, United-States +43692,51.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +43693,57.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43694,51.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,63.0, United-States +43695,53.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +43696,45.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43697,44.0, Self-emp-not-inc, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,60.0, United-States +43698,25.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, Mexico +43699,48.0, State-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43700,53.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States +43701,49.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,72.0, United-States +43702,39.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Wife, White, Female,0.0,0.0,15.0, United-States +43703,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,20.0, United-States +43704,40.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +43705,36.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43706,30.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States +43707,45.0, State-gov, Some-college,10.0, Divorced, Prof-specialty, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43708,33.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +43709,36.0, State-gov, HS-grad,9.0, Separated, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +43710,64.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,48.0, Mexico +43711,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +43712,32.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +43713,35.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43714,35.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1740.0,80.0, United-States +43715,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, Mexico +43716,39.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +43717,40.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +43718,26.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,35.0, United-States +43719,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43720,32.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0.0,0.0,20.0, United-States +43721,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43722,37.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +43723,33.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +43724,49.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,2603.0,40.0, Greece +43725,55.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,40.0, United-States +43726,41.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +43727,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +43728,37.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,13.0, United-States +43729,27.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43730,32.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43731,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Iran +43732,34.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43733,28.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43734,17.0, Private, 10th,6.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,14.0, United-States +43735,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +43736,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +43737,29.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43738,45.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States +43739,53.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +43740,42.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +43741,20.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43742,29.0, State-gov, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +43743,52.0, Private, 9th,5.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43744,47.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0.0,0.0,40.0, United-States +43745,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +43746,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, Mexico +43747,40.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,42.0, United-States +43748,26.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43749,56.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, Poland +43750,40.0, Private, Assoc-voc,11.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +43751,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43752,55.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,50.0, United-States +43753,33.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43754,31.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43755,28.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +43756,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1628.0,40.0, United-States +43757,31.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43758,35.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, Black, Male,0.0,0.0,40.0, United-States +43759,58.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +43760,76.0, Local-gov, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,13.0, United-States +43761,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,60.0, United-States +43762,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,30.0, United-States +43763,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43764,33.0, Federal-gov, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,32.0, United-States +43765,40.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +43766,36.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +43767,44.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,40.0, United-States +43768,30.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,20.0, Taiwan +43769,31.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, United-States +43770,67.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Unmarried, White, Female,6723.0,0.0,40.0, United-States +43771,48.0, State-gov, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +43772,48.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +43773,58.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,15024.0,0.0,50.0, United-States +43774,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +43775,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,70.0, United-States +43776,38.0, Private, 9th,5.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0.0,0.0,54.0, Mexico +43777,54.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +43778,29.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +43779,31.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +43780,17.0, Private, 12th,8.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +43781,28.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,50.0, United-States +43782,45.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43783,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43784,50.0, State-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +43785,39.0, Private, Masters,14.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, United-States +43786,49.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43787,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,1876.0,65.0, United-States +43788,29.0, Private, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43789,53.0, Private, HS-grad,9.0, Widowed, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,38.0, United-States +43790,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, Germany +43791,50.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,55.0, United-States +43792,30.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, Germany +43793,28.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Not-in-family, Other, Male,0.0,0.0,40.0, United-States +43794,43.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43795,37.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Hong +43796,25.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,35.0, United-States +43797,31.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +43798,23.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2179.0,60.0, United-States +43799,41.0, Local-gov, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,44.0, United-States +43800,27.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +43801,25.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, Black, Male,2907.0,0.0,40.0, United-States +43802,37.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,50.0, United-States +43803,44.0, Federal-gov, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Female,0.0,0.0,40.0, United-States +43804,55.0, State-gov, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, Black, Male,0.0,0.0,40.0, United-States +43805,61.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43806,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43807,35.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Not-in-family, White, Female,6849.0,0.0,40.0, United-States +43808,44.0, Federal-gov, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43809,70.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051.0,0.0,35.0, United-States +43810,36.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,52.0, United-States +43811,42.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43812,28.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43813,38.0, Private, HS-grad,9.0, Separated, Adm-clerical, Not-in-family, White, Female,0.0,0.0,32.0, United-States +43814,18.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,38.0, United-States +43815,58.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Germany +43816,47.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +43817,56.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43818,25.0, Private, HS-grad,9.0, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States +43819,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43820,18.0, Private, 11th,7.0, Never-married, Other-service, Other-relative, White, Male,0.0,0.0,20.0, United-States +43821,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +43822,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, Dominican-Republic +43823,48.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +43824,35.0, Private, Assoc-acdm,12.0, Divorced, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,24.0, United-States +43825,53.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,2001.0,40.0, United-States +43826,42.0, Private, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,44.0, United-States +43827,46.0, Private, HS-grad,9.0, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43828,45.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999.0,0.0,50.0, United-States +43829,27.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43830,22.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +43831,55.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,38.0, United-States +43832,42.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +43833,35.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +43834,25.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +43835,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, United-States +43836,35.0, Local-gov, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43837,24.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,20.0, United-States +43838,28.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43839,43.0, State-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +43840,29.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43841,26.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, Black, Male,6849.0,0.0,50.0, United-States +43842,35.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,1669.0,45.0, United-States +43843,28.0, Private, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,42.0, United-States +43844,67.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,25.0, United-States +43845,61.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +43846,22.0, Private, 9th,5.0, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +43847,33.0, Self-emp-not-inc, Bachelors,13.0, Separated, Prof-specialty, Own-child, Black, Male,0.0,0.0,35.0, United-States +43848,49.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,48.0, United-States +43849,42.0, Federal-gov, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +43850,40.0, Private, Assoc-voc,11.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +43851,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,65.0, United-States +43852,33.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +43853,38.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +43854,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Germany +43855,53.0, State-gov, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +43856,62.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,30.0, United-States +43857,37.0, Federal-gov, HS-grad,9.0, Divorced, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +43858,23.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,15.0, United-States +43859,24.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,10.0, Greece +43860,37.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +43861,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,20.0, United-States +43862,54.0, State-gov, Masters,14.0, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +43863,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43864,45.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,4064.0,0.0,40.0, United-States +43865,36.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +43866,37.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Male,0.0,0.0,40.0, United-States +43867,35.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43868,43.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +43869,31.0, Private, 10th,6.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,99.0, Cuba +43870,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +43871,17.0, Private, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +43872,41.0, Private, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, Mexico +43873,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,55.0, United-States +43874,21.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +43875,35.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +43876,37.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +43877,21.0, Private, HS-grad,9.0, Married-spouse-absent, Machine-op-inspct, Own-child, White, Female,0.0,0.0,40.0, Dominican-Republic +43878,31.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, Black, Female,0.0,0.0,50.0, United-States +43879,46.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +43880,35.0, Private, Assoc-acdm,12.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,50.0, United-States +43881,29.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Female,0.0,0.0,42.0, United-States +43882,26.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43883,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +43884,29.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,50.0, United-States +43885,56.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +43886,64.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,12.0, United-States +43887,35.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43888,37.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,52.0, United-States +43889,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +43890,29.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43891,40.0, Private, Some-college,10.0, Divorced, Craft-repair, Other-relative, White, Male,0.0,0.0,50.0, United-States +43892,22.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43893,43.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178.0,0.0,40.0, United-States +43894,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +43895,50.0, Federal-gov, HS-grad,9.0, Separated, Sales, Other-relative, Amer-Indian-Eskimo, Female,0.0,0.0,40.0, United-States +43896,31.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +43897,17.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +43898,44.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,35.0, United-States +43899,42.0, Self-emp-not-inc, Some-college,10.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,50.0, United-States +43900,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,32.0, United-States +43901,32.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, Columbia +43902,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43903,36.0, Private, Assoc-acdm,12.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,32.0, United-States +43904,54.0, State-gov, HS-grad,9.0, Separated, Adm-clerical, Unmarried, Black, Female,3887.0,0.0,35.0, United-States +43905,44.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +43906,30.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +43907,48.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +43908,48.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +43909,46.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +43910,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +43911,28.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,50.0, United-States +43912,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +43913,30.0, Local-gov, Some-college,10.0, Separated, Adm-clerical, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43914,30.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,54.0, United-States +43915,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +43916,59.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +43917,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +43918,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +43919,52.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +43920,42.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,48.0, United-States +43921,34.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +43922,60.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,8.0, United-States +43923,48.0, Private, Assoc-voc,11.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,41.0, United-States +43924,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +43925,48.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43926,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,35.0, United-States +43927,41.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43928,39.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43929,40.0, Private, 7th-8th,4.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +43930,23.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +43931,23.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +43932,21.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +43933,34.0, Private, HS-grad,9.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,37.0, Ireland +43934,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +43935,61.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +43936,29.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +43937,55.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, England +43938,38.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +43939,45.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43940,29.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, United-States +43941,38.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +43942,32.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Own-child, White, Female,2597.0,0.0,40.0, Japan +43943,67.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +43944,65.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States +43945,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,20.0, United-States +43946,51.0, State-gov, Bachelors,13.0, Widowed, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43947,47.0, Private, 10th,6.0, Divorced, Tech-support, Unmarried, Black, Female,0.0,0.0,38.0, United-States +43948,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,30.0, United-States +43949,26.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +43950,45.0, State-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43951,43.0, Private, HS-grad,9.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43952,61.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,50.0, United-States +43953,33.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +43954,25.0, Private, HS-grad,9.0, Separated, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, Mexico +43955,33.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +43956,49.0, Private, HS-grad,9.0, Never-married, Transport-moving, Unmarried, Black, Female,1506.0,0.0,40.0, United-States +43957,39.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43958,41.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States +43959,38.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,43.0, United-States +43960,17.0, Private, 10th,6.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43961,32.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +43962,23.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +43963,51.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +43964,37.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +43965,29.0, Self-emp-not-inc, 11th,7.0, Separated, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +43966,26.0, Private, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +43967,34.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,62.0, United-States +43968,27.0, Private, 11th,7.0, Never-married, Craft-repair, Other-relative, White, Male,0.0,0.0,60.0, United-States +43969,20.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Male,0.0,0.0,30.0, United-States +43970,29.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +43971,58.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +43972,66.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, White, Female,0.0,0.0,15.0, United-States +43973,30.0, Private, HS-grad,9.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +43974,24.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +43975,43.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,99999.0,0.0,55.0, United-States +43976,22.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +43977,46.0, Private, 7th-8th,4.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43978,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,35.0, United-States +43979,29.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43980,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +43981,68.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,3273.0,0.0,40.0, United-States +43982,54.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +43983,42.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298.0,0.0,50.0, United-States +43984,54.0, Private, Some-college,10.0, Separated, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43985,53.0, Local-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +43986,29.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,42.0, Mexico +43987,44.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +43988,55.0, Private, HS-grad,9.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +43989,30.0, Private, 9th,5.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43990,23.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,32.0, United-States +43991,41.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Other-relative, Black, Female,0.0,0.0,40.0, United-States +43992,61.0, Private, Some-college,10.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43993,63.0, Private, Assoc-voc,11.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,20.0, United-States +43994,50.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +43995,75.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,16.0, United-States +43996,32.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +43997,22.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +43998,48.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,60.0, United-States +43999,30.0, Self-emp-not-inc, Assoc-voc,11.0, Separated, Sales, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +44000,64.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, Cuba +44001,59.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +44002,31.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44003,35.0, Self-emp-inc, Assoc-acdm,12.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +44004,23.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +44005,50.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +44006,47.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,5178.0,0.0,40.0, United-States +44007,44.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +44008,31.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Male,0.0,0.0,60.0, United-States +44009,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,32.0, United-States +44010,46.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Portugal +44011,40.0, State-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +44012,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44013,21.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Female,0.0,0.0,30.0, United-States +44014,29.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +44015,32.0, Self-emp-not-inc, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44016,36.0, Private, Some-college,10.0, Divorced, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +44017,22.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +44018,30.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +44019,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,7.0, United-States +44020,40.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,72.0, United-States +44021,83.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,20.0, United-States +44022,45.0, Local-gov, HS-grad,9.0, Widowed, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44023,65.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1648.0,4.0, Greece +44024,29.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,55.0, United-States +44025,25.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, Black, Male,0.0,0.0,40.0, United-States +44026,60.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386.0,0.0,84.0, United-States +44027,64.0, Private, 5th-6th,3.0, Separated, Other-service, Other-relative, White, Female,0.0,0.0,20.0, Cuba +44028,28.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,48.0, United-States +44029,66.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States +44030,40.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +44031,76.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States +44032,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,60.0, United-States +44033,25.0, Private, 9th,5.0, Never-married, Transport-moving, Other-relative, White, Male,0.0,0.0,40.0, United-States +44034,46.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44035,18.0, Private, 11th,7.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +44036,48.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +44037,52.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,44.0, United-States +44038,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44039,44.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +44040,33.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,20.0, United-States +44041,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,0.0,0.0,40.0, United-States +44042,21.0, Private, 10th,6.0, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +44043,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Canada +44044,25.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +44045,26.0, Federal-gov, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, Columbia +44046,31.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44047,49.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +44048,49.0, Private, Some-college,10.0, Never-married, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +44049,20.0, Private, 9th,5.0, Never-married, Adm-clerical, Unmarried, Black, Female,114.0,0.0,20.0, United-States +44050,43.0, Private, Bachelors,13.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,45.0, United-States +44051,58.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,42.0, United-States +44052,50.0, Local-gov, Bachelors,13.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44053,30.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,24.0, United-States +44054,28.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, Black, Female,0.0,0.0,20.0, United-States +44055,22.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +44056,23.0, Private, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +44057,50.0, Private, 11th,7.0, Widowed, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44058,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44059,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,25.0, United-States +44060,29.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,35.0, United-States +44061,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, Scotland +44062,38.0, Private, Masters,14.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44063,46.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +44064,47.0, Private, 11th,7.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +44065,22.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +44066,33.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +44067,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44068,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, Black, Female,0.0,0.0,40.0, United-States +44069,37.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, China +44070,19.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +44071,40.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +44072,36.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +44073,60.0, Self-emp-not-inc, 5th-6th,3.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +44074,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +44075,32.0, Self-emp-inc, Assoc-voc,11.0, Divorced, Exec-managerial, Not-in-family, White, Female,10520.0,0.0,80.0, Greece +44076,27.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +44077,43.0, Private, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,25.0, United-States +44078,27.0, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,65.0, England +44079,24.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,38.0, United-States +44080,64.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Columbia +44081,51.0, Private, Bachelors,13.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,60.0, United-States +44082,37.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,37.0, United-States +44083,54.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,48.0, United-States +44084,27.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +44085,18.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,30.0, United-States +44086,29.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,99.0, United-States +44087,25.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44088,41.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,54.0, United-States +44089,31.0, Private, Bachelors,13.0, Divorced, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +44090,34.0, Private, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44091,46.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +44092,26.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44093,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44094,37.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,60.0, United-States +44095,50.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +44096,39.0, Local-gov, 12th,8.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,50.0, United-States +44097,38.0, State-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,37.0, United-States +44098,48.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +44099,37.0, State-gov, Assoc-acdm,12.0, Divorced, Protective-serv, Not-in-family, Black, Male,0.0,0.0,38.0, United-States +44100,25.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,40.0, United-States +44101,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +44102,20.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +44103,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +44104,54.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +44105,47.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,2.0, United-States +44106,19.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,30.0, United-States +44107,30.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44108,32.0, Private, 10th,6.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,42.0, United-States +44109,33.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44110,25.0, Private, Some-college,10.0, Separated, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, Jamaica +44111,51.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,10.0, United-States +44112,25.0, Self-emp-inc, HS-grad,9.0, Divorced, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +44113,48.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, Germany +44114,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +44115,31.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44116,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,55.0, United-States +44117,27.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +44118,52.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,50.0, United-States +44119,57.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44120,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44121,27.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,2.0, United-States +44122,47.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +44123,53.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, United-States +44124,18.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +44125,53.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,1408.0,40.0, United-States +44126,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,46.0, United-States +44127,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +44128,38.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44129,21.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,18.0, United-States +44130,27.0, State-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Wife, Black, Female,0.0,0.0,48.0, United-States +44131,32.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44132,46.0, Private, 9th,5.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +44133,45.0, Local-gov, Assoc-voc,11.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +44134,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States +44135,31.0, State-gov, 12th,8.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,40.0, United-States +44136,45.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,31.0, United-States +44137,45.0, Private, 7th-8th,4.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,10.0, United-States +44138,52.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +44139,26.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,56.0, United-States +44140,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,50.0, United-States +44141,32.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44142,57.0, Self-emp-not-inc, 11th,7.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,15.0, United-States +44143,29.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44144,34.0, State-gov, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44145,30.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44146,50.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +44147,41.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44148,28.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +44149,54.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,60.0, United-States +44150,41.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,7298.0,0.0,50.0, United-States +44151,32.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, Japan +44152,61.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,2414.0,0.0,5.0, United-States +44153,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44154,23.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +44155,43.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,65.0, United-States +44156,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44157,44.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +44158,49.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44159,42.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44160,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,55.0, United-States +44161,22.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +44162,37.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,2174.0,0.0,50.0, United-States +44163,35.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,36.0, United-States +44164,44.0, Private, 10th,6.0, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0.0,0.0,30.0, United-States +44165,20.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +44166,38.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +44167,57.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +44168,33.0, Private, HS-grad,9.0, Separated, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44169,27.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,40.0, United-States +44170,20.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44171,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44172,58.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44173,45.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,37.0, United-States +44174,35.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,7688.0,0.0,20.0, United-States +44175,31.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +44176,28.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,35.0, United-States +44177,34.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +44178,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, White, Female,0.0,0.0,50.0, United-States +44179,33.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,46.0, United-States +44180,23.0, Federal-gov, HS-grad,9.0, Never-married, Armed-Forces, Not-in-family, White, Male,0.0,0.0,8.0, United-States +44181,56.0, Local-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44182,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44183,38.0, Self-emp-not-inc, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44184,49.0, Private, Bachelors,13.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States +44185,57.0, Private, 10th,6.0, Separated, Exec-managerial, Not-in-family, White, Male,0.0,0.0,55.0, United-States +44186,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +44187,53.0, Local-gov, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Female,10520.0,0.0,40.0, United-States +44188,50.0, Local-gov, HS-grad,9.0, Widowed, Transport-moving, Unmarried, White, Female,0.0,0.0,40.0, United-States +44189,20.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +44190,58.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44191,31.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +44192,28.0, State-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,0.0,0.0,20.0, United-States +44193,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,5178.0,0.0,45.0, United-States +44194,53.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44195,48.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44196,26.0, Private, Masters,14.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +44197,35.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +44198,37.0, Local-gov, Assoc-voc,11.0, Never-married, Protective-serv, Not-in-family, White, Male,4650.0,0.0,40.0, United-States +44199,25.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +44200,52.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44201,50.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44202,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +44203,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +44204,30.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,47.0, United-States +44205,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Cuba +44206,28.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +44207,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44208,20.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +44209,22.0, Private, 10th,6.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +44210,37.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44211,40.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +44212,28.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44213,22.0, Private, Some-college,10.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,30.0, United-States +44214,36.0, Self-emp-not-inc, Masters,14.0, Never-married, Sales, Not-in-family, White, Male,10520.0,0.0,45.0, United-States +44215,28.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Unmarried, White, Male,0.0,0.0,40.0, United-States +44216,53.0, Self-emp-inc, 10th,6.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,60.0, United-States +44217,55.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +44218,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44219,24.0, Private, Assoc-voc,11.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +44220,30.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +44221,39.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44222,46.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024.0,0.0,50.0, United-States +44223,38.0, Private, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,36.0, Mexico +44224,21.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,20.0, Germany +44225,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44226,23.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44227,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44228,59.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44229,48.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,35.0, United-States +44230,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44231,30.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +44232,52.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44233,45.0, Private, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, Black, Male,0.0,0.0,35.0, United-States +44234,24.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, England +44235,47.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44236,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,38.0, United-States +44237,45.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States +44238,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,7.0, United-States +44239,58.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44240,25.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,15.0, United-States +44241,19.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,30.0, United-States +44242,27.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44243,36.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44244,35.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44245,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44246,75.0, Private, 11th,7.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,6418.0,0.0,50.0, United-States +44247,20.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,28.0, United-States +44248,59.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,40.0, Italy +44249,55.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44250,30.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, Black, Female,0.0,0.0,25.0, United-States +44251,47.0, Private, HS-grad,9.0, Separated, Craft-repair, Unmarried, Black, Female,0.0,0.0,40.0, United-States +44252,46.0, Local-gov, Bachelors,13.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44253,48.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,30.0, United-States +44254,37.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +44255,19.0, Private, Some-college,10.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, United-States +44256,43.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,42.0, United-States +44257,20.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +44258,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +44259,43.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +44260,34.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Female,0.0,0.0,40.0, United-States +44261,66.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,13.0, United-States +44262,90.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,2414.0,0.0,40.0, United-States +44263,47.0, Private, 10th,6.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44264,33.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +44265,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44266,50.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44267,70.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,20.0, United-States +44268,49.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +44269,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,25.0, United-States +44270,49.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Farming-fishing, Not-in-family, White, Female,0.0,0.0,28.0, United-States +44271,36.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +44272,42.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44273,70.0, Self-emp-inc, Bachelors,13.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44274,38.0, Self-emp-inc, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44275,34.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44276,36.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,60.0, United-States +44277,47.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, Portugal +44278,23.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44279,58.0, Private, 5th-6th,3.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44280,36.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44281,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44282,48.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,40.0, United-States +44283,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +44284,17.0, Private, 12th,8.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,18.0, United-States +44285,47.0, Self-emp-not-inc, Bachelors,13.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,65.0, United-States +44286,33.0, Private, Doctorate,16.0, Divorced, Sales, Not-in-family, White, Male,99999.0,0.0,60.0, United-States +44287,54.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44288,47.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +44289,65.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,24.0, United-States +44290,35.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,30.0, United-States +44291,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +44292,25.0,, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +44293,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +44294,65.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44295,61.0, Private, 5th-6th,3.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3411.0,0.0,45.0, United-States +44296,37.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013.0,0.0,44.0, United-States +44297,38.0, Federal-gov, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +44298,46.0, Private, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44299,18.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +44300,36.0, Private, Bachelors,13.0, Married-civ-spouse, Tech-support, Husband, White, Male,7298.0,0.0,40.0, Germany +44301,62.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +44302,56.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,48.0, United-States +44303,53.0, Private, Doctorate,16.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +44304,22.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,50.0, United-States +44305,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44306,44.0,, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44307,27.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Farming-fishing, Unmarried, White, Male,0.0,0.0,50.0, United-States +44308,46.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, Cuba +44309,18.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,19.0, United-States +44310,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +44311,45.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,10.0, United-States +44312,48.0, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Unmarried, White, Female,0.0,0.0,35.0, Nicaragua +44313,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44314,30.0, Private, 11th,7.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +44315,25.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,84.0, United-States +44316,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +44317,35.0, Private, 12th,8.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44318,58.0, Self-emp-not-inc, 10th,6.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, Greece +44319,23.0, Private, 10th,6.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44320,42.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44321,50.0, Private, HS-grad,9.0, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0.0,0.0,55.0, United-States +44322,19.0, Private, Some-college,10.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44323,58.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44324,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024.0,0.0,40.0, United-States +44325,36.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Male,0.0,0.0,40.0, Canada +44326,18.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +44327,67.0, Private, 9th,5.0, Widowed, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,32.0, United-States +44328,58.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,55.0, United-States +44329,27.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Own-child, Black, Female,0.0,0.0,40.0, United-States +44330,60.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44331,21.0, Private, Some-college,10.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +44332,20.0, Federal-gov, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +44333,48.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0.0,0.0,16.0, United-States +44334,29.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44335,32.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States +44336,51.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +44337,30.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44338,26.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44339,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,38.0, United-States +44340,36.0, Private, 11th,7.0, Never-married, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +44341,23.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,38.0, United-States +44342,22.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,30.0, United-States +44343,22.0, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Not-in-family, White, Male,0.0,0.0,50.0, Guatemala +44344,20.0, Private, HS-grad,9.0, Never-married, Sales, Other-relative, Black, Female,0.0,0.0,35.0, United-States +44345,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,46.0, United-States +44346,30.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,0.0,0.0,25.0, United-States +44347,36.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44348,46.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,1590.0,43.0, United-States +44349,35.0, Private, Assoc-voc,11.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +44350,42.0, Private, 7th-8th,4.0, Separated, Machine-op-inspct, Unmarried, Black, Female,0.0,0.0,40.0, United-States +44351,51.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +44352,19.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Wife, Black, Female,0.0,0.0,16.0, United-States +44353,36.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,45.0, United-States +44354,35.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +44355,35.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, Puerto-Rico +44356,30.0, Self-emp-not-inc, Assoc-voc,11.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44357,28.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44358,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +44359,28.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44360,30.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44361,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +44362,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +44363,45.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1628.0,40.0, United-States +44364,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,50.0, United-States +44365,47.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, Black, Female,0.0,0.0,40.0, United-States +44366,28.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,48.0, United-States +44367,33.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,40.0, United-States +44368,32.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Other, Female,0.0,0.0,28.0, United-States +44369,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +44370,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1887.0,40.0, United-States +44371,42.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44372,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44373,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,20.0, United-States +44374,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,30.0, United-States +44375,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,35.0, United-States +44376,29.0, Local-gov, 10th,6.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44377,55.0, Local-gov, Bachelors,13.0, Widowed, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44378,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,20.0, United-States +44379,33.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,50.0, United-States +44380,19.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,20.0, United-States +44381,29.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +44382,26.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44383,26.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States +44384,44.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7688.0,0.0,40.0, United-States +44385,36.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +44386,29.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,15.0, United-States +44387,37.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44388,34.0, Private, Some-college,10.0, Married-civ-spouse, Protective-serv, Other-relative, Black, Female,0.0,0.0,25.0, Haiti +44389,53.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +44390,20.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +44391,39.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +44392,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,35.0, United-States +44393,19.0, Private, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,32.0, United-States +44394,40.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,42.0, United-States +44395,37.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +44396,47.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +44397,33.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,50.0, United-States +44398,43.0, Private, HS-grad,9.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +44399,45.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44400,59.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +44401,30.0, Private, Assoc-voc,11.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +44402,34.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44403,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Mexico +44404,39.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Male,0.0,0.0,40.0, United-States +44405,24.0, Private, 10th,6.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,49.0, El-Salvador +44406,50.0, Local-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1740.0,48.0, United-States +44407,48.0, Private, 11th,7.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44408,56.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,32.0, United-States +44409,38.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,50.0, United-States +44410,23.0, Local-gov, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,12.0, United-States +44411,35.0, State-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, Black, Male,0.0,0.0,40.0, United-States +44412,60.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44413,31.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44414,22.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, Yugoslavia +44415,57.0, Private, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,15.0, United-States +44416,38.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688.0,0.0,35.0, China +44417,39.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44418,44.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44419,29.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +44420,49.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +44421,30.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44422,26.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +44423,44.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +44424,48.0, Private, 7th-8th,4.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44425,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,2415.0,60.0, United-States +44426,45.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, South +44427,40.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried,, Female,0.0,0.0,24.0, United-States +44428,19.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +44429,25.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +44430,50.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,25.0, United-States +44431,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,25.0, United-States +44432,57.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,43.0, United-States +44433,52.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44434,41.0, Private, Bachelors,13.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,2354.0,0.0,40.0, United-States +44435,61.0, Private, 9th,5.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,20.0, Trinadad&Tobago +44436,56.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,60.0, Canada +44437,29.0, Private, 5th-6th,3.0, Never-married, Other-service, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador +44438,19.0, State-gov, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,25.0, United-States +44439,39.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +44440,42.0, Private, Some-college,10.0, Separated, Prof-specialty, Unmarried, White, Female,1506.0,0.0,40.0, United-States +44441,36.0, Private, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +44442,27.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44443,48.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,43.0, United-States +44444,39.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +44445,44.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,38.0, United-States +44446,29.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, Mexico +44447,53.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +44448,20.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,32.0, Mexico +44449,41.0, Federal-gov, Masters,14.0, Never-married, Tech-support, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44450,70.0, Self-emp-inc, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,35.0, United-States +44451,29.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, Black, Female,2174.0,0.0,40.0, United-States +44452,32.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,36.0, United-States +44453,24.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44454,25.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,0.0,0.0,40.0, Philippines +44455,38.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +44456,27.0, Federal-gov, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +44457,39.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44458,25.0, Private, Some-college,10.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,15.0, Mexico +44459,37.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44460,49.0, Private, Assoc-voc,11.0, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0.0,1380.0,42.0, United-States +44461,59.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44462,37.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +44463,31.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,50.0, United-States +44464,36.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44465,46.0, Private, 5th-6th,3.0, Separated, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,50.0, Mexico +44466,40.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44467,23.0, Private, Bachelors,13.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,60.0, United-States +44468,39.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,30.0, United-States +44469,32.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44470,56.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +44471,35.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44472,45.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,45.0, United-States +44473,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +44474,81.0, Private, 5th-6th,3.0, Widowed, Other-service, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,6.0, United-States +44475,30.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +44476,62.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Unmarried, White, Male,15020.0,0.0,50.0, United-States +44477,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +44478,26.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,50.0, United-States +44479,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, India +44480,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +44481,31.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,25.0, United-States +44482,48.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44483,39.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44484,58.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,42.0, United-States +44485,53.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44486,24.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Iran +44487,31.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,30.0, United-States +44488,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +44489,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44490,60.0, Private, HS-grad,9.0, Widowed, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44491,62.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +44492,37.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +44493,51.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,1579.0,40.0, United-States +44494,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,30.0, United-States +44495,27.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,60.0, United-States +44496,56.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,45.0, United-States +44497,38.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,56.0, United-States +44498,46.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +44499,63.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,1977.0,32.0, China +44500,39.0, Private, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,4508.0,0.0,40.0, Mexico +44501,29.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +44502,43.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,0.0,0.0,40.0, United-States +44503,22.0, Private, Assoc-voc,11.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44504,42.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,1887.0,40.0, United-States +44505,47.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +44506,41.0, Private, Some-college,10.0, Separated, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44507,23.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +44508,44.0, Self-emp-not-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44509,47.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,40.0, United-States +44510,39.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44511,43.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +44512,37.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +44513,33.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,4064.0,0.0,40.0, United-States +44514,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,44.0, United-States +44515,33.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +44516,78.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,15.0, United-States +44517,42.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Philippines +44518,34.0, Private, HS-grad,9.0, Divorced, Transport-moving, Unmarried, White, Female,1151.0,0.0,48.0, Germany +44519,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,45.0, China +44520,66.0, Private, Preschool,1.0, Widowed, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, Guatemala +44521,42.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +44522,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +44523,41.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44524,23.0, Private, Assoc-acdm,12.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,25.0, United-States +44525,47.0, Private, 11th,7.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,28.0, United-States +44526,21.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,1055.0,0.0,30.0, United-States +44527,31.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,25.0, United-States +44528,45.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44529,29.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,25.0, United-States +44530,35.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +44531,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,70.0, United-States +44532,73.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,30.0, United-States +44533,76.0, Private, Some-college,10.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,20.0, United-States +44534,42.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7688.0,0.0,45.0, United-States +44535,46.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +44536,60.0, Self-emp-not-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Japan +44537,38.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,38.0, United-States +44538,60.0, State-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0.0,0.0,38.0, China +44539,31.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +44540,39.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44541,55.0, Private, 10th,6.0, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44542,27.0, Private, 12th,8.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,50.0, United-States +44543,17.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +44544,45.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,60.0, United-States +44545,44.0, Private, Masters,14.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,24.0, Iran +44546,23.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,50.0, Taiwan +44547,32.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44548,51.0, Private, Some-college,10.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,36.0, United-States +44549,29.0, Private, Bachelors,13.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44550,47.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44551,41.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0.0,0.0,60.0, United-States +44552,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +44553,25.0, Private, 11th,7.0, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +44554,46.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44555,66.0, Private, Some-college,10.0, Widowed, Other-service, Unmarried, Black, Female,0.0,0.0,20.0, United-States +44556,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44557,72.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,20.0, United-States +44558,49.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +44559,31.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,85.0, United-States +44560,31.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +44561,57.0, Federal-gov, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,15024.0,0.0,40.0, United-States +44562,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,50.0, United-States +44563,32.0, Private, 5th-6th,3.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Mexico +44564,42.0, Private, Assoc-voc,11.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +44565,26.0, Self-emp-not-inc, HS-grad,9.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +44566,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0.0,0.0,40.0, United-States +44567,50.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +44568,28.0, Local-gov, Some-college,10.0, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +44569,43.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, Black, Female,0.0,0.0,96.0, United-States +44570,29.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +44571,60.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +44572,29.0, Private, Some-college,10.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44573,56.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,44.0, United-States +44574,27.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,45.0, United-States +44575,43.0, Local-gov, Some-college,10.0, Separated, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44576,51.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44577,53.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,7298.0,0.0,40.0, United-States +44578,50.0, Private, 7th-8th,4.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44579,27.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +44580,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +44581,44.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,1977.0,50.0, United-States +44582,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44583,46.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,40.0, United-States +44584,31.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +44585,24.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44586,39.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,6849.0,0.0,40.0, United-States +44587,42.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +44588,40.0, Private, 10th,6.0, Divorced, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +44589,34.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, El-Salvador +44590,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013.0,0.0,30.0, United-States +44591,73.0, Local-gov, 5th-6th,3.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,6.0, United-States +44592,56.0, Private, 5th-6th,3.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Portugal +44593,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1848.0,50.0, United-States +44594,56.0, Private, 11th,7.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,50.0, United-States +44595,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44596,39.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44597,18.0, Private, 12th,8.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +44598,25.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44599,40.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +44600,19.0, Private, 10th,6.0, Never-married, Other-service, Unmarried, White, Male,0.0,0.0,30.0, El-Salvador +44601,34.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44602,34.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +44603,50.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1902.0,40.0, United-States +44604,36.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44605,53.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, Black, Male,4386.0,0.0,30.0, United-States +44606,55.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44607,58.0, Private, HS-grad,9.0, Divorced, Other-service, Own-child, White, Female,0.0,0.0,40.0, United-States +44608,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +44609,30.0, Private, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44610,38.0, Private, 1st-4th,2.0, Divorced, Farming-fishing, Unmarried, White, Male,0.0,0.0,40.0, Thailand +44611,27.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,32.0, United-States +44612,30.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,0.0,37.0, United-States +44613,50.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,2407.0,0.0,98.0, United-States +44614,39.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +44615,45.0, Private, 11th,7.0, Widowed, Other-service, Not-in-family, Black, Female,0.0,0.0,20.0, United-States +44616,63.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,55.0, United-States +44617,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0.0,0.0,15.0, United-States +44618,40.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44619,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,4064.0,0.0,60.0, United-States +44620,36.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, Black, Male,0.0,0.0,40.0, United-States +44621,55.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,35.0, United-States +44622,37.0, Federal-gov, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, United-States +44623,21.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,35.0, United-States +44624,76.0, Private, 9th,5.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,13.0, United-States +44625,21.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,42.0, El-Salvador +44626,43.0, Self-emp-inc, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,5455.0,0.0,50.0, United-States +44627,20.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +44628,21.0, Private, HS-grad,9.0, Never-married, Transport-moving, Own-child, White, Female,0.0,0.0,40.0, United-States +44629,18.0, Private, 11th,7.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44630,47.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +44631,44.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,60.0, United-States +44632,22.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Male,0.0,0.0,40.0, United-States +44633,50.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,60.0, United-States +44634,48.0, Self-emp-not-inc, HS-grad,9.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,15.0, United-States +44635,50.0, Private, Assoc-acdm,12.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44636,52.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, Vietnam +44637,25.0, Private, Assoc-voc,11.0, Never-married, Farming-fishing, Not-in-family, White, Male,0.0,0.0,20.0, United-States +44638,49.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States +44639,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,12.0, United-States +44640,37.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,50.0, United-States +44641,24.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, White, Male,0.0,0.0,40.0, United-States +44642,33.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +44643,37.0, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44644,41.0, Federal-gov, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0.0,0.0,50.0, United-States +44645,33.0, Private, Assoc-voc,11.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,40.0, United-States +44646,56.0, Local-gov, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44647,57.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +44648,31.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44649,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +44650,39.0, Private, HS-grad,9.0, Divorced, Handlers-cleaners, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44651,45.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,32.0, United-States +44652,37.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,45.0, United-States +44653,59.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,38.0, United-States +44654,32.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,55.0, United-States +44655,36.0, State-gov, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +44656,29.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44657,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44658,45.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1887.0,40.0, United-States +44659,29.0, Private, 12th,8.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +44660,35.0, Private, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44661,40.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +44662,24.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +44663,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0.0,0.0,40.0, Hong +44664,23.0, Private, Some-college,10.0, Separated, Farming-fishing, Other-relative, White, Female,0.0,0.0,40.0, United-States +44665,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,15.0, United-States +44666,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,60.0, United-States +44667,35.0, Private, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +44668,49.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1977.0,50.0, United-States +44669,65.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Other-relative, White, Female,0.0,0.0,20.0, Mexico +44670,32.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,49.0, United-States +44671,50.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,36.0, United-States +44672,23.0, Private, HS-grad,9.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,40.0, United-States +44673,53.0, Private, Bachelors,13.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +44674,18.0, Private, 11th,7.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,20.0, United-States +44675,17.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +44676,35.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1485.0,40.0, United-States +44677,25.0, State-gov, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0.0,0.0,38.0, United-States +44678,52.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +44679,22.0, Private, 5th-6th,3.0, Never-married, Priv-house-serv, Other-relative, White, Female,0.0,0.0,40.0, El-Salvador +44680,59.0, Private, Some-college,10.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +44681,36.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44682,24.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,30.0, United-States +44683,39.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44684,17.0, Private, 9th,5.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,8.0, United-States +44685,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,15024.0,0.0,40.0, United-States +44686,34.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, France +44687,21.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,44.0, United-States +44688,44.0, Self-emp-inc, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44689,45.0, Local-gov, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,35.0, United-States +44690,45.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44691,33.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv,, White, Male,0.0,0.0,40.0, United-States +44692,41.0, Private, 7th-8th,4.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +44693,41.0, Private, Some-college,10.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,36.0, United-States +44694,38.0, Private, Assoc-voc,11.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,39.0, United-States +44695,38.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,48.0, United-States +44696,27.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,37.0, United-States +44697,75.0, Private, Masters,14.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,16.0, United-States +44698,31.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44699,19.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +44700,46.0, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44701,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, England +44702,39.0, Self-emp-inc, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +44703,39.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,24.0, United-States +44704,34.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +44705,38.0, Private, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,6497.0,0.0,35.0, United-States +44706,36.0, Local-gov, Some-college,10.0, Never-married, Exec-managerial, Unmarried, Black, Female,0.0,0.0,48.0, United-States +44707,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,36.0, Iran +44708,46.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +44709,37.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +44710,34.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44711,54.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,60.0, United-States +44712,33.0, Private, HS-grad,9.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44713,49.0, Self-emp-inc, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Female,27828.0,0.0,35.0, United-States +44714,39.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Unmarried, White, Male,2977.0,0.0,40.0, United-States +44715,47.0, Local-gov, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44716,29.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,35.0, United-States +44717,44.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44718,30.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44719,25.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, Canada +44720,27.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44721,32.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Black, Female,0.0,0.0,40.0, United-States +44722,35.0, Private, Bachelors,13.0, Separated, Exec-managerial, Unmarried, White, Female,0.0,0.0,42.0, United-States +44723,38.0, Private, 5th-6th,3.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, Mexico +44724,46.0, Private, 11th,7.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1902.0,40.0, United-States +44725,20.0, Private, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +44726,19.0, Private, Some-college,10.0, Never-married, Other-service, Unmarried, Black, Female,2036.0,0.0,30.0, United-States +44727,51.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +44728,33.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44729,55.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44730,59.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,50.0, Guatemala +44731,24.0, Local-gov, Some-college,10.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +44732,35.0, Private, Bachelors,13.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +44733,37.0, Private, 10th,6.0, Divorced, Craft-repair, Unmarried, White, Female,0.0,0.0,40.0, United-States +44734,32.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44735,31.0, Private, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +44736,38.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +44737,61.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,1902.0,35.0, United-States +44738,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,7298.0,0.0,50.0, United-States +44739,33.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Not-in-family, White, Male,0.0,0.0,48.0, United-States +44740,29.0, Private, Some-college,10.0, Separated, Tech-support, Unmarried, White, Female,0.0,0.0,40.0, United-States +44741,56.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,37.0, United-States +44742,30.0, Private, Some-college,10.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44743,24.0, Private, Assoc-acdm,12.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,3.0, United-States +44744,38.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1977.0,20.0, United-States +44745,57.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +44746,43.0, State-gov, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,40.0, United-States +44747,27.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44748,56.0, Federal-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44749,18.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Female,0.0,1719.0,20.0, United-States +44750,20.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,30.0, United-States +44751,20.0, Private, 11th,7.0, Never-married, Other-service, Own-child, Black, Male,594.0,0.0,20.0, United-States +44752,61.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,40.0, United-States +44753,41.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,70.0, United-States +44754,56.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,35.0, Cuba +44755,25.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +44756,35.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,80.0, United-States +44757,46.0, Private, HS-grad,9.0, Separated, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44758,29.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +44759,43.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,30.0, United-States +44760,33.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, Canada +44761,42.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +44762,34.0, Private, Bachelors,13.0, Separated, Prof-specialty, Unmarried, Black, Female,0.0,0.0,39.0, United-States +44763,55.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44764,35.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,60.0, United-States +44765,48.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0.0,0.0,40.0, United-States +44766,49.0, Private, Some-college,10.0, Separated, Exec-managerial, Unmarried, Black, Female,0.0,0.0,60.0, United-States +44767,31.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,4101.0,0.0,40.0, United-States +44768,35.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +44769,23.0, Private, HS-grad,9.0, Separated, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +44770,34.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44771,28.0, Private, HS-grad,9.0, Divorced, Protective-serv, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44772,58.0, Private, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44773,18.0, Private, HS-grad,9.0, Married-spouse-absent, Other-service, Own-child, Black, Male,0.0,0.0,40.0, Jamaica +44774,21.0, Private, Some-college,10.0, Never-married, Handlers-cleaners, Own-child, White, Male,0.0,0.0,40.0, United-States +44775,54.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44776,61.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44777,31.0, Private, Bachelors,13.0, Widowed, Sales, Unmarried, White, Female,0.0,1380.0,40.0, Cuba +44778,42.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Wife, White, Female,0.0,0.0,40.0, El-Salvador +44779,60.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,45.0, United-States +44780,55.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44781,35.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885.0,0.0,40.0, United-States +44782,25.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, Mexico +44783,42.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,57.0, United-States +44784,32.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +44785,32.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44786,63.0, Private, 10th,6.0, Separated, Machine-op-inspct, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44787,39.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,7688.0,0.0,80.0, United-States +44788,32.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +44789,38.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +44790,32.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44791,23.0, Private, HS-grad,9.0, Divorced, Priv-house-serv, Unmarried, White, Female,0.0,0.0,40.0, United-States +44792,51.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,60.0, United-States +44793,49.0, State-gov, HS-grad,9.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44794,28.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,2354.0,0.0,40.0, United-States +44795,47.0, State-gov, Masters,14.0, Separated, Prof-specialty, Not-in-family, White, Male,0.0,0.0,38.0, United-States +44796,43.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44797,42.0, Local-gov, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,99999.0,0.0,40.0, United-States +44798,38.0, State-gov, Masters,14.0, Divorced, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44799,24.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +44800,48.0, Self-emp-not-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, England +44801,23.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44802,36.0, Local-gov, Bachelors,13.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,0.0,52.0, United-States +44803,70.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Farming-fishing, Husband,, Male,0.0,0.0,40.0, United-States +44804,51.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688.0,0.0,20.0, United-States +44805,22.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44806,71.0, Private, 9th,5.0, Divorced, Priv-house-serv, Not-in-family, Black, Female,0.0,0.0,6.0, United-States +44807,56.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,50.0, United-States +44808,27.0, Private, 5th-6th,3.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,52.0, Mexico +44809,42.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,40.0, United-States +44810,28.0, Private, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +44811,26.0, Local-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, White, Female,0.0,0.0,48.0, United-States +44812,24.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Female,0.0,0.0,50.0, United-States +44813,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,55.0, United-States +44814,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +44815,23.0, Local-gov, 11th,7.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +44816,34.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44817,36.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Male,0.0,0.0,50.0, United-States +44818,51.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44819,23.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,12.0, United-States +44820,31.0, Private, HS-grad,9.0, Never-married, Other-service, Unmarried, White, Female,0.0,0.0,40.0, Mexico +44821,63.0, Private, 12th,8.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44822,48.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,48.0, United-States +44823,25.0, State-gov, Bachelors,13.0, Never-married, Protective-serv, Not-in-family, Black, Female,0.0,0.0,40.0, United-States +44824,38.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0.0,0.0,42.0, United-States +44825,27.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +44826,50.0, Private, HS-grad,9.0, Divorced, Sales, Not-in-family, White, Female,0.0,0.0,33.0, United-States +44827,32.0, Federal-gov, Assoc-acdm,12.0, Never-married, Protective-serv, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +44828,50.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,48.0, United-States +44829,41.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,65.0, United-States +44830,53.0, Private, HS-grad,9.0, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,10.0, Philippines +44831,31.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,3464.0,0.0,45.0, United-States +44832,70.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,2377.0,12.0, United-States +44833,44.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,56.0, United-States +44834,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44835,35.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44836,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Wife, White, Female,0.0,0.0,40.0, United-States +44837,53.0, Private, Some-college,10.0, Married-spouse-absent, Sales, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44838,44.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44839,43.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44840,41.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, Other, Male,0.0,0.0,40.0, United-States +44841,23.0, Private, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +44842,20.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,18.0, United-States +44843,44.0, Self-emp-not-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,70.0, United-States +44844,46.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +44845,68.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, United-States +44846,52.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +44847,62.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +44848,40.0, Private, Assoc-acdm,12.0, Divorced, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44849,20.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,15.0, United-States +44850,39.0, Private, Some-college,10.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,39.0, United-States +44851,32.0, Private, Doctorate,16.0, Divorced, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44852,45.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,44.0, United-States +44853,69.0, Federal-gov, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,5.0, United-States +44854,39.0, Private, 11th,7.0, Divorced, Sales, Other-relative, White, Female,0.0,0.0,40.0, United-States +44855,34.0, Local-gov, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +44856,57.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +44857,24.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0.0,0.0,40.0, United-States +44858,37.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +44859,73.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +44860,35.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44861,48.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44862,43.0, Federal-gov, Some-college,10.0, Divorced, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +44863,23.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Not-in-family, White, Male,0.0,0.0,45.0, United-States +44864,60.0, Private, 10th,6.0, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0.0,0.0,40.0, United-States +44865,47.0, State-gov, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,38.0, United-States +44866,18.0, Private, 11th,7.0, Never-married, Sales, Own-child, Black, Female,0.0,0.0,8.0, United-States +44867,67.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2174.0,40.0, United-States +44868,44.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,1887.0,60.0, United-States +44869,90.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +44870,29.0, Self-emp-not-inc, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,50.0, United-States +44871,38.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44872,34.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,55.0, United-States +44873,54.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,45.0, United-States +44874,21.0, State-gov, Some-college,10.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,38.0, United-States +44875,44.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Own-child, Black, Male,0.0,0.0,40.0, United-States +44876,47.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688.0,0.0,40.0, United-States +44877,30.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,80.0, United-States +44878,24.0, Private, Bachelors,13.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,60.0, United-States +44879,36.0, Private, Assoc-acdm,12.0, Never-married, Tech-support, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44880,21.0, Private, HS-grad,9.0, Never-married, Handlers-cleaners, Other-relative, Black, Male,2176.0,0.0,40.0, United-States +44881,19.0, Private, 9th,5.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,45.0, United-States +44882,47.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,20.0, United-States +44883,22.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Female,0.0,0.0,37.0, United-States +44884,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,25.0, United-States +44885,41.0, State-gov, HS-grad,9.0, Divorced, Protective-serv, Unmarried, White, Male,0.0,0.0,55.0, United-States +44886,35.0, Private, Bachelors,13.0, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +44887,17.0, Private, 10th,6.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,20.0, United-States +44888,28.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, Mexico +44889,37.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Wife, White, Female,0.0,0.0,35.0, United-States +44890,52.0, Private, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,84.0, United-States +44891,44.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +44892,35.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,35.0, United-States +44893,43.0, Private, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +44894,52.0, State-gov, Masters,14.0, Divorced, Prof-specialty, Unmarried, White, Female,0.0,1876.0,50.0, United-States +44895,56.0, Self-emp-not-inc, 9th,5.0, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,3411.0,0.0,50.0, Columbia +44896,41.0, State-gov, HS-grad,9.0, Never-married, Transport-moving, Not-in-family, White, Female,14344.0,0.0,40.0, United-States +44897,54.0, Self-emp-inc, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Male,99999.0,0.0,70.0, United-States +44898,47.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44899,24.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Male,0.0,0.0,40.0, United-States +44900,23.0, Private, Assoc-voc,11.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, Germany +44901,22.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +44902,34.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +44903,20.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +44904,23.0, Private, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0.0,0.0,40.0, United-States +44905,46.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44906,18.0, Self-emp-not-inc, 10th,6.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,40.0, United-States +44907,36.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,60.0, United-States +44908,40.0, Local-gov, Prof-school,15.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,60.0, United-States +44909,65.0, Private, Bachelors,13.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,20.0, United-States +44910,30.0, State-gov, 11th,7.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +44911,45.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,0.0,0.0,32.0, United-States +44912,64.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,10566.0,0.0,40.0, United-States +44913,47.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,2444.0,50.0, United-States +44914,40.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411.0,0.0,50.0, United-States +44915,39.0, Private, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Female,14084.0,0.0,35.0, United-States +44916,45.0, Private, Assoc-acdm,12.0, Divorced, Prof-specialty, Unmarried, White, Female,5455.0,0.0,38.0, United-States +44917,63.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,45.0, United-States +44918,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +44919,41.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +44920,43.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,3103.0,0.0,40.0, United-States +44921,45.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,55.0, United-States +44922,45.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,44.0, United-States +44923,45.0, Self-emp-inc, Assoc-acdm,12.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,1590.0,40.0, United-States +44924,36.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,1672.0,38.0, United-States +44925,59.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +44926,18.0, Self-emp-inc, HS-grad,9.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,25.0, United-States +44927,37.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,45.0, United-States +44928,29.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,35.0, United-States +44929,46.0, Private, 11th,7.0, Divorced, Handlers-cleaners, Unmarried, Black, Female,0.0,0.0,40.0, United-States +44930,19.0, Private, Some-college,10.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,20.0, United-States +44931,53.0, Self-emp-not-inc, 10th,6.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,35.0, United-States +44932,42.0, Federal-gov, Bachelors,13.0, Divorced, Adm-clerical, Own-child, White, Male,0.0,0.0,40.0, United-States +44933,50.0, State-gov, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +44934,50.0, Private, 10th,6.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,38.0, United-States +44935,56.0, Private, 7th-8th,4.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44936,37.0, Private, HS-grad,9.0, Divorced, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44937,34.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,40.0, United-States +44938,31.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44939,41.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +44940,24.0, Private, Bachelors,13.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,32.0, United-States +44941,50.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,45.0, United-States +44942,67.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,30.0, United-States +44943,80.0, Private, 7th-8th,4.0, Widowed, Other-service, Not-in-family, White, Female,0.0,0.0,24.0, United-States +44944,51.0, Local-gov, Assoc-acdm,12.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +44945,50.0, Private, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,45.0, United-States +44946,24.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +44947,39.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,40.0, United-States +44948,36.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +44949,23.0, Private, HS-grad,9.0, Never-married, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +44950,33.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1977.0,50.0, United-States +44951,43.0, Private, Bachelors,13.0, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +44952,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298.0,0.0,40.0, United-States +44953,36.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +44954,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +44955,53.0, Private, 5th-6th,3.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688.0,0.0,10.0, Yugoslavia +44956,38.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,40.0, United-States +44957,28.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,60.0, United-States +44958,55.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0.0,0.0,40.0, United-States +44959,29.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +44960,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44961,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0.0,0.0,50.0, United-States +44962,26.0, Self-emp-not-inc, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,48.0, United-States +44963,45.0, State-gov, Masters,14.0, Divorced, Exec-managerial, Unmarried, White, Female,0.0,0.0,40.0, United-States +44964,53.0, State-gov, Some-college,10.0, Divorced, Adm-clerical, Other-relative, White, Female,4650.0,0.0,40.0, United-States +44965,45.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +44966,30.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +44967,19.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Male,0.0,0.0,20.0, United-States +44968,39.0, Private, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,45.0, United-States +44969,29.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +44970,44.0, Private, Some-college,10.0, Separated, Adm-clerical, Unmarried, White, Female,0.0,0.0,40.0, United-States +44971,33.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +44972,61.0, State-gov, 11th,7.0, Widowed, Other-service, Unmarried, White, Female,0.0,0.0,32.0, United-States +44973,40.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Unmarried, White, Male,0.0,0.0,40.0, United-States +44974,47.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +44975,49.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,2179.0,40.0, United-States +44976,31.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,50.0, United-States +44977,24.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Own-child, White, Male,0.0,0.0,45.0, United-States +44978,41.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0.0,1977.0,60.0, Taiwan +44979,60.0, Private, HS-grad,9.0, Widowed, Sales, Not-in-family, White, Female,0.0,0.0,50.0, United-States +44980,58.0, Private, 1st-4th,2.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, Cuba +44981,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, Black, Male,0.0,0.0,40.0, United-States +44982,53.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,80.0, United-States +44983,22.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,40.0, United-States +44984,34.0, Local-gov, HS-grad,9.0, Never-married, Protective-serv, Own-child, White, Male,0.0,0.0,40.0, United-States +44985,48.0, Local-gov, 10th,6.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +44986,32.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44987,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +44988,23.0, Private, Assoc-voc,11.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,15.0, United-States +44989,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,45.0, United-States +44990,38.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +44991,43.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,70.0, United-States +44992,34.0, Self-emp-inc, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +44993,56.0, Private, 9th,5.0, Separated, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +44994,37.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Other-relative, Black, Female,0.0,0.0,40.0, United-States +44995,43.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +44996,58.0, Private, 9th,5.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +44997,54.0, Private, Some-college,10.0, Widowed, Sales, Unmarried, White, Female,0.0,0.0,20.0, United-States +44998,33.0, Private, Bachelors,13.0, Never-married, Craft-repair, Not-in-family, White, Male,2174.0,0.0,40.0, United-States +44999,39.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +45000,36.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +45001,34.0, Private, Some-college,10.0, Divorced, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45002,44.0, Private, 9th,5.0,, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +45003,26.0, Private, Some-college,10.0, Divorced, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +45004,35.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,7298.0,0.0,48.0, United-States +45005,20.0, Private, 11th,7.0, Never-married, Handlers-cleaners, Own-child, Black, Male,0.0,0.0,40.0, United-States +45006,44.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Unmarried, Black, Female,1151.0,0.0,50.0, United-States +45007,46.0, Private, HS-grad,9.0, Separated, Handlers-cleaners, Unmarried, White, Female,0.0,0.0,50.0, Peru +45008,47.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +45009,29.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +45010,26.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Unmarried, Black, Male,0.0,1380.0,40.0, United-States +45011,23.0, Local-gov, Bachelors,13.0, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Male,0.0,0.0,30.0, United-States +45012,54.0, Local-gov, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +45013,40.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,72.0, United-States +45014,23.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,60.0, United-States +45015,33.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,55.0, United-States +45016,59.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +45017,27.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, Hungary +45018,34.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,57.0, United-States +45019,48.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,1977.0,70.0, United-States +45020,17.0, Private, 9th,5.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,16.0, United-States +45021,43.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +45022,33.0, Private, Assoc-voc,11.0, Never-married, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +45023,46.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +45024,71.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,2392.0,52.0, United-States +45025,28.0, Private, 10th,6.0, Never-married, Transport-moving, Unmarried, White, Male,0.0,0.0,30.0, United-States +45026,52.0, Private, Some-college,10.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,50.0, United-States +45027,43.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45028,19.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,34.0, United-States +45029,58.0, Private, 7th-8th,4.0, Widowed, Farming-fishing, Other-relative, White, Female,0.0,0.0,45.0, Guatemala +45030,56.0, Private, Assoc-voc,11.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +45031,36.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, Black, Male,0.0,0.0,40.0, United-States +45032,33.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +45033,29.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45034,56.0, Self-emp-not-inc, 7th-8th,4.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +45035,29.0, State-gov, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,50.0, United-States +45036,34.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Unmarried, White, Female,0.0,0.0,18.0, United-States +45037,34.0, Private, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45038,47.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +45039,57.0, Private, Some-college,10.0, Widowed, Machine-op-inspct, Unmarried, White, Female,0.0,0.0,40.0, United-States +45040,64.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +45041,19.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,1721.0,30.0, United-States +45042,38.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178.0,0.0,50.0, Portugal +45043,59.0, State-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45044,24.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,40.0, United-States +45045,34.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,36.0, United-States +45046,35.0, Private, HS-grad,9.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, Mexico +45047,33.0, State-gov, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,48.0, United-States +45048,57.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,55.0, United-States +45049,53.0,, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688.0,0.0,20.0, China +45050,21.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, Black, Female,0.0,0.0,40.0, United-States +45051,61.0, Private, Bachelors,13.0, Divorced, Sales, Unmarried, White, Male,0.0,0.0,40.0, United-States +45052,23.0, Private, 5th-6th,3.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,55.0, Mexico +45053,21.0, Private, HS-grad,9.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,60.0, United-States +45054,32.0, Private, 1st-4th,2.0, Never-married, Exec-managerial,, White, Male,0.0,0.0,21.0, United-States +45055,29.0, Private, HS-grad,9.0, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,40.0, United-States +45056,59.0, Self-emp-not-inc, Prof-school,15.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,30.0, United-States +45057,74.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,10.0, United-States +45058,51.0, Private, Doctorate,16.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024.0,0.0,60.0, Iran +45059,37.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Own-child, White, Male,0.0,0.0,40.0, United-States +45060,37.0, Private, Some-college,10.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +45061,53.0, Self-emp-inc, Doctorate,16.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,70.0, United-States +45062,33.0, Private, 10th,6.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,80.0, Mexico +45063,51.0, State-gov, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +45064,21.0, Private, HS-grad,9.0, Never-married, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,25.0, United-States +45065,45.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0.0,0.0,40.0, United-States +45066,39.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +45067,47.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +45068,45.0, Private, 5th-6th,3.0, Never-married, Machine-op-inspct, Own-child, White, Female,0.0,0.0,35.0, United-States +45069,34.0, Private, Assoc-voc,11.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908.0,0.0,45.0, United-States +45070,41.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +45071,41.0, Private, Some-college,10.0, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,32.0, United-States +45072,48.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,40.0, United-States +45073,77.0, Self-emp-not-inc, 7th-8th,4.0, Married-civ-spouse, Farming-fishing, Husband, White, Male,0.0,0.0,40.0, United-States +45074,39.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,40.0, United-States +45075,31.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, Germany +45076,77.0, Private, HS-grad,9.0, Widowed, Exec-managerial, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45077,35.0, Private, 11th,7.0, Separated, Priv-house-serv, Unmarried, White, Female,0.0,0.0,8.0, Mexico +45078,36.0, Private, HS-grad,9.0, Divorced, Exec-managerial, Unmarried, White, Male,0.0,0.0,45.0, United-States +45079,19.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +45080,35.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, Black, Female,0.0,0.0,40.0, United-States +45081,33.0, Private, Some-college,10.0, Married-civ-spouse, Transport-moving, Husband, Black, Male,0.0,0.0,40.0, United-States +45082,42.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +45083,28.0, Private, Masters,14.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,48.0, United-States +45084,26.0, Self-emp-not-inc, Some-college,10.0, Never-married, Prof-specialty, Own-child, White, Female,0.0,0.0,35.0, United-States +45085,42.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +45086,46.0, Private, Bachelors,13.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +45087,22.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0.0,0.0,10.0, Vietnam +45088,47.0, Self-emp-not-inc, Some-college,10.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,65.0, United-States +45089,29.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,35.0, United-States +45090,28.0, Private, Assoc-voc,11.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,50.0, United-States +45091,46.0, Private, Some-college,10.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +45092,56.0, State-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,1902.0,48.0, United-States +45093,21.0, Local-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45094,29.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Male,0.0,0.0,50.0, United-States +45095,33.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,60.0, United-States +45096,54.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +45097,42.0, Private, Some-college,10.0, Divorced, Craft-repair, Not-in-family, White, Male,3325.0,0.0,40.0, United-States +45098,46.0, Private, Assoc-acdm,12.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45099,47.0, Local-gov, Doctorate,16.0, Never-married, Prof-specialty, Unmarried, White, Female,0.0,0.0,40.0, United-States +45100,43.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103.0,0.0,40.0, United-States +45101,52.0, Self-emp-not-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,55.0, United-States +45102,49.0, Self-emp-inc, Bachelors,13.0, Married-civ-spouse, Adm-clerical, Husband, White, Male,0.0,0.0,40.0, United-States +45103,50.0, Private, Masters,14.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,35.0, United-States +45104,32.0, Private, Bachelors,13.0, Divorced, Exec-managerial, Not-in-family, White, Female,0.0,0.0,50.0, United-States +45105,41.0, Local-gov, Some-college,10.0, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0.0,0.0,40.0, United-States +45106,48.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,32.0, Columbia +45107,70.0, Local-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +45108,35.0, Private, Some-college,10.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,50.0, United-States +45109,50.0, Private, HS-grad,9.0, Divorced, Sales, Unmarried, White, Female,0.0,0.0,65.0, United-States +45110,51.0, Private, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,55.0, United-States +45111,42.0, Private, Some-college,10.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +45112,34.0, Self-emp-not-inc, Masters,14.0, Never-married, Prof-specialty, Own-child, White, Male,0.0,0.0,50.0, Cuba +45113,24.0, State-gov, HS-grad,9.0, Married-civ-spouse, Adm-clerical, Wife, White, Female,0.0,0.0,40.0, United-States +45114,50.0, Private, Masters,14.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +45115,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +45116,32.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,50.0, United-States +45117,61.0, Private, HS-grad,9.0, Divorced, Other-service, Not-in-family, Black, Male,0.0,0.0,40.0, United-States +45118,48.0, State-gov, HS-grad,9.0, Married-civ-spouse, Craft-repair, Wife, Black, Female,0.0,0.0,40.0, United-States +45119,38.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137.0,0.0,45.0, United-States +45120,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,20.0, United-States +45121,27.0, Private, Doctorate,16.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,52.0, United-States +45122,63.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,18.0, United-States +45123,26.0, State-gov, Assoc-acdm,12.0, Never-married, Adm-clerical, Own-child, Black, Female,0.0,0.0,8.0, United-States +45124,45.0, Private, Bachelors,13.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, United-States +45125,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +45126,22.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Male,0.0,0.0,25.0, Greece +45127,35.0, Private, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +45128,36.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,50.0, United-States +45129,42.0, Private, Masters,14.0, Never-married, Exec-managerial, Not-in-family, White, Male,0.0,0.0,40.0, United-States +45130,50.0, Self-emp-inc, Masters,14.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +45131,41.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, Black, Male,0.0,0.0,40.0, United-States +45132,33.0, Local-gov, HS-grad,9.0, Divorced, Craft-repair, Unmarried, White, Male,0.0,0.0,40.0, United-States +45133,40.0, Private, Some-college,10.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,,60.0, Puerto-Rico +45134,45.0, Federal-gov, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,56.0, United-States +45135,22.0, Private, HS-grad,9.0, Never-married, Machine-op-inspct, Other-relative, White, Male,0.0,0.0,55.0, United-States +45136,59.0, State-gov, HS-grad,9.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +45137,30.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, White, Male,0.0,0.0,40.0, United-States +45138,32.0, Federal-gov, Prof-school,15.0, Never-married, Prof-specialty, Not-in-family, White, Male,14084.0,0.0,55.0, United-States +45139,47.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,48.0, United-States +45140,18.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,30.0, United-States +45141,50.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +45142,46.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,40.0, United-States +45143,52.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,55.0, United-States +45144,36.0, Self-emp-inc, Assoc-voc,11.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,60.0, United-States +45145,28.0, Private, Assoc-acdm,12.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,1887.0,70.0, United-States +45146,20.0, Private, HS-grad,9.0, Never-married, Sales, Unmarried, White, Male,0.0,0.0,35.0, United-States +45147,35.0, Private, HS-grad,9.0, Separated, Machine-op-inspct, Not-in-family, White, Male,3674.0,0.0,52.0, United-States +45148,36.0, Private, HS-grad,9.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,40.0, United-States +45149,65.0, Federal-gov, HS-grad,9.0, Widowed, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45150,19.0, Private, HS-grad,9.0, Never-married, Craft-repair, Own-child, White, Male,0.0,0.0,40.0, United-States +45151,21.0, Private, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,1602.0,22.0, United-States +45152,26.0, Private, Some-college,10.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States +45153,37.0, Local-gov, Bachelors,13.0, Never-married, Tech-support, Own-child, White, Female,0.0,0.0,42.0, United-States +45154,62.0, Local-gov, 7th-8th,4.0, Married-civ-spouse, Craft-repair, Husband, White, Male,2829.0,0.0,40.0, United-States +45155,28.0, Private, HS-grad,9.0, Married-civ-spouse, Tech-support, Husband, White, Male,0.0,0.0,40.0, United-States +45156,19.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,25.0, United-States +45157,27.0, Private, Some-college,10.0, Divorced, Exec-managerial, Own-child, White, Female,0.0,0.0,40.0, United-States +45158,40.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +45159,46.0, State-gov, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,40.0, United-States +45160,24.0, Private, Some-college,10.0, Never-married, Machine-op-inspct, Not-in-family, White, Male,0.0,0.0,40.0, United-States +45161,61.0, Private, 7th-8th,4.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,50.0, United-States +45162,21.0, Private, Some-college,10.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,25.0, United-States +45163,32.0, Private, HS-grad,9.0, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0.0,0.0,40.0, United-States +45164,17.0, Private, 11th,7.0, Never-married, Transport-moving, Own-child, White, Male,0.0,1602.0,15.0, United-States +45165,50.0, Federal-gov, HS-grad,9.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +45166,19.0, Self-emp-not-inc, Some-college,10.0, Never-married, Sales, Own-child, White, Female,0.0,0.0,16.0, United-States +45167,25.0, Private, Some-college,10.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,65.0, United-States +45168,30.0, Private, Prof-school,15.0, Married-civ-spouse, Prof-specialty, Wife, White, Female,0.0,0.0,45.0, United-States +45169,32.0, Private, Bachelors,13.0, Married-civ-spouse, Sales, Husband, Black, Male,0.0,0.0,60.0, United-States +45170,58.0, Private, HS-grad,9.0, Widowed, Priv-house-serv, Not-in-family, White, Female,0.0,0.0,28.0, United-States +45171,58.0, Self-emp-not-inc, Some-college,10.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,0.0,0.0,45.0, United-States +45172,76.0, Private, HS-grad,9.0, Widowed, Other-service, Not-in-family, White, Male,0.0,0.0,17.0, United-States +45173,56.0, Local-gov, 12th,8.0, Never-married, Handlers-cleaners, Not-in-family, White, Male,0.0,0.0,40.0, United-States +45174,32.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +45175,45.0, Local-gov, Bachelors,13.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +45176,26.0, Private, HS-grad,9.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,50.0, United-States +45177,63.0, Private, Some-college,10.0, Widowed, Adm-clerical, Unmarried, White, Female,0.0,0.0,43.0, United-States +45178,39.0, Private, Bachelors,13.0, Married-civ-spouse, Craft-repair,, White, Male,0.0,0.0,52.0, United-States +45179,37.0, Private, Some-college,10.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,56.0, United-States +45180,41.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,40.0, United-States +45181,23.0, Private, Assoc-acdm,12.0, Never-married, Prof-specialty, Not-in-family, White, Female,0.0,0.0,52.0, United-States +45182,62.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,35.0, United-States +45183,24.0, Private, Assoc-voc,11.0, Never-married, Sales, Not-in-family, White, Male,0.0,0.0,40.0, United-States +45184,32.0, Private, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,45.0, United-States +45185,61.0, Private, 10th,6.0, Married-civ-spouse, Sales, Husband, White, Male,0.0,0.0,40.0, United-States +45186,57.0, Private, HS-grad,9.0, Divorced, Craft-repair, Not-in-family, White, Female,0.0,1980.0,44.0, United-States +45187,41.0, Private, Bachelors,13.0, Divorced, Prof-specialty, Not-in-family, White, Female,0.0,0.0,50.0, United-States +45188,54.0, Private, HS-grad,9.0, Married-civ-spouse, Other-service, Husband, White, Male,0.0,0.0,32.0, Mexico +45189,51.0, Private, HS-grad,9.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,40.0, United-States +45190,79.0, Private, Bachelors,13.0, Never-married, Other-service, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45191,35.0, Private, HS-grad,9.0, Married-civ-spouse, Transport-moving, Husband, Other, Male,0.0,0.0,40.0, Dominican-Republic +45192,39.0, Private, Some-college,10.0, Divorced, Adm-clerical, Unmarried, White, Female,0.0,0.0,38.0, United-States +45193,30.0, Private, Masters,14.0, Never-married, Prof-specialty, Not-in-family, White, Male,0.0,0.0,40.0, Ireland +45194,37.0, Private, HS-grad,9.0, Never-married, Tech-support, Not-in-family, White, Female,14084.0,0.0,35.0, United-States +45195,30.0, Private, HS-grad,9.0, Divorced, Other-service, Unmarried, White, Female,0.0,0.0,40.0, United-States +45196,27.0, Self-emp-inc, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,1740.0,40.0, United-States +45197,21.0, Private, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45198,20.0, Private, Some-college,10.0, Never-married, Farming-fishing, Not-in-family, White, Female,0.0,0.0,40.0, United-States +45199,23.0, Private, HS-grad,9.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,35.0, United-States +45200,48.0, Private, Bachelors,13.0, Divorced, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +45201,26.0, State-gov, Bachelors,13.0, Never-married, Exec-managerial, Not-in-family, White, Female,0.0,0.0,35.0, United-States +45202,48.0, Self-emp-not-inc, Assoc-voc,11.0, Married-civ-spouse, Other-service, Wife, White, Female,0.0,0.0,15.0, United-States +45203,26.0, Private, Bachelors,13.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +45204,55.0, Self-emp-not-inc, Bachelors,13.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +45205,40.0, Private, Prof-school,15.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,50.0, United-States +45206,47.0, Private, Assoc-voc,11.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024.0,0.0,50.0, United-States +45207,20.0, Private, Some-college,10.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,35.0, United-States +45208,45.0, Private, Assoc-acdm,12.0, Divorced, Transport-moving, Not-in-family, White, Male,0.0,0.0,55.0, United-States +45209,31.0, State-gov, HS-grad,9.0, Never-married, Protective-serv, Other-relative, Asian-Pac-Islander, Male,0.0,0.0,40.0, United-States +45210,22.0, Private, Some-college,10.0, Never-married, Other-service, Not-in-family, White, Male,0.0,0.0,40.0, United-States +45211,40.0, Private, HS-grad,9.0, Divorced, Adm-clerical, Unmarried, Black, Female,0.0,625.0,40.0, United-States +45212,25.0, Private, HS-grad,9.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,40.0, United-States +45213,23.0, Local-gov, HS-grad,9.0, Never-married, Other-service, Own-child, White, Female,0.0,0.0,45.0, United-States +45214,42.0, Local-gov, Some-college,10.0, Married-civ-spouse, Protective-serv, Husband, White, Male,0.0,0.0,52.0, United-States +45215,53.0, Private, HS-grad,9.0, Married-civ-spouse, Craft-repair, Husband, White, Male,0.0,0.0,40.0, United-States +45216,38.0, Private, Some-college,10.0, Married-civ-spouse, Exec-managerial, Husband, White, Male,0.0,0.0,40.0, United-States +45217,17.0, Private, 11th,7.0, Never-married, Other-service, Own-child, White, Male,0.0,0.0,15.0, United-States +45218,50.0, Federal-gov, Some-college,10.0, Never-married, Adm-clerical, Not-in-family, White, Male,0.0,0.0,40.0, United-States +45219,17.0, Self-emp-inc, 12th,8.0, Never-married, Adm-clerical, Own-child, White, Female,0.0,0.0,16.0, United-States +45220,38.0, Private, Bachelors,13.0, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688.0,0.0,40.0, United-States +45221,22.0, Private, Some-college,10.0, Never-married, Farming-fishing, Own-child, White, Male,0.0,0.0,10.0, United-States diff --git a/Supervised Learning Project/visuals.py b/Supervised Learning Project/visuals.py new file mode 100644 index 0000000..1633520 --- /dev/null +++ b/Supervised Learning Project/visuals.py @@ -0,0 +1,143 @@ +########################################### +# Suppress matplotlib user warnings +# Necessary for newer version of matplotlib +import warnings +warnings.filterwarnings("ignore", category = UserWarning, module = "matplotlib") +# +# Display inline matplotlib plots with IPython +from IPython import get_ipython +get_ipython().run_line_magic('matplotlib', 'inline') +########################################### + +import matplotlib.pyplot as pl +import matplotlib.patches as mpatches +import numpy as np +import pandas as pd +from time import time +from sklearn.metrics import f1_score, accuracy_score + + +def distribution(data, transformed = False): + """ + Visualization code for displaying skewed distributions of features + """ + + # Create figure + fig = pl.figure(figsize = (11,5)); + + # Skewed feature plotting + for i, feature in enumerate(['capital-gain','capital-loss']): + ax = fig.add_subplot(1, 2, i+1) + ax.hist(data[feature], bins = 25, color = '#00A0A0') + ax.set_title("'%s' Feature Distribution"%(feature), fontsize = 14) + ax.set_xlabel("Value") + ax.set_ylabel("Number of Records") + ax.set_ylim((0, 2000)) + ax.set_yticks([0, 500, 1000, 1500, 2000]) + ax.set_yticklabels([0, 500, 1000, 1500, ">2000"]) + + # Plot aesthetics + if transformed: + fig.suptitle("Log-transformed Distributions of Continuous Census Data Features", \ + fontsize = 16, y = 1.03) + else: + fig.suptitle("Skewed Distributions of Continuous Census Data Features", \ + fontsize = 16, y = 1.03) + + fig.tight_layout() + fig.show() + + +def evaluate(results, accuracy, f1): + """ + Visualization code to display results of various learners. + + inputs: + - learners: a list of supervised learners + - stats: a list of dictionaries of the statistic results from 'train_predict()' + - accuracy: The score for the naive predictor + - f1: The score for the naive predictor + """ + + # Create figure + fig, ax = pl.subplots(2, 3, figsize = (11,7)) + + # Constants + bar_width = 0.3 + colors = ['#A00000','#00A0A0','#00A000'] + + # Super loop to plot four panels of data + for k, learner in enumerate(results.keys()): + for j, metric in enumerate(['train_time', 'acc_train', 'f_train', 'pred_time', 'acc_test', 'f_test']): + for i in np.arange(3): + + # Creative plot code + ax[j//3, j%3].bar(i+k*bar_width, results[learner][i][metric], width = bar_width, color = colors[k]) + ax[j//3, j%3].set_xticks([0.45, 1.45, 2.45]) + ax[j//3, j%3].set_xticklabels(["1%", "10%", "100%"]) + ax[j//3, j%3].set_xlabel("Training Set Size") + ax[j//3, j%3].set_xlim((-0.1, 3.0)) + + # Add unique y-labels + ax[0, 0].set_ylabel("Time (in seconds)") + ax[0, 1].set_ylabel("Accuracy Score") + ax[0, 2].set_ylabel("F-score") + ax[1, 0].set_ylabel("Time (in seconds)") + ax[1, 1].set_ylabel("Accuracy Score") + ax[1, 2].set_ylabel("F-score") + + # Add titles + ax[0, 0].set_title("Model Training") + ax[0, 1].set_title("Accuracy Score on Training Subset") + ax[0, 2].set_title("F-score on Training Subset") + ax[1, 0].set_title("Model Predicting") + ax[1, 1].set_title("Accuracy Score on Testing Set") + ax[1, 2].set_title("F-score on Testing Set") + + # Add horizontal lines for naive predictors + ax[0, 1].axhline(y = accuracy, xmin = -0.1, xmax = 3.0, linewidth = 1, color = 'k', linestyle = 'dashed') + ax[1, 1].axhline(y = accuracy, xmin = -0.1, xmax = 3.0, linewidth = 1, color = 'k', linestyle = 'dashed') + ax[0, 2].axhline(y = f1, xmin = -0.1, xmax = 3.0, linewidth = 1, color = 'k', linestyle = 'dashed') + ax[1, 2].axhline(y = f1, xmin = -0.1, xmax = 3.0, linewidth = 1, color = 'k', linestyle = 'dashed') + + # Set y-limits for score panels + ax[0, 1].set_ylim((0, 1)) + ax[0, 2].set_ylim((0, 1)) + ax[1, 1].set_ylim((0, 1)) + ax[1, 2].set_ylim((0, 1)) + + # Create patches for the legend + patches = [] + for i, learner in enumerate(results.keys()): + patches.append(mpatches.Patch(color = colors[i], label = learner)) + pl.legend(handles = patches, bbox_to_anchor = (-.80, 2.53), \ + loc = 'upper center', borderaxespad = 0., ncol = 3, fontsize = 'x-large') + + # Aesthetics + pl.suptitle("Performance Metrics for Three Supervised Learning Models", fontsize = 16, y = 1.10) + pl.tight_layout() + pl.show() + + +def feature_plot(importances, X_train, y_train): + + # Display the five most important features + indices = np.argsort(importances)[::-1] + columns = X_train.columns.values[indices[:5]] + values = importances[indices][:5] + + # Creat the plot + fig = pl.figure(figsize = (9,5)) + pl.title("Normalized Weights for First Five Most Predictive Features", fontsize = 16) + pl.bar(np.arange(5), values, width = 0.6, align="center", color = '#00A000', \ + label = "Feature Weight") + pl.bar(np.arange(5) - 0.3, np.cumsum(values), width = 0.2, align = "center", color = '#00A0A0', \ + label = "Cumulative Feature Weight") + pl.xticks(np.arange(5), columns) + pl.xlim((-0.5, 4.5)) + pl.ylabel("Weight", fontsize = 12) + pl.xlabel("Feature", fontsize = 12) + + pl.legend(loc = 'upper center') + pl.tight_layout() + pl.show() diff --git a/emojis/dev/emoji.py b/emojis/dev/emoji.py new file mode 100644 index 0000000..395b2fe --- /dev/null +++ b/emojis/dev/emoji.py @@ -0,0 +1,58 @@ +#!//Users/dtomlinson/.virtualenvs/emojis-3.7.3/bin/python +import emojis +import argparse +from texttable import Texttable + + +def main(*args, **kwargs): + t = Texttable() + + searchOne = [y for y in [x for x in emojis.db.get_tags()] if emoji in y] + + emojiResults = [] + + emojiResults.append((['tag/alias', 'emoji'])) + + for item in searchOne: + listOne = [x for x in emojis.db.get_emojis_by_tag(item)] + for i in range(0, len(listOne)): + emojiResults.append([ + (listOne[i][0][0]), + (listOne[i][1]) + ]) + + for alias, emojiAlias in zip( + emojis.db.get_emoji_aliases().keys(), + emojis.db.get_emoji_aliases().values() + ): + if emoji in alias: + emojiResults.append([alias, emojiAlias]) + + t.add_rows(emojiResults) + + if len(emojiResults) - 1 == 0: + print(f'I found {len(emojiResults)-1} emojis for {emoji}! 😢') + else: + print(f'I found {len(emojiResults)-1} emojis for {emoji}! 🥳') + + print(t.draw()) + + +if __name__ == '__main__': + parser = argparse.ArgumentParser(description=""" + emoji lookup script to be ran on the shell +""") + + parser.add_argument('emoji', type=str, + help=( + 'full path to list of files. leave blank' + ' to run in current directory. the results will be' + ' placed in this folder if specified.' + ), + ) + + args = parser.parse_args() + + emoji = vars(args)['emoji'] + + main(emoji) diff --git a/emojis/dev/lists.py b/emojis/dev/lists.py new file mode 100755 index 0000000..05bfa63 --- /dev/null +++ b/emojis/dev/lists.py @@ -0,0 +1,58 @@ +#!//Users/dtomlinson/.virtualenvs/emojis-3.7.3/bin/python +import emojis +import argparse +from texttable import Texttable + +parser = argparse.ArgumentParser(description=""" + emoji lookup script to be ran on the shell +""") + +parser.add_argument('emoji', type=str, + help=( + 'full path to list of files. leave blank' + ' to run in current directory. the results will be' + ' placed in this folder if specified.' + ), + ) + +args = parser.parse_args() + +emoji = vars(args)['emoji'] + +t = Texttable() + +# t.add_row(['tag/alias', 'emoji']) + +searchOne = [y for y in [x for x in emojis.db.get_tags()] if emoji in y] + +emojiResults = [] + +emojiResults.append((['tag/alias', 'emoji'])) + +for item in searchOne: + listOne = [x for x in emojis.db.get_emojis_by_tag(item)] + counter = 0 + for i in range(0, len(listOne)): + if counter == 3: + break + # print(f'{listOne[i][0][0]} - {listOne[i][1]}') + emojiResults.append([(listOne[i][0][0]).strip(), (listOne[i][1]).strip()]) + # counter += 1 + +for alias, emojiAlias in zip( + emojis.db.get_emoji_aliases().keys(), + emojis.db.get_emoji_aliases().values() +): + if emoji in alias: + emojiResults.append([alias.strip(), emojiAlias.strip()]) + +# print(emojiResults) + +t.add_rows(emojiResults) + +if len(emojiResults) - 1 == 0: + print(f'I found {len(emojiResults)-1} emojis for {emoji}! 😢') +else: + print(f'I found {len(emojiResults)-1} emojis for {emoji}! 🥳') + +print(t.draw()) diff --git a/emojis/emoji.py b/emojis/emoji.py new file mode 100755 index 0000000..b57bc3b --- /dev/null +++ b/emojis/emoji.py @@ -0,0 +1,58 @@ +#!//Users/dtomlinson/.virtualenvs/emojis-3.7.3/bin/python +import emojis +import argparse +from texttable import Texttable + + +def main(*args, **kwargs): + t = Texttable() + + searchOne = [y for y in [x for x in emojis.db.get_tags()] if emoji in y] + + emojiResults = [] + + emojiResults.append((['tag/alias', 'emoji'])) + + for item in searchOne: + listOne = [x for x in emojis.db.get_emojis_by_tag(item)] + for i in range(0, len(listOne)): + emojiResults.append([ + (listOne[i][0][0]).strip(), + (listOne[i][1]).strip() + ]) + + for alias, emojiAlias in zip( + emojis.db.get_emoji_aliases().keys(), + emojis.db.get_emoji_aliases().values() + ): + if emoji in alias: + emojiResults.append([alias.strip(), emojiAlias.strip()]) + + t.add_rows(emojiResults) + + if len(emojiResults) - 1 == 0: + print(f'I found {len(emojiResults)-1} emojis for {emoji}! 😢') + else: + print(f'I found {len(emojiResults)-1} emojis for {emoji}! 🥳') + print(t.draw()) + + + +if __name__ == '__main__': + parser = argparse.ArgumentParser(description=""" + emoji lookup script to be ran on the shell +""") + + parser.add_argument('emoji', type=str, + help=( + 'full path to list of files. leave blank' + ' to run in current directory. the results will be' + ' placed in this folder if specified.' + ), + ) + + args = parser.parse_args() + + emoji = vars(args)['emoji'] + + main(emoji) diff --git a/emojis/readme.md b/emojis/readme.md new file mode 100644 index 0000000..85061df --- /dev/null +++ b/emojis/readme.md @@ -0,0 +1,96 @@ +# Emoji finder on the command line! 🥳 + +*Author: Daniel Tomlinson* + +*Team: Capacity & Monitoring* + +*Date: October 2019* + +## Requirements + +**python 3** + +``` +emojis==0.4.0 +texttable==1.6.2 +``` + +## Usage + +### Add to path + +``` +ln -s emoji.py /usr/local/bin/emoji +``` + +### Usage + +```shell +emoji heart +``` + +### Output + +```shell +[dtomlinson@WHM0004885 $] emoji heart +I found 28 emojis for heart! 🥳 ++----------------------------------+----------+ +| tag/alias | emoji | ++==================================+==========+ +| cupid | 💘 | ++----------------------------------+----------+ +| :smiling_face_with_three_hearts: | 🥰 | ++----------------------------------+----------+ +| :heart_eyes: | 😍 | ++----------------------------------+----------+ +| :kissing_heart: | 😘 | ++----------------------------------+----------+ +| :heart_eyes_cat: | 😻 | ++----------------------------------+----------+ +| :gift_heart: | 💝 | ++----------------------------------+----------+ +| :sparkling_heart: | 💖 | ++----------------------------------+----------+ +| :heartpulse: | 💗 | ++----------------------------------+----------+ +| :heartbeat: | 💓 | ++----------------------------------+----------+ +| :revolving_hearts: | 💞 | ++----------------------------------+----------+ +| :two_hearts: | 💕 | ++----------------------------------+----------+ +| :heart_decoration: | 💟 | ++----------------------------------+----------+ +| :heavy_heart_exclamation: | ❣️ | ++----------------------------------+----------+ +| :broken_heart: | 💔 | ++----------------------------------+----------+ +| :heart: | ❤️ | ++----------------------------------+----------+ +| :orange_heart: | 🧡 | ++----------------------------------+----------+ +| :yellow_heart: | 💛 | ++----------------------------------+----------+ +| :green_heart: | 💚 | ++----------------------------------+----------+ +| :blue_heart: | 💙 | ++----------------------------------+----------+ +| :purple_heart: | 💜 | ++----------------------------------+----------+ +| :brown_heart: | 🤎 | ++----------------------------------+----------+ +| :black_heart: | 🖤 | ++----------------------------------+----------+ +| :white_heart: | 🤍 | ++----------------------------------+----------+ +| :couple_with_heart: | 💑 | ++----------------------------------+----------+ +| :couple_with_heart_woman_man: | 👩‍❤️‍👨 | ++----------------------------------+----------+ +| :couple_with_heart_man_man: | 👨‍❤️‍👨 | ++----------------------------------+----------+ +| :couple_with_heart_woman_woman: | 👩‍❤️‍👩 | ++----------------------------------+----------+ +| :hearts: | ♥️ | ++----------------------------------+----------+ +``` diff --git a/jupyter-workbooks/.ipynb_checkpoints/Keras, MLP-scikit - Neural Network-checkpoint.ipynb b/jupyter-workbooks/.ipynb_checkpoints/Keras, MLP-scikit - Neural Network-checkpoint.ipynb new file mode 100644 index 0000000..7ca895d --- /dev/null +++ b/jupyter-workbooks/.ipynb_checkpoints/Keras, MLP-scikit - Neural Network-checkpoint.ipynb @@ -0,0 +1,1097 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# ANOMALY DETECTION ALGORITHM " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## From unsupervised to supervised learning" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let df denote a dataframe with two features; number of bets per minute and 200's. We first fit that data into a probability distribution. After that we detect the outliers and finally we replace the extreme values (like load tests, big events etc.) with an average value. This mitigates the noise of our data. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import itertools\n", + "import logging\n", + "import warnings\n", + "import scipy.stats as st\n", + "import statsmodels as sm\n", + "import math\n", + "# import urllib3\n", + "from statistics import mean\n", + "from scipy.stats import *\n", + "from splunk_hec_handler import SplunkHecHandler\n", + "from datetime import datetime, timedelta\n", + "\n", + "%matplotlib inline\n", + "\n", + "df = pd.read_csv(\"sportsbook_NN_data_spare.csv\")\n", + "\n", + "# urllib3.disable_warnings()\n", + "\n", + "# Create models from data\n", + "\n", + "def best_fit_distribution(data, bins=200, ax=None):\n", + " \"\"\"Model data by finding best fit distribution to data\"\"\"\n", + " # Get histogram of original data\n", + " y, x = np.histogram(data, bins=bins, density=True)\n", + " x = (x + np.roll(x, -1))[:-1] / 2.0\n", + "\n", + " # Distributions to check\n", + " DISTRIBUTIONS = [ \n", + " st.alpha,st.anglit,st.arcsine,st.beta,st.betaprime,st.bradford,st.burr,st.cauchy,st.chi,st.chi2,st.cosine,\n", + " st.dgamma,st.dweibull,st.erlang,st.expon,st.exponnorm,st.exponweib,st.exponpow,st.f,st.fatiguelife,st.fisk,\n", + " st.foldcauchy,st.foldnorm,st.genlogistic,st.genpareto,st.gennorm,st.genexpon,\n", + " st.genextreme,st.gausshyper,st.gamma,st.gengamma,st.genhalflogistic,st.gilbrat,st.gompertz,st.gumbel_r,\n", + " st.gumbel_l,st.halfcauchy,st.halflogistic\n", + " ]\n", + "\n", + "\n", + " # Best holders\n", + " best_distribution = st.norm\n", + " best_params = (0.0, 1.0)\n", + " best_sse = np.inf\n", + "\n", + " \n", + " list_s = []\n", + " # Estimate distribution parameters from data\n", + " for distribution in DISTRIBUTIONS:\n", + "\n", + " # Try to fit the distribution\n", + " try:\n", + " # Ignore warnings from data that can't be fit\n", + " with warnings.catch_warnings():\n", + " warnings.filterwarnings('ignore')\n", + "\n", + " # fit dist to data\n", + " params = distribution.fit(data)\n", + "\n", + " # Separate parts of parameters\n", + " arg = params[:-2]\n", + " loc = params[-2]\n", + " scale = params[-1]\n", + "\n", + " # Calculate fitted PDF and error with fit in distribution\n", + " pdf = distribution.pdf(x, loc=loc, scale=scale, *arg)\n", + " sse = np.sum(np.power(y - pdf, 2.0))\n", + "\n", + " # if axis pass in add to plot\n", + " try:\n", + " if ax:\n", + " pd.Series(pdf, x).plot(ax=ax)\n", + " end\n", + " except Exception:\n", + " pass\n", + "\n", + " # identify if this distribution is better\n", + " if best_sse > sse > 0:\n", + " best_distribution = distribution\n", + " best_params = params\n", + " best_sse = sse\n", + "\n", + " except Exception:\n", + " pass\n", + " \n", + " list_s.append((distribution.name,sse))\n", + "\n", + " z, w = zip(*list_s)\n", + " \n", + " data_frame = pd.DataFrame({'Dist': z, 'Error': w})\n", + " print(data_frame.to_string())\n", + " print(\"\\n\")\n", + " print((list(z)[list(w).index(min(list(w)))],min(list(w))))\n", + " print(\"\\n\")\n", + " return (best_distribution.name, best_params)\n", + "\n", + "def make_pdf(dist, params, size=10000):\n", + " \"\"\"Generate distributions's Probability Distribution Function \"\"\"\n", + "\n", + " # Separate parts of parameters\n", + " arg = params[:-2]\n", + " loc = params[-2]\n", + " scale = params[-1]\n", + "\n", + " # Get sane start and end points of distribution\n", + " start = dist.ppf(0.01, *arg, loc=loc, scale=scale) if arg else dist.ppf(0.01, loc=loc, scale=scale)\n", + " end = dist.ppf(0.99, *arg, loc=loc, scale=scale) if arg else dist.ppf(0.99, loc=loc, scale=scale)\n", + "\n", + " # Build PDF and turn into pandas Series\n", + " x = np.linspace(start, end, size)\n", + " y = dist.pdf(x, loc=loc, scale=scale, *arg)\n", + " pdf = pd.Series(y, x)\n", + "\n", + " return pdf\n", + "\n", + "# Load data from statsmodels datasets\n", + "data = pd.Series(df[\"NoB\"]).iloc[-1440:]\n", + "\n", + "# Find best fit distribution\n", + "best_fit_name, best_fit_params = best_fit_distribution(data, 200) \n", + "best_dist = getattr(st, best_fit_name)\n", + "\n", + "# Make PDF with best params \n", + "pdf = make_pdf(best_dist, best_fit_params)\n", + "\n", + "######################################################### Second Part ########################################################## \n", + "\n", + "# the code below disregards the ouliers in 200's; there are discrete cases where huge peaks appear (no-obvious reason) \n", + "q = df[\"count_200\"].quantile(0.90)\n", + "\n", + "index_list_quantile = []\n", + "\n", + "for j in range(len(df[\"count_200\"])):\n", + " if df[\"count_200\"][j] >= int(q):\n", + " index_list_quantile.append(j)\n", + "\n", + "df[\"count_200\"].replace(df[\"count_200\"][index_list_quantile], df[\"count_200\"].mean(), inplace=True) \n", + "\n", + "# we define our main frame with Sportsbook Web number of bets per minute over some period of Time (here is 4 months approx.)\n", + "main_df = df[[\"_time\", \"NoB\"]]\n", + "\n", + "Time_list = []\n", + "dist = best_dist\n", + "\n", + "# takes the last day of the sample and creates a list with all minutes. \n", + "# In principle we must be able to use epoch Time for constant data flow.\n", + "for i in main_df[\"_time\"]: \n", + " Time_list.append(i)\n", + " \n", + "# Time_ = map(lambda x : x.split(\" \")[1], Time_list)\n", + "Time = Time_list \n", + "\n", + "# we enumerate the Time-list so that we can exploit previous elements\n", + "\n", + "listTime =[]\n", + "\n", + "for i in range(len(Time)):\n", + " listTime.append((Time[i],i))\n", + " \n", + "# we split the listTime in to distinct lists for later use; j_1 contains \"%H:%M\", j_2 contains range(0,1441)\n", + "J_1, J_2 = zip(*listTime)\n", + "j_1 = list(J_1)\n", + "j_2 = list(J_2)\n", + "\n", + "for i in range(len(j_1)):\n", + " j_1[i] = j_1[i].split()[3]\n", + " \n", + "j_1 = j_1[:1440] \n", + "\n", + "def series(j):\n", + " return list(main_df[main_df[\"_time\"].str.contains(j)][\"NoB\"])\n", + "\n", + "def fun_200(j):\n", + " return list(df[df[\"_time\"].str.contains(j)][\"count_200\"].apply(lambda x : int(x)))\n", + "\n", + "def time(j): \n", + " return list(main_df[main_df[\"_time\"].str.contains(j)][\"_time\"])\n", + "\n", + "def perc(mean,y): \n", + " return (100*(y-mean))/mean\n", + "\n", + "list_character=[]\n", + "list_char=[]\n", + "list_1=[]\n", + "list_2=[]\n", + "list_3=[]\n", + "\n", + "for j in range(len(j_1)):\n", + " \n", + " mean_j = mean(series(j_1[j])[:-1])\n", + " list_1.append(series(j_1[j])[-1])\n", + " list_2.append(fun_200(j_1[j])[-1])\n", + " list_3.append(time(j_1[j])[-1])\n", + " \n", + " if (perc(mean_j, series(j_1[j])[-1]) <= -20): \n", + " \n", + " if (max(series(j_1[j])) < best_dist.interval(0.95, *best_fit_params)[1]): \n", + " \n", + " if (perc(mean_j, series(j_1[j])[-1]) <= -70) & (perc(mean(series(j_1[j-1])), series(j_1[j-1])[-1]) <= -70) & (perc(mean(series(j_1[j-2])), series(j_1[j-2])[-1]) <= -70):\n", + " x1 = \"High risk. The percentage drop is lower than {}% for more than 3 minutes.\".format(j_1[j])\n", + " list_char.append(x1)\n", + " print(x_1)\n", + " \n", + " \n", + " elif (perc(mean(fun_200(j_1[j])[:-1]),fun_200(j_1[j])[-1]) < -20): \n", + " x2 = \"There is a {} % drop at {} o'clock and {} drop at 200's\".format(math.ceil(perc(mean_j,series(j_1[j])[-1])),j_1[j],math.ceil(perc(mean(fun_200(j_1[j])[:-1]),fun_200(j_1[j])[-1])))\n", + " list_char.append(x2)\n", + " print(x2)\n", + " \n", + " else:\n", + " print(\"{} We have a normal decrease.\".format(j_1[j])) \n", + " else:\n", + " if ((max(series(j_1[j-1])) > best_dist.interval(0.95, *best_fit_params)[1]) |\n", + " (max(series(j_1[j-2])) > best_dist.interval(0.95, *best_fit_params)[1])):\n", + " x3 = \"{} Low Risk\".format(j_1[j])\n", + " list_char.append(x3)\n", + " print(x3)\n", + " \n", + " else: \n", + " x4 = \"{} No problem with the channel\".format(j_1[j])\n", + " list_char.append(x4)\n", + " print(x4)\n", + " \n", + " if 'drop' in list_char[-1]:\n", + " list_character.append(1)\n", + " else:\n", + " list_character.append(0)\n", + " \n", + "df_ = pd.DataFrame({'_time':list_3, 'NoB':list_1, '200':list_2})\n", + "df_train = pd.concat([df_.reset_index(drop=True),pd.DataFrame({'Characters':list_character}).reset_index(drop=True)], axis=1)\n", + "\n", + "df_train.to_csv('NN_training_data.csv', sep=',') " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Anomaly detection - Neural Network." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The first attempt is to use a simple logistic regression model;\n", + "although it performs (unexpectedly) well, regression cannot self-learn. \n", + "Therefore we move to more complex solutions." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Using TensorFlow backend.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0.7993055555555556\n", + "\n", + "\n", + " precision recall f1-score support\n", + "\n", + " 0 0.99 0.80 0.88 654\n", + " 1 0.31 0.92 0.47 66\n", + "\n", + " micro avg 0.81 0.81 0.81 720\n", + " macro avg 0.65 0.86 0.67 720\n", + "weighted avg 0.93 0.81 0.84 720\n", + "\n", + "\n", + "\n", + "[[520 134]\n", + " [ 5 61]]\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "C:\\Users\\dtomlinson\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\sklearn\\linear_model\\logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.model_selection import train_test_split\n", + "from sklearn.metrics import classification_report, confusion_matrix\n", + "from imblearn.over_sampling import SMOTE\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25)\n", + "\n", + "smt = SMOTE()\n", + "X_train, y_train = smt.fit_sample(X_train, y_train)\n", + "\n", + "log_reg = LogisticRegression()\n", + "log_reg.fit(X_train, y_train)\n", + "predictions=log_reg.predict(X_test)\n", + "print(log_reg.score(X,y))\n", + "print(\"\\n\")\n", + "print(classification_report(y_test,predictions))\n", + "print(\"\\n\")\n", + "print(confusion_matrix(y_test,predictions))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We implement the MLPClassifier from scikit-learn. \n", + "This is the neural network analogue of tensorflow in sklearn.\n", + "It doesn't have the same functionality, thus if we don't hit \n", + "a high score we won't use it further alone. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We implement other libraries from the sklearn deep learning toolkit. \n", + "In the cell below we use also Stohastic Gradient Descent and Gradient \n", + "Boosting classifier." + ] + }, + { + "cell_type": "code", + "execution_count": 67, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0.6763888888888889\n", + "\n", + "\n", + "[[223 22]\n", + " [ 10 105]]\n", + "\n", + "\n", + " precision recall f1-score support\n", + "\n", + " 0 0.96 0.91 0.93 245\n", + " 1 0.83 0.91 0.87 115\n", + "\n", + " micro avg 0.91 0.91 0.91 360\n", + " macro avg 0.89 0.91 0.90 360\n", + "weighted avg 0.92 0.91 0.91 360\n", + "\n", + "0.6763888888888889\n", + "\n", + "\n", + "0.6763888888888889\n" + ] + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "from sklearn.ensemble import GradientBoostingClassifier\n", + "from sklearn.linear_model import SGDClassifier\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "from sklearn.preprocessing import StandardScaler\n", + "scaler = StandardScaler()\n", + "# Fit only to the training data\n", + "scaler.fit(X_train)\n", + "\n", + "# Now apply the transformations to the data:\n", + "X_train = scaler.transform(X_train)\n", + "X_test = scaler.transform(X_test)\n", + "\n", + "from sklearn.neural_network import MLPClassifier\n", + "from imblearn.over_sampling import SMOTE\n", + "\n", + "mlp = MLPClassifier(hidden_layer_sizes=(5,5), activation=\"relu\")\n", + "\n", + "mlp.fit(X_train,y_train)\n", + "\n", + "predictions = mlp.predict(X_test)\n", + "\n", + "print(mlp.score(X,y))\n", + "print(\"\\n\")\n", + "print(confusion_matrix(y_test,predictions))\n", + "print(\"\\n\")\n", + "print(classification_report(y_test,predictions))\n", + "\n", + "# mlp.coefs_\n", + "# mlp.intercepts_\n", + "\n", + "model = GradientBoostingClassifier()\n", + "model.fit(X_train, y_train)\n", + "model.predict(X_test)\n", + "\n", + "print(model.score(X,y))\n", + "print(\"\\n\")\n", + "\n", + "\n", + "stohastic_model = SGDClassifier(loss=\"hinge\", penalty=\"l2\", max_iter=5)\n", + "stohastic_model.fit(X_train, y_train)\n", + "stohastic_model.predict(X_test)\n", + "\n", + "print(stohastic_model.score(X,y))\n", + "\n", + "# print(confusion_matrix(y_test,predictions))\n", + "# print(\"\\n\")\n", + "# print(classification_report(y_test,predictions))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Neural Network - Keras/Pandas/Numpy" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The first cell contains the baseline of the neural network. We \n", + "only feed a neural network of sixty-neurons in the hidden leayer \n", + "to check the accuracy generically. The second cell consists a \n", + "Standardized version of the first. There is no other difference. \n", + "Nevertheless with that small change we hit a better result (thus \n", + "we keep that change). \n", + "\n", + "The third cell computationally is more efficient than the other \n", + "two; we use a thirty-layer neural network (reduce it by half) and \n", + "the width of the neural network smaller." + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Results: 69.36% (21.95%)\n" + ] + } + ], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.pipeline import Pipeline\n", + "\n", + "warnings.filterwarnings(\"ignore\")\n", + "\n", + "seed = 7\n", + "numpy.random.seed(seed)\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "# baseline model\n", + "def create_baseline():\n", + "# create model\n", + " model = Sequential()\n", + " model.add(Dense(60, input_dim=2, kernel_initializer='normal', activation='relu'))\n", + " model.add(Dense(1, kernel_initializer='normal', activation='sigmoid'))\n", + "# Compile model\n", + " model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + " return model\n", + "\n", + "# evaluate model with standardized dataset\n", + "estimator = KerasClassifier(build_fn=create_baseline, epochs=100, batch_size=5, verbose=0)\n", + "kfold = StratifiedKFold(n_splits=10, shuffle=True, random_state=seed)\n", + "results = cross_val_score(estimator, X, y, cv=kfold)\n", + "print(\"Results: %.2f%% (%.2f%%)\" % (results.mean()*100, results.std()*100))" + ] + }, + { + "cell_type": "code", + "execution_count": 53, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Standardized: 91.11% (3.06%)\n" + ] + } + ], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.pipeline import Pipeline\n", + "\n", + "warnings.filterwarnings(\"ignore\")\n", + "\n", + "seed = 7\n", + "numpy.random.seed(seed)\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "estimators = []\n", + "estimators.append(('standardize', StandardScaler()))\n", + "estimators.append(('mlp', KerasClassifier(build_fn=create_baseline, epochs=100, batch_size=5, verbose=0)))\n", + "pipeline = Pipeline(estimators)\n", + "kfold = StratifiedKFold(n_splits=10, shuffle=True, random_state=seed)\n", + "results = cross_val_score(pipeline, X, y, cv=kfold)\n", + "print(\"Standardized: %.2f%% (%.2f%%)\" % (results.mean()*100, results.std()*100))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This is the most efficient NN we constructed so far. It's not \"very\" deep; fact that reflects the low complexity of our data. Nevertheless it takes ~5 minutes (when n_splits of cross_val_score has been set to 10) to evaluate the mean precision of the model." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Using TensorFlow backend.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "WARNING:tensorflow:From C:\\Users\\dtomlinson\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\tensorflow\\python\\framework\\op_def_library.py:263: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.\n", + "Instructions for updating:\n", + "Colocations handled automatically by placer.\n", + "WARNING:tensorflow:From C:\\Users\\dtomlinson\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\tensorflow\\python\\ops\\math_ops.py:3066: to_int32 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.\n", + "Instructions for updating:\n", + "Use tf.cast instead.\n", + "Smaller Standardized NN: 91.11% (0.27%)\n", + "[[2597 0]\n", + " [ 245 38]]\n" + ] + } + ], + "source": [ + "import numpy\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense, Dropout\n", + "from keras.optimizers import SGD\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score, cross_val_predict\n", + "from sklearn.preprocessing import LabelEncoder, StandardScaler\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.pipeline import Pipeline\n", + "from sklearn.metrics import confusion_matrix\n", + "from keras import regularizers\n", + "\n", + "warnings.filterwarnings(\"ignore\")\n", + "\n", + "seed = 7\n", + "numpy.random.seed(seed)\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "# smaller model\n", + "def optimal_nn():\n", + "# create model\n", + " model = Sequential()\n", + " model.add(Dense(5, input_dim=2, kernel_initializer='normal', activation='relu', kernel_regularizer=regularizers.l2(0.001)))\n", + " model.add(Dense(5, activation='relu', kernel_regularizer=regularizers.l2(0.001)))\n", + " model.add(Dense(5, activation='relu', kernel_regularizer=regularizers.l2(0.001)))\n", + " model.add(Dense(1, activation='sigmoid', kernel_regularizer=regularizers.l2(0.001)))\n", + "# Compile model\n", + " model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + " return model\n", + " \n", + "estimators = []\n", + "estimators.append(('standardize', StandardScaler()))\n", + "estimators.append(('mlp', KerasClassifier(build_fn=optimal_nn, epochs=50, batch_size=5, verbose=0)))\n", + "pipeline = Pipeline(estimators)\n", + "kfold = StratifiedKFold(n_splits=2, shuffle=True, random_state=seed)\n", + "results = cross_val_score(pipeline, X, y, cv=kfold)\n", + "\n", + "\n", + "\n", + "# CAUTION: the y_pred here does not necessarily return the same predictions with the results above. \n", + "# Generally, cross_val_score and cross_predict form two different scikit_learn functions, therefore\n", + "# obey their own rules; their difference is mainly how the data is split in batches.\n", + "# Nevertheless, it forms an approximation of the cross_val_score. Remember, cross_val_predict fits\n", + "# each data sample EXACTLY ONCE in a test set and the confusion_matrix returns the prediction for this \n", + "# data sample that given time (hence explains why we have: len(y_pred)=len(y)=1440). \n", + "\n", + "y_pred = cross_val_predict(pipeline, X, y, cv=kfold)\n", + "conf_mat = confusion_matrix(y, y_pred)\n", + "print(\"Smaller Standardized NN: %.2f%% (%.2f%%)\" % (results.mean()*100, results.std()*100))\n", + "print(conf_mat)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "VERY Interesting fact : Without using the StandardScaler() function our model is really poor. In particular, it hits 63% percent without the StandardScaler() and furthermore it doesn't recognize the y-values equal to 1 (i.e., when there is a problem); in other words it's not working. Below the first cell contains the non-standardized version and the second when StandardScaler() is considered. Also we provide a classification report for comparison. " + ] + }, + { + "cell_type": "code", + "execution_count": 65, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.63 1.00 0.77 227\n", + " 1 0.00 0.00 0.00 133\n", + "\n", + " micro avg 0.63 0.63 0.63 360\n", + " macro avg 0.32 0.50 0.39 360\n", + "weighted avg 0.40 0.63 0.49 360\n", + "\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "from sklearn.metrics import classification_report\n", + "\n", + "mlp = KerasClassifier(build_fn=optimal_nn, epochs=100, batch_size=5, verbose=0)\n", + "\n", + "X_train, X_test, y_train, y_test = train_test_split(X,y,test_size=0.25)\n", + "mlp.fit(X_train,y_train)\n", + "\n", + "predictions = mlp.predict(X_test)\n", + "\n", + "print(classification_report(y_test,predictions))" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.99 0.77 0.87 640\n", + " 1 0.35 0.96 0.51 80\n", + "\n", + " micro avg 0.79 0.79 0.79 720\n", + " macro avg 0.67 0.87 0.69 720\n", + "weighted avg 0.92 0.79 0.83 720\n", + "\n", + "\n", + "\n", + "[[495 145]\n", + " [ 3 77]]\n" + ] + }, + { + "ename": "AttributeError", + "evalue": "'KerasClassifier' object has no attribute 'save'", + "output_type": "error", + "traceback": [ + "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[1;31mAttributeError\u001b[0m Traceback (most recent call last)", + "\u001b[1;32m\u001b[0m in \u001b[0;36m\u001b[1;34m\u001b[0m\n\u001b[0;32m 49\u001b[0m \u001b[0mprint\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mconfusion_matrix\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0my_test\u001b[0m\u001b[1;33m,\u001b[0m\u001b[0mpredictions\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 50\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m---> 51\u001b[1;33m \u001b[0mmlp\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0msave\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;34m\"mlp_classifier.model\"\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[1;31mAttributeError\u001b[0m: 'KerasClassifier' object has no attribute 'save'" + ] + } + ], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense, Dropout\n", + "from keras.optimizers import SGD\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score, cross_val_predict\n", + "from sklearn.preprocessing import LabelEncoder, StandardScaler\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.pipeline import Pipeline\n", + "from sklearn.metrics import confusion_matrix\n", + "from keras import regularizers\n", + "from imblearn.over_sampling import SMOTE\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "mlp = KerasClassifier(build_fn=optimal_nn, epochs=100, batch_size=5, verbose=0)\n", + "\n", + "from sklearn.model_selection import train_test_split\n", + "X_train, X_test, y_train, y_test = train_test_split(X,y,test_size=0.25)\n", + "\n", + "smt=SMOTE()\n", + "X_train, y_train = smt.fit_sample(X_train,y_train)\n", + "np.bincount(y_train)\n", + "\n", + "scaler = StandardScaler()\n", + "# Fit only to the training data\n", + "scaler.fit(X_train)\n", + "\n", + "# Now apply the transformations to the data:\n", + "X_train = scaler.transform(X_train)\n", + "X_test = scaler.transform(X_test)\n", + "\n", + "mlp.fit(X_train,y_train)\n", + "predictions = mlp.predict(X_test)\n", + "\n", + "from sklearn.metrics import classification_report, confusion_matrix\n", + "print(classification_report(y_test,predictions))\n", + "print(\"\\n\")\n", + "print(confusion_matrix(y_test,predictions))\n", + "\n", + "mlp.save(\"mlp_classifier.model\")" + ] + }, + { + "cell_type": "raw", + "metadata": {}, + "source": [ + "Here we print also the weights and biases of the model." + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Train on 2304 samples, validate on 576 samples\n", + "Epoch 1/5\n", + "2304/2304 [==============================] - 2s 822us/step - loss: 0.3760 - acc: 0.8772 - val_loss: 0.1549 - val_acc: 1.0000\n", + "Epoch 2/5\n", + "2304/2304 [==============================] - 1s 282us/step - loss: 0.3749 - acc: 0.8772 - val_loss: 0.1309 - val_acc: 1.0000\n", + "Epoch 3/5\n", + "2304/2304 [==============================] - 1s 295us/step - loss: 0.3744 - acc: 0.8772 - val_loss: 0.1326 - val_acc: 1.0000\n", + "Epoch 4/5\n", + "2304/2304 [==============================] - 1s 283us/step - loss: 0.3745 - acc: 0.8772 - val_loss: 0.1337 - val_acc: 1.0000\n", + "Epoch 5/5\n", + "2304/2304 [==============================] - 1s 282us/step - loss: 0.3744 - acc: 0.8772 - val_loss: 0.1336 - val_acc: 1.0000\n", + "[array([[-2.9095856e-03, -2.1770846e-03, -1.9934693e-16, 5.5312752e-03,\n", + " 1.8497715e-02],\n", + " [ 4.6612010e-03, 7.4044587e-03, -8.8255713e-03, 1.1704177e-02,\n", + " 1.3716479e-02]], dtype=float32), array([ 0.00893806, 0.00683938, -0.01635896, 0.00989568, 0.01338646],\n", + " dtype=float32), array([[ 0.26589656],\n", + " [-0.11232933],\n", + " [ 0.84088373],\n", + " [-0.72920924],\n", + " [-0.45201716]], dtype=float32), array([-0.08870715], dtype=float32)]\n" + ] + } + ], + "source": [ + "import numpy\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense, Dropout\n", + "from keras.optimizers import SGD\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.pipeline import Pipeline\n", + "from keras import regularizers\n", + "from keras.callbacks import EarlyStopping, ModelCheckpoint\n", + "import tensorflow as tf\n", + "\n", + "warnings.filterwarnings(\"ignore\")\n", + "\n", + "seed = 7\n", + "numpy.random.seed(seed)\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "# Sequential\n", + "model = Sequential()\n", + "\n", + "# Neural network\n", + "model.add(Dense(5, input_dim=2, kernel_initializer='normal', activation='tanh', kernel_regularizer=regularizers.l2(0.001)))\n", + "# model.add(Dropout(0.2))\n", + "model.add(Dense(1, activation='sigmoid', kernel_regularizer=regularizers.l2(0.001)))\n", + "\n", + "\n", + "# Compile model\n", + "# sgd = optimizers.SGD(lr=0.01, decay=0.0, momentum=0.0, nesterov=False)\n", + "model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + "\n", + "# callback=tf.keras.callbacks.EarlyStopping(monitor='val_acc', patience=10)\n", + "\n", + "# Fit model\n", + "history = model.fit(X, y, epochs=5, validation_split=0.2, batch_size=5)\n", + "\n", + "# tf.keras.callbacks.ModelCheckpoint('NN_anomaly_alter.model', monitor='val_acc', verbose=0, save_best_only=False, save_weights_only=False, mode='auto', period=1)\n", + "\n", + "print(model.get_weights())\n", + "\n", + "model.save('NN_anomaly_1.model')" + ] + }, + { + "cell_type": "code", + "execution_count": 71, + "metadata": {}, + "outputs": [], + "source": [ + "import tensorflow as tf\n", + "model1 = tf.keras.models.load_model(\"NN_anomaly_nice.model\")\n", + "# model2 = tf.keras.models.load_model(\"NN_anomaly_nice.model\")\n", + "# model3 = tf.keras.models.load_model(\"NN_anomaly.model\")\n", + "X=pd.read_csv(\"01.09.2019_NN_test_data.csv\")\n" + ] + }, + { + "cell_type": "code", + "execution_count": 72, + "metadata": {}, + "outputs": [], + "source": [ + "prediction1=model1.predict(X)\n", + "# prediction2=model2.predict(X1)\n", + "# prediction3=model3.predict(X1)" + ] + }, + { + "cell_type": "code", + "execution_count": 73, + "metadata": {}, + "outputs": [], + "source": [ + "list_1=[]\n", + "for i in range(len(prediction1)):\n", + " if prediction1[i][0] > 0.5:\n", + " list_1.append(i)" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "df = pd.read_csv(\"NN_training_data.csv\")" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Unnamed: 0_timeNoB200loginsTarget
00.0Fri Jul 12 00:0014933916970
11.0Fri Jul 12 00:0112938547820
22.0Fri Jul 12 00:0211431607610
33.0Fri Jul 12 00:039534857920
44.0Fri Jul 12 00:042831367390
\n", + "
" + ], + "text/plain": [ + " Unnamed: 0 _time NoB 200 logins Target\n", + "0 0.0 Fri Jul 12 00:00 149 3391 697 0\n", + "1 1.0 Fri Jul 12 00:01 129 3854 782 0\n", + "2 2.0 Fri Jul 12 00:02 114 3160 761 0\n", + "3 3.0 Fri Jul 12 00:03 95 3485 792 0\n", + "4 4.0 Fri Jul 12 00:04 28 3136 739 0" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/jupyter-workbooks/Keras, MLP-scikit - Neural Network.ipynb b/jupyter-workbooks/Keras, MLP-scikit - Neural Network.ipynb new file mode 100644 index 0000000..7ca895d --- /dev/null +++ b/jupyter-workbooks/Keras, MLP-scikit - Neural Network.ipynb @@ -0,0 +1,1097 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# ANOMALY DETECTION ALGORITHM " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## From unsupervised to supervised learning" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let df denote a dataframe with two features; number of bets per minute and 200's. We first fit that data into a probability distribution. After that we detect the outliers and finally we replace the extreme values (like load tests, big events etc.) with an average value. This mitigates the noise of our data. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import itertools\n", + "import logging\n", + "import warnings\n", + "import scipy.stats as st\n", + "import statsmodels as sm\n", + "import math\n", + "# import urllib3\n", + "from statistics import mean\n", + "from scipy.stats import *\n", + "from splunk_hec_handler import SplunkHecHandler\n", + "from datetime import datetime, timedelta\n", + "\n", + "%matplotlib inline\n", + "\n", + "df = pd.read_csv(\"sportsbook_NN_data_spare.csv\")\n", + "\n", + "# urllib3.disable_warnings()\n", + "\n", + "# Create models from data\n", + "\n", + "def best_fit_distribution(data, bins=200, ax=None):\n", + " \"\"\"Model data by finding best fit distribution to data\"\"\"\n", + " # Get histogram of original data\n", + " y, x = np.histogram(data, bins=bins, density=True)\n", + " x = (x + np.roll(x, -1))[:-1] / 2.0\n", + "\n", + " # Distributions to check\n", + " DISTRIBUTIONS = [ \n", + " st.alpha,st.anglit,st.arcsine,st.beta,st.betaprime,st.bradford,st.burr,st.cauchy,st.chi,st.chi2,st.cosine,\n", + " st.dgamma,st.dweibull,st.erlang,st.expon,st.exponnorm,st.exponweib,st.exponpow,st.f,st.fatiguelife,st.fisk,\n", + " st.foldcauchy,st.foldnorm,st.genlogistic,st.genpareto,st.gennorm,st.genexpon,\n", + " st.genextreme,st.gausshyper,st.gamma,st.gengamma,st.genhalflogistic,st.gilbrat,st.gompertz,st.gumbel_r,\n", + " st.gumbel_l,st.halfcauchy,st.halflogistic\n", + " ]\n", + "\n", + "\n", + " # Best holders\n", + " best_distribution = st.norm\n", + " best_params = (0.0, 1.0)\n", + " best_sse = np.inf\n", + "\n", + " \n", + " list_s = []\n", + " # Estimate distribution parameters from data\n", + " for distribution in DISTRIBUTIONS:\n", + "\n", + " # Try to fit the distribution\n", + " try:\n", + " # Ignore warnings from data that can't be fit\n", + " with warnings.catch_warnings():\n", + " warnings.filterwarnings('ignore')\n", + "\n", + " # fit dist to data\n", + " params = distribution.fit(data)\n", + "\n", + " # Separate parts of parameters\n", + " arg = params[:-2]\n", + " loc = params[-2]\n", + " scale = params[-1]\n", + "\n", + " # Calculate fitted PDF and error with fit in distribution\n", + " pdf = distribution.pdf(x, loc=loc, scale=scale, *arg)\n", + " sse = np.sum(np.power(y - pdf, 2.0))\n", + "\n", + " # if axis pass in add to plot\n", + " try:\n", + " if ax:\n", + " pd.Series(pdf, x).plot(ax=ax)\n", + " end\n", + " except Exception:\n", + " pass\n", + "\n", + " # identify if this distribution is better\n", + " if best_sse > sse > 0:\n", + " best_distribution = distribution\n", + " best_params = params\n", + " best_sse = sse\n", + "\n", + " except Exception:\n", + " pass\n", + " \n", + " list_s.append((distribution.name,sse))\n", + "\n", + " z, w = zip(*list_s)\n", + " \n", + " data_frame = pd.DataFrame({'Dist': z, 'Error': w})\n", + " print(data_frame.to_string())\n", + " print(\"\\n\")\n", + " print((list(z)[list(w).index(min(list(w)))],min(list(w))))\n", + " print(\"\\n\")\n", + " return (best_distribution.name, best_params)\n", + "\n", + "def make_pdf(dist, params, size=10000):\n", + " \"\"\"Generate distributions's Probability Distribution Function \"\"\"\n", + "\n", + " # Separate parts of parameters\n", + " arg = params[:-2]\n", + " loc = params[-2]\n", + " scale = params[-1]\n", + "\n", + " # Get sane start and end points of distribution\n", + " start = dist.ppf(0.01, *arg, loc=loc, scale=scale) if arg else dist.ppf(0.01, loc=loc, scale=scale)\n", + " end = dist.ppf(0.99, *arg, loc=loc, scale=scale) if arg else dist.ppf(0.99, loc=loc, scale=scale)\n", + "\n", + " # Build PDF and turn into pandas Series\n", + " x = np.linspace(start, end, size)\n", + " y = dist.pdf(x, loc=loc, scale=scale, *arg)\n", + " pdf = pd.Series(y, x)\n", + "\n", + " return pdf\n", + "\n", + "# Load data from statsmodels datasets\n", + "data = pd.Series(df[\"NoB\"]).iloc[-1440:]\n", + "\n", + "# Find best fit distribution\n", + "best_fit_name, best_fit_params = best_fit_distribution(data, 200) \n", + "best_dist = getattr(st, best_fit_name)\n", + "\n", + "# Make PDF with best params \n", + "pdf = make_pdf(best_dist, best_fit_params)\n", + "\n", + "######################################################### Second Part ########################################################## \n", + "\n", + "# the code below disregards the ouliers in 200's; there are discrete cases where huge peaks appear (no-obvious reason) \n", + "q = df[\"count_200\"].quantile(0.90)\n", + "\n", + "index_list_quantile = []\n", + "\n", + "for j in range(len(df[\"count_200\"])):\n", + " if df[\"count_200\"][j] >= int(q):\n", + " index_list_quantile.append(j)\n", + "\n", + "df[\"count_200\"].replace(df[\"count_200\"][index_list_quantile], df[\"count_200\"].mean(), inplace=True) \n", + "\n", + "# we define our main frame with Sportsbook Web number of bets per minute over some period of Time (here is 4 months approx.)\n", + "main_df = df[[\"_time\", \"NoB\"]]\n", + "\n", + "Time_list = []\n", + "dist = best_dist\n", + "\n", + "# takes the last day of the sample and creates a list with all minutes. \n", + "# In principle we must be able to use epoch Time for constant data flow.\n", + "for i in main_df[\"_time\"]: \n", + " Time_list.append(i)\n", + " \n", + "# Time_ = map(lambda x : x.split(\" \")[1], Time_list)\n", + "Time = Time_list \n", + "\n", + "# we enumerate the Time-list so that we can exploit previous elements\n", + "\n", + "listTime =[]\n", + "\n", + "for i in range(len(Time)):\n", + " listTime.append((Time[i],i))\n", + " \n", + "# we split the listTime in to distinct lists for later use; j_1 contains \"%H:%M\", j_2 contains range(0,1441)\n", + "J_1, J_2 = zip(*listTime)\n", + "j_1 = list(J_1)\n", + "j_2 = list(J_2)\n", + "\n", + "for i in range(len(j_1)):\n", + " j_1[i] = j_1[i].split()[3]\n", + " \n", + "j_1 = j_1[:1440] \n", + "\n", + "def series(j):\n", + " return list(main_df[main_df[\"_time\"].str.contains(j)][\"NoB\"])\n", + "\n", + "def fun_200(j):\n", + " return list(df[df[\"_time\"].str.contains(j)][\"count_200\"].apply(lambda x : int(x)))\n", + "\n", + "def time(j): \n", + " return list(main_df[main_df[\"_time\"].str.contains(j)][\"_time\"])\n", + "\n", + "def perc(mean,y): \n", + " return (100*(y-mean))/mean\n", + "\n", + "list_character=[]\n", + "list_char=[]\n", + "list_1=[]\n", + "list_2=[]\n", + "list_3=[]\n", + "\n", + "for j in range(len(j_1)):\n", + " \n", + " mean_j = mean(series(j_1[j])[:-1])\n", + " list_1.append(series(j_1[j])[-1])\n", + " list_2.append(fun_200(j_1[j])[-1])\n", + " list_3.append(time(j_1[j])[-1])\n", + " \n", + " if (perc(mean_j, series(j_1[j])[-1]) <= -20): \n", + " \n", + " if (max(series(j_1[j])) < best_dist.interval(0.95, *best_fit_params)[1]): \n", + " \n", + " if (perc(mean_j, series(j_1[j])[-1]) <= -70) & (perc(mean(series(j_1[j-1])), series(j_1[j-1])[-1]) <= -70) & (perc(mean(series(j_1[j-2])), series(j_1[j-2])[-1]) <= -70):\n", + " x1 = \"High risk. The percentage drop is lower than {}% for more than 3 minutes.\".format(j_1[j])\n", + " list_char.append(x1)\n", + " print(x_1)\n", + " \n", + " \n", + " elif (perc(mean(fun_200(j_1[j])[:-1]),fun_200(j_1[j])[-1]) < -20): \n", + " x2 = \"There is a {} % drop at {} o'clock and {} drop at 200's\".format(math.ceil(perc(mean_j,series(j_1[j])[-1])),j_1[j],math.ceil(perc(mean(fun_200(j_1[j])[:-1]),fun_200(j_1[j])[-1])))\n", + " list_char.append(x2)\n", + " print(x2)\n", + " \n", + " else:\n", + " print(\"{} We have a normal decrease.\".format(j_1[j])) \n", + " else:\n", + " if ((max(series(j_1[j-1])) > best_dist.interval(0.95, *best_fit_params)[1]) |\n", + " (max(series(j_1[j-2])) > best_dist.interval(0.95, *best_fit_params)[1])):\n", + " x3 = \"{} Low Risk\".format(j_1[j])\n", + " list_char.append(x3)\n", + " print(x3)\n", + " \n", + " else: \n", + " x4 = \"{} No problem with the channel\".format(j_1[j])\n", + " list_char.append(x4)\n", + " print(x4)\n", + " \n", + " if 'drop' in list_char[-1]:\n", + " list_character.append(1)\n", + " else:\n", + " list_character.append(0)\n", + " \n", + "df_ = pd.DataFrame({'_time':list_3, 'NoB':list_1, '200':list_2})\n", + "df_train = pd.concat([df_.reset_index(drop=True),pd.DataFrame({'Characters':list_character}).reset_index(drop=True)], axis=1)\n", + "\n", + "df_train.to_csv('NN_training_data.csv', sep=',') " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Anomaly detection - Neural Network." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The first attempt is to use a simple logistic regression model;\n", + "although it performs (unexpectedly) well, regression cannot self-learn. \n", + "Therefore we move to more complex solutions." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Using TensorFlow backend.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0.7993055555555556\n", + "\n", + "\n", + " precision recall f1-score support\n", + "\n", + " 0 0.99 0.80 0.88 654\n", + " 1 0.31 0.92 0.47 66\n", + "\n", + " micro avg 0.81 0.81 0.81 720\n", + " macro avg 0.65 0.86 0.67 720\n", + "weighted avg 0.93 0.81 0.84 720\n", + "\n", + "\n", + "\n", + "[[520 134]\n", + " [ 5 61]]\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "C:\\Users\\dtomlinson\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\sklearn\\linear_model\\logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.model_selection import train_test_split\n", + "from sklearn.metrics import classification_report, confusion_matrix\n", + "from imblearn.over_sampling import SMOTE\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25)\n", + "\n", + "smt = SMOTE()\n", + "X_train, y_train = smt.fit_sample(X_train, y_train)\n", + "\n", + "log_reg = LogisticRegression()\n", + "log_reg.fit(X_train, y_train)\n", + "predictions=log_reg.predict(X_test)\n", + "print(log_reg.score(X,y))\n", + "print(\"\\n\")\n", + "print(classification_report(y_test,predictions))\n", + "print(\"\\n\")\n", + "print(confusion_matrix(y_test,predictions))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We implement the MLPClassifier from scikit-learn. \n", + "This is the neural network analogue of tensorflow in sklearn.\n", + "It doesn't have the same functionality, thus if we don't hit \n", + "a high score we won't use it further alone. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We implement other libraries from the sklearn deep learning toolkit. \n", + "In the cell below we use also Stohastic Gradient Descent and Gradient \n", + "Boosting classifier." + ] + }, + { + "cell_type": "code", + "execution_count": 67, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0.6763888888888889\n", + "\n", + "\n", + "[[223 22]\n", + " [ 10 105]]\n", + "\n", + "\n", + " precision recall f1-score support\n", + "\n", + " 0 0.96 0.91 0.93 245\n", + " 1 0.83 0.91 0.87 115\n", + "\n", + " micro avg 0.91 0.91 0.91 360\n", + " macro avg 0.89 0.91 0.90 360\n", + "weighted avg 0.92 0.91 0.91 360\n", + "\n", + "0.6763888888888889\n", + "\n", + "\n", + "0.6763888888888889\n" + ] + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "from sklearn.ensemble import GradientBoostingClassifier\n", + "from sklearn.linear_model import SGDClassifier\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "from sklearn.preprocessing import StandardScaler\n", + "scaler = StandardScaler()\n", + "# Fit only to the training data\n", + "scaler.fit(X_train)\n", + "\n", + "# Now apply the transformations to the data:\n", + "X_train = scaler.transform(X_train)\n", + "X_test = scaler.transform(X_test)\n", + "\n", + "from sklearn.neural_network import MLPClassifier\n", + "from imblearn.over_sampling import SMOTE\n", + "\n", + "mlp = MLPClassifier(hidden_layer_sizes=(5,5), activation=\"relu\")\n", + "\n", + "mlp.fit(X_train,y_train)\n", + "\n", + "predictions = mlp.predict(X_test)\n", + "\n", + "print(mlp.score(X,y))\n", + "print(\"\\n\")\n", + "print(confusion_matrix(y_test,predictions))\n", + "print(\"\\n\")\n", + "print(classification_report(y_test,predictions))\n", + "\n", + "# mlp.coefs_\n", + "# mlp.intercepts_\n", + "\n", + "model = GradientBoostingClassifier()\n", + "model.fit(X_train, y_train)\n", + "model.predict(X_test)\n", + "\n", + "print(model.score(X,y))\n", + "print(\"\\n\")\n", + "\n", + "\n", + "stohastic_model = SGDClassifier(loss=\"hinge\", penalty=\"l2\", max_iter=5)\n", + "stohastic_model.fit(X_train, y_train)\n", + "stohastic_model.predict(X_test)\n", + "\n", + "print(stohastic_model.score(X,y))\n", + "\n", + "# print(confusion_matrix(y_test,predictions))\n", + "# print(\"\\n\")\n", + "# print(classification_report(y_test,predictions))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Neural Network - Keras/Pandas/Numpy" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The first cell contains the baseline of the neural network. We \n", + "only feed a neural network of sixty-neurons in the hidden leayer \n", + "to check the accuracy generically. The second cell consists a \n", + "Standardized version of the first. There is no other difference. \n", + "Nevertheless with that small change we hit a better result (thus \n", + "we keep that change). \n", + "\n", + "The third cell computationally is more efficient than the other \n", + "two; we use a thirty-layer neural network (reduce it by half) and \n", + "the width of the neural network smaller." + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Results: 69.36% (21.95%)\n" + ] + } + ], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.pipeline import Pipeline\n", + "\n", + "warnings.filterwarnings(\"ignore\")\n", + "\n", + "seed = 7\n", + "numpy.random.seed(seed)\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "# baseline model\n", + "def create_baseline():\n", + "# create model\n", + " model = Sequential()\n", + " model.add(Dense(60, input_dim=2, kernel_initializer='normal', activation='relu'))\n", + " model.add(Dense(1, kernel_initializer='normal', activation='sigmoid'))\n", + "# Compile model\n", + " model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + " return model\n", + "\n", + "# evaluate model with standardized dataset\n", + "estimator = KerasClassifier(build_fn=create_baseline, epochs=100, batch_size=5, verbose=0)\n", + "kfold = StratifiedKFold(n_splits=10, shuffle=True, random_state=seed)\n", + "results = cross_val_score(estimator, X, y, cv=kfold)\n", + "print(\"Results: %.2f%% (%.2f%%)\" % (results.mean()*100, results.std()*100))" + ] + }, + { + "cell_type": "code", + "execution_count": 53, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Standardized: 91.11% (3.06%)\n" + ] + } + ], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.pipeline import Pipeline\n", + "\n", + "warnings.filterwarnings(\"ignore\")\n", + "\n", + "seed = 7\n", + "numpy.random.seed(seed)\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "estimators = []\n", + "estimators.append(('standardize', StandardScaler()))\n", + "estimators.append(('mlp', KerasClassifier(build_fn=create_baseline, epochs=100, batch_size=5, verbose=0)))\n", + "pipeline = Pipeline(estimators)\n", + "kfold = StratifiedKFold(n_splits=10, shuffle=True, random_state=seed)\n", + "results = cross_val_score(pipeline, X, y, cv=kfold)\n", + "print(\"Standardized: %.2f%% (%.2f%%)\" % (results.mean()*100, results.std()*100))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This is the most efficient NN we constructed so far. It's not \"very\" deep; fact that reflects the low complexity of our data. Nevertheless it takes ~5 minutes (when n_splits of cross_val_score has been set to 10) to evaluate the mean precision of the model." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Using TensorFlow backend.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "WARNING:tensorflow:From C:\\Users\\dtomlinson\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\tensorflow\\python\\framework\\op_def_library.py:263: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.\n", + "Instructions for updating:\n", + "Colocations handled automatically by placer.\n", + "WARNING:tensorflow:From C:\\Users\\dtomlinson\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\tensorflow\\python\\ops\\math_ops.py:3066: to_int32 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.\n", + "Instructions for updating:\n", + "Use tf.cast instead.\n", + "Smaller Standardized NN: 91.11% (0.27%)\n", + "[[2597 0]\n", + " [ 245 38]]\n" + ] + } + ], + "source": [ + "import numpy\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense, Dropout\n", + "from keras.optimizers import SGD\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score, cross_val_predict\n", + "from sklearn.preprocessing import LabelEncoder, StandardScaler\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.pipeline import Pipeline\n", + "from sklearn.metrics import confusion_matrix\n", + "from keras import regularizers\n", + "\n", + "warnings.filterwarnings(\"ignore\")\n", + "\n", + "seed = 7\n", + "numpy.random.seed(seed)\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "# smaller model\n", + "def optimal_nn():\n", + "# create model\n", + " model = Sequential()\n", + " model.add(Dense(5, input_dim=2, kernel_initializer='normal', activation='relu', kernel_regularizer=regularizers.l2(0.001)))\n", + " model.add(Dense(5, activation='relu', kernel_regularizer=regularizers.l2(0.001)))\n", + " model.add(Dense(5, activation='relu', kernel_regularizer=regularizers.l2(0.001)))\n", + " model.add(Dense(1, activation='sigmoid', kernel_regularizer=regularizers.l2(0.001)))\n", + "# Compile model\n", + " model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + " return model\n", + " \n", + "estimators = []\n", + "estimators.append(('standardize', StandardScaler()))\n", + "estimators.append(('mlp', KerasClassifier(build_fn=optimal_nn, epochs=50, batch_size=5, verbose=0)))\n", + "pipeline = Pipeline(estimators)\n", + "kfold = StratifiedKFold(n_splits=2, shuffle=True, random_state=seed)\n", + "results = cross_val_score(pipeline, X, y, cv=kfold)\n", + "\n", + "\n", + "\n", + "# CAUTION: the y_pred here does not necessarily return the same predictions with the results above. \n", + "# Generally, cross_val_score and cross_predict form two different scikit_learn functions, therefore\n", + "# obey their own rules; their difference is mainly how the data is split in batches.\n", + "# Nevertheless, it forms an approximation of the cross_val_score. Remember, cross_val_predict fits\n", + "# each data sample EXACTLY ONCE in a test set and the confusion_matrix returns the prediction for this \n", + "# data sample that given time (hence explains why we have: len(y_pred)=len(y)=1440). \n", + "\n", + "y_pred = cross_val_predict(pipeline, X, y, cv=kfold)\n", + "conf_mat = confusion_matrix(y, y_pred)\n", + "print(\"Smaller Standardized NN: %.2f%% (%.2f%%)\" % (results.mean()*100, results.std()*100))\n", + "print(conf_mat)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "VERY Interesting fact : Without using the StandardScaler() function our model is really poor. In particular, it hits 63% percent without the StandardScaler() and furthermore it doesn't recognize the y-values equal to 1 (i.e., when there is a problem); in other words it's not working. Below the first cell contains the non-standardized version and the second when StandardScaler() is considered. Also we provide a classification report for comparison. " + ] + }, + { + "cell_type": "code", + "execution_count": 65, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.63 1.00 0.77 227\n", + " 1 0.00 0.00 0.00 133\n", + "\n", + " micro avg 0.63 0.63 0.63 360\n", + " macro avg 0.32 0.50 0.39 360\n", + "weighted avg 0.40 0.63 0.49 360\n", + "\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "from sklearn.metrics import classification_report\n", + "\n", + "mlp = KerasClassifier(build_fn=optimal_nn, epochs=100, batch_size=5, verbose=0)\n", + "\n", + "X_train, X_test, y_train, y_test = train_test_split(X,y,test_size=0.25)\n", + "mlp.fit(X_train,y_train)\n", + "\n", + "predictions = mlp.predict(X_test)\n", + "\n", + "print(classification_report(y_test,predictions))" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.99 0.77 0.87 640\n", + " 1 0.35 0.96 0.51 80\n", + "\n", + " micro avg 0.79 0.79 0.79 720\n", + " macro avg 0.67 0.87 0.69 720\n", + "weighted avg 0.92 0.79 0.83 720\n", + "\n", + "\n", + "\n", + "[[495 145]\n", + " [ 3 77]]\n" + ] + }, + { + "ename": "AttributeError", + "evalue": "'KerasClassifier' object has no attribute 'save'", + "output_type": "error", + "traceback": [ + "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[1;31mAttributeError\u001b[0m Traceback (most recent call last)", + "\u001b[1;32m\u001b[0m in \u001b[0;36m\u001b[1;34m\u001b[0m\n\u001b[0;32m 49\u001b[0m \u001b[0mprint\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mconfusion_matrix\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0my_test\u001b[0m\u001b[1;33m,\u001b[0m\u001b[0mpredictions\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 50\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m---> 51\u001b[1;33m \u001b[0mmlp\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0msave\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;34m\"mlp_classifier.model\"\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[1;31mAttributeError\u001b[0m: 'KerasClassifier' object has no attribute 'save'" + ] + } + ], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense, Dropout\n", + "from keras.optimizers import SGD\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score, cross_val_predict\n", + "from sklearn.preprocessing import LabelEncoder, StandardScaler\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.pipeline import Pipeline\n", + "from sklearn.metrics import confusion_matrix\n", + "from keras import regularizers\n", + "from imblearn.over_sampling import SMOTE\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "mlp = KerasClassifier(build_fn=optimal_nn, epochs=100, batch_size=5, verbose=0)\n", + "\n", + "from sklearn.model_selection import train_test_split\n", + "X_train, X_test, y_train, y_test = train_test_split(X,y,test_size=0.25)\n", + "\n", + "smt=SMOTE()\n", + "X_train, y_train = smt.fit_sample(X_train,y_train)\n", + "np.bincount(y_train)\n", + "\n", + "scaler = StandardScaler()\n", + "# Fit only to the training data\n", + "scaler.fit(X_train)\n", + "\n", + "# Now apply the transformations to the data:\n", + "X_train = scaler.transform(X_train)\n", + "X_test = scaler.transform(X_test)\n", + "\n", + "mlp.fit(X_train,y_train)\n", + "predictions = mlp.predict(X_test)\n", + "\n", + "from sklearn.metrics import classification_report, confusion_matrix\n", + "print(classification_report(y_test,predictions))\n", + "print(\"\\n\")\n", + "print(confusion_matrix(y_test,predictions))\n", + "\n", + "mlp.save(\"mlp_classifier.model\")" + ] + }, + { + "cell_type": "raw", + "metadata": {}, + "source": [ + "Here we print also the weights and biases of the model." + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Train on 2304 samples, validate on 576 samples\n", + "Epoch 1/5\n", + "2304/2304 [==============================] - 2s 822us/step - loss: 0.3760 - acc: 0.8772 - val_loss: 0.1549 - val_acc: 1.0000\n", + "Epoch 2/5\n", + "2304/2304 [==============================] - 1s 282us/step - loss: 0.3749 - acc: 0.8772 - val_loss: 0.1309 - val_acc: 1.0000\n", + "Epoch 3/5\n", + "2304/2304 [==============================] - 1s 295us/step - loss: 0.3744 - acc: 0.8772 - val_loss: 0.1326 - val_acc: 1.0000\n", + "Epoch 4/5\n", + "2304/2304 [==============================] - 1s 283us/step - loss: 0.3745 - acc: 0.8772 - val_loss: 0.1337 - val_acc: 1.0000\n", + "Epoch 5/5\n", + "2304/2304 [==============================] - 1s 282us/step - loss: 0.3744 - acc: 0.8772 - val_loss: 0.1336 - val_acc: 1.0000\n", + "[array([[-2.9095856e-03, -2.1770846e-03, -1.9934693e-16, 5.5312752e-03,\n", + " 1.8497715e-02],\n", + " [ 4.6612010e-03, 7.4044587e-03, -8.8255713e-03, 1.1704177e-02,\n", + " 1.3716479e-02]], dtype=float32), array([ 0.00893806, 0.00683938, -0.01635896, 0.00989568, 0.01338646],\n", + " dtype=float32), array([[ 0.26589656],\n", + " [-0.11232933],\n", + " [ 0.84088373],\n", + " [-0.72920924],\n", + " [-0.45201716]], dtype=float32), array([-0.08870715], dtype=float32)]\n" + ] + } + ], + "source": [ + "import numpy\n", + "import pandas as pd\n", + "import warnings\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense, Dropout\n", + "from keras.optimizers import SGD\n", + "from keras.wrappers.scikit_learn import KerasClassifier\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.pipeline import Pipeline\n", + "from keras import regularizers\n", + "from keras.callbacks import EarlyStopping, ModelCheckpoint\n", + "import tensorflow as tf\n", + "\n", + "warnings.filterwarnings(\"ignore\")\n", + "\n", + "seed = 7\n", + "numpy.random.seed(seed)\n", + "\n", + "df = pd.read_csv(\"NN_training_data.csv\")\n", + "\n", + "del df[\"Unnamed: 0\"]\n", + "del df[\"_time\"]\n", + "\n", + "dataset = df.values\n", + "\n", + "X = df[[\"NoB\",\"200\"]]\n", + "y = df[\"Target\"]\n", + "\n", + "# Sequential\n", + "model = Sequential()\n", + "\n", + "# Neural network\n", + "model.add(Dense(5, input_dim=2, kernel_initializer='normal', activation='tanh', kernel_regularizer=regularizers.l2(0.001)))\n", + "# model.add(Dropout(0.2))\n", + "model.add(Dense(1, activation='sigmoid', kernel_regularizer=regularizers.l2(0.001)))\n", + "\n", + "\n", + "# Compile model\n", + "# sgd = optimizers.SGD(lr=0.01, decay=0.0, momentum=0.0, nesterov=False)\n", + "model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + "\n", + "# callback=tf.keras.callbacks.EarlyStopping(monitor='val_acc', patience=10)\n", + "\n", + "# Fit model\n", + "history = model.fit(X, y, epochs=5, validation_split=0.2, batch_size=5)\n", + "\n", + "# tf.keras.callbacks.ModelCheckpoint('NN_anomaly_alter.model', monitor='val_acc', verbose=0, save_best_only=False, save_weights_only=False, mode='auto', period=1)\n", + "\n", + "print(model.get_weights())\n", + "\n", + "model.save('NN_anomaly_1.model')" + ] + }, + { + "cell_type": "code", + "execution_count": 71, + "metadata": {}, + "outputs": [], + "source": [ + "import tensorflow as tf\n", + "model1 = tf.keras.models.load_model(\"NN_anomaly_nice.model\")\n", + "# model2 = tf.keras.models.load_model(\"NN_anomaly_nice.model\")\n", + "# model3 = tf.keras.models.load_model(\"NN_anomaly.model\")\n", + "X=pd.read_csv(\"01.09.2019_NN_test_data.csv\")\n" + ] + }, + { + "cell_type": "code", + "execution_count": 72, + "metadata": {}, + "outputs": [], + "source": [ + "prediction1=model1.predict(X)\n", + "# prediction2=model2.predict(X1)\n", + "# prediction3=model3.predict(X1)" + ] + }, + { + "cell_type": "code", + "execution_count": 73, + "metadata": {}, + "outputs": [], + "source": [ + "list_1=[]\n", + "for i in range(len(prediction1)):\n", + " if prediction1[i][0] > 0.5:\n", + " list_1.append(i)" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "df = pd.read_csv(\"NN_training_data.csv\")" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Unnamed: 0_timeNoB200loginsTarget
00.0Fri Jul 12 00:0014933916970
11.0Fri Jul 12 00:0112938547820
22.0Fri Jul 12 00:0211431607610
33.0Fri Jul 12 00:039534857920
44.0Fri Jul 12 00:042831367390
\n", + "
" + ], + "text/plain": [ + " Unnamed: 0 _time NoB 200 logins Target\n", + "0 0.0 Fri Jul 12 00:00 149 3391 697 0\n", + "1 1.0 Fri Jul 12 00:01 129 3854 782 0\n", + "2 2.0 Fri Jul 12 00:02 114 3160 761 0\n", + "3 3.0 Fri Jul 12 00:03 95 3485 792 0\n", + "4 4.0 Fri Jul 12 00:04 28 3136 739 0" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/objects/67/28b1ecf3641cbadffd1ed056db496ad54cfb28 b/objects/67/28b1ecf3641cbadffd1ed056db496ad54cfb28 new file mode 100644 index 0000000..ce53b39 --- /dev/null +++ b/objects/67/28b1ecf3641cbadffd1ed056db496ad54cfb28 @@ -0,0 +1,2 @@ +xm;0}"&^GP:16VA +^3ӌ9GN8)=YGj^!IeLu5XZ`B56rCe(_saK@0gZB9Ro, a: \ No newline at end of file diff --git a/objects/74/801214438a6927c550468d0d1e1a0799ea4a91 b/objects/74/801214438a6927c550468d0d1e1a0799ea4a91 new file mode 100644 index 0000000000000000000000000000000000000000..5d83e7ea68bad38a4c42c1836e3933eee8f4c7a1 GIT binary patch literal 61 zcmV-D0K)%x0ZYosPf{>3Wl&Z~Dap^x$;>Ox&(lpVM=)8f@d$G#DZr(peAjpLTp4^(OWKljNj)6=$qZ8G@InA zA~Rw3ZD#k)?!JU<7JwP9rWe2fK%Xuc?XqYwX%}x;E)Vmj6~~o0EWj)X5&4(+Fdg*^fgdkkA+ zU4Hh26MIZNRu0)hGmc7hRO62r#?cv%eZRzG<7_U6kW2D=Yh!V;*T(c)x|sB<9Ih#>*sYj- eWh*|VTVp(y3Ni6mIb?*UKLS<;EmVOYRp1+16>c5? literal 0 HcmV?d00001 diff --git a/splunk-dashboard-screenshot/__dev/notes.md b/splunk-dashboard-screenshot/__dev/notes.md new file mode 100644 index 0000000..98a5ddb --- /dev/null +++ b/splunk-dashboard-screenshot/__dev/notes.md @@ -0,0 +1,19 @@ +# Selenium + +## Move the mouse to element(s) then click at the end + +```python +e1 = driver.find_element_by_xpath('//*[@id="nav"]/ol/li[5]/a') +e2 = e1.find_element_by_xpath('../ul/li[1]/a') +actions.move_to_element(e1).move_to_element(e2).perform() +e2.click() +``` + +https://stackoverflow.com/questions/43161987/python-selenium-how-to-move-mouse-on-element-which-shows-drop-down-menu + +https://stackoverflow.com/questions/920910/sending-multipart-html-emails-which-contain-embedded-images + +class this all up! + + +add image to a class and iterate through adding each one diff --git a/splunk-dashboard-screenshot/example_screenshot.png b/splunk-dashboard-screenshot/example_screenshot.png new file mode 100644 index 0000000000000000000000000000000000000000..bfad78f7e45ac2892f74420b5ef3453e96e40215 GIT binary patch literal 153026 zcmd43WmHvd_b&_xil|6fAWBMzfD#fC(hULv(kcxC(j6+@jhk+y71(rGbcY)O0i_%1 z+;HaddH!dN^YQ(1&U=r+uwbvXu4`U%{%YMpPn4uD5m6H1;NV=6m61@z!8t<%U#|(z z!ru&^5U1hb;^4?ih(2{mUTJWCPt}aB#%eh3b-jvyc-J)cG2Z#}_%afbB<&Js=qSnA z`E)%lJ*=$pIly7M|K-Nbn}+v)K0p8Fyc8Yb`8#iM&OgD)@Ufft(SllBD_D<6q*#5W zFH7h(yd&JZq7<-LQd06-DMc;M7o%Dj$&AP(-J-~IcGH!ys>a| z4O0X19J88Dhw52a-boKG>D#VGSy*b1zqopJPF90x&7x;t0!isP$Nu{aCwYI4_#!<< z*6Uu}dR2g(9OFJdnmo16mZ@O$Ua>*tv)O6u9~%yprTX0_v6JmL=OM2vrWsy^-! zSia{m+3Vr8|BZTcn);N_a&j>*Z6eolc6RoY)!0Kuh4&vhWDiFl7`9yWI@wAytz55} zzirZ+iv4kCLB#hwIpat8uFcKO#tQeYWd4{*?3(kDM~c7k_m}2vz1}DGCSC70)R_!R zZ#;6kXVb8wk%cX7IuSq~1+JiVH0id?))IEpIX&9+Q$>)!<7;p9DUPPDEx}lojm@x4 zV-M$`|D~JNyQ7v(OGd|OvxQxgSe9>VF?e*opB=}$n5=fps!NNnT)Va=Z`T-q<;s=c zd_Ay$r!pr7EXtLk&$PeUQV|gmH7*&gTs3SBH$FK&V9wz@>gep$skqVNRYU9nmw&>wV$@w=YG4kMd;ID0;p* z(~epdIoXJ~c=KWC*RNvX{B!S3(6t69n+a5I3mFb;zfheVP00lX1zn$91bZ6xCORLq zQi-PtdsZJV6&`F4Ds#2k)Ne?odhTjPw=OcNB7sjeMjE#+xZCfZj zHkz+%%~v>u`7@B6_xk&ey06qgM8IL;^UqI)uBX_&@*b3kw{R=9x1gV&-$hF9KppFv zJIg}2uYOfW+4l-1^rSo*EY{&=Z`^+gE7?EQu-$< zFQXD$?9MQkX%AJZ>l{TmTwYF2j&HSMuxv@~a1>VZtTeSJcfZ+{$vqv#t<|c@3FcB9 z>zdhk1y?h9t%BbCywr}j1Q#e*(*#{P;fdJ$+$darzd2V8zo*ojKHlmz?a!3-*~mKC zDfR9?b6N25=?V5`T+m^~Q{l!_?7BT1eUp^a4%X7wJ^b_O=$@I?61}?p-Kr+V;SxOx zL6_Gt^x4HfcId~qr*B0Vcev*cf^ zp8ogDqoTz;_VYd6%rvWPnyWAN*2bZqiM-hV`)7M~EFsCdHYko&(B(@s~aP|{7C`l#DNZm+ldrMc|q6e=*kJhr-#59rU5-uh0i z%q{2bei({XnH(KmAIi%wOK#M3?|kY$rrx$jPRVKgi%+9eKV_r@I&-8rvH8;z=`hM> z*s}7a=klu}pTGKDKyjOs-4bwk{ymUXQ5y$$t|z6_2lvd+8ha+D~M=JqE#6xdW?Q1A@vibvcQT9|ASah`Bx(q8V`z;x`uVffb0 zl-339hT{Hn9Me=+lPvd@Uo|mMc@_PSCO;XT`xbDSDM|+CDDSdaaM(>=JJ__od^IKk z$EELg5_G>}ign6+T%mF)pqZrzI8JSLa!eNPqG=a*chlbyXI59g-Ehu?F=IAIa$@9Fx_PvRoGKMiX?e30>m zbBNlibzIKXEY{9JW87e~YfXDo-Js4!_dJE%cVCTXNndV&;lj8+o~KNWJ(!24?0q~< zy_}gzhlN&VyekAV=&m*PA!6BErkDe*1b>Nh1|9mx{&f%KHZrT|=n$TKL>Uc`nv@vG;NDK*SS~`ZeWbQ z(@wDsk5(!gQ(I6VH|f6K;MNh#Qd?hNuh%;qd1yQXYc&Lw+;?5iAxgjcb%uVKQIPN- zU-Ip$Cajg`9LjVF#=aVyWNl>>r=)??h%w4C*>w(ecur*h%?YwCyfza>&MQANyblM{ zme$7WmJ<^byU^~tEBQ={iP>r1C$0@vW0encTrovjhkw6a?v=B@;a@AC!0vXiIjg;l z=~NXz+4DZt^xmtR>>jPMo0S`{u{XViFPhZxnXT$qCi1xtYj;(oZ{^H)p|a4JL%6kK z;p4yGcA(-);hBUQpqVfZ4r(7ftFlgEXJzdav{6@&TZ8q_4fopr6M$THI6>bn-wT?s zqn=(0@}$BG>F>6oQ%2S(>nypohTqzOCR;%5wm=Itt)Zu*Q+T?aC$cEdUX$HDESr!8 z<*TWj^ia`eyjFeE`xIN7o=&5tfwpdF)X>oQ_uxnsXliOM!{aW>b2L0f%1Cj}&|cT^ zhq~6m>v6~7#dFjiPfB%bR4?DSPgCwaQf6GMoFcxX_u8xbS9Smr`;p?5l$3PaS^9yRL|66xq~0lJ z!zz8->wl^>k;M5U-U*Es&Y%SZ1?Mi`E<$6p z96#3Vp4xaHB?&Km$l6Bs#K3j-YJ=^x6c!nrwKkKDin(9*Jdu*@?C98r*^L}ew5pt? zRmUbE+7Ij1)5OU4BR#?M=ZkUhx`yKGQfS*gLHU;pg# z&4&u7E2biy$-~+;(8LE}5|*s}C`@4I;24gJi&LCf-=B^chGF&!(k|#5w-@+oiA)w9CfJ2A~U!>z+G5G);LJrKxOv8{rAc?)JFO zr{v`+r@hCZkBpu<*Dtv9%!`=ml~8p?RplYF+Eb zD2H4M9*d`QDG1`~O5#;^PaXas_RDF^3gvGCmpWt;IgrI{zznirG0wG{v~9hmC8wKs zf<0Oexa}rmnKC|dd^p^MX{EAPz~yHqzWL^l`{Yq7rq;?hy_iVG*48#R$|@Yw5rEM?o#pWEZ@ukaq#?Js?z!%+wW=my zbNV+x#7NI@X(+$8s7Qf{Ea>6zPWY`yOOwZQys+fgy+-W-15pwYAwTE^zz~hGDlCP; zo+rHVoxD6eZ&}WM^|2aEz|%IuYuc7V&p+c}M@-Yqi_vRiRi*mSoG{wUBFBF&9|8~? z(q7lAu_(mLj2%$RQ|i8Zz1>JPAwGWTvdHlh%W*gAq0x<9W||!eAvcGtGGrP9PO$k8 zo*7u@&dx8Z=QS>1TeYzC6cax=*=t%3;b`P5_xyH=cLBQ0eM_H>jDXu6Gb-OieR4-n zo3N`k+H(0YRwL0(Fvi(12}&sf#+O_$x#4)VE0VpdFqZYxe^UZq0DJj zTfk|h4Y=1g$6>t$+l_rb#B9q8Mv1-^YsEp7bgeIuP^{iI99CkmngW+NRWdfr-QYu%)4080y9I3 zfy{g(8Pjp@eNg7DM@};Zg(WY0lKGK#5LPnyvEhb@mmtU-FMkxMuNEu=M!I6vpk!{& z!j$5mim_1^Sj<)!O0FClcHNqLVB8T~bOftzKOoD*b7Y+~1sl;(0ku%dM2L6x;tibl z&W8Zaa7M`c_HuR6S84I*Q{CC4WPI;m907<82qy3#<%`@YroGg;IT4$`TTy7WN)CuRA&LSARDl%RPbEb~T`QJ0)c0ZAYn|6q z(Kg5X8{HiOY_@Q8dF8fFqEU%iFK#+@J!qxzZL`bxMV$-{y&f1osvRO$u(QauHn+CQca?$v z9c;~;u3F|(n}<73dM2Q_Oier=+Ds(Z>?No-?fIR_^?}vlCF_8}a{k-L_AO<>4T)5@ zC6?RnD-Y!4<@o{1B8p97!%4O6G^ba5X~QmM45MNubPMJjgoSj*vt>E2Pk`otOi5t7 zqCol%2ED21vT569{$c_8v!&f-J^F**Lng*Ucz+!LZ>4 z@cusSvesqc{pUczk>|ka722cnJldUwqEClw`~sM|N;Ex&nYRohz9qmtI?tz+6|{8e zj3AZ!%BL_dUN|j9n?FAiSMqeL&f~!DbnKHg z?O=3JN}e{I>N>7~H)|F$Ll(yCctP};O|&d&C*m0SZ$&2-toNI7Th@8$O^yjqKmJkW z&wa0Rl}&BcTyt!c2?tSnrlwv3Z2ksy&2sM^gNR5PLhI%Vx}YMPT@4lcpAs&{8>Q^( zvhwm)jg&QsbQoG&TW8@)^=|QPw$YE>8LseykAR*O6LfDER05<6n{=Ecs52(jS$hg& zx784JU=WHL_RoyHW+qwzB{PT=^W5kdkfx7tk`)@PilK({Qr&_PeMl<}&}rp<*HM<& z`UQjKxITc+otC8yEpy#T2xHDmwj)}v-%^U1zjpn)nubP8B9EmDpd7ASzrF{NBP&ua z#VO#trl6%oVc@YLnbixYD9TQ`k{kWE54HsnQgGDxORJ}d0AzMV-;r+lDN&Z}Lmkl^6gdc0~ZOIt9f`fKdxyBwizv##~xB3lIDkK)dqJ07P;lQtWTsq+tj z#W1Gvj(@s(^{VZdRn;fs&TAmtw$!_B@$LPxPik135S~nsv@}Muj3&G!ovET zu@b=+u>0nvOKxf_rOOo>27~jzp#LjQEc@TIHXHOD$UYY|0p|)d+}IHjrOj!(c=6kQvfB_s(eLp?v}%oEYjstuGJ`1VrFG! zr3%g2VjgPmW7}Nnk+fNaS5kByzPTHND8uOSI$$m=tgMFZ(Rc0{G$zARSIS>A3kHFO z_ec;H8Ra&nEiyp0H|Z@>ZqnUx2JJQfU{6h^pZbSA&ACv*I!k z)_%0!)JrN&h5No`=7*+%F-#^3f|=j%E}K9n4D0#<1V}5&&qt~-(f>soq7DUpR5w^y z?$0{sJnncMd$ecs@X$9l+K3Z1Vy&z_aPgKvEa>*{M@L7ygo}ANKru9N|K@)QB^fH% zJ3XYPJbS%qUy|_@bkmj#9QBbwZ(~iM*P+ZvilL?gsJ-~gO?!JJKFVytaJ>(DNOmlu zorYcOW8vVKA9tQK20_b*)G0~Z$Q1SmWsh^Xx2|k$&8{qbz))JhNdy;niCK(R<#br+ zQ^?LgMC=0J7c!EP1PE(3IR#ZI<~@|LI8KS{m920jzi+oF-l z3a0MGp3E20{qfNGVD*iEe|}RBDgj8AY^-?FIvt-szW7FoiU1*}d2_ZislimOBFDpr z;(<5RsVnHQ%&e@ISFXyl{9x_|W&B$BbYGMAX+y!X;-{vPL2XZhm{!HvPLP?)Gj}Td zw%us#=epYMnC>w%w>^8fRC@ZUYPNu_9;yrxliOpMrfb=sr{*_acw*`K#IiN%ZraY+ zLW8l*U}__nEtQ@7~}vBJ8WQ8^_G^W48xgK~o&5b!3IzpN7%VMs-wn=mY1xzMUs-t?ASY zRI*lRN?ISETgrvf-oxMLO!PQ%~NXD+`6o@!jto)saS=y&0InOT2k zmyC(5?D=6``%6`mUhcVHHPqE@K_udFlTDpBzMG9ntXr!M85mGSoDSXLSr{2JjYn&p zU8nmXPaFVQEf-_Mn1Vu95Bvuu_A|928xGKP8-2tKTsxz(GJbQ@ZVftXa7YN(e34#V zJTzz{k89*X_{u^%PZ>`US;}p1ts6=&<)FJjy^s$GIj5Yo<*->BOJ4Ftas!TSZKcQSWH};R7Jw9*nV@m%aX;nef~jFM4|lSaq}cx&fkK z@YLGa+CBjBU>-Wrb2!|JxvL1M0M_!FaV2y82*HZK+?IM=dyAnSgp)G$P8hhLjHyWkUYlh ziB5;Ay{<#QB*HYMSmM-8M^(=%2_G0;p+6w6Bd0MwVCD^RU9DcWyI1XH!L8 zy&1X$V%9OiawCkP>F`HsnV7Zn>S&z#VD2Z7Q+yN}>ep(Q+d4bP3Tr2>94!l2<(G== zf4Tgg*G34&(Up z#yN=Hn@lrL`v*ks=~mz88cqjC5Kv7Vh*k`Ss8{keYs00~&=%R|gx%DNbT%X6_rWa~=lCBB^mY{83rv)#It_ zO?~14#6Msb41&#pIo&Zh%|VKWzY$8tbF-aknO(1T0ntFR!UYOcvdb_f{gH^$HmLMS z5#jLq4Q`82>?WDo*{&d9J0!5{IW&1;9b{#LgaI2->TRVsPxOoXU+hP&4f+!XG`j2) z=mA`UgL ziazaSn8yb5GcyZdeT>82U=g7y;wCRUE0Ko4wv#1zPbFYOB9eqr$|=n0CFqvg0WaRS zj{$^S0$9HI=FGXJw{P)0p|cqK-F+pm2Nr~3Rv+pT{oe|wl(~r=q?heb!J)Ki!d41{ zU*`Zg-vQ3q4mc>uSNrGTmmvgByzXVQ{Z1;q09~N4{{(a-a~9()&fy8WAF1~dL$35T zw^<|{hcx8N>tHrvCtEg#Gs^0pih3LWO)95xaJ=dgvavv_m(&Y2%zL*u&1Hti4n07b z{?T+i%Tc~N4#Mvtg5qDTE2d@aG!7#JZO6Re9w;^_i(t&?2h5@G+zno9-7GT=pg8G> zVk$~vw98ZUP7!_D9apnl+SEAGW~H4(@|j*Lv=7XifjZ}P5bhFYxxs24J~%i)t?srd zAb;6!Rx#pM3)~LzR~q0~6$CD^1zM3zDh`7*B+%Pxn4HNWmi7J+MV_kR--Y zfjU-J1~N*?yp@vNHX#Mv7T%6v%$FOE{(x8w(~Ye zayR_lj&@gzQxjwuI4_B-F~qc+fZgPLGLf4j3`U2Q3d>;a&M`=vmK!6Zc47YCr#Cc8 zYd|p9n3jP}tJ*OBKkvn07#a?=p4QEIpa3=R>QtgScejeKn z8qAN8*DWt@tl3j)XEw|h2vy`*S*|9>hl6{w1joWDuaK=`54#?5nCm!pm{QrNin0hl zGg4CNH#d6P@WNY2Q*G9EqTclo1PzNV9;fw*@u@m<%Npxd6bKK+0T(F-EVLU#g(0Ys z*=$xMN(mJO?-;fL9YudaA@?^Jm+%*Nwg2z%`Zm7gu8TsHE21^5jvoD3e4TK*r& zp8xYt|4(y1NB>POjS$i{E-@U7gkTN}mEIzGCG9WT|Mw$Doe5w66ZNshG_H~gx{Pi5CeTcqER2(F-qAIq3C;y%N_XFNptX~71G ztj=a^0r~S!&rWPM5ibZ~OuNSiTZ@RV4edkoeF64cC933%&8>fbh5x2ev@RZciq{o(`$K)xIsuASGj;{YJBLkxF=_gN~M2zDe`N3tCXo@R2Vh z5L2@~Adl+;WIDf~;Ba7l@-{gB2ri~v^#(zr>Fp5Y(K=6Bk?h&5JR&3gau`&^(S7}e z;CMk=WC|d!5u{mA*d5dZ!?V}*U0y(D2zXn9uAQvOQIzy;B(VTVpVu&V{sQ_iO%XBf zxN?nM_dS{erNC*{m(Dnd+^9V=09Wf^2qA2ud{+qE0t6=GAkhIqkoi!C01AlVsNDfL zFb~m%89=L^Sw{fsA_0B&XNaGZ3cc|Kklha>w_V=r1|APU9-RfJe+rO-FwNd8R=^N* zz$OeA`ZCUKH}doIBUvH1xAfR4@CDka+yN{g;U$DO)gb)hp%o<(M+gokLNrI~>OW^8 zV?c$_3q(D2R3gC_1O-VK3}26BoyjRAXe2N}7A1p!UnBAmNzz3q zsJb!!JmS*)g7J)$?aI$j?~c~$BH#q^TZT6SbehvkRnve39HKVKd^sq4&uL7A7%hlw3%{4ce3D^6j01T@!-HM>0_ldrd#vh+iXh;4 z7w&!@ApCrQ$T2N4_NM_1yo4%5?jGRVTLVC%E~)1}|Nin00k;s*GDPBgKY{Whu{97B z36LPy@v^}w-f!ooBfWBa`o?>{Br@i;pSQV$U>yYaf4_qc6NJQiV90K?ikw6tUMOl3 z3zTmT@ER+On+)-QO?VtTAcdQdQ84a-Sd;sExItJQF~Tq4U^<@w^QvUgJ9CaW8v;JS zoI_{`IgbWs%|TKR^Fr{d9l(Z9VBQ~YFMdOmK=^S;4%p8nLuHnkbW_4e6Zs3ZIK@Y- zDhJkQGkRFR6NEI-9KmVr?m_YUX^-EW~%iS#BRShg`Q`$Oy389Wf;jlDGl>2q0=fkjYW@ z&`^ce8us)N)(PTv3naAQgm^##$31SYlG9>{8MK|=@?PQ23iHAJIo_tA4iO|8H^OZGLKnts@mmYyo%pwTpjUzdqyHyf$GV*mJaK(*tfLepk$@nyBcHd| zxF>|1N}QLUZou--z(LFdUj&){+bbh66kH~K01h=ubWuV64M|9?!NY-5fiWu{ zY4m)Ac;+Jw?!17Jp-Bcn6+EyS<%T386u`+p%M00G07))j*db~>0I$#+58hgq)cAwL z8;G1#ByNh+mGbDi4`}0mLAapt{S5^(2O8=u(%eCvvQnA{^nqLmX=Tr^EI@!X1t!x! znIr|=FAW%j{;|d}KJ;7o-1rf%RrK%;9*ZjwBD|+l87e{d1&r#1 zog^d{3Zg9r!fwNRDfeICfpmrY8`i!}LQbyk3-Y~ilTTDt2NtRjfgaqYKM768cOE&d z;H1Mc!%EQE_bl{hEkgZZ)>|T|CuR74O)8)`{h$>^fMUxD?p;Sm2TWKz94HlC(9?h^ zc>k&2>Y0YBnT1~sA-aiJD$oy8XvO_sLo5ubicN@egf5rVg@eTprvmi#yRhKQh&_We zk%KRny*|VJv^zI$r4$`J0F}!SrZO@(l3|ZsQd^M|)Dg#uEFF%a-XZj+&78Src+~fN zwsepvok3(2=uNrl={`uf5eE@sX$XdIAWtb$-^f4l0pENy^KR&GD9#HgJ5YvGqe zE%4Ou(6Mk0QF1z$M4$;3Z9x!70<0;nF_55f(~*QA>@xD@usX`Kg~Y%&jh|;d*SZ&9 zdI`C2oyo&%umkB86|vBz?fNCJS=ZRN-rgeWMeHl2ML;s=P2rDd8DXS*SL!C|Kz zkc+DLXMyl<$dH1>q7o#{f?B7Go_%@?hUs5`P4~_EXh26o7X8=+gs)^rj1~^cqtyEt zkw%y=fnp$O*$r`)Hr}QK#m@>Zz3uH8;IyMAhtfJfIxMOJtcxa%y$oCc#7aI~AH)=d zd2bJ;%jvQI+9$N`H`2pC2@aV8YQi}Nq-6xtpj(@JK+bGbkE0v1U8BhuaK!GLblre7 zqC6|)PrzzUzI9hUBNvBYf3H37>ogm+~xh3$2YhM z@-}Ede?SYJFY9EV-WfLNEvf=H#1sq{pm19BD?fhxDAFotB!8(+*xz=mu&k`C`6$(4 zK=%0eIT4&LqYW78H-;Ty)gXPwhJ-P}0ID3BybL4*W^*X08NN`*aY*Cv0Q`l(snJ4@ zpVZ*}y#XcA7Rn#VA)4$$YAyx{StzT9;BA}Dy^`h3*p9?D-Lz--{4t5(JZ8n>g+}ks zCE1whmDkn^EIY%UprFQe0NG8zg7#1H5aJ&NOJbm^DlT(5w}xn zoIF8f#pUY#AiTH=H168E+OubEp!Xd>50U|KsVqF_su{fgFf#cQ0|4El7#aOw%+A7E z&V!88t3U#}+PnPX;#p8Ix&=-l{LercHUKIK4&o<((O=f%3ZV|2dQeq~!`;alMW7h^GB!4o*`4#=E%+sIQ2~3owl<4MtrA zgf)<8Ls$0kcJ}N0aubTY;}VcQeFph*RXHSY-L(Ol%ZAA5mIz;X3_ln&rS{9kRd&c1 zGW!uHB`kS3je8s{QDmMi{U|ISNDM!ANaq6(#KOYz0*rr@nGsk)Bsky|XMXq)2pSwj znV*5bgfxD@QCSk9w;shqh0{(~K239w`2&igFSru8zmL4KI7cWU+L{MafZ)MQ%zoo! z_K`Z)fkUsBJ8Q-7MO&t12#z+I=(ajsR}Fhm2j}vJ+B= zNX8pU6O^wb#0Yp08;E_@504kYkA$(R(6YlACG!`+CAxF=>~HvYtC$iIcX2RqCih!- z-ve@lCFt;g`O^YFfr0`6yflRzs$kZV-!RYrAV?m9aW^&f9Iry=4moh9gSm>(t%P); zPa!!<*e@=`h`N8#6`8*P?V1j{ZQg^A3W=(V;4sf3Nns*>cQ9`4z(hpi+eUa7v+2c( zL1Io!q$~lS6z~GtAhm(bB{jkJ!4bg0VAWtyCn56H`Vl%al72^G=eJ#c<61W!ATM8t zL(%br-iS+Hum=}F42JgV>>LP!--kZdyypp4Fd2YV16ydP6^}AwN!~(ShQJ5pF{5sl z0%Z_0`QXPPcA^V`edJXWUC`8!aSGpY-+UnZ+PXbd_nE(a;+Hqzh7uvXj_r z#}fqqX4P#CYUe#b)N;Kh^KhUgG0;(p&ST9%3-1A=nuU#R7Ky(AbVt|+av*_rB7u1l z{2>g+Zqz&vaTpMujs)D1O{F1O` zoH65L-$3@{gY`f}BAt6pyb~_;c_~hmjq6*0qs!qH8mVxqc94Yz3+l!`zd2I_0EL-_ zp6t}2y7>#HEh7^@YChTl=qST|vvAcpbRmS_hcd2 zHX;-7AQ)m~AYZ zS3zCsBWU!a+lPeYhL<3#yVI57{ysK8zq|UB%!Zm+dNKt1O6%~y*!-hzT zii(B|%l7)2-{AYxDaO(a>Ib}pFu__?36W2#R$2~@b$OW-xZRa6N@7*d?isKmDF{f$ zPNEmMIDFd_1Z={Sld0_N>~@_uwT*1zF7I0~9k)zxm@s9XDK2>tmAc$Vw&-^=$E&~6FQ=($yD4XV zb$l<)A45qiakuFz<(E0dq#zgK6anY6zrS%fZO)GvJc)TC!{pm1Dv#s$l#GpshGfp* zXwXN>?9DaGVo@_(Ynk^~wpXKDd6>3y?OO@u_+?n4R82YpNbqPSFy-7Hm1lX+;L4d- z5Tj1k&g!3--7H~!qMeBrTOe6=VZOv391_0PQk|jq_Z>;AZIswU&(*V4w2t8elztII z?37_*S!jl-&v{9A55C=>)YvD5 zOL&EX4e^O8tw+STDKjc6$mR08ga&8nu|j&imKGL>RshmJX}_886PB$LoF|0mgR(o@ zGH|ae>=NGUd&4*-z?^a3)6W6ltdBCA^$9H@x0u)spJ}2B&e^ZFG((JR;q-)O!sxr- z9s1midF5@(J2v^(_Eu1-I6hGZEeW3HyLd7O8E%oZfeTHtYyGV>(>(iLj~STGef2To zlx4U^e^IQ0Xd{!9Y=f_48VHW8NYJvI?~CVat4D&MLc#c^Y;_EDxt*Zv#?o-KO`9r{ z{w*^9G`VAQmNl^DrLR}t%n=zQE1^f)w6ee(7(adzbU{pt4;ldxg`=sQI!2N@ucbN3-7Si-s8k<+K!c5NiA~?OGEPfYxM#(=sq4&edP@&}u zmq9PPPrOsj-y?Z@g@$2HS2H~>-@b%|IcMXRXn17(f%V(#rWfc2h6w)1e0`j=X1Wy3 zKol-kElk+=hHhI(V1`*K=^npF;5+KeDv!Gy|DqQSsaX0lq%M$Tr;5J4mfaCb^E6jM z;PLwc3NasIf|3hz?^J1grTheTp3^{-ftKKfnb(>8O{T%72Wd~v`wkIGGB%0jMBy<+ zXLB~$iraVduQR#0YT)+{GPB4G)g(WviO-4%B>T=o_GMes!gX(&u!jGw5!p+X?won^ zv%A40dsm4_D0R&@AAJ`rCF*K?%u;cse%tMB)r50fSk3Qu)4sY6PHkVX^!v7v;pXJu z?#HE#&Jf_eB}wk$N_37;;>r3dSa>BjY+zI{36qX~Oc;hQ7L(FOlIr=VjKw>otW+#lGag=k(?|K^qxw*KT#GG1p@vt>+!B7kQe^#+ zcf^F=J3A_)8_|nB_`a0Co+d3lA})F8*AmezqwD@4lC@hXK>M(%aoV3v+fB zY;uO%5!1ESbtN{p_0mcA-#_dOVrutXAgwn}L)9i(7$_>4bEoIzKN9fNm5X_k7jC%v zz5mt0E3SZBj`+6(W|At!b165jrP|sYHk~>oc9dgwd3G9dPA@f8Rg~65#OB_T8Qz-f zu^lu>EMzwS^0Cq9r^X$l2$EMFdevOiaD*IJ~3U|sUDa$wXJmI^KWoZ~3#j3tixjC=4_4Klm+$NF3 zXQw5Sem|jaH1M;>quWE4m(VWaI|Bn4{hhwAL z^30#@@x9XfIpaWB9WcfUA`uM(z%FB}YUm?CF_9ZeSJ%*1oKtlJAjGqQs4$YF}haF4Y zH}fvv9jRDu=?-U=uq$!TWp;^|ZG>C`(U-J$ONP-C;+L}X>?yJg(Gr3Yy_ll8^0>4= ze8kLLkLhy^eQWP?AK?~X4PTB_u&A^dm->D5;d5(yXLA&L`;rA60fDcqBnke^%)Cln zU3mBzVyR0azE-6@tuZv>K@ndiV@Ps~ouU}x=sxkuuBPMndl9ET#IyhX_|w`HsdaY7#{^_IO;z3zP^g%Mp7sP4rYy zf{!fhaR6;9{e~K4btK*`v)7@VQ~0^ZSy#hZ31cM)-d1B|SZJR7_WhonEytRDPDYXD zvApPqGu(KZa&P;XZ>F+7Y0Os^B~&HKw(Ka4rMxcsd|NhKgXW5y&r>4W(6VR=)SfxF zhLJ?Hg8zpnVh^BD({$i&Q1^r%jz#dG_pmTpp_4oLmZv z^X5X^eVUbLV)t#S`Y$a<#o2l&)5J;nF4~LU-I9-4mtu>0e1F|aAcC@Ix1I{)@hKH@ z9-@|90+BuI{+?m#k9Si`#c=aaJ-s~#b|w`kpW9UI%yE8bq*L{-%U|D-uDy9;!?!t3 zQs~32s74e>GV=CAEGN&E_qWLu!bqas0v6vU91QkwXZv|tmE6f@xOnG)wEfHYX8Tqq zzT6*~s2b64Wqlt%Sv>QX$$OGbDRD{e!qlkZI60R?R(D`F310qHN?9>inezj(^YUYl zzHA4UMb&-@4XDkQRt+I~Nj16eR5Q`Je)yQ)!(2df-Bt&l=FA1%z! zUjxK}K2nz6p}Iu;J=uUS&Q<^F62xK{DRbp|clL62W+s{R-C&{%`9&pklp&-c%^&iM za_)1yU3Y7vmyW4g;aYn5O1hf(b~In`4Jn$U!CfS>p*T%3ft;;q>bEsA@+eT!kkMdsdIx|rk*3%gBSGDo6CF$p;_gK0^s=nay- zYSME#w09Xwh*ca(&tBf-ch$weMHE=Qe_rv2b$fJ#_%%<4jV#KFcdRk5#z;30Orx!( zXCq@+We;gd@k>Y;JVh%$<6aUKo1P(jN)zbD7%|Ng9C$|N&AR2w5(WwKv%e+r@8$c`4Gmsxpl{JgCyt90rABJ*7iq2sIqifBMEqA$M>T~R1E#!n8f=IuO+S&i}|*R zno&<)ZtD(7UltR)V@oIH+R^Js7(*#i^4jpNZ>cR+pc@`x6y3{2+J@F8=2#j^o}CAD z1gWfn!=enzQ)alfVK<|`Uv(jqd*n9MBF-f-O&EPX?D|zcqUbk_@$@Pz)B4=fQ%qM# zduNyEg;8*aVEJ{N2Y77xJ`QY^k7^gRKOjWjwq(`w>JzsU~MV2(3i( zm?gxIYj-z2y?HyBgqAz1Pg4HPU-2Q*Z-m#W{oiAW!|h0YX|9A{3)@sM9JT*L_-mZ! zyMC%&+wWu=-Z5k_aW??x~npxxnK39uYmyp);{I1Q%C4S7;qSzBPM-lt> z{kgk5Wph#lZ%EpnOwAEGv6avtG}h<`evV<63z)%s(ed?nU?fQ!HBa<_xPSDAqA&Ig zIk$pIGQ^`a1L+BZj6k^vCOT6QJ2N-?n`xTxe93&I0%M>Qol8k)OIXsgChIfd(e@`ASF(BJs-INdiK{ z1AD6D`!r-h?>BR}`=9xK#=VN~aD(rL>9$#PZ=;VL10CUp>dV-H-$bGxu8`_3#amW# z6lc9MBFmeIL;OSth#wG5T? zR928cy2bOwyUo{=Vumzivgt`uGb^5PeMper>tU~suBD-&d{9C|j3?$tPHrY$<|W>? z3Sr8MitIw%x!ZBC5Y6_}bIe#GL1r3a(g+gp^y?b%u}2QmxYX z$unH*%d0YayiQ0^BlRgnPW0=7+>AuJVTs{p1j!wS2ffWvcp}`^D&d7Hci$`%Mr&t0 zmGNp!FW~&0ayjPJuetQNY;o&ouXA5S&o#I0FnFn^QxRy>#C{4jDvJ49&$Re<{_%pP z?~pGsAzNFwpG)!F;15|1n~V9f7GJ9wcrVvFl5Q{m8OR9{eq`#QrVSW5hLtIk)a6C5K3Oa{7a&iS#YtQ#e zCARND)F)2*Z>V;@9bQ!!14m&DS+ z38#+`j0W=<-h~qCG##6bJnZ#C(z_72??NZmHqE=D>g6X(*$$Wnu2C_Ni89}setCoO z@k}(|hQz)L!CJ{(LE1O5@-%p|;;#30Ldoiz)B0SyD4pV+Ue3-J@)f9Qbr5tKxu~7d z)xaHjw3~o8Fx2QTCx!L2QW0LFF6FS{&T-++_sKTz7%%wKILDdCf4#^bkD+44$@pqy zL!LPS!1BQ}EKlxTDtT=m=X-z7OpCkx&2z>v%lF@i&(u?4`u82G? z=>Rj$SMH>pv~JzOUp6*ZBA>41#zw??I~?+>5rv=e705QV4Smj_#uBwaAK0mi`;d0cJ6Hss_*7xbJ?gW+!A3W!-A=wQW_EBM;$cm?j#I zlR4jB{WavhbEZewby9p;`u*BehA6@f!D-?JCUH8_bCbOE9|uUkPX`~rXZUb_`b~=tJlJyd1ftRsltsOS zJ&$flI4WNCq7w!A{*m)4!?iHdASq^!Nl6f=qXu3qGRfx`lt{5iT3ZuCblLD|_tw2< zAAOKlHY5aP?=iJr>@a(Sxf_?(a@b#}$pM)HNeCQ?QF7R`(OkUxsB%3WBJNyCxQR{4?%l&OUN6d zu)5@V3f90R0qc%HilNUteR5HR;&@j04MwUYL67N3qnE|f8WVFY8N!`xeI?8j1SX$_ zKUMwH%#h)8HSG>+FZ|_>RD=tsKMAfcHnRvW9?+BYg1U@J)R0B>x{CwhQ^iHh8=?Ri8vY>_520Rew>PT_QyHc6SW zUTlZ2SUZ)`2b}8^SL=_WUOw3qXo(0LD2@>i=iXs_`u89)GQl9^w>#}XlrInNyq9?Y z{0FM&x~l`^GSc*_CB9-Z^&gDJoxUvF5O~yc21g1r@KoR4O862b9<3noK&+A5itmOb zCp{TvnIq?Z$qU>T^^WslSzYtXG4=c+Jq3y?WTIDATZ4iLh1tK#4rFo9{QZU(e&cqA zVWYg2qR+G}UFs*7npAW0<7_&zxP?AubW|YAqezXwuSHHdUXP-$#SdofTpG7tt`b+w zKufj7#!24*)xhtwcvcW|b7Gi5RZyTn`n^q-w6wprv*e z-`wWKr9BfH&&QI`;oqw^Ih7v!b0_=G)_jnnu)3+>tOeM#|?BnnvW> zY@{{8_iUOzc1|woZ$Gb&7W!mk6$Xh2^Ob~#SehBFezeDuZ`I31Ci>hZ>AAh?VIXD9 zX-J3dD zbKQZO#oE*K-rVW=dS1Gxt~URAupYH&fOHugKUh^=Kj0%1&Wt44loUAgm9w%UeLQUd zk`Jqq-wYkX$wGQC`s|O_0Coev=qUFYO>kP$|Np`neRhvg!eI?9p4SC#IA*3k1v$e4 zv2ZY?O;bATawihXtQ+UXB}TM)ltPc`lxVkCD%F*A99jm|gYGEljK2cSR^_@yP%4#x zD3Yu(zqO{7WHdFP*4j`)7YfjFBy1App^U!+!RhdQ7Zk`I>j&0!D9iZ)-wx})mTzfk=sILoRKKg;b(Zh{91`93P8N?gzBU?*Riy*#KtDm!9lD)s}ScWe&NT@(+a$l z1aAB`QHM8EPLmUc;wO!<%%$ik;$99O2-j9RIf=G#?-$6;NS|{jWZP?yMZkl56p1T) zw`#wF|K7?l!%R86EDSWKN_}0xhS^|uX8-JG&AgdsScPH3M_f!-qCXB!q%aI(PAx8m zcM6G24n5L{P2Ox=utZ1+qk)NMHuuchjnS0g8R$%rFq+b?3?jibg@ta^Bo{L8`qef>ELf*PXpR$yZ ztaewR({EPT-WAG;nJ?k`k#l!5Ha>8NUk4jZ@4_+h9QC6vhl6eLA8ocQzgSqxAF>g7 zN0#7HS_!axjm&}TANs3r6F_(HXzj`3GfqRenO1FV5YmW5eirC{q@sb5m<>nUPp!hL zi|w!Y*^UqYYaPQGnUxHSh=Y5RY~p3_BFjA1@6noE$$Y^ycF}D4Bv_bIVi?L>c~{;> z=cE`)i8fb<`hb-)v!H<5s!GQ^y|e${zVpMpgR`u-p~1@ehiBzw|9XF9Bv<@Cev5?y zEDPMK$^$_&MrZJo+K0aSjr(QyQBzG0c5#tGim}9!%!Ao=ySrl*E1a@ZcFHCwB;hHSp^x!=Ctgp zm1HW1##km%T$uf-qyBy^CwL$(evh_((m46Gc&^EB{aI_W{Z|Pa5?13<14TWPtv~CX z*#m;J|1HVgRN0?7B;y<01`KGowQkq=IJM4@hC=ano|2{IeJSuy@@}erVZy8ah52Gl z_yR%iSZd)|u7=5;N*Ty5eiSrL#o>_=pN3bDRf3t(j}ho{K23;GKsvDReo5UgRUB?a zM7LCL{p;sVr0lNuer)zBDJ|gRn+8TTrN;FSTs%A#4ed+b(MhlOi0PM=xL?*NNcD|?HjES)CDKj>pP6CDs9dsm(40-k2 z)}XsLH8nik0{rZ79>eVjDMGSkWd)JU8dQV)p@+PWfDzi*F2<0H#MfB_Fm2=>_ zE1+Vf4e?BKGBiAXh@?iEkshstv?j>~JA~tF`?Htd_t3x7W^*#&k>r&^h&6$g%-G=- z!Xo#Hex^WFCsFUYNBMMY1g2t?fMuQLd)IU}LCCDdXxjH1a`L6qM1=4;Jz~>=QlQHE zY!Ay9%LCp;PQ^wo%ZAuXdbWTa_uZM?*#Q5Q2%>aqt4#vSwlL8Djc0ZJVvm&IRCHV* z-Z^??s?upx6%R^b`tl zB+Ar^(&Wqx7Yvwl5wLfNpPmQbCM!c4rQYaqWi@ypqVraBlGDPYPW&!u-bvcLgXz)4 zXH{EPzmX766D-U;uQp8i5LQhk%YA<*vart;VB|0=w%AfjEDr;&m zcpAA?s@5Ij(5$FY`J5rj3Gk!>D%>*jrR3XbF~G10*ecb5E@4<_w@U!v6 zE1r}@7z;8i)maRslqk3tW|TKr+}b{0@BaRgm-*m@3=c&bRaf?|@Ox97_TzQz6(f$wrQE6Mze#F2pS@R1bf7wILwYaK3c(_xC(Rav zxf%EdrW_>_)uFK&L5P?i<_Mff;aZ&P-0Im_HZ`7t*j(yDwW^HF0i)bfZDjEb$T1@x zRycg2c5_Y^x0-``x)4e0S(f&3Iit@sW(B1M-Qkhr$`I?15EK^xPcJX{jFwFArh9lj z*D`F2*BD}#zFzfy>beTo;G=qxI;d{^8#2p9x8(NncfOnFFiqurn=@7W$rlYVT9&N* z&r=M~4_4}V0qspm!&41DN`q#;4_9X1cUr%3uwn+hJ8;RL= zCK(mQP+hZ{NQX?x&R4co#2PA8J=4sEPge3G^$kcRlaN(*7B3p2weYry2HX3mu*AI& zR#FRc6bg|O@w}M&VH}jCz9w4PdazO=t9Q7W5Zd(N%qh_&%@-v)OME+0lt?MIZI%YH z)Zz@hCoyPD)n@c1U$se3zdA7~bEV-%9X)$pugB-F*<@=-uFT~P@(s_yqgfqb$>RKK ze$cXyQ9Sugrl1Pygw%UdSx`m&7RtyI8P}C!ZwWu$ItR^~J+Vq7UZ+Z+KNPLfj6CES z+N%{aVOI~*@kw|-{C(GhA@+pmi~&G`L>~w)y+4&n4o^y3rPpc;chEaOsPuU1;)8?* z>CIItSP)gJc}fOq5&2Y)ny^OW{QchO^Lm|y`xs0zh=KkcJegXB;(*YjL=LOG&C*P^ zp5?`IR#*Q2l#fqCZAV{12azEF--pIm`+Ou z6Flp{aD|a#SJU*`{U)Cy<)R=-1#_!?7$EDpfAjH2p|+1n>C_Zb!b3X-BrW;05!U2!=B^7lbVavQ}Q2$7LfCwzt6)?7w)w$Qc zzg1Dv^^!Z}C7*2To@~26IQ^v~_4>>ECxU{>&F0;)A7sC^MyS}7njtet3bU};-bHzo zQG`V&-C%MSC+vSAH8;c;30FlY<0(7v#${1k=qjLp^z{Jd>H>tDs#r$(-1G-P77wUh zJj^9TN7%qfEdzrr9}7q-Ft$=oUw{VQr>10P-tW%y1~`1Sh0 zojaCfnpRXrL3#hk^0aR5+z&IBv;Tg=ru-u!rX=IVE$hmrd6{Ppj5$NexeX<2 zLt8WN>q8edT&Eu@GUB60R%#=~fFp+OqQftvbf}f63S9T0#6`ex(nTUhUyjyD?y&Ra zm{R%-mSc9s<@FLDvy!idxF`2fxDF3HTF$I~3Cltr(akf0$$eQUDC1O)=548h zzxT_n8gsik9X!1p|Ex=5-MBm&i#Z2=M_uqCH?ER)mD>}?2e!)!auTmeZ>RZdVP&(C zi5t0e&oQArWe7(aIOmGG6)f4%skV<#FX5xfkAx*|Zz00cF-ueaN`IQVPKUF2*g7nk z&nS%==xjQQHp!HTu`4Gq+q=IAq|hz z#eB55u}>MYY_Kd^>Y^q5@y<5`aU&xZ{esZd-* zq@0wH%cT)k>YO{08WY2JN8cJp;+3v9!pe8U_Gu;}A@oD7$>unkvL7Z?$DGc7qycR@ zj4OOQFh-OECRyby=V-rg#xv?6BbGMqD+f8)?x5ZB{{wnsh@+?XoSB)2J*cbG>jPoOSBnaL#>vq=3uWlhzImKHZDzgp&v)L1R}8aw9L2C zsYvNVUPmS`FEsg>GB#9_%vpb1VxxGTma&`fz70oy{6wmRn=&VSWbFXVD0OCgEl&0M zCix0w5!9^M(Fw9VN)40?L*k0%MApe(H#Yj=4Bf1-50cN{I6iG4-k%+7wQ`J70EJOi zFTX*VSuk*}p~w3#6;>$g&_!>#IOl(RPmGq>D6d36{`SOXElZt#rG=?!k7=kDLH(b) zC{LzSHau~QPU0D{=z;VMaIHEVPGFY)!(0FZBO}Q3v^wmLYwY0Dv+ndUfIq1jxOw^? zIMW^c1HS}dt9-`Ik=DsFSwNfG`t%cjlJq(J$8@o#x;h~sBnNc0!T@v(n~46)F56Yb zuUWm7dB@4tJ18?MM(at6Hg#_aHKzjesKze}*8w z=W%hyz25A~^gfseov+XnSy2bc^;oFMpTtpHTX!7!`h{2)bGG$&+NNXdigOMBaP0DcP&B3@OulOD z=Mv3OXu@_jMYN$!%+}gB#J*#GfPYb<-y(YXBrRb>s7=)weOMNR;)!ZnZ2s8ZoG@jw zL(&<;b$T4|5=GUomQ%0F{30Fwi?m-p34*E+`sbXL}hwj zv+OD62w`jti`xhBY+sjfBR&-p%&YM@s1#Adk(Mdd-uG;aAN9}NgdI+qqlp;CS#X%t zY;D;E`!2zN`-OBabMVONVD`iFM>`wVji01Wv)7)$Bgab&ET0R<>1a?jH!rYOVw!wx zNT{QCQIKtVK%vXTZvi!TVMvY5u8EJU|JL3Vbocc9IeAKPu`;j#?Zmq2Ncs$HM7Vz$ z!6282r6Fzs0jukV!qFbHuA-;8g-im9jT^89uPW_0E?P@GRF-cEgl2ZX@X5Em<+-wA z<=`R(=@L?vbUM<7TP2TcGcw56#GEcV)Q>&PFeToW7c>$AhC0wq-kz!mq5-uJFz1X* zkMfWBtebe-9)xp4UgltVLhWVNk@)Reww16$shG6Cp-nriyWZY22=yT%b^XM6@4(1N z<}DpF0>2v$t}ya<;J7JU0S2#^hCb+|nN_g^<38awiI77)ddp8q+Q8QXufD_P`iSceMgcQD6!>2Dz4RtM~7t6!U zbEx9xap&gAdc96-cj#xUPn6kBQH~YvEhLkuecoDZ(aqK-o51bUtc& z-Fl|hl%aaYzgpFCnO%T~ZkNTeBaXUzx=(Q zs{sV#i?|-cAEoBZLaB`N_i`0?pSS{gt#2C(x-dWCH_n`xQnlC|WAn5hSJXLkhiP1M z_j9orJaH5a0J@9S{{->iw;`td%<9K(PL`}#DE9AVTW@qJQ$Dl>i(Sclcob5!ssTgE zZG&Vk7hClo=2yx1S)_JHo#^7a|FERQc^c%YW6-$SqzF>y_zvyV*4!PEUrFtDa4~GE zEO!{Ehz#Ic53Be6{y|&G!Owi)BBqn~Fnlc`J_n(X)I#NJgbDY>tQe`H^d#>-qo;W` zrRC%XnBaGj{}4f$J~{etdCQ;Ur0X+WOG4#e)fL@}z-qBlQLCVeIhLz3AVHiB0u2(KLo?c8aHs&z_yFhVpYNjOQ``~$AB;+UW{cy7V zr06vB4z3hD*(A^mD`}3c9LAHlC$~7qwsp?7HA?T!!hz|7n@A>lQ5r5snwUq?PGL9K zQ4H^V$#NQ`$fpd(R_aVft@_d%ZYoZcIzVahqji+D5q}UcP&l=Z4@=TS`BFAlq1^Un z90=#S{zn~ByUXXTeE!U5y76=eLej0$eoPT?3Yj*n{NrT$!a`(61M>?_5+oaLDkfZ- zREO;C*H+PYZp7KH?0GKVWL~+VS%v%RH2bSZP8(o|L?28|3T)n7$=w-^=UTiNkxLy(s(e`}A;GcJ65%8|igGbcoosk#9WGYC z{1FLDB88TJS}Y)bh#H>TqcudZn4vCD0oPK4(hx;cER4lHNZrbUoSojAdb2A|%2IbP z-^aT~S0z`jtQFdUt{A%`H<7N#PX3$+s<#jB5{Sf;sJYqHjrm^eOcwjm%R@husHEa) zazT}G+33Zqj1v+Pkmm&;#LAs!ja0%SL5?n)imHHESeq-pF>TMa8m-4mQWOq zS1Yr1RFxo;Lp@T8=-X45QfX3mxQFnRYKS}sdZcx!gl%_o1$~T|Z*`bRwV3N*nLjYW z1`+qy5~j{!a586TN8;(?6FuFaex9TN_{#t%nseKRL$%wi$&Mru094$1bY(tD`ZVHW-tM~g2vMaLdMRfR+#YpnknL@uGV;U)`!IvoBLb6$l3mtA zx|1m|;fqO_yIPTWMin3m5W!p)zE3l2E=c>Xdf>lLV$krnU|WMB*7sROos`}C!46*u zjeLDI+Lk`@l<04FPFU3sAL=PnqwiLukq))zvkPx@%NEqR=?EVrD&1SzV%xER((?ib zW(To6#vR}V4xg8B#poa7eL@ZFkhU&Q6S*~O#Z=6aQft@9fv&gABV=qCVeV$Ar|I^j z6~f@FzpDAiIVR1aFCl`CYHXBq+P%!8U~ae}7m_Kj``HzT%Zctzwo38>hnRDfI;`Yx z?B|(ZSUsJuI8C0*jTVgwfA!;zbU4>4Gi_2f{zmr1IT_2wZ7&q{T!aNSY+L=0db0>* zp|s^*aH+ClCqqI4gH$^>LAP_)i(>6xzo;lvSC69{CN{#^9L7A03pKxRekTA^q%S}d zZR!f{BncPN+P!=c+do?t8z7*faP!+duytP{4N(jqRIT4H)bR0#Jk9mywO##%cm7;Q zTl-U=WpET=L`NYwy|!^Vwaj$Fsm@M=iiJQkCS>tL@WCUv1UHo0GGIF19l*`aml+EF zWk#a)R4MmgbMpw;0Tlv(jZv0E&6Yb}5AEQ}nm45_)-J!x_>mwwCC5>iF%m0>$0<6# zF9qI`^rZ!1rtTzjoZJ&vnV;h(;ppI+*+RNm#N|o0$GK7?r+-K|OIEohIBw!u zHTz*=XEcIL`q~bhx-jHd^kTJE%>;r@o>>Bw5|m^NY5{C&hFxWkFfP>?Qf`JT4^j;{G0iHiCrs7DLzL^YzG6Qzd{hG!Mfsca@+ zBo?9CV9l3fHxs9qrxx%IQ?em~L_}N=-sH1XG={G33Kyt>FdWvJD3elwJUsNXNt^E+g%cl=w)D z1$@Vla+|IGs7E&-K$`(DUv!g|j$CDneVVr+e3U>O4iK<1;SWva3d1}`csCQx{`X=G zmox3+G9HwfXPLv8J??Lw2TCbgtH*pYVxk<`P-i)pK zskfT1EP=vsm#+(_{pZ%v$d5O+&c(v70d>=WJ9ez4En?8}(y4Q^Ip&FIKb2nB$;+?x zeL#o>a;o6d*5j~TbKwSX2rJxCLe%==TW_tDK1Us)FpXwz%?%jWtB`7)in&`O(mB(VN?`Q}nfRQT{$-MGLtU z1!B~LdZs?MsQjDp2X>7?1b$vXFpgt+naeem@e}mle6XD0&SEkilG0wu89<$17312J~7g7Kn~FUdJB$9*a;4- zOgo(ky6wkk;s|)8;07F^{?O9xSM6>aVN^(9uU7_;^B6NT7rChv$Yezim0~%`dd`OV z&OI-3g&ZOB)H=Pj1#{crZKTwplQS0&cS#Q*--P3NLVkMV?Th`!eA;NN?6T;3ZiZt? z$0V+a4`nmKfor}G$h5nT@$oLq&}<_bO@209K1MNGD@;<{ zDUluhbp#9^o++tpW6V?A$)yDQx+Ak?o(G%ov|f)p(Ti<0b{+0oxdqV+D{mDR1KLO- zXyduK2CVcb5YiwwIPu)aJC;>U9&D3j{4;F^(}P(&1rnt?M|?^zdI~N@KI;cf&3)1j z4`u5OUthx*$2)R&*Q)k&Z`etV9ZA&~D+m92GA(^=xZ6+DU5a@%{8&;c-K>ZOhu2x`-Lr|K2^x#ew<5guWl(8lp=L{AML)*!6&<-PhEX{#R<5`%HcK#fzfRwnDvdNQAYX0h`px+4Km#M`$&;j(9$3D+M??AZd>U>U^bwcpz8xSecE{x$YLt7(~a!^6tA`InZ9?swv z1lMw~@CapsSMS+y=@_d-wX$GVnnxcsUFULz+~3DHav zrW%*=7ARb6N0FgNi{x6NU(OyIDP}i$(-VliWRr)|lo;ipwG>^-8@92K@0ihm#(=J4mp#35436@4EHxS_Iftam1%u`NZxPzWwEX;U`+oD} zR8*oK+ptIa5P)gO1wvEoUZSc$8P-p}90pLT!vHAa|0#A&BaELPS-1dEy(L%|hyp@J zE-r++N=;|#L|WxIUH~ASvDHp5KY)z*5e4HXX`jdQQPU2*Utke!I>ceL~wxH5i$p@ zApPyi@~IWALBWihIkJ?9foAnX8Iqb@a`;L?3Qle!IlKm|T&vCt`R|IZ zcA^E@x~Nz-ccjfl#sJ6Vq#zvXaHghUuMf=;YEnU2e>sVX0wKP)2rW_7%g3R;ASd7L zpkMEfUCugzfDSV?Q}M!bX!$81g~M6DtpEK&*h>+d6kX>SPT8 z4GM~hMFZ|^QlJ(|#Z59^fs&VVzWqc|FtLRN?jIBW@#p5xW0hWE%ESG`)XTo*o*alH z@|*%7+R2lq?eCo?os<%#z%SImnrukLQa$!bxWj@Me2|PS%_H5eJSA5@EisCn00Tlw zJnf}RrXbV$8=w>5 zX|t7tGmEhvBt7NT3D5y^VKvYY9P9l|-NOYV(YB&HNYxcPm75LHi+QUFCkrC-eBmy0 zBbfqF`FBvMOu67NXXp$ijjCF5KWHsUKLNM&Pj5vjRNJ^VmhalW>p8ov9~ zlCCR-3lk;t<6PdrcR#qMsCMC9d=hh{<~!Z^J4bnl7M$vDB(wGoi4#*)OjcUBgB(Jc zHRbcd-3$sH9Tj0A3El!pvvBcxxID>LN+p*gHtcs&l|;YhoKbEzd4qS1qw zOE0-6C@v3oAPk^;y)UoTc|1ua=X$KEtO$N2HIV_g1;(Blx29+rJY`)x_`nEY?l)~4?3;c=CbFxiXxz@(<=Hh@YNd8*F;A&Ee`2arPu1!~r!%ydVLfuW&<)4&n&{_&V5*_=cwTnK<~0qlq(fiNN_)SYc*ScF4$@k$4 zZqH}(9`tro6~;f8ea}gQ>d$`ws7TXC((=M zamkO8SmruBlSIG#=kW=eXaB_304Ri-n9Nuox_0Ng#m3_ZePFC$OI0-|1*oHvNEDH2 zLQh)e#eugS+t6h(ckloD8s4}3$2m~+z;=spZg={FJ! zRAl3r8Sfc!n7}000t{3;Ic?Hr>B_+(Z9H%KC%z$-*tx6^$f0HWu}3v(@E@yzIJR-U zxUwli_+Jpp+jlI0^gC~+BkbyguB6qvpp998T8#jEn=-mjFu=m(FN?J^i2^%bl*=DOjN;0Z|n!_7fp+WL52oyvm<>p1;fZg%2zAz?> z0uxP=|+PLDu20KAw4u(9pT?;gRB0J(D$fP6wg;R#n= zz0VCHsmuUZ20(T`A~pd~;MGFtOwl!2G>Z;Ai{E_sGFQ-Z$aVwDPOhSIp3c(7AeAP$ z<1NK^Pu}_5RZJ`MO*e-)NegFVTeKFhwDRWUeJEp@Qd7OXgaQ9Ug2qS&O=HBu7$KGp zaF9v-&=lEfi0i0M^OcI7?cRK8S;gdb;aXHJr12rd?YH>f^@TTHcZW>Q2Oakd4-22) z8oM?79kS|#^IiRukgl9nrVX*4OYFcqHH#sMiQN;bdn>Gn)d}KvH^&+A@j!`LX*1v` zgJ6dt0YyWpB5ki;AHGe3sqCzm!zW!3mAvV)I^)SO=XsFI!B5gJ*JnHMTw_+KBoQ2W zL_JhlCseEukd?zY2KQ9{-$Hie~>2fW9f!GWz0cBd%+$20{7VX8nnrCf)y2VR4k=(@9 z3Su0s&N`q{_$u?qSHt*Smeod|O#J2gBRKsPZw?h_V@RLmzQZ(mTZyw2KDwbp$ykQpY`OxKa*VXlya`^zK`i!h3k{EfS$ zXHN1?Cn!@@PwA^(gYW$@+c#bc4{oC#o=<;o1YR1%G^ne@;gbdYc%{Fckcbjaqx=0F*<59PD8NF@8UB4HSC+XVl0yE%Ay(Qr0dt-bmpXS);ZSxyP zvFF+^A!O2E!dyqyHWQ*<_Qj&y=&v6z;4nbhNCk0NC<+6*V6TXH9I*{iNjXwGTsyrv zI%eJuKh%-2XcJDCvbcGtWbL{kS(N5}>##No>T3!-Fs z>g+ZlwAKg>!uP%n90VnnOvwtw)oe3h_A;1t+VnEa*F&km)|o7WlcKi$&)=iW6dzNF z_dZ&KH#fJM$ZM2>ULG1~_||rHv~{U^6SMm5VFiwW&XvlT9+|!yNrViZqUyaLt1;_h z(cwbmU97uS(r$~U;e1nTMq0A0JfC@D#&GK7;&5{oPZ|wxAvvnf6dNl-@3swXKv03~zdzPMaCS-wcqkxr2bOeGkIA`qQw6!5 zZYx-7&epT)|0%omO2tnb1}eD*GnRx#9&NHi52G2O=U=Ra*0PKzr3?EU%LVV(NH;-b zu|tU4-HDt}q2YmV^cLRx-A60&c7D!~o_QZAmbqv7f#B-uPbOZ-aa^+CH)x> z^-2|Hf?aRO>F4-ymNO%(qsHb8;%~!Ca-F$M=|i067N_ZjFhscjqsFS{f>$q*I0kB@ zaJ<7CwpDY~iRXI8T#zBxnM_HN>X}SJf;Yk^#(|~7jaN!abZkDTs@e`FW@_8yjEIgHv;?;BBLP4`rA`b?kVjhTJvHhTavsrJ%25P?!~*_Lj>%F=Ai z;e4;uF2Wj-KXTl=O%&La)9UnLkno4%4=<9l*t!qzW~XKMU@)TVrTV7s+SlT;#lC+>_)h@m}W9=&U<91q@+|Jxi^TE3G53n zwf<6o8O^Fdk4OCXE9I7*{!+pdGDtcJjby}=o>^M#Ctn`&481OCroV>;oY+2WVFYfU z$WBzsUU3iau&{8{6TSjs;iftpDB--v)FafH@#Hd}aK@WAfh9lW>hHLoD3qXQmW?5dip~E?JP&5QgV-)C?@w~u$JiV1P8rzU=A54 zBZpe0S>PquHE^Cz^38$v`c1=IkL^L+rQgS8uH?Uc?v5=tB|$^1r;=H_@ zXKES-tM|;3bf-_aAQC-X9ycr_Z>9g+#((?z;(ZJ&FZ=bz^Uc10Ou7Pn3p#bLb(gU? z8JneBf4TF92}KRu(KZBFjk&*kN$a7A64E7it-4mw&+PiA&Z_U|4q+x-r^bG&qcRjh zj1zouO`BwaXElA*8zX&tw`e(et9~f@mAa(9EVi?rUfrG%c=KPEC%W&LAtD zY}%c`&37^<;NI*tmq0!wCA-yLda$&`a$in&gckeE@BIy0KvRBZNCMi9@;&jz-} zHXdfx&cMYR^mJh!F5VoeBzpg>{K_ZVInHrpWv=0@e(qcE?M7QMRi;OxCqCF~p~-#q z?Xsbyc&*>>8R5XY0EGHS$q3w3hftJpKjv8Ix0?X6PuWRhiH#!`{^T$6H&uNwJMHW% zYFiN9!DxZItV~+~mao#>3ls)KhQ=B8o@W;7+CR-d1JHnl%O8IE{9Qk}UvJP(`7K%e zXOOc4$mBCNHMN#1^xPdK4gNV2oKWHT=j7qO@9kaCz5>&B=X8*OX3(MTlN>b;bKt_U z4RCDt41>QL{sBnUt1cUax0z{5|1tGE$gf|;gbY#`nh$+^hG*>%yNUO7<5UW}xI4;w z`re4ttQ6yA+x>FzQxJPrbY$SKc(e1=WUsM{;z<|FoR4?-I{edy(lz zku=)lhPrrpjl(pi;`TY#l~eI3Y`SMeKi?i{QO+q(c*7*Yh;r_#3;iIGcI)ahGuC3H7U9+36lOIdd!AV~?g0o6I z)J~}}o`TfLxWLq$6BW@{eMQ1SN(1BU?2+(v(J=Y`X^6h#nJ^eVBa@cNKsf!6v5k>& zo|Kc1zoF2D)2WiDze`3W!{Ok2o#y6PAzCLwQtON_X485X078v0vY&yh~HOUWwX5H|X$e;RxH(fnE|4w6=I z8r4XNdU^gqa)6TZg=nmr-=ZqO*pgsgNZpg}-d-G$@LRr9Dp*-~?b^oVd6A7irU$~# zM;8%$?TVY7z`Akmzm=!TP?AJ|-9Ko0xX)arEW^AonUJHG>vjkeZ30oy<)jb)*M+YN3Wd10itoiZ8hwSi72hk2b5U!5;jR8I zH?1uu&M|--Kh^hd`5{jNpuzWS z5xQ+YBKJjdg{TQS0O0RUl;t0+$F%PP^uWrkCf{EqtnFNXih&2CS;zok;5D74W{?xU zbxDqkbwd!IX=9LhZQoTuPSsc3Z{e!_mn7>~mC`r2_80#xdG2NRPKXv= zsX+<&l#1RYg-9J=NOTX}G+As|^o7(Z!5{8B|H>?%OpT!(NW7G=w*Ig0{k-$qLr|Z* z{oQKzMPX=wA9e3nTTLQ(GX6XF*q_>8qA=z@oZLTCfA;HEMEh0S1-dZ`(U# zI$}7&Gj44jVeb+!{bTKmIC@&E3~l|GqajOWN9!R5Sqi;9bK71thx{m>Pr?sjLHD3l zkufgJPy*HQukQuEzS#XbV$gZNt~>b7>=)Yy*2usYt6nR~VmVA1OBT;qo zo0{&uh48?zT$B*S`(djHWo-5l*Fe_0B#YrQoRcRKyMizNWUmJ8tvNBnCg&)iS`e}N zu#(I;ambuy`VSv@82JzRIN)9N8ey>fF(lZ_!b>eaWqg&fM_`+{EQM1okqi_Z>c#|* zrBp3nBkha{I~S|}fE)XW;tbyTPD?O*3rz677L^G9K`S9p z>!bGD7yOU;3pd*D{I42l+sY$`vviHF?o>AKzreyTnWm`Ycum! z1EMiT-iF+f#7@*LE&T~-r1$zclknmJKKTL2J+&wi&e|tHf~lONE4IFBw)Gr7ClK@v zmj6)C{Yu@II-@@apTJ$CYU z>g4p-+rIp+hVH8hiW3=UXXl<>cEJNkQ~i?}@OP88vigOl?{$&bs2LEy6a_v+-lKbv& z60{7++0wuqc(ZJCABdaID?>i%yZvSCz5M=M^38XOx?fCIWgMefPZ?f#5tcpFSuXJR zW$p$x-l*NZpjFtNrDX}YUt2`;tBdG%h~#rMl^$`89=3>V9g5#j@6}ICT(fx#T0$qU z3_@!qgPN3C+q3ldGI-|M%QjM`d7@aje{>RseJ0A3KB*BW$dj#14E@QmSNiwFF0@r0 zjvgC*Lq?*V%*p)RDL(m(Wk0u|Z-VonN0{w5N5Lqz{hTK*FkFhtYfw#7i~X&-&}n!0Mxw2$M#OYxN2CxNh(=2lgtl8q#% zzk2Be^TN-3C(d?= zn?fFFg_V{xUEKF)tQd_$sIzY%z{AMK#}9yjhtBh z#EbmM=g-5t02UV3Lf3W6`Fos^NM~1Pq1&WGtKm24&?5D|Zn@9Im>MP_+vq&kmGlKe|a`$l7*i8*I9}@$Co0ib#;=5N}@6p z8XZ4!c1A*MnBGcnc3ylIPe)n@fYGK8orXT$Bb|%+=q(sX?QwVb=BW`+hA}?JTZ-*| zon~;qmJxru@!a~UcwXVS7`@cX4u`(2ywCJ8M3mA!vqJQefw5}#sfIo8cdN4lUTtv| z*mi9_d!rb}%|Gum?J#tDyG$PV%}1BWT(3!_J;&is>i+;cLBziAU*-B|O}O`~o@rAM zeZyr(1D9Rqxb#qgbHe5{QWkt^Q@pBTvMw}}Nv&6-hS|}jaNehBnm`(!E zebSICFCK8$S8Es4EDu?$((;$DuVi79m)DBcyM9fbxn2fx>WV{Sm%+_gy^s=u!6n#(%|} z*yt*r8(|*AN3a=um1DUWCxj-k_0sE@z2y0rSt1n%D-FrDk(1Ml4fdlrZQH7<;^fJb z{PHjVGVg!?`w@{0<(wNI&N-T<;pH!XIj?^8t7)2MhXW|3MAJ09@P#kr1uu93AN=44 zyFTeZLt1is-*{_{8BlV&F^0Fi}4m=1`%V;puHlck)yZo8L5;7r@jH3G8R zw(~Va+__%N*`gl1?bF}ZKhJJ(tHpMlEfTU@`<9}zy8*I$C3FpbWDk0d7U=ukI3T;g zgR*j$eNGrxAR+LSWBYjW(F3Fuabhrb&i`oJcs|~Z-3$LUuJH+Kj_H)a<>#D@!A=wNOYc0C7 zo^5U*W)6sSV`+96Am_>f>Gv@#77uG7R%*({7%7~=ScpxeD6}qy7D$5-^jeHlzKtuR zRt-0Ti*Wk~H<;d^u!R!XqftU*jEO26!c7WP2iDm4x>v#eF;!i2YJJAv{LSC+@FOP} zjfcb-RB^~e-;kjWnszt#lpu{-qy*NgCo%+O(Wj{QN8w8DzWXaY@ZdvSb>)?8Y;I6i zCEhnQUW*SJnfv$J{y2ExAStDev|iU!R#wOO;1PtCl`*q=%Am@W;(Eq-Jcg9=-DKFe zZgwz8L28qijnOQ7?vit2+Y6`eI}nL z!8d_wAVd$TNgTVR;Fux^)eCJ5AtstyJ^zC$d!SRomCFBcPAIJ<_&jHV7P3?bA4I1S z7^#J4KB?kaPiZ4-LXk24K7gM@JRl`BO{7h_5MrJSz*CPpo_e{{@`KT7TJV^_K=MMI zMG%GWIAcf-W-%ci_Em=GJaxcxo<^rxS-@b3HZiFqCpQ}grO}G-0!0*t`wRyUSc<4o zBylCvCQ@&Eijj~4TzZM+*cFcC6H#*(W9!6q&lvE$XM#^cVG}lKEtUqT6O0Qb?oT5O z9IPEM96Ky{a&>Q?kO=i8QI&?!fOCdo0Gr!^QE7PQlS<-K(6yt>TBpv0P)Be=6SQ`T zhF29bCpiM*3W!0I6G+m;=GDODXs1T^+DG$lYkJ=R=@VHO*C7$XB#jC<6Zz5?zQkx{ zl`FsS1&WV;s;lbMMzmq>Kg&rEDUBsaA~unD=@F)HxshO2G)0NcYjewulttC|^mVc* z3cUB7@zLj#wbv#hG)=>Ep7R`j_=kVEd$uh`eL@I~MkC(vhBxr(Pk)+|Cr|D$LO>0; zwx*GDu8WeiQQh|Cz30f0BmCq~{v_Y|o!`kH{m~!s{`bGX`|V!U+4qu^lBUQFfj@iS zpYigSzl>)-`#DVOhOtXb>p*kEci>;}cNBm1F)*$wf#jBa^iMP`)!3{V;lE} zf5J0=>YwtN+wbC``%ZBAv7^M`_5MtAltkP2{rR!vfSg&*C-Sk|whJ8%IhTFTISbaA zUc0g0cVp_G?em$~{fozbw66MV6I44m-%D-ThX z0y*{O;yL%4H|KXv2F-Pqy(c30WVB#aR^$>w5~D?}vhiV3z(>JH)phKSah7wuwsuSwKkrzO^52*} zj|L^Bx7lz)6Z3n8+&F9SAt)>>fKy0Cx>ga;922>8IjZ^E_(IL zDW3W?ifN!46nyN%f5&G&{uzau#MD(57m-}yT%i;xCA?Q+bV{+yTGh4PSVT1Aml_g@ zsv2EJ_fpw1U$%OIBn3$rbqusZU_4Rd5K70b_3Z|1OPrCLRZn)va_|PyKjo6-S zk&+fD+uYp36$Qpv>gkNt(TI)BEsCqI=ID2S7e40t6Cy+(D8*tT)Jfq~RkBPz<$2`R z3CRcrk!V4JW;%*7;)CM+V^U>QEToVX466}NBZA*fOtu1b6du|1Ok*TgP+KsSMXU4V zY+LOFN{J8>ZAPp%!%|xx#}$T26R3l*UBhObsEfoSK5=RW-X>;23)7XAR&F;|@4wLG zZAp!U*-V&jspaXL$aFiBYG~>JPB5j>Iv0TRVCuxkSwfu@TIGf5G}6RG9bsb+(oAO2>wRI2;JtFA`s>KznzGkx@%h{;;?`PD zJn#@F9zMyF$E(QO--(-fu$pGtw(DC@FSR0C@jPZHje+_#uf$$?4a4mQOuz+??o}eD zU@vJ6j21ri>%ac%eBc8g*s(6Q?FEeUSs;kR~zBD^wLY! z8NumJ)er(r({$hU4VaeH-u7Kx*KBTXa@}>;@xwp-!yG<*c-Qs&T%}E6e*E}x-uAY) zacX^?SfpGhDB*`g9(nT{hzD2H`CvQ0o<0NfxU`7?Kr{(}0r~hX9R1X%x#*IMx&7wP zGOcUPs1;L=l|DOss*e4Qm8uQ#Q7oZLZNwLSK zH^)=bCbSRj6b0uZ-*)X`{`9l=b8vP!%X(L$uMP>o|pg-H` z*=ygoP=m!Zys+SbN)cx*(X0P{P&uYepehW;K!~aYrp$LNhlYBVC`*CO$X$QFg*g>T z6{H3nLLIeIx--Hw!5|r`D~?jV`W5Uyas+#7%6$(##795=w`@*5E2C9noY(rW#%6;+ zItW%-mc3daI<{q5+7dDa^wix z+nNse@PWguZ>%#K4ynZ9zx@TQe&{c0Zo3Op6^xpiCMM;%NTdmdY9PpFQDXohb2I z3^X%^>om0*gTtX?Itdhoa)#=eCMS?!2-CpY*ibhSD^ONKvz-_fz(DW~491oap=pHS z*lH96VK6pKwgc6`AcY}@L^04Pia{vH3a7F|g%J^8FtA!eU7#3QHC#)*Cz=!)mWJfD zI(RkC72>1dhL-gvPz^P8z-$(&Mw**&jN$7qpky3p&Uaq z2@Hpplp@|oR#q+3CLuAgQW>@bI1yGWVY`7rrG?zQ53CF=DJX2I7z&d~#FcuVH;ra9 zON~N4$19dutq~}N5e8QFX@AeAf$`W9YOQu%4J^$}A(aO3b)>2ka+G{xkZZ}LC>UE1 zV|`liw!c>ITw6|uV72ut+O;O7#BI0S&f1Yx_J8UVR5#zDVA|AoeRa#PMnH7QBHDxr ziP=-HVe2)orf~*?r-%ttIzkkZbqdqnCHm3Nrf03?5B}f}_~SqRxz`SfQHe9RH%`E$MhjQ>{9+s;SMr$6@Ecem~R zZHwRU_T8Dboy&LUMMCc%>}-a|qVceoQL@<3GZ`IcGBTDEbS~$_0g+a5?Y~d}Myu4e zBKS*aYZD@ zN>I|bu?i1C!_6jMm^8f7TRi)1ZlMXz6j*AWe#wYyj;`^yU#h8!A`>ae?LL?DOE)HM z7Lj%gHQ9iiw*k`k)GcC$=f7#Qn33zQXvp2zT$Pf z3*|_fI&@+q17j5OVJyiS4!+?v46lANY2pcGjAfNcuXD}GnPo3J~71WGY3dL#r z-5TX+h)B+Km9o*Mo_$ivijzji0D^D$+~+>W`uYX{|K-2@I-mR8XW8D~VryfAsu~e| z1j%VQMcBXpKv#oAvtvbEQD#F}+mTYMfaD|vt*=lFAvFBSpS+t-f95l!n0Wb%Zs4Ua zc^OUPbu4XxKE7i|_sN!~l5LH_x)Pbq7+!uEN8b2)?)%l>#cyxo(2CWC7+exU66zEg z8mMoA`~GT+qpx3~n&>@ai}~DZ;dI7;7)`s2fJD{)oE7!ThlD8wK^1LDx_%Uu?+9AX z8qJ<$wd!|DiNXpd*LWzLLga#tBoUf4_o!+$?3@-{v@NWlh%b0oh%xiDFiQQO7R3%Oin4DNLHaeF@ZQCWbba}vJnuquv=lF35j9M z5tUx89BC1#HeoA;i`i29)nbV*WiDHRah{MA8fMYd#m=E`Io$q`n|MkEA*Djk?Kbusm=pR0On4kKopW=oa zZeU|$qvO)GYipkq({3+{f~u-^9H*5SBTdtEzi<1dU8no~))qrOapDB;dCz-x%>a15 z(vFdD8vgL@Z|C{fe;Y?GxssuBsSjkJskMNr-^sn2S)EhB#%vRT#EK%()(|8 z`+c~-_z+jV=2d**3%7FRRaY_^?MG7R9BX|q`T01amvZJlI#*-lT#S$Y`$ub>xW{T? z?qztK$q4B;U^hc%x9y7;v?%8q0r^&ud0$DV7%zHGI;FLR^5_#eE3%z+(H=&hpzXe? zRR+-N-&v_26prhzxtO67LIPZI`gu9?1V8&VvE!KYZK?nyF^K5XUu2F;O|9}~3?Zc) zp|F}V_Y61Yx!fO%`|bRVKE#u;q{gx~g6CYlpTGU$3H{orCr*pDwU5!$PM`~THfTBn zv5T1Wjga=Wb0Obt9Qu8^yGMlXdQys6u@4#rKqDT*p~W`=D?(Wr>P%b}D{OBCMh6|! zdmHZgvu(=lL@WzzXh1ZqKX8_+ftiD<7Q%C{VD(im<M@rO^cwz3b5VPj*R0|ySUxw)bJRThNM z@Lk{aDz3irYM$||XK?W)M_J!kr)fM#jvVHphfXjU3^;V~5Dz@~5Qh#Prmh=Ku0O)X zM=s*{`nuLiS=q<-3t!0iuRq4@BOhnWL6u=bGfAu@*l2|49OEYOmG^J6dVR&gqZQlR zfpTPMnn(=lVV_O|wh){#Y)^yoIszI67#bR{23~0llS!Z&s$$*5NKqNWRPV8}6lPP^ zOv=JA&7|`fm7qQtXpIpmglcHmTK7~#M*_B+z<8|Dml$-eO*Vr@)CyseQ~Ji3XmZqM zI*S@nbAqoERb^>%df{=Q)x4e4j9&FDVJl5u5gJWJT>C^wTDN1nR%lUa4SpJMrDEHg zCNiolvuVN<2IDkp~@Jb4wP9kQY_ro$Js1kof>+xT6te7dD<+9#KrYP_FQYawKDt3gAqau zR8nwiYlGXra2uB$JHmng_72K>A0~<>7Lg3?nZx?%q8}pa^hhx=x$fzNm%f-HG+0w) zvsIs6MiOn=!rgR^5CTO}@X?Qcl;8Z#-(+iR>ogsvC50b2aDbossh{FyFMAo2$)qc^ z*OxxLtTn<$qY=a5a7W+tIUuvy?2K!6d)%f`sOHB%{&7C{xzC-}&POY)p>@m6xA6A2 zznvfd@&7w66@-+qK9H`un&$Q2&G^6kjv7K)F9s&MSokBJzL!Dc9Wa0`41( zx#iZ|__i0m2*Uii*>{BX9hOT2MCE+@;am-m-L{?0_}J_Hxoq1(Lf=i%x=_Z+;(5-r zZLy*Kww&o)OHtV^0@C+D0s62Ip>wPDAW&^>jaGq&>{$|ZP3n8;)Z})NZ0ee8FIwRl zmmkDtjIgnVhF>3}p?kInh${I>4Up_jH=-U!O&OaXTSg$Yp0tm=Ch83Z@+#j(K{CXw2f@-d zoqHPI(-nmN13F))1!7Wz!OYn&Y-@i$?OTYz69|=l=VI;z4 zf{6o>h#wEQ_DyeL<&w)eb^HXw{j1c?gx9|IH4NW8V!E}3DYeRYJ)KbwDw^PlO<*({ zFq>)Jg=#oty0OJ@Fd!MnY&K&w8d29ZK9kCuW`;#D#xe^Hl~Zm-6B;hvca*>XLw}zX z0%9$`sj)^gYk53{aX`e!h%=7a_7r0*bjlC6HL(+GJ&AjE^2kk~tj{#n~HZ zg6ALngMXkf##|YEV`ClX9EEe7T0g~TGyq_8Yr^WjH748J7$fXk*~iAIb;eaeFp-mw zoZ`UcS7L5_9bfwFO;ocf4rpT3Vx1BhL`cCC3&GqC_x;5d;~yz;1EI-Lio#~dP@#sp zPl?gMUn0usYQ73{Kfnd_p3C__vH)CdVdt7=_^s3%FRk%Ai@3~}ASR8j#E3yt$~Hbyl)Apfq!6tX zb+xNXJ11f1>#7P%43QKPMQL)a85opmfEAUV%LmO4mXao*7*>W@C*^}V<+xOXTt7x& zP$@)A3>1}qU*?)Dp;1Vh_X&b9sBBjOy)5*+mDR{v@M;)@m}_-Zn%%7^^jtB_&uc`D z44;&5WkmbFavGWP0R|&IzDY1FgxEx!1;pgzs*@uoZEuJP(5Q$IGG{;0Cy4jgnRcCR zz54CKQj79xQi|BZaK~pqk58Vv2z2`}PU2NCE@p#Ogcizb_|MD+$-+lMxta&>lAKrT|y67VQ@jw2@ zy!N%P?V=q0b${{r{d2CZt#S0|QEt2KwjKL|rt)pGVD&NieVAH%JZmlM>+5{@!yi6P zVSlXBw)eg7c@Hmr$xFEIy6f25-p1v$`WvtP4hA3jJBrWTf>;AVaGC~Y2RyEYx%s4- z$vD2w{&)YMJoz8~BW}6vR<6DF8jc*kNc)g^WT)TXODNX4$@w~S&u80(G)7<#5_-GS zxxUUsSUFb$%efH6m!$H?_F{3{9LJOYF22{di7x2Tg}6HvSlajc?YCWfh>P}B3a7D# zA_et^JTBM7j%xxXUZxiM&|U|EtA3)f>pU$=Y^FBzK7ZP_GChY=}$h93LM?CZq z6B_j_hXi#K*gvvt-8$v|_fND)r6kA-C;~MQeWbuJY#ih7cp*n#_ewAWW<|kZ?ErRV z4H=E8R`xM1N~*ysRkeaI1`JmZFs$|w2SbX{KBz{Rl{Kp23Sl_Jj90LuA>KLM$_fky z#HyrP+ec#y;&4E9@Bp?~cd)*6K+X+yHd zG~fFv38v6{DaP!3fJ|f470X$@ZX*JwHNq9rm7*G4R#ZV3^`vxgR#2lcrUVg;OA1Lu ze@|>ZxY9msbsbIQ>&^X{A%cc}ZHrdMN%bC951yFmE zad?w@&x5&Q-B;{mjD!#vkH>uVt6$}pe(9IE{r1~;7#||iWum(B$}9QVpZ!_h{N^`z z*S_eiS|rxD$7tbQS6_WKi_(5SnM`(UYmJZoD}=ycFyM|m?%;Eu``l^AdaTl}{l||V z=MVqz4_RMdrz{G6?oMZf!yD-XL@119q@Rv1lelBj7&p5srQNORQaV zF}L4zi(X%Tuq}1Fb9$@*ML;slTNMBjDOsk;V2FrVV)oKV3PiD(6jXsokdk2%ET;8} zA>G5Zf4=sdXKVLv?SpxwNKo&uLAeJ<_F1mG>L4Gw{S=tYPlM95{U;lHaK)(KPP5WqED=h$9(0HQ&fYBsw%l>eUsIdG3&A6 z_+-Y#`w#HI_6A0TwZVwHHn$iIDk6!yCR6r}MjWqaq$aR`yuw|Z>r`dQzH-1H{UvaVTK8S}{YHi^V&IN-jmEvmA@TEjzi!=NfSRR<&_MuP$O%qEO&fis4$%qFaj zS6H7;bK$X7zWV7;;cP)w81CBIV*lzYTeF(u^^61iR=H>EGl)&B*%9|{ZZbHu!qKN( z#g|qpip`p2p)rXfsbS~@iV&HUf_n(2AJ}I5=@rAVCDj_a8V;>OcS^lq>N+qOXm#_D zqXOT-I#M`Qrkgrf{%#VI5~EQI-7&dnWzLqCG!64$kh58dP!994tg4lbkBrBT zdKO7U#$&D7VvH~tSf;Z;Rpy9@j|_)ON*7U>P~#(oH5gH4c~IF*fESE2%%=JG0^Y|Q zK~U(}Xy};D0?r85S?W4!ltL7OH5k}TmKUl_fY&I7W{?^TwMI#Zy6<%2DJzQr(}_ln zVoU^|7!3ODZu`?9g;j!kj=uONG8$-Qc@Y?mw5Ezep^~<1sM);)jkGk4MuNm>h4b;q z;=P`CG_qQg#cJy0S(773NqIY33q;q6@z~BIObO~)VlcGI?MW$Ti<++^Z6$Q)957eL zfzu)&Wm1@+;P~uKw@@9ph)Zs|jlsu0i4`FPUH42@USl>q1i|)}W{HW}<%ih*p6}A< zPHpgI#F~WhwgUpS?dh-8RaIfF<>Md!IKTF5zs4s&`N_`sXqB!u_3iVX_dI_3r+=Df zJ?mLar&B~^=QS-n8x|uWtx~j$yUS4AHI#J z{p+9OV_*C-SKf0E*IaWg-h1T&GVim+=hafqP0rR=dwsvS{d_*3&->FjAbaE3ADirT zW1Q`VIUi$WDRY_koAkWmz3tM52-=87`?2q0XTER#o6yBmQb1&YNKGP9N8y>5u5j(e ztB4g+QZJzxO_G~aW%VKvkL8-$_GjXEUZ_G6d=w-_5K9z6VmpVG7m^anSpjBo-Y5OO zS%e~;cJ8yZ@AR7!BpJj69D+|!+Qc)iJiwv-U*+Uhtwo#K-}WBN(i$i2f%<gi%!g_$xS!Ru=bn3>QHG$(rL5M*iLe^1xkIm_7 zCqD47bJQ_Xr@(Pr(1b{o#K;)78;^08QVgNqrZUj9^Cx@3Es_m)Ar_v^FD3S$43w9e z4#fh3xcPjrxx&4A?V+6t0w9X%s+OEDh>q*V{p( z2QjE|n-GH6sD~a`Q_ez*td#64=@vGHexgyADd0>8)=?& zHE}kNKkdCz-z>s#N-0}ni~qunBN^7$)X@d|$Wr+=C& zuDF89WU?bI?rzdwcUx&4LYG`}2`eirY;JCzwl;5VZSDB|;`-f^^|!aT`Rr#u+f`ie zS5UuD(i%j6^hbZh_19m|<(FU1WI82^M@A#IzW2=xZ@P{0!AEFAZtZMu4GDuLOo&Nx zZLmoC)EBw$BZ^#LaVjH5}K4dr=P ztZ~V~RsAdxE1E|JkxWE;Y~G7S14J)D5RLnifZ9i5A3xS=6Kbz?zg0tO9$i@Mo1M{s zbMqwZ7J_df9SN-rn-C-glJ{J7(F)JHbj*i7Un9;EeRJBwyKOHE_a>4}xpr(i!)2!d zvUq)a86Z2;Gw-~9k-3>CfU%awPm!o;cBk8cs!~qFWD-~%S+=HuB#D(x*xs5FNfgP_ zq{KiB+mbLbF_4TLHy|;v_0UO%B9um$hQ!bsny6`$N7k|(Hz_lxX(ExKaS#I2eB6*C z$r)B7%wj|>Y%A}XR7X1m7$(0+{cxMW|}Ap!KZ}xN=l#2A`+k|h3OM29%iyuGO{;O_L4W($GwlYas&l461>0CPJf;mb#8OBOT$o%6t{|;48r$ zD^#UMOv*|Kji%?Vh8hJCF;taM&!QSrNeS{rWr$58L@mVU8#OA5(lDF&j!a+ABEzvp zR{(|s%htB1EDXj9v#IvybfS>P(bzKC3W!x`n$M|mL5-ooz*5(VrU{IOj>)zfp+zNZ zPc#Y=qY}jj!+8{=DuvlZQ}24Og(1tKB{T`|Bg2tnHqq>Jt}rySKv^ocrfD=eKvS#I zSXDNsHP&atWJ|B1HDC%SG=84#&HEWGAFa<-XubV?CB0o&I)j9QW;)~6n{VZ^OOJBN zU%Vgp`8&aaM2ILa#fZ+iTzZIzLJFe@F2VFEm$Uuqml31GNYI)f2vI6b&eYXk|JpTs zHkC4g(*(r~vKhDSa*lqh``P_fMD+KFo#>eAjoV3R}-{16QX_Tle8X$c|wEMm_Lh^p? z-luKLT9t?@awaRJ_=e;Pf={eg@Z2lc7?m&y(vc+9LuWhn^+FmTEvQ$rGM-Y>G?V$- z+DHezz96TqO(EvuXQwOYk0t`L7x~X*V@E5-8m-{$^Z|Wnwcy*XKE#K=uue>|HzwJj zVLnd1+qW~kI&u!O^KZ`p=^LJBGC&rMp1A>&J)CU-UD^yWHrH^_+5nJKzE%cbYazU% z&|-3xcSN-MxVXeA5uDeg0X}BXp8@M(zblzZU`C`ssM9>f@(d+D`;1GsN$?rmZxhsL z_M;>)HCiD$Ap}v^eKLJ`NT5iT+9;%KjALfhi(W*-6wRgczAo0 zr#VA>_n+r%R(&6m_I;7pMs<9tQ^5I%Um3Ffy*CmMT?7-4H4Z`aevs33gZ`S>G!0+< z>Q{kzcB|G<2qAFbzybczKl(?!c;XVF2{LZj}y^G+Uo@Ik%zdPMmPEp4r+_rCYN+;GDUeA^3N zfS*k@;+!1o-~Ac}ANeq=UwR022&SBhL}<$bYvEuO%{~dmT@P^JPv6HS-}4%7y6p>G zd(E}1uC5XSB&UUad+yM0X#?a!>DlM|{bP-aEPig^oBoDH@5H%$zR<77NeUKwwV2Cv68M!_B;`KM;r$|!HZCcFpLH}7R){X zOB9d@E+tihqaLFWizGwBkb=7Jeb&IEDAqfYXfh$*lW0=FrbLKQAx;8ba=nJ2*{MoF zp-drB7<9Zdv0k$g1sVxzpb+o`l0*`oIt7G?$q)J>C88(~A;o}~NHh^4WF<;Xl|({< zCrS=Q-q$8Sm2LXPqo>8`=FOGOvxP2KMWI!KcdjV76F)SEWztOzz6F4h{1Rk)zm*n{JaVFQ(P%^vs?Xl<#k2Zp9T~^Mlu5WEXwCkf@e>%z6lgEvi z$?|#$xes-0tjWfzfn;>Ow?>a+(K@`u9WBN$<0T&{f;}i z^71QL`J=Z}-g|;*bBz}?ifHq+X;(!n>UfZ(W8d8HJT_nTN~m-4gB;Bh5sljKp$oKi zJl^nzH{|SiP1nv40#{ynB|rCbKgSRM@DEcIMF(|iqaTaWG#zcWwJ_yX`hMHa6z#^W!9~!Slca5Ae3Py^W1i>saUTMyTou?yAf2 z-}@${bTksX@mAPXhJNN_nLMtN@;&t@@8hY**C|#<+;ZFJ@CIf!YT_1oe09!mq}SuA zzdqjjZ#&-S^0}2Ag$N%_q~lz-eWS=XYP&9^>_tLv)3d^ygpTOLBDEGtzb1xA$3<_w z?Sd*Om;y^A#6)4?1=k$nvP1hw!Ba_2f$J;=kJT!LttgI#i7b(FeN6zlP+4}8JF+l zzLT4@x%5+3(A#V7j*}Mt0&USq>5b(g3BBD0>{tjEJ(TSOMsmOIc3-EY%9gLS?uV@u z_A)Fi#wPqMG8`zGc~X1Emlu>zD%k$wHfyF}GXzQ!p>X)v;DA8HW>`fn3Y#jUq4qEo zn+*>bi(y8jLZcsbj*?h}5MgMv28B&9vW~477#a&vGjfeE)Ff=wLUc`vjDjJVgqOrH zDL115hDI}`nFJ-dfS(w=(eDRImCstB0-_gehF#Sp1|E_%G!ogDG)fVI@-#f)QXm+; zmsSvJ6oR#aP{%|mnwGTok)a4)5)l}osg9$-Frk&sv!dF>#0tVhwR!gA*g`AB7co&= z7#P8e2Ps*LhEu8GqN^MiU0Sg@4U|sDcRI`D?`Z%*p*z!nv%+wo(UHQbg6o^acxY*A zRWt?z!z4qYQiADJAw^1}PF;m_hLz7`-D2yyaol=Cl)(Y+QG@om1nQjG&oD#UM^%`PBNA9jO z0lqAaMhGfRH}31iV4TmD62pO3hIiKBtj@ndm7z{CG8$X$TZG|A;aY=AmD%YuFc?~z zsq&^)@;F#43@kmbLu)V%#oTX+PBkfgKd!P6%PvturBn?tPz(-WJm9)|r^F)^Yo- zw_-;tJpJzb7=7@gnHQv~zWb|h3vARR*!ejVV0vK4#+%{gh@1um zYTKq`UGtsa`JH_F)1T%Y?|27on%%>P5A(A>`?I|KY>bmCcyYB|Fvi}&WpPxO*|^^T(Nm*m>A=p>FR((;0vLzwNcp+c-BIB=^agJQZDU?&`5~o@;gF^Hzl+WSEbnL<~^muu4LC3oWn87$HWD zumG8~pQ8XqBN#C%;k&)(ooikG+Q#5BgiD0zQwL81t#gsG@1iU+w5v@a9Q7Jv(1CG< z5PVC_)=AXXBS|UcI!JmfC(=bPG~$%cm6V`cm1+>Q>4sBI6WsbE7_IiB1hM4l$Kfe{T)hIWnCB5%3LFQy;YakeKArfzVJ)6&ZKEsU- zQt7ncGDJ`vX{mE8^`$i^y!VX9V}9(%evI31znzhaP(9g0<;v?QIRV>2%8P|NiguyyriU z%da?!-*z-jAnadd`}=QX@Wne|GS#Fc*@+i=QLNrkbA-{r-~1hyzw||X`PdbF?lU*@ z+KY}7#p7Jn^-urrQqE7#wcj2OBV@O2>J(t70@DAy*S6ilD|>A_m+v0Ue#_URdG*Fx zq_-0ECq_@P-8owTNXcT2V%&{!fZ^Jst33bm5rWa;WVS$z)g1b^qDxdydW^5!43kKb zRMYF(Q6XjM4njoJUAD>@q;8u@0f{pvDU%yJW2^s=Y`fyIwt4<)A!|t#H!ao>jpapG zjk)x|fS80Jj${l$%>49oOKb1(>e{_?oFC0g$GJWB>EFemN?lBv%Cji5GMT^)v+{&6 zC@l4Q+yi40*u=1OB#Z9rEWv8_qS8qByTWNZtHKc+T3Oy0CN5AF0!1WN;GCrvRYuDQ z8#ZzIn^rmW!WH~xz*U-#HU{PLGPnNK20^tOc>3Sxx8(9vYxg|PuZSwrAz__Dsz_u5LT?*u zA!IIuH4r>GO|Gte)j)YFuF&+r^(=P34*{*_-l*c|3gx3%r+kqRaux7g8$-$JY7l6u z;iOQiq*=3yQk8zO(jBWP47SKooq;7qO(pEgT<^r`ysl?DHe!^2Q|01|L?|n*UT>Uc z%L-okIU(qM>I&%$Cu8)yt??Lw{=RjZyL>&?i5jp?q!?&_rF;!~y;_GPghW{gVuRKT z5l5HtXa{_BcV~ySmL%}GTW(_YvZEaP#NXon?q;kpxXzKU#*gW}x+Px>_{8k$i#hf8 z-Ux-Esd@$M(wuW3BJ%>RyTDpB@-*f0%P;5e|NXzu>gp;0_uqd%r%s(>I2?9djQ08- z>q~uJhPAb|j{l*})^nUZd6HXhxrM=Cz<50FA}{TJ&N)t=JlPS@zZTLb(cgOOElS!K ziIl{Xmp#-lL+F8Cc{lqWMBf{;PAUUozJo52_#9VwV z;C1~H6CUXDX~aO%)DnPLX!d!*eAjy1qx9mY?`yz&G1au;M&)( za>X0gs3kHkg-H^erDtR)yeK41UE9>^;jdgvFxTu`%`Dfk2%4>|8sv)PrF0phT!u~g zph*jwOl+tW}jMmH^}X7 z3G$`WVu~%nz46+gzKJBsHCMI+uF!jSHq|}~LE&00%*%)tR;)9zKBh#SVNt%(v8{6b zl_Ezu>ROEiCCj(rUh-0&_oC975+Wf_H0%)|=-Fg?7{LlAu)l0sOPk-`LTy^!e46AZS+m<@wW0Q03zccN(*LUZ$ zU1T8*FYFD!+U-DRN|mVT6%xIEy6`T_gqiCcicqP+{s&*+h zxxRoU8qt~|J)>sF6Yl~^%TsAjkYXezVK}I`{z(_}zS}m4QLrgdph~1~gVwDJY5s)i z{q4Q7A<`NkeZ%uy43PPE36Xioe{S^XL%rqrixra3kQhw_;mTLDr;|KP0 z_{jrKeRz}2FE&g!BN7uu@1azp9#)BxNzil#M}gLt(W@3*4&MtxLBb}5P64`rhWr6g0R2qP!1>65ACel`tsRA|^p|>ttAz2$CeXQ|G^=M3Lb^DZ`|S zY~h+DAPEQ9WC*04#Ay+VG{0+Yes6OhI8kU;Ow22jXL57PhiTho&OAkiOGFQd_el zb@xsTsk@@Kin+A&vE?Wjg+R4;pdmlgavNHOjg)e>C~dQ|Lf!ja3v(jULDxum{%06f zdwUb-x4KQz9iwe`OW<#>Q|A@)b%E4XtnV);ZOsx9a>g=IXjNWA5_32sDUW^7aTl>j zTg>Gw9&5-El9agZmRmV`(GiaQ(H~*Ha2L)PB;+)X9`|#Ssziy8CYazyI66=km)h=h(5M{KJ3v zL%j5*FJ)_c8$@{cLBi)aN~w z`-fw0z4c~ZaNYHU5Ie){LK%QdIX9jAZ2O$A(a{&T*A8bg49;X&oU1``F2>2Dk!2d* z$3a>}OthR_h#p%EXl6B69$Dilm+ZrPNGaq8+}um0!*SupB%unPAYDi|CavvId(X7- zq!g9tExO!k0W~2gW&~#Ag@hxIw*3jjtGOwvAylF zrCOU$O8(h5GQa$1!_?G?5%tc1xdQsq3ob6jWN z_XgUePo8YM$+m6Vw(W_NU6XCwcJFN0Om>qs)jjk5-FyG&)v1HM*4hjE?6ddts0p~| zq@-+7FF9y^`%6w)p1mSSEgR-2f7X9C*T}6(;h=@nTAC|7!^D;a6&_aF^&oG?)-1Pq zU#*ZLrhgVv`^a2YB9Dx!Zk@gYYn%F2VLe zlukuwAT_*3+DNNXgu@>F>ad5>3tK}+btF=P(89ggj(@?RZ}(9KohT(OHq!D0VFe~$ z4&uN6(lX*9Lxs)LG3q_qjUMv%4Pqav6^E>RU;6Z@T= zCvLMtq{}sJV%WCCtzTS zG_(b(x0ZEv6h-7@e9_)#{lhhoB?nmoqL$kk?&ChtV!y-k{$XX>AqQ0|DcP+$ZvCT| zbMP#kQocdOL?pS0tj91%m`W;VkrHnTyh(c+Sl{9oaP|36_Yxxb3~|Tijb>?&0+9lQ`z?cwtRd&z!l5Z_Tx&>6pHQA3(}JAV*pX&+FNk-qloDD z(d;gWT~lu)Nc2Yp7OMCSWa`+Y^rx4E_{{ybwRZjE>p;=_)%=AgC3jX(Lrh_LHqwC3 zAE6cjP)AnxF=FBlcnUgLvMQfM18y%B@;k@w$AN8!Tg#vrllgA0{cN7kSeH;z0I6~%*dhvbLlbvX)soe2{Gq?gJ+50Ci--?auslx`Wk}m|Hz_);51!; z!l~CXy4mYP<$Opy0mE!<54+iEwfUn&$FnoxX|yiZ>VZVd*PD12X#m`mj$~?)rd7K> zK@4Gm=DcA#7cKu$r=1Qu0tYd1l4gukq%+f;MlNI0(mCrnpBiiQvQ9+zTD78`3##-V-By$ zl+Mi}8E=r5ecgmKKHFJZdE;Y>7?+qxD4 zS{dJrA;0Q^dDl`%Q{Cy^XbH7&dT(~h@E5)^g_rCRnRC81IFniyLJAa@>8M9f@p&Hs zSM~dZF+zLatebB^-|F2#-T$%UPs;2jFJzaIL^d`)OBnkn<h}Va%Hzydl4Ir@aZW0M)%O_Q<}YeUt?ZT!BMn&U$sczLJG3URbhXX zS|pdD607qlqzyZ5)pV&{CUpj8u-75mWqN9Bm98f27LNxVbi`_7Bhq8$^Az~Zts70M z2z~OR*Dy-Vd7`ni%4HrdkR&VrE^9N}pFtMF{j$S#E)i(=FUs9tGApqse$K${7AIL+ z%rACB>0V_k)%nX{Ts_e@-#0)tCB*-psQ0%v4$d95pcY~%2-mY$S<#Ds`G)$xvxe3g zC2W^eM^TXa@DGT|3Jy}0{v+~w6|Kzd?|ryBl)8!OsI;_c)3HL@Fk$LDBUa+EAu0LQ zq3dFZU(Q2)GI_rC&hkOTMx1cXw5FmNCuz(PUb`-_#-1U_6kRgp(}mSc_Zt<1oXT4q zEjD%38mWPeUShXgZ#tD+$ z4F6tZnM@3GG0Jd&j*`(dzD8RXdgCg1pO<5Gt3uC|9zFow^eVK=)NN`Fa2vOl&;*G} zJ!i};j~i0|9dI^10plzN5Xmx3y+_2 z2o9Qx|I7@Tw2|k89xb^DLBiIo!<-8%G0!5m6k&8bvDCsVHtTf;2M8uQC&@m6Kzt?4 zrTHrno4&qGB=H~{q)NkE3k|u`P1e#&(|x&XnM9YXpvXLbnTMNAz^~`*WrzC87iy2o4dYbx_LbrzYYCT24U`vV(<1BDX@qsD+f_m+qAt`eZ3YGKUA-JJ_A~*&_;`t zB~0kt`z6WZTXzW+(^ukTPAp#sIZJjR6t>~!MOn*A)ZGJAZ|5r$ZfT)dvIY2JI z2#^@r=RzRV4AKfMOz|Ftxe&S z;#1PT)L0U1yi(~j?KK$+%zQfT8yDiBFs+~eWw#QXt9=RfsUrxAwI;^-L1M%6i(o7I zZ$9#AAqlFooP&TtwE4=UKAX^qK-+Fx<4@y-ZzwA|B34pD#@PZ1@S@7tt(HN`wKoYW zlpRNMyeqh8HRU_k#ZkV>u+wxl8fC)a=)kP$DOyOPh_n!Pj7w|2OcVaHya|(viW5Sl zjTujN@1PxeZc?y@6w$S-Tv_5tXrarLUm^Bsk;5L^p%l}^FH@s#M&AXfaN5d*RMCeG zP66dub!PNt();QeoMbq84BqkK(*)Ea4B2GWMkH7BYnOb6jnKh?(&PyDL9dZ%5;kcP zj^+GI2<%vd9f(31^Gycfst8Ro(MxsfTA4{RRGM&T+QC;gm0BJ@IXVBr4a*E4Vv6vR zLBE)g1?(`aLj(&Nic#9M&XxUAHq8rmRW!AbEg}i(DsN~S5=myCOG5LARQhJ2!*1NR zZ!P90C=xP#!A>0n?aeR9;y| z{?_W?r5SK4eo8;sppdy;<;Jmy{I(l10~>~RragYAIA+1N;w=<>6E!#mojSl(6T*UR zZ33;*kC9e7GZP`VcD4FKUPoe&{R?q|=5fu*3 zGF_RBwEeC+EYa-evBtuK6sw{2AY_eXA~E~1``@17bdjbE;kdmcEye6rrPJI#>Q6e4 zuQaDzo|NKnuSiXg>wO6xS~_0$r>7BEPu3-@gquG!uF>s}hN|gK)}jQ;OoFLZr;Ji> z6W!&dbL`Us?0-H+T(&}nmbc_fv;_oBa#(I9qkbh4oB^e3ddw`9=y7rHesm{5N9t~Y zb>TrpCtoHhXm+K(BoC_+ZD>V?>AgjG*wO;*5jEdWQJMM9Qup;& zkHs@AfN|1v1cRd^ic}LVlB!q06qioip;t9zL(;QQuDmrPpNDgjwC(*RCyv>cj7Bqz z1G-Qhm4^eRhzUOO01_{Cia=FlFIz2dj)z4D!NP2zilQ`S?s)J>-Q3C1kqQy(6*|#tS2B^l zEou;OCIw!*S)VX{NQ_J0tNkA53}N0lu4%aNchFKhk&sNfLRpN>8JZooVq3+|@uQjh z?TOl17Z1Cjhk_>RIkN(v=g&+KD|D+jzP+=paB08(C|kvfTcur5{lzlY;$8+eE8~XQ z*Lf3{f!XRE)zo9BqKEj=@A3p6%5C_*b^G$TLnWQ%uhOxUXAk$X!=DZ2ZEsW^DvF`N zY};75_ZeS#ZG1Fto~kjWG1XAavo?61z2@U4m?hRJtiF8LroQF}Pu;CFVjS!(*X$eJ z&y;#Ho-FCl?7WK-?qSTcjJk^L>-p?`xnuh`O3kSS`%AL6Rj$*%Q^(yRejd5^hV;)X zxy}uT&K(2)rJb+#Dlray26^ISTodeZ9@eJ5+3A8^)DhC@KUQ(JKEW*P!_dA846ADz zl$<{Oyk%z|oH@piU!mrX4ef2;f5HBWH8|(h96r48ZHLCct|MQ44oW}N?(tE!7Kvfh zD3+`=V&w^$97o0RR1+$Dl2Xo$>ZNz8(Ni ztBK3<7Bvlz_2s8x{Cl`K zFqvm)vCs&T;o4}@hzKm9lUy|@EIFswVvxI#&?OU)$M`wxw=tubnPU9v@eg#q%|Ez% zs%R0_N#v+HbUeRPCZ}4ePJ^-GYEf?X+Il80wsFYUe$S~=#G61)$47)AnfJOZQaVOZ zDI`3%Dc)Ue8fO~n2}Mu@k=xp0ys9InqRmf{F3+jVg44`DZ09T4m(1*Ps!|-)0XPrk zbcp*4jXj5{Vg#v+N{I9iuRG@0vu>C;vCZIZ65I&MmqN$1n~86B03oiShV{+<5~gGURohEnNI=7J{&?47ARyGpW3+$#e816`TLOkbOZ^y?)* zYN3mJrJRi9k#%%xO78KL5P*_l6x;K z3N(Ud={{xcOF*)s-`tT`+nVR$Irf^2>Y-vP1|#xQzehJYopvsVBx!uEFeOiydtR!w z*rUKTTm8``>+;vogbDZX7{mIHLeOiR$AyLalpu^Ny3kYh=KizCO-Jh(MEUuyer||m zV6AOVPTFQNa`!|E=;E2g#-s1btLIo|^MeBpRs3yJ0k6{cdW6uM2QMpY1Eh~o48TtM z(Q}g?H(uu=SF;lQn#aaHw$Y-aS`AAifR@7Yv2QDzF=C>W6jwRNk>h`8RX^w|s{G05 z7$ZHAm7{rRiypS&8t(SBqjmbFb5TLu;BKjGXD{y+>!rn!^A2Xo0a`?cx2}Re^M3Ho zXFD7-e*0)ZkO*mf&(j_nZ`z~?l+=<&9bPKYQz*}%gVi!+s{W00(A<1;RxL4-y0sg$ z?xV6~Cv;G)M055MUV>?s3|WFP$fm*-LX)y&z$JN4PLp1T9qDU}lZitBCYs3}B|I*;eY?lCZzvs;KPw z7Z{k)7Pc_C1UCEYAQsa)and0g^VD(W*ih%R()t`q6+?^ZjPQA+4i&9VseFlrTMH_= zA;#%cRYV&ZCncf13XyBaRIZgqYY5|^6iJp|cnKg(!4y;tAuB2F{#i}j_WX&wq^;a~ za9xd%lut)DKpS7=BICv>fm}2nRQU8}lds)}kfC-}B%vl(tB@;w4BL5hfW%7eC4P$itih@}Z5AHfaP zj@p~E7@;-pN`C~p^)VcdyC8H4EX|j>&u{e6XAsry#$}_iCK)Vb%AjJ3H)~d3Rt1?R ztD0hkO^o0!2G(+5G=nA)qbp)|W?Q zpN<_jeH!#}Z`#tt>qAb!dBt1hvf0~f;wu%0ph?-rjBn8{{EWC2-zdhj_Xls0oe7K~ znx@4e*;q8>Wm#hAzLpf!8IqMdlJJY&=+*2hy1eH6I)1;orLTI;%e)YFrtiTi9VG?V z6|<#%Bz;}bn>B_Sv!W`TKGOyy&uS<`P3Qf(`hg-5M<*T})XOuIQY<%w-reg`3V zlvhYZxZNn&OvnKtGFV2Y=tSZdFX`FyWD6+S7oWS!>|M(}zoIDP&0Uj$A9FWde3?3v zZFkhZ8x#AN=jGJ6^VP=6sD%DRkPjDl1Y_C+k#T&r2{9t>sF@g54oSJJHjvcX+jS4> zp^!ZA~1=I{H-KG~c>l?{1`E>*4Sa zymy}YjuQV0&`QwE&W@hHnJs;1Ck@5FNyt{7rn0YcbVH0)Mnq<2$uoqFJ=4C7ACEf$8Cl!NTa05qxUX{_KCQN0CFd2q>=PlZMB_t4N(6{NW{+7;)Tk(5o zCaARMM^T*UxGA>j(Kqhr1%B4vzo~HhnFI>8y_Q}2ny=@wptskUp0iw{JM*h%47;a& zhHkCi-W|sL5&ipbA@lF@U49P7h%g-H5e!VMn9}R(5_`&F?Y$$1H*-C+Pn^D&U9^x@ z@4|+Jvag#I)n~Shu8PSd=KbC59V=ll>dNJ1?i<7mtW>f2XEK>shrtTJCnRUapyt&3 zMhu>?(#B*}90qHTPiq`_8~tE<5+3yCuMV6`YcI5%o=%9FJI5*0@j?h7X)l??Hf*I2 zqMBE%0{#{sT&2NmnjCs|y}UhX1nOpeYYI~eMfT{YF^Rcg1b^Bgdg*EN4Y;C$#>d4w zOK3u#PV#Xw9ei6_7NO1|R)AkatU_S7R-x2Be^5^qkp_wIAIcMG7qu|rT?1Y=uQxqB+=mu&SaFW%QiOU$0$-lX(XyZzi zwI)Gphx<04-hzr4cp@fz3vlZ*LfmR6Gfbj6egxXnW@h_r!CYAsqui+IA|^~4)aqi! zs>$~9{yOR$$$jEzNJ~Dk164LW*fQaqu;L4YcKg}$5h>W!T&1jsqzK=#XtlGDpgC}P z4;95~Zj@GW5tYQ%3QYa?{P|U%7nz1aDp|@5YtV`cu59TeRJm51@(=z1yu7AkW~j*0 z)nL#^ghXHiT{4mgR zD(2E}7VM-6FSw!wi4oZ=`xrStB zHgUGYQVk_Kb;~yM(F?{BG47GCSazH#@8?G7m!ZUw zu~2ke=d2eg?iD#Bc_}qoI967n#OuULmFERJTy1S<8J({$gjo_%TX{RP*P6RlL`woL z^-O;5yfYard(t6Xq`_=YsFM@IZgb>KB zucWB>J1DhV6}PhjGYImU0$EK#;886pCh}KEIci&BEM6JCD^|GcHs=XVF~ldp)6qC9 z@HL0gtmXy3S5Oo>1&`^f2;5|B2n6;I7MA^Lri3Gq-Z+?|2Kpagsr5l?Va9e^er*wE z;d;^f8tZyD;kRnwll5fZ=j{2`GXcd% z!sS?Q;>r_kdWgz!>sy0D4e%lo<3jPt#x1VeQn)$@dG^?)5yu~D43ukP=e(WFx1X*? zz6(cW(HQcNb8P#6E37B$DtX{N%bu1JW7(qeU}xz^D;$i2412(y-ybfHa+zvz(xK2Y zR(bWcEvOy9W@qWve9lNXS80y&8x44)G}fE64VL8KV?K;JyyUw$%lf{);BOj?2pgIv z6+b&Cco`TQ?3JSnn;m_Y`W2J~`{lx8O8sQ>sY3UwimoXXzvpAqLFEZgoQSWBFo$T{ zbsRf|wLO+?Ni>I@{lOjX+PK*@hjrrM=uslRZhng!n6nKvSJrO_95_rz67M+auqE0u_3At!3*c*HchOB2q~(_E)P-D%>V%|c&h$|(&qT(qYE z^DNKqy5DGRG1!P~8(2mpc#C?k;xJv7;k0W!9xNKbRj{G#l7+oF3*)6OJa}(p&;=y>RX057(~z$Ow*I_TY{A z=xVmcDD^)nC^AJEIenw>dAmV~itDqQ@q$xo5?t_5EtqLGwu*Fw$-S1M9&`Z0sX=^Q zHpz-d+AbZonszToN7w76*L~mFF&Q(BaW)CLXh=OvD3;(0(+^GPOk`Pv%#8+ii;ai~ zZU8#zbIXVBEq6*Ih-p;m$9GoIDCGmj&lT6Znz-n%OX%j1Sg^u(hq|^mv12@&&U`WK z8RNA(^9fa6c+8={oW$7DP=m)hSgc7kXz;+I zs>TvFmnHB>&6R)okMEP|2MQHhizxV4jhuo|{Y-`UN}0s2``LIn8phex`6M>T;ZaO6 zHql)Anw6^uxkZ+6!R_6u4xicNlU3tNb5@ORxu6tJCD@E5VA$0=g1;itK*MqNzg1X( zWFm_lKz0|Ud^3cm7=u4uGUroAXG;WUv=#!*Ca3?+1+bdO`ceL$Pi3oLohSdka2kBa_Ti|aynE#@|k zeZBFANfD2n^}o&@`hl~8ge)y*iKlj0Dbn^A(ss*ww2wJFbVkv(<~BG9_nX+Rc!=sX zr&#hPF7o_d;Er!Xek!PEtWyX<0WkyI#MBjhND2Yk6vF84xhg0sVy9>x&2R5n6eHd) z2B#YGEG0I;)McfaL*>MI=2FUTzLpg_BFq$^$TGig%L5j+T*5Bkgk1(ix9-NVyHz9v z3{B*kw$#@Ubb6ne7qBr+?!H(W4C()PBr)WfD8VwU)V)N_{d`D*pTCYC ziEH>tSA=hfC;c*D9WxLCd~*f9r4xD0m+&?A&ip6PH&YxJx+Ji4aawy<;+JD~nxD0q3P#G3CGG} za?3dAO4Q8~kk`>j0gKak%0(n45w7d?QxCK$-*cNte||^#NdSdnD`SF?Kw69aD=QM$Dd||nHlpbGE3*=2cxtMc6nhYJSWaRl zuHAYK&U;H~P1KIAS_DnQ4FM<9bAMjr=XI~pCFF4nDaTZi>eOd;GF_gYVc_~DP19<- z8#G%+$RWS+F4(8P<3XA)(XW25)M!Q?5t#(diV{7c7as}98Mpx-y16Pz*NYN8>{Hq# zapemoPzXIkv<3}fQY{&ZD&(mR#}CtRRh7FrSeck2$*Aqw zhcVDJOXrMB?FFjOkr|{`CCzn`9wNhuIi;%j(dCIYh!685mD9rop5yAlEY+u>w zW7o7q<(O&r6H@@>w{}R>2nKU;Lv#%aBQYXL5{Ylgzq4r$$XZ=1FS{^Di=w)a*@T5< zBG`-7l3l_tvGHQ<%*A)KtE`JvLC6AOO(S-G!+KT<+4oy5)&ga>)ns5b##FfSD2dq! zT|X=6slu2l#ImV|LsQ|Rc<^SR1fba;Z>dlCY-q`vpL{u3Ou(v^^-QJ`f2`zJ5r;}& z=hn7(bE#ySh3t}8gr|ty2d7`^Jxvf>B&*O#@e6u#_?X0C+d9GG(y^i?@Tjn;4hkS8 zBSyFOZ1W@_Cd3&Y(HYwgS^_mOI^cB-=Tq>5v+_;h`}}>snEW6UV{BInRp$i`&O}=h z2C)!H_)*@wsK8sXE%(Q~;w^!rAKB3FeBTechfzm4Z?=7x8TYyu7TC=bX zW&@nPs-c-WMF=u7PZ14l!tdSS-0F*4Rdi;9g7h(TGx6s=5?X~8sVwWsI}$dTou$+= zv7`AYnWMH1iigg_7vk~7c3cU~nBfzAUxn+|IboS?E<&?6I1cT^B@pEI*-I)>y1x<# zmdA3PJhUdXBD^Q1)D@^Nkd0Q7%z3Yy4q{6ppyZX}?36;oOaD*j~$%fYSs%&>^OA)1A~U_ggm>x^jD>=-f%kdEKaE&@=~cD8KK~87 z&=?AK%#H3Au?WqOA20ToG~7PRo_FlDIT8WO?f?AX~buP{y|kL zg+3X^*wdUMN!2ArBAt#-!V!V(7p(n#FqNwz6y~eIGw~=kfd1-<4dt6F9=g1&4j}1m zC~&(n_?9#^R?3KPLi3U3XVjn()aJAlGAO$Da1@W=Gz>J!i2B1ahUZETj0s zCv9a!;wnY8<4QD4Gv?R{#4DHJfhjXpTbKy)bNZH($H=mtv80sos%NBR^larl`P^*Q zmS1EVIFi?nFExf3L`SP9#z3YA3TqEXFs8*n-)({Wp$U94sJ4dlNI6v z&hYKdqoh9k&yF;0jzjB<`h?&&NHbT4b(;1AWNF-8=XEAk^Ip|P_nDj4t2Z6s#$*j& zF1xR{iGD%+r{T5J_sL!R{4QAV^6LjpeBR*U%aK)4x~z9$^!;e#{u3ljs_FZyW#fB@ z;P|Dc{wM(3@7aB_KKr}#y!M){COtLo@rDRd+}>aLq_TfQFL6S z*PiDIAY`6@nVQW}`QfwczU%QBfNqI|VS^ajeC+tP+OhfO9r!5V_J<)u)Dbh^hMvm! zraO9d`>Lym#qCqCr!{x_M3Lnfj?O@rsF3OUxOx9g++lXd_I>94fK4diY_xbc{G;P& zQ_*p(){@WE7jv_5O=JDWyUnAe&#~UXnqdK($u z)}6%Z6TH0u*@BUCh)3hc`kiLkXJgLLf<6}Sk+ScUzWBz+y0_zZ+-7m*dSF5Pe37L0 z$6a3Cs2azDuF88s^wZt8V*o|qP4Cm4W}E#@^Yz;o2LGXRt@qoX*x76OKTh;OoMBT< zpA>V{nlf^Ay-{yS;Jvw?C>QQGVk3&&L*dqxx>PsLt3iHj6%9?( z{)|?c`XZ!6VfKG?qA_Fpi&xtoD28gI8(95yA7^#9|A0%hY`d()&j)sF>DQ*$PDD#E zpVrUcMxF@JOa2SuM$5M26z_hpdg|F6-I!7x$9~9l=(`)wC|OXgeO-umpflJ%jk@yF zB_ivK__=$T`IwaB)ZBdRjJ12+QWMy{jZo3^+S^k*axS2%`}nGlCBIQ}jTu`t!f~m>h zCeYN{#{TGe8vSt`@JWZevF(jjsQhkg_tsMR%|u}Z+4O)a@RsW3`15bxb^5A3X7@=M zWMp`?4J_ez6ehwOImPHO{2Y+E6pxsQYW?4&(I<4vkZ!CpY);qD9i2>alL?b z^Az=wdTgWQmH$xEpvTd~XWV0E*1@>5=nzvJ@wNS&rie^%H5@a;YifY~ftPizvOisf z$$gJ?BLIjz6E55<84gEtMu_6=Kw!_H;d7YbufF%TPYHGP?FOvW)}HRGE*eGuFt?q1 zR@x4K^X9Oi9Qw|N&8N&<_qeLn`&tKw@7V+H-R1cYZ!LB8*HEs!$%B2mV!z~~Jq^F; z*{K>j3#gKp`uFMjZthP1_9(-PkDfrpj0c#6OF!0X^e=B_m%*&x3U?X1^jB#Qs)WJ5 zfPqPi39EHr6Vo5mf1N%zoZVx;@5{TB_P8Z_eRroEs(Sb54Y*sH>Y6=c{tuT0Hh@1Tg=GBx?(44};DC()Lt1G`MeSRn~ zCHTVq(A@!#A2cGst2$iR=lJ>d$ZNZNvOAri!)5@`N9;0QazC<=ZrJK|Kd$6kVH^bb zdb;p=#0@zZy!1Bi^o6@Bt6|l7{$OsG4ZIIrz1|eibK*30nuj@=E%^A$waIn=X4@c$ z8JnK606u2*RK8o7*sdG+^kzEC+*XDs8SUya)__dvq+k0`?apjx3*>~A%_;LHQrixdzvVIpMm8+LdJD^P(w=3VdR=&y!*}-CIRoc)o7E;%7SnRR__SQrC9@Wvq1&N{98As`bL0?SlOy8V&$p!jmjl zCwxWjJ>2^Dh(_w@?&=TMBRRg|Lmxmazw>`;U?z4^Ds z2wgG9Oe&!>r|Fs?)$aB0^P2&VWwlcl;ZPW`q8tTI<8Me~EKa?B_CR~sxfA7j_{Xf` z6CRVL5ZP%YmcW%DmDdGByw|v>5|n>7IAr4|=Le}9cclC6Pa2#u8@~uWTO>A>2sPX^t4+Gq|*CxFu$`HzX8@UcZ;|X-4Np0bEPjUXyMLaB+c?2Dd!M^x4nO%h*QH z!AA&qXyYf3NE-FkA20mU{hxeel4;1*|9j%PI3^iVjq+(fy1CEd<&vd~-Bn{<-Y&b3W5 zun*AeoI)06<^Ob&+LhhW2n3k20Wzu&fQK$L-tT~H%Y9Yf&fcDc6raZ};`0yD2ZW+G zNL8Tb|frqdUG+ z=~Xtf{%5`2y+*t?z+YG~;UBqCdOuU4dhce@7hw z;HDskLidX`W`XB{uPpdTeLK^7Ae9;2*QZ^Br(c|}??6UC)W#+L=UF_F%&4Z_#A7x+ zZ-0h;em$gKuRK3zL;B z4CZ#e-uJ@!8D3S}dB&Ez4un%nTFDo{?fs%;lrX@l zrBSSGEJoZ3ja5BMu!-p?#Jkqw#jjWaxgs}Wp|;KN1*GY9{+ZYF78h6ex(W7Sw&+V0 zsss)bx&sbNQ2tMb$B0`uV`@ z+n|S`uY&y(6R;W@8jAP;{lo|fKR*Gh#Z&_O-&qJWG&JsW!2V@So>zM7;*xyBO^uBS zxw%Nd>&3y*5h)p&C^Sk(M+Xxpr=*=79i@CGIs7p^AFlA?D4XLT2-`d_*u27+Petzy>UB#NtWDm*7$=UkZsD7XgFNTOXN8w`-xtrF} z!JVC*ZDeg-afbBm3U7A7G2tT%`#UlU7%?+5N;D?Dh=s)w+A6p$8?G79x_*~OBYgjz zP+wZWKrqz!)Kq9uQ4u~^ZdzKn&2pvj^Pk`4`du7ya&q;q#|k)f5&m@AjgWv7hF4Y5 zHa0aC%v&YovEOm4~4RjjEr?bodm2gWJ1EY-M~+RxVSj54~J=`sOadS8r`-($9aLI zR8;@9wzih5RiGO9oKkduyq=fqwlRP`s145QAdB2Pl9j$=)}+1;u!q?DZ2VL8``;Uw z+S*!|&Q&UJp~&FQ*jRa-(m#1+_+9~rAPm6ev4Q6`J^-Bu;eNg{l18ul>-3bS4d`by zK&Ql?KmUV=hc7NE`Q5e~5E2_3yQNXKIIy!r*!TAq{_o$v2d!Ved})LdYtEg@WQPZ& z94(ekc6vBdkHO zJ-D@{mzx(8gCLj9g%S`D063pYj_eILb1gYw*zHdDp<4YeCgVX!zt__;uza4r5$-lc zAA{T5+k+dLCz8mF0!$b#SL1JfTXJH2ihTgX;-e$*LLd%)#po|P0Hy-_<`_#~a zed@~x2HII2ADJ_4fwHiYI=ZLH7UqbUczR;BZy+28xGrlvojKXS%$30-8pdglFd94K zhB1PnWV@&K_sG7_Q@0c|nWgS-KEU!M?Ck1~tD22%Z9nw`A!8*%mX_4a%*@K6iKE>a zfzW{SlT@}=pBbcBs1c0N_S;bkk`|nexO`}%J@bp0HEeehR$o(8RQ!>bM+6Q5VJ`c_ zB@blE8~DMuu(0s!>?|rf8{f>*vIvO1lg&29?|(nmK@7SeTbjp=oSfKi>Xk+xe_w80 z#SxEIKV!j^ppXEAq*zNSDgw-QX@8MeSy|JwvW7q)I3So=n9yvCw|f2Yw!1vX!V&T2 zTJ3e!IUC2A?>ATbc0j~hfzY*$4(9WH8et`p#V^js9mP*7H=fGJW$kZDgdyX!uP?(| zO_?}6b%k$A&bJQ6)(e6}6x-Lygk>!Dug6+1`lIb*SX4D5-lN~H_3cKA7firJN(w*c z80CyPHw#|7>wpkE&d=4Amx7*^Q`#u$4N^|Yn%Zn0oqm@%{1Tp{=0&IT|Iid+`RQyHmU=1 z1|J_E+`o=dw6h%F4`2nYXGgIr>2p`D?t_D?s;U;3mKFjndEJa)C8nf=0{zS9^#`n= zprGC55Dpa;)yUD2QCA!YM}V&>WNJzd0fzFoVd8U8r#~!D=N-{b8;PeNJ~pcL`Ev}!-yLLV98ZN{YnKQPyj#^UNtN$ zGjotemAIN(N;WDxBV%A|0^niTeqfQ83yX_4zXn3U$LxW8{VfLK9!4&0)Wxc5=+1 z*Z#e}o{1Z(8XFCmCHjg0Ov}$*ra(c|Xhe^XOQ~l9LM!+Bd9SUn{~nFSTkG;<{AX%g z+vq3^T2dw^r6X8pgOsp{^mJ^!E)PV{tF1&<$BfL(!Ic%v!^xkLK(S(`1_^pWohR>?*KzY1hIm#K(bp40yd!)whI6p-}v^?&c}nJ_Va zTV&M16zg|;e|7)&{Q3ELDS7$SK8sk^)yM>=Dnn_V_#~RcX|S zEEe<40FE}X+jraTj*9{ zrzWSMAOR9;T3VWur>A6%PRm@rFvN1TMYs-yY-M?O)#B-&Rl~sFXUkRXK`x##gANYN4h|0oW@eBuzNrcQ6R^wUQsf$= zWI_W!xgPJpTuNy+|gT6i?$c5*<2`* zWwzg7Ywzp?iT78kRRjYFaFf82nmL-sJAm!dXueR~$=zMtzX|&jctFF6)sYX6>z!DihcgUXu!+gHF4@EYBL4<^50BP? zK}8#zZ(!)@{IW|%QG=__3r@fu4`*|-~N>(;GtaNQn zOD=~8gUJ6r(dJeEeXuH0`eQKu>1uljaGnO!F(kkMx*k7O0(O831dL?<+}sG~3HUQv z%@J#Z`QRV2&yJ5LY)`P^BA%_*#RDT=Xux#_0j6>w*FXTn;0fa4fq^e$aRft^>QziG z2U5#7*l?98*F-#SFt)3;BR~@g2?^i-RfBqlTK60tcP77QCm;cfVP@V#%p@(;MaD%$ z^sm(D0&_+IdcA%)6%`eL4Sx2a+-L*I56CVBKp$Z9c`-qMCDbF9@81pU4THxrIRvFT zxws^G-vGG@TQGpH_wTK&`mZVku;FWSpy2)+_Uh^Bnb8LTuJd|-8Um!8s;j>B_4R-8 z&*88YL91CyOiwSbKvmOC1vq%VNEqD7Mhk8DSE4wb7MqE4wT;2DfIlSP5=~4@>OC%X z?6x~GjE#-|6>bZQ(z81tIR8zc!!ve&C*=1rI+-i@^XCsW@)ShiXYQ9@KzNRHx}Q5e zUTCk|t3kGz^m%xA{2Ts4BVd0g5e@GLfhy%F6_AhrKHuzP^Lo$$V_kI&XTgtWve$?6 zvd%GxK*LqQYfXU2uf&0J=OI|BGmQ7R+^EQHpeW&M0~7&X6UGwBB>&lSxrv&Q@$2d7 zsaCraiGkN|D0K>0Woss|0u?mQNg!~H&R1$GgSU$$JG$&{ohO^6JchccxMnWB;;iI5>Gnaj+3eD3G>?zQ$Gd-&sB zYyZ~XyLCV7dG3d<>-v6%^E}SuIL`CBxG-}Dx3Z!t*rr<~ddohO6HFnNB~IV^>mnUm zlS3+=M4YedKQFBR;0CRq;epxdY0Y3drU_h70cB+?&P{C}K3x3yaVK(tnenb8X~VVQ zY~)mj9AMqWtLn!KL_kX|;@qa}yRZlO=%l?pt$;sI7jDj@%i}%qD!z)qOh$6!Y{L4R zvJKg)KfJyr%(`WZ1dRf+ID+0cEXD|ORp3mdoxJOJMlAhcQZMl49>y3#K#XtbF(Z)UcU}@TOy!xx~oNX z^%~x5o1`SOkdRP*aq(51l)&I%&A@v$1s8kjBDq+3d9S^_FK0JDH8k<}ujG+C_Ekj)$lk&*nZBmmf*rCM9LyWapsA?tEPMoCEpfy?#t6BpPzlXnp^hy0x+<}Q-?qs zzj<0@#9IsrMK5RQl{E@$K8UtEIG7efh!zyg@s4O`c!z zAu}rQTHKrh1Zi>0Vn!z?C%O(7ZUmZ7+2+AWP?UKIXZ-r-LVJcD|J7xUU@d~P($np5 zk|+Y>fodxrDU$;YG>v&$D8{OyHp}h0G-`%3aQymLR`n+<&clO)0x~ii8Mq{C@5!Fs z<+tQuCxP#iJRq|`j%&V_a8ZOqrwJZr@FpAt;)~U#f4?##vq)g6MufTo8_ONx+izR zX~Np@<^X$Qo=MKVB|Vz?%56C&i=TaVijKs_@%H!p-OfnM4~+T>n1B?;{)vJ|@Bujy zUBrVo&6tO?gs+-_WO4fM&&oD)Z+Hbd;b-GYLQcMH^MifJvulz z7?4k_ZR-kR;`(j-uZzELumAXw-6DtcbW1|qhW&=YpOUp1kS~+Xi~b=a_<4DGZ`{An zaQ5uk?g~#fR#w&wi)Wdc@1@=ifKoW6mz2@@tf)xy;>CO)d671$5AI{#3Z3riA3cy? zOvZ+tW$mzf=lHAkVS}3X`yJMmKJzl-5)#JG=KFUiPl&5{|NbJYrKOd0H1&`R zr=)a`8vDn%9I52@_?(eg<0KS;pI>;(0YeG%_whv0;Y!ybi=1?HjKCE&zO3TR1i+E| z^LuLB57eR8Shwl)HSqh#T8)qOybx=M4jbRFZe2AZV@~D{Ia%2{WDx=&jmzVT4u`)S zX_^+BiV~>;OtT&RTtIjX#6uCz8AAS z!C)Dd9)Lh2C~Tl1dUN&*V>cK3WoOGv8pT?zWwBw}R1q#MkECNA+Pzy-9 zZsR>$5dO47)^jv%UrQB$;DKaa)z(&|w!%iMwY-GCOOKKf)W#!d8lPYKKL2S}`xjfi zfAR0X`7MtWZC8~gfP*fOzB8n?P#I?}jbmWL@jJ3Fb}5rvFR65f;6qU5j(pSCs2Y(B2` zre42AiF4=9onk1S>d8oq*3;D;WbYLe;D{Y2+9=79{r&x?4!awA9>42P(5ute@{@HD z93x1t;X?Ym+$t!iQUe@lIp$O3D;0(WgPL3?AJ@*yAd!#@e6ddrWqk9}8C%;Rz(w6e zl`RAHQO9Wc4K@aBltwZ!R8ji*@kub!Bgq%}g@qc3UN}L{IBLKkPZlI2HHPl)KFz|< zFLk!HHn1Eepa#}nIh*BRD3Ps{G7WHzSnNp(10XiudbHf_F8Q%<;%0P zp)b5=o6f&^^9EP?%8eT=MmZM7d|4t_{;{{;Dlcz#$&~d6NtfVPE)LW)eax{mb$`WW zw+nA4+_LY+>J0`)#@OL8b8oe|$9fK8{we%;Hz`ul@$cy#Z|&^F(exb=f7VBh7jzDTK;H)t(dlLbGVL6xz* zI6HuCyb)5Loh?o>8Vwy|)o5qYe|hwyZFhAVWUcqm6QsdpU7UyOA)$g{_R<+h}i zDE&<2qK=oBA~}x)L0mUq`tUdG}pn+1!sBs$kHa zldrBm$!!IsaGo8rB85WkjedFFEnDmvtS(*Jd-K+<7|?_J_U%(hNXM@_yicMEs1ZKo z!D}D+K{(MTXnuP5)!Vmv`W6Czvl1`s>FEKjZS8pYy0K9Wp?GLAqUs~g<8Vu2LscM6 zOiT=wu&{8M4co1y0vRw5Qwe9BoCp(ZzBBIDEgElcZ`?{oeidF+fT5L@t9HWryR^8I zB6}Z9&DG6|j46m6ZaN_$D!LxK+JLWS7#u&4(n@GiKy6l)g^_K>cVy}KXC9Mm61Mq9 zsV6NRT|bVs%QsN4yA|ZyIyy?Kvej`trl=$q+9Joek(4w+`(kSu_DCnH`t#va6^iNV z=+J?78qzG%yT5mCemK!MhZkkS+I8#HkvL9O+rSyRbLYWJ-qb71o05~0FHZJrKRwrZ zlv5=(@CY`M#85@t*bv}zYRZ@5^9%qa<^n9VFN#jL^tYSZ#0?vanljpQIV*lF`9vn`8GIs z1y`~^r=&*%k;cCIQ*G@UK#{_L^y33-8l?mx#&iWQ>K;CAw2tymqg< zI=hP&pXfUK>XVcGb!IQTWU*>Pvk_0t&CHVQn{Q{B7p0y19d`YCJ*Z)Fn!xu}efY2u z#kS$^=TBopBp&M1W3S!Dy18A4-^I~Rf-1xn+_q;Adq8=z`eWsN`!?G(T(85%_Kl2) z3x=GQ%2wru$}J|6x3?fn$oQW3Bmql%u>-}Qh6*O}%XHyl#kzkh$WWeGEW98^+r zInd+*LP3)AKz*std||d3sWkw&oWIr3B6J+!yi(^Yps2`0zk$z4!sqVIn?XqPO+iH& z-3l&)VM^(Ob9f70A>H@@#C}{0CbgCIvltQ0g(0-zs4{3~$9wnVR+YQ`5NyziE&ii9 z_?2n%-agEfHh$(6#(4mla?jaMjD%8n@j}^6af_{;oiljpE1{v=cJ5q9In`sF&;X!V z@#mA}6raRYG*~InGfT_MVE^d3xVUhAu7req!!&nrSurh~SaEU+($Z{E^2mEk2q3l` zdKgN{u-KircgWpiW`q@$Pbd=Re7DT*-I^L2)IFZVTYOgLhcj=_4iDYcXxU3AVC2{o z>e5wwe)8+(-q#uxrJfHJT6tb< zHNWaY(&`Yoo5{$0{AB(sIxa@%znD`LE2UXAW(XmF2+lnw7cifYfE&+xqm( zF-D#}YsX(MN}A*zUxzr^xe;YfC~nDR%>-S#hxrTf4#3Bly=kAj6 zBe|q(Q9^o*znD#MSbA0Drpn2Xl$M^J0`ORR@mtWjog39(1NTawe#cAkpY;;?WwL2u zy#LS$&UMYPqJQ2VDX^`h4vuU|P-dWHZtlRQTm-=xe5^U*ANN+K!xhX+%3o7GPK1B) zQ&m-^%x~z1GWO_9Tbj#BrPhZ(aqg$oxAVCHrL1LUCex@hj|lQzy;>d|E-A2e>sFa9 z{abfXZ#6vO(3Zx8OEy$sX<^ZySGiIH{Ivc-<*{^qZXfyZnM6hR%&OQhHNVIkex^(@ z%=WJHMTd~yBqW${%IZ*J+E*WV?2E5dacIxv2&l|c2Y}8;eTol24?q_u>j{G5z2h_d z1Gsc^x1sO+&>iq2N0EfO0Bw(d<_fQu+jT*0SCox1wV&}h25|cJj@mlCcT9M;`BUF8$A|FJBmkkP+9Hn zD%LXQ_HDY&n>W9Sm)4})cnIak%|*`I%QL^bxO#eeTzGG~FhXm(nYk!LIoDOJC%f-9 z0%n}3@dQSz(#-9PZm6q!GIie}tXF2N}_1V2kyO)so8JDi=;S>QN+LLk@bK_V&q?h- zy{GJ;D2{%L4X6JEm^O6Ixc_83s$2Pe`rRzYusMGLnIsn%d}x2j9%t*Uc28wrSC`9&yzHNO1_S z*`fmBJ6*I_FG~NVp(rUUw?5LOH-1D=BkuYQ^_@3*pXunveaW*?y*sP*Z8tE2-n~85 zy$SqF0%>h?Z<2WG3S#%HhM! z8xy5k-=4zp&2+j3sUsg=n5FsYe`$p8f?Jw6_psj31APm{hz`)}y?q_Tw5m5Y{j;$N z36eH!v!w3nhftQu?eWw?LdYP25p@0F;9ylvjmEpG9rd(fpF%+MWUXK9uXv#7erUyt zM{u?5`STRi0W#y^>*?)Rj=d8xh7L2gxY)dyw3e4o$%CS{ypN;$DdP9S-``nZ>T#ar zF7(u*TBTAet^ym&0rtp<$q{e0A7^kdUcmWHleQLBW5F3jFn9ulP#eLgAlZ`Tl6@GA z{=)3|YHg8CcyBvEicyEznlxa~tM~6)#(0{p*~afPLB+H8oQMs50I+oPL4n$ryJci{ z**CG1VtLH8dw1=$))L>#m4&k(GmQ_w(-IE)Oejml8phdm_reaf}Ua#RnycC8jCt@ZIiwz7vK zf44iH1+s`lrfJp)O-f1CGOP^xg=5_V)lp2;p?PstJKlO)cQTRkKRt5$Gi@ zIcuP)p=!mMwB+jmyUhYlboe_;sQqAH^G~<%fxiHU*En_pZh6o9+ybWu{&eN5+d)27wS-82wu^eUk#EhX-*%aykwsiC=n50NR zi{?-#)E7YfS%*w5EO-bxjpMReiPO+>Ed>OfCWOW}+dwRnIRA3_uVrx8?Z-A{4nImg zCI#Vnuzz%PO%cwZ4t{s2fLk$Qd_sG>q|M|3IW4-zSRCwx4^mZ zRYP0FWBE@9vg3O0*htqI02|w?0II3!WMeJ2UiPo=5V=hIHr3i*X)-wm6!<1lm4Dx* zQMHa-D+0Sg#n-g89n)X4RYlCP@$kO2=I7WrIfX2%wR;To^t9E~D5S=cWt*AKZ8TWm zV5bnXNaoZ56BACyPuT>+PzN|x9_n8?izH7XVw-_#+`w(ElD8-ywh9O&som)w4w+Kf z4H6WH{$MWmHqk#`e@DYne>7KF&3F0sT)&fWo>6TiT;#b$7}Yh~WriX78?g9f{Nueb za>m}?{t;+DL^sawZ|>4y=i}q!Ni~W3(522;z`r|0MEs|lqP&8_>oJ|CdzQR0 zILqX<36C_hR;RBZpzE14XQsN_GYn}6+=Rl$bcvpAcps1~%FK%wFW#{7(NfgPpQ%vV zHPiNFw4R=wci+}`R*0*9i@)VYdn*amrg7-ddYt@04`wKg`m$=K{)tUNshifE6^Q~6 zpiEgh&ZMuf({8js`{1U?%ugvTvwIr6l;a2`cz2@X&`Lhk7jEzw;ZO9lh@%y;S1-*T zxqPziw5@Hjg@Lx)g$l1fnd0#gy$2z5D!PpbFhtvW+4hZd8Ws3Oj1;CQ?QKoB($%)S zm#Y~hv--8nmA-QM?`Cw8{VVe*D}Oz);)+LUczoO-Ip6g*(i-mUBe1!j^G^m>)PuE{ zn{H8c{_$bQ9*6f76y5|RX9^^uu0o`I1O}Eis2Oqg)z`09#dHyBO>po)(XPe@AXpPp zq7*?DfR(TkI7+OWHiMd^1go@)hkp{gFJ_9`SHRs<2)8gN9R`;Jh|q)y~d%D zy&k?IVnn}YO-A{towKQLQu<#2(qI{LtLCcU8K6GnWgXUg6I_(a>XK`=S%F6JM{57x zUgR<2%(_=@U14B!dsD!BHa58l0HYchy1f668onJ(Ilf^K+!%Pt>kk;d;uD|$@-&bj zX72#~^jE}(hO|}2^E94A=Of?3!a_0voeWb|Z=}I9)IRA3iMPLQ1Rpsl&*JLp3U%hS zlR@(Lr-msyaA`a_rz{Nx(w&}d!#sj{(`v^Lw~3jV*tYQq`go5ykR6#8A%q$Pdezd= zY3jU1&SFk7Ko4phl31}|+xG6|{QmtrS;fmg@HxVzFG{H3fb?X z(AL3=$@q`>UpSe^@psig!@N}g(4nIogSGBYOG-ikjvb%Bd812|8rg%vb5>gW_iyg5 zl=c>kDr# zkW`&tkp`;E?16!SsrRlM&)-FDFR**}G1lg{rM{dd>RYFx3*)v4 z3-4DEuJ!GFf5CMAAxMqDoSYoq{X*-<0nuo$4|&?2ITJ4Ra*i4j|4sEA`OC@A#y~}? zp%QGZ@SHxH=c{4F+hQQ>>?IVwxxgb#q`@XE@Rn_wP~UiG!W+Q8{}`8&;M$w`^Cu)L zE9-&IM|{^e(tfNMHKC^PK2s+%ZMvjB2!4Q?y}3PpJ62~G>!i6MH~F#xO&yqwHdE_vv>7^mxBm{KOAK!^yt%c z?*?7DvIfxdRduzxbu&0;C7(GK@Er|+7pxo{J6h}vhaYbb3@psgs0HALIbYHr3S0@bD}N*IS6J-o1anS$jIxt{k)o zK)q4U^&P2i{1Fe-5ekWS4noCWm5_!q1YyH5*CL%EoF17(JBjT!HeDcS{s{lFj+0L)#1d+lT;|V zL5|jdbtU`3FdhCh_DbOn+_fAvu{fQS7|)WYInIg?_4U7HjXH|d4=71yu#R^@{;RMN zv1CY)vpx47E@z|JwUfFW5+NuRiF}T7%Xpw~MX!a;YcF(T;j{|p660%?6oH07qBaGT zciq~gbo|5g;S4wY7EO zRWrt7cG^|KX>UFU#)%NeYTcw%2#x3} z?R-d2&)EG*tK&0JKeruS)+hBTu4`J7qVwhYV^F48?x5fXuL=&nG%VoM!TFJzMrmPG z<;x3yG!GnDOWs;t2{$*_uC3&P4e?6C0$hcvD@v+zX(N(>iA26BZ+```LAdKnh>H^= zmV$AC3+EF&4>T#O>-4STh1R)QzWg65X68|A^~%!?02Ph=gsM{KeMq9hy|^ad1T}Kk*A-RZ-q?yJN6202urdV z34;CN8`J9I$&QIa(;6SNFiMf&M^r1 z3*8|c2`VFb_n)!i6{kVW_V(I*T91rj`}*dNsYkhOKUg5fKhg~CuL)rw>_OJx&uC57 zhGbrLTolXEFV7CYbONu!kVr>7jR@GyK9 zKrSxtja4P)>*5hE=juVvUL1M9)x*Oh!^HWLi%SiXcq`mn)MDv0^BpTF=Uf~+hVM51 zvQ^iz-?|f39)wPb33JVPb^mKR=1=eaD5}BI0WL;~gIwa13iR}$)K=bmc%t4s zZ*sP%d;PqBH?bODx}pxUH32A3a5wbt=zh{}|>A)Yp%VXk%v1zt{*K|k%A0Y~AgVoAJy`WJa|Dyoa z6g-_aE(~lQr%buAb%=@@WBV139MO#uu~5;_)C37&fwO<&NI@ZIdj2FAF;S2x&ch>W zI{obF(^xxs3eFEdA0OX=0|#zA%Yctq9R;YQb%h8`9Ff_ay3HiD(rjF_9$Ytly8aC2 zjapa;iiT&Ev|-4(mW0Nj#O=gP;hZSjZ_9VAPtIsH3x@`Ov>Q5Z(E0_Iuctm zN@){L&p#5hP=!ZwyQwy3$WGK6*%r?ZaRh{q$&m^kq9{!9mC2g}r+AQ=pHxx%WBUuA z>6>>sIlRx6_g|oiIP85rc9Da20PJ2r0-(!xMM`06-ubTLOt#L|xGr!zw|Y|^=y!eia8%YLeLFG} zlwu<3LXyCHaUHUE<{*A83&@WlEibSN?FYIk@59t;*eq6&pkxF$#i!Css5< z&7yo9G-|cgyM_QQ0I3V%ylyNxg;7n^G*?_KxmE#hO8!6`{lJ)X8-;r zqKk1>Bfqkj(WQ<(d!ChiPG2jI6OwAN$;5~^T=vLJ+mVmbzvu%N#sLuq5H>Og+IlaT zcbCNGgyXIvZq$=InQp*OjBN7G{a1YS!=2v44s|szPYNN)>V%GXvhbg!+5JhUgZ$*g zS$V_gC*a~KINKpvcHl075Gi=E zsGnTcFLWGdKLz{CMU>FSzda7_WYABh%mbd1-Ik5YGOHX!A*cn}%t$>@p4s2u-}sRU z;{qRikqR+gK6^kplqM?s*#}HYb0m@9gA;lBCu9 z(pTE9o)Ns?Mp!-X{E7)%wg-RmX}x`dSGTXu;}Q@_I6ERNN;Yu)foGwoc;>_{a%j;9U34Mn@Iq>6~#UrABWSv z{^&dFstqrvw@ zfmCbbASPC#&YOT*7vch>K}^NK^EYz@nJ;7nq3}$bkV0Mlfg%@eD?* zz9{MFS~t!>QJEiPBW^FXNz-*)!-vf0xMnE@Qy!Im%cn}V8t&p^*a2W@GPb`mAC<{v zk{~Te4-OH>h=~>!YlOF(!SCvVt~4dJffhxwKy#A(rO{2mkBOyyv2k&!imUxTc%avI zhAS8xqWRTb%eq}Py{WQp(%aLMkQ^@JQGVJa6TzPl09h^Lr9tNwb_(ePA^DFo7~pHz zXGG_W7n!o|KqjF+t3DznXnu217g4IBqM~nn+~$PKTBwP-_xBRZ(d`_`rl;XP+o#50 z0NnQc`#MNyK`&ms5ZzS*LY0^Tad(@1w*D2P-st=e@=qXGo7V?*V+T0Se$03zdWCB? zzU~iF*)jK5Y+p&^L1<%RBlXu0S`=@1M~{{yue0rf*7+tuc{5SypmXAv4Uw316O_#L zFHzKTAGx6m5I?s}yOWU(04=j)Jp<|N`J~I<2jXq0N_*MKpg*lE(^$-tjg#sXTrz`9 z$}mhoTtnTw$L!*#JU!!gO*_iP>gww=oeG;w=qJ5SoDd+00oQ6@{Mt=$`fukl6BlRM z_=B~`WhYHI%)JUPHJ{qbD=KDkMmm0YyiU|4TjYM7_AI?Li?z~r#+=Y(@dxnT@om$& zR+V9xvdi(K$TjZWbf{4Y(_{QBv_;0$w1c|s?3XWJ`X|1<|S^0*$SSv$PA^mcoIO z(%{G1C$`m_ge})Yk%bRT3qL1LA!GF;*XTFz{)h42o-@f7C&9Jk9!*^jW;_C>BlGv{ zvvCNQ$xtxjVao#s82WQ;z24Ks&i2E5BU~pVt$%a$P`Wk`#;73#p67Q_v>~+bR5ixRE zr5yAG{8~|&pL7-4Q=k!`JfTyw8adOR8RsaiIizXEegtCsRnD%qaptt+99HuQB2^J; z2h16M4GjEG>sY3_rj{2-{`cTzsUt0S{wP_$(^T7(j=R4|a7*%D{g1iWh@;GDrjoY8 zL6K>C_iGw3_~jpwU0v`W0@fP;qD47`5`j7M*I)6C4gKG~1%l}sAUahPM?`e=e&S(2 z_jwnAfA93!`T3(kw4H=LKx9!^FEe-XvatoLt}d|=(=8jFQuDC-!KK@DOgvY}5yMFh zzIBT<@Y(15Bnkl{4 zHs4JeMqct`YjF4)``S?5Me`}&9N19z0tRT+dUO*E_S%Zam}J#mS;v;|Gw<@$=_?Ol zX=8KqD?|-~&+zD37EiTa5|z!`XHwga zI#}$=D%TN26^F0ovdBvU^dD?MPGcJ~_rw)*Xk~}CKfioo{+`n`c4aYxQ7#9Mc22wYDoEz%zv z9Bec%gY{x3y@qIXGbpa&+OVLz9v;O`UoDu^I;4zF!Se`sQG9jNdi3DFK|2o-fQ%`& z;Ewk1Z_sF47H91^h1PX>w~-s-Mqw6hfW&=7(4e&~h#Dz`(dSqazPP=H8X+hU0yxq`>1r>2Nl(vPAuvu+eL)R3;BEzhTZaYdnbvq*Cn z=O#|hZ)W$cuX}SWxhuLcx}cyyhCj0XX`F9UV5NUa^80efc2Q!)B`sn(G0BN9*Vdy2 zC-T1Bg-pMWWbOLaR#xEVi*9b>e;CbzQ6 zCB9vrqxIfxd`MWx8+{QFs$ai8sGl+Ucvi^pOsfBu+UXQX9i;W5$8YgG+{%rM*FZ!d z*yLaQrcp857r3y?nchq}=-ThRw1ni#tMPf1_b^v{1bwFzN0kGVnp=Z!bRB)AWyLd{K6LGx{@7xI`f-Oh!pXZe#ZDt?nvsd

y&% zk^J5&_qYP#SnKL&iPg{1*j{xRE3#cksQ+1q^(&~@ef|AM2hS-s4P=_+@DyL@Wkwi< z^X&DQDCN}2H@G`6{39oa!dL*G+bL6#$*!YxiP~E%PYzp{d-z~dMJo~ji0LEl2|3x> zcsao~NopztYJj<>ry~Aco}Qjie{SR$Xw&-jSD;J6O23X_kX`|ePo#H&vShW>ZbTl1 z#gLb7zc1^Xo&Ni<`^Zf}pmdM7Te(S~|3wFQY~tO%@y79E3Bt>Zk#p%4v!XO_u@nP$ zZ2Z)LK;YHRThNP4%E+$}Ly~&(X`W^HZ}0|{D)gb>fcqw$#pKc-7iVX~-=Bkj<^ zP6V6+R48SRrG6?$`HH3z{j85(lAf8Itd5tqoA@s?bC3sa6jmB1t_oosCmO*hR+&1Y zDgElE^3ai46P8sei!?MjU+sC}-5hSC^#!GdH2PH@sQO!f=b+>Jw-e*8;U_Pu`2oJ# z&$N>Uj6Eioygx_{(ym#9*Ryy9Df`G;3O2=<(9ON)BoVtSX;@EF~a@|;O` zSm06}BTQkZcWr@FBj)X__SY+aEJNVuGFohN*n<|i;L1u>#4KZ~yPq#Wqal5k=B_*V zc$3rgI^%NkHLTDW`15n!{?$TLi3E z;A7wnR?rn#yvpja$AVV2z38B=L$E)U8Wtatb)okq%q~Ce7Qc6Ob=d(b=RbX_1t5Mr z>bR~zlJ0Ydb*$s$1Hex9ua7XtVn_}`u*)Zy=m783c7ei7^eE=gr@G{*?@^qGKIlBk~I}HrNmx$q&&83#MC2f;J&i= zUi@fnj)@ozTdVg;m{w)f+FNL}c2py~$4&_mF539*3lSC*05mXVbV&)Xtj=}d09AlW zbm>be-3rl#(`>n7SJSdA;6AZ|MW`FH4ULXw-_tu>>0XWSB4Jq^n3Hs{{^$uoshZg2rryk;1 z`rCB@=#GYr(ID=WtoD8od9?2iqeh1SGFiX*LLb`ET}(tZf3!J13j-#{VxzbBRKP8$ z>NrG*rh?!nE)AfGO#?75AKngL%+o-6H*LSNdA-W|eUj2bea%vpwLtp2&V1Nj7KA2h z#r}bTp#n5u5o;=fB-{gJ=0E{J1iW_x1--&6Hfxx!2C*2P9f!Z1!1-Std3P8#M5vj1 zCcp|uJY@hdCt#P8_nHwQECl-5Q7LR99noYazzq1X5t?7wp zmz^t(-o@LG@H~J1oVZfaTNjD5EueWf4XZ&+TR0D-GEY$Up1>|}$(zI!WBVDmD6*65 zh3OuH_w=x9VUdxy7V&+yHyXY`ULt*|hi{9=NboPrn=DmM#n)Xh9@JY7dMR^57EM+t zi-_J;4L=g{f{auH77oV;)?<&w-zClfXN;S6sk#5I)7l8UK6RW^=fQ;-|2oI%kRjH| zYb!sq^8W3TJC?l93QRre1*9Gh%6P0h74MzFxbwmX@U`#)CI76yi>?V=#?G&e@AbaI z#}8o}n|>#Uwg1u4N0cxT+fblHd>F#DbyeisRo@ zJTP2d4Dd}ypQmb7tw$B}4GF@<-*yp?(j54-X<*~HDoQLlr|u)}_TY-I!tMeK^@;q| z($6M1hUhe(+THJN_$phKbHD2E{y(Hh>-5q3b89vES(mxcLhd0!51vk9VryW-UL772MoA9Vs17b=5^qsMWaWm;F+bD~ zg`SnUU=^9`67sex?Hq0CrQba0RT=v80gi|Xd~da5JLC7SHMw!0KcR^NL4a;Lbk5R^ zm33TON2ec|xYT<#H`|y~EDCDK7GS0jRGyTKV&k#hDk^-CvG$)jwVm`HLPv&sp3G#q zzR2?R6oA?h1WNc-)N(gTe2}7^Ygl$-c;1tIam`?hi#yt!mM{|rq{waB?f>zo5WyT^ z=tgjL+_0&CFNiZ8H@BybIUCX7hCJNV-u0&~XVvoGfd-gEfR%s!i5WS8^m>4fG0t(H zLDM&xzvJ;Mrvx)8LZ}CvX8dQ9C%osU>_LDTz9b4UKIb(a+4Ycrj_O@8GF+z%TN#b+EcQmRy4RZhX3!}}$5kI7ENQ-viekz%&0|LVjTJLx zrjTB?j(x1_pZkj?a^p;Adb{9II3lT?$i6=1CDPIh(t!~w5UJCFa%6g;X{10QcbQPO zRL|H0V~%RSvs`L&kJMOk-HXY%JrZ?aS5@P#*Q{9Hb7PlN^Xgs+OlF9(|D#-|7b>C~ z&ePD~n6_a#m7MD6Zs6BBR1u=#^ZQ}iCV^*&1bx3BH&6>cgK}MRx znfcQbrB69#<*d5*gjfCv{w&;i!LVVv)NZd^g?8$}`9<-u%k0AEqq8oG9@M4^-XJRR z4h4dKWxZZv;otlW9%;>jf~iMGZr-;$I4is&ndKJyw=}|4GLmP}@MCeE!u9?Kn)W<= zrlsf)tW!u_nAc)2jkQyoIjdIZ7e}M4{oBqkWUT+ec(UWYKW)jCIaB)%FT7aj;!%{M zL?}tw`bUc$i3lp5vz#}$dudr^5g{T|YEm``sxW7yHQsrQ12a&)u*)u3xN z)?9(4^$wP`01}1{Qft{Pp;99~wwaTgQWeGu8--V|G(2n*?#y$sv47Spe6Xd+ZH)hN z%XU$*b5vWChZFoH+zs=%{;sa>)!uU2IeO7t*|g=$AD<6P>Aj-c$_4b|cTsUkSzozz z>()8egD|xte_umaz?1qLv41}|3nnhH@mCJv&XmktQ(R0k5ewG23=1=k6I)}#5~Lnny%QETvh%|Rl{Ec_5elx~3Hp}x z-a_$#vDL*YrN*%(JS@Q-6{MEd40|}f_3p_N!j3{DU4x3I{lp-cYM;4pp$;HEVv4L; zS(P_@ri~=8xiL@+axJ00kcmdSN;ZHP)v~r;(Rc_QypEt2(=@-Efy4Nyn`u}C1(VZt zRpSpFJV<(>3P83IUwdbvJ#4=xf6=opi|wLp6%_P}V9fb?!eLUuzL~zNfM087$(Evl zj~2^qaamnlM#S1~LS1W>lTi%?R>IbnFB*|rTJ}*?YvC_vW#wk-pu%h5Ps&O1x9~^j z73B(kH7xAf)&K36@L{~tes`C#p?S;m%WIJWI5#kPn#F%us7u=2ODEX+OzId&-%}OqbJN3vVp|( zI3HL%5)nrhiM<-u;qck}DEOgOW4aG3@eAbPT^mZh{)plYLqR7$kawoW1Tm;ikXb}CKie7bK*2iGGry+E41&HYDj3MopfhHXpaCL~N=tdtF(+R7JZDEQU; z`F*e4vG!U=d7ot}MaESaRfn=b^+r?SNeog+?Fp4Ox3sjYzs5Z^4(MG2xB=97Cl3X% za@1qx+i37sS)MsYnGgI3*Ls1+q%DXYqCFYNIa5%~yqxQ25VtCi#cnFMVai+U?%xO3 z4@b9Ec)HH7!ZJ4U$yG@v=f6J&;Mb!3Hx{i1?q; zn?)8{Rkc$1%N^->xNY7|0!`|1nT?o!aFho18H*PLn;G_2@h0!%NzI5(a|M?I)fZ@``p`|x+jOfqh2B}1R8tr z^zhsJp~Tf#`OHFsj+r+MV4H>l`*A=xn{YBTjd*!y!Rr|P@Zgw*c&frU{+~Kf4^O@r z96!$cUk!g0H3BU?2AF^$SjmUKH2Qh6_RM*B&e4t_u=*0_IVCCZyY-iQeM2Gt&aa@R z2}?>6fc0WM4&p1Zyow++?h$b0Cj@d2NR5o~X)SX-O$O;9sEAK3;b|uKM~N51D8fH@ zVfrD0%KkK%^jaYT$77TSnVo}8LFiEPTfrGYaM?*FT5V8WVj+EFq>O_*a{exv+yDxc zbQ3|`p+ix2jZfKv`G%aEA6oxYn(S{-Q3eLYF)K zPy$fZokY!ubP^aEN{>8$0+SEWSJZf(AV3PHMBe=AP6lz2{l&shqUNQc5J3g~t?(e0 zH0D~sc{DfiY6DqJGRF{AqgeiU!^6$kHV|2SaN!E(+Eg-ww)mKB&W0X5hpu7?GFb{b zKvj1)FGO|Xx5C;2Tn54u@d!{G&AvO^74|-UJp2L;z!zOzU!k_1B%NZ78`NsIQ?Rda z!sNZ7CzH-l9+25UknTD6=>Y;!ri6LO+Q4v4CT>y4a3$hzf+2+TK;z{@V6gb7B_Rs2 zqXyiZ+R7g?E-7HiDFEsgQ8((ZZ;8YhDO?yH22SxCR%@1*ms@iz<%rV=hE%bcC6VdR zn0!Q`=#-ggY3-;(eoWX59me5v{#GP&Vk{>)2<^5GA2V19;D&roJXOejx4H-^fw-Ky zqK}3-A;zH z-bh5O?Ce(%lei)Gl%m<1caI-zHJE>yd0kafGFQuU8+7{SJ5ux%(0p4_2ab@xNWV4?Ts>jL z5lOFHz1oy}1dlVz#k512dGfM9F-PmxsI_lnE-h|sV!(dB{NB}3K79i$}v zJLe_)-kKzs7}u^{i{Rr_kk;z%=2lCJA_@t9Fce_G*II5fLU4TfV)18-+R8acbjnX% zKxx^&n5?}&y-ghyDC{JNf0-@F)UTcOLmu*LUUSX~3p*4+lC&w9j%d&+eK^b5=G$N6 z@Z=}|`G*dSLj_drsc8`XAcO4xE<<{Mg+(GGyNt3-(D$yZZ;*-MUSv!W{{JJy*R+86 z04no|SI#ax`rK$y%S4a&_>(ji$#-Qqfa*voWKI(qiw9#}FjOxHY55pMi>8HF7%-@| z5?cf12DT(J1_oBbK+^69aGSY&C$;~x^A^SJ&uyvH5WnFWGyc(xNxmRA zo_v}h`&WK>{5t742I~|Y5<*Mn;=x=?kc!NWH_gq#CRuUnbQE%xpy$W=qc3;8nqS9G ztQ=xLnN|R&m65Mb<snjN%ZCV};Z zil3j~Tx2i2ph#E~*q#2WKpND&4Pb94n#A(@z`WYuHi7vKQyd16amde*JPPnU!aaFN zha_p^$p_G=h!$+^BS%y#n> zPCqA{q>;`dVPa237aH&ak+QKSl&Rnlq+C#mD&NfKEuC8y(WH6>K3Ot%4W+{ipBMhC zEAS1ollg7n%(^kWk2EczYr^Q~o+$LsgB>FWnUaKDO>Bhdb|Cf+lpkcgE`|f`hv~0d z5`GB8H8tD{4Bd`KZm-6tCE*Lf3NmcIL#rTJb5sNIpn*Z1Ujf+WxXXvxOBhS|4c7~X zH|mMGv)WoSd-7=!{K}DI?MQ=d2T6i*Jsz+6hHXHN>c;Onu(P6;KY=j1!@87SI?rLxysrsb1k-$5I+;4HF)`4(- zkmL)r#sfZvuqLqc1mU1$l^fwuGLl&ngM0wgo+waROHH?mXU<>f_aLZo0_Eo zm)(ASVgk&<2wqN{y$>(i~+X zn&bN(p0}#ER|-|+uD+|r6)=_%vj2UsWl?pD4<&$1lk3w=Oii_qY5QhjW)|y}RO&ZD zwd6V<7nXrBFf6QwcQefj1n=!Vzwq?dq^=`qtAg^QtgOrT3m7>6tMmlFK>jp3kl)9j znAU#_+W#BHC@ENFc<4w`ucdWr&%d?p|Epf8DE%QtFnP7ydmZ;k@e;4#fK0-rqbu#A zwhh~qkD31beLnlm#qsH4``dh=Mj8lTF~d83@u^m3>X|1cB}Jk=c73)RS3H~^tM`-k$-BvNa(@5!co}VH)({pVx_I{Pjcr7!(hjG50KY8&^g@H>vf>C?wg$>^M0t6f$#6t zkEAeZ=mx5j9~L= z>g+cxXP)i<5R)xme{J-5cjV#yx|ziv8}z_mZNSk=9{!whJMKozL(8APbKV~Q#CBP? z`Ov0kV;e8oL~E8Pj(v7j=5u~+9^aWG^qv3ZHq|>f{qKjHLVSR$* zyZM6FPmv?U$-TRv-);MY-xBYO{1l8SF5C7pb(SAT({bM)_dA2XZvVrx{joz# z{N&|GopcLHI6yr1QBi6J+Eyp+w&L0ZV^vu>?%%Cnqq!_<`>p!ogVI}J+d2j&tV11l zwPl#@ezUY{!Y#bn^`l!!OkU)w>2-?&nZ@TE^+t9c##%$e?q&A*3xePQWl5k)u(Ol1 z(OzJ4t1gu8==1me73*+6#*d?5r?_8HA8|)_cf7UncTU0{E;hTOPPx`&2^4Gh#PGg_qG*pX{ zLN~nGBlOv2jOuSleN}t)M&Em0w;dj72%p{UGk-|W=dw6;^L6d2=5`)e?}Za{_aajd z$zfG|g@9#8bq|A0Ez?&FnCskkL-FYE3&z4S{XdrnT928$eoMD6w^rr%sij}POE*SFP$BpkL z@Fb7tX|RtK|J$B*9k+*lr-D}fX{Fzfm$HmqimHoaqK?$neg989e>>Rt$LxRRHTHiw z=Ko_#_P<5w{@;45K)u4?J)1vuA(oO3E-=2$lF6$|e;b`91f73cjFH zA>$s1MvmT09h7dw#bYNHn+gzceT)A>ZY42AJ zOuxZ&L&MRQ&6eOw!AymKrXrPph@TTYDG=Xv()Ax6DRUXpPz4{POav}exLRszRjM(k z$k7v}Sq-NQq8G#Le-QWHaXJ5Q-1k{Y#+M>{mF$p`Efumd3Z;akWR$%}lk63h$Vee6 zN@hqhDhgSlj8c&uk+kpUk?-$X_jTQW-1qgk?%(70hi~gV&(G)mdB2b2wT>7^RfVL+ z3|jMR)t5eyg^4gRN(#hw6R$C=K{B`<_?rp^Y&}hta7{GQx4>ZQHd^Q8==eQjc5qt| z0fhq`Jl)b4xGDTgH^u$}9oRVNFrO#IsWVE&tl0w;mkIx!bjp?x%oE8qwIL913!}E| zhr4JYh+!P9u(QMF~UIJZJmam2lQAM4dG&|URBN=jy zGaEhzvJq7&v=x7?GP8?iJZzzt&s0a3OKGPT-j@&d=4X=8L2^ zt_}e~t_8ue37k|Rs$og>AkC%All0idPV2KibI*?qbE>MWPk_6V`%k$#2`+AO2JX`XFB?iK}Q0X_#VNMhu+`-~+GOW$_v^(l%F~ zuAJCiTUI!YwLC(sDN-0h5@r*%xC7rp-0w`+ex8+X-o+LN`zevYNy_5z_`Tq}1aQ)x z-vkBZ##+rcBy5)Z9{Ol zk+NX9Lf(cjJ7gavp^H~ikY9cql+9A|-63Ccx= zaElAoWqNQ==Q=yv4BE<5kPD=A3*!X3tD!P#0p!sDG)i#|;Z`TM7mH;Dl?Pl&#=J6bWEoLdt?}&%gkUFhEPpI+$AI{tj_-EB9+<4Epit z`b|$g#oVm;LCEcizkjAY%>}Qx#H$F~oSGV$a1oz;4F#~Q6LUBIpqgWfn828l0xOZC z;{62mZSvw0zL@AyF-921% z4~)U!$uN5K1G%IFG?$QOINYGWx0bt&dOVX$1}9W4LmD+|cbVXvY$|WDZ;*zcUYQnb zqK>pELs#d@W$xozfl$S53W+7d6#yh}@<9)O_*4BL)?+)|45BP=0(B#9gyBVRcsG*! z#ktb*)ucwN_=~$#)aqwLA>LxN`YwLmkvKC+;}%gYuPP$XU1L*$gcmb6LO?TUgF-*8 zgNNCgLjlzzo}=Fq>ag4N_*TI8h08ge@K37TS@>GR%nM@WSY{fupR5OtMWs7hvB4^y|6?;kZ{*|aBGOwFCLa0dJF*Rp%hNDYa zx`aZYBnxRvd_plep_ubnnh^;ndNJh1o2yQmM=O!~F0*^LC+u!on!2fnR|bX&Nw$Um z5Zxwu0P{tv4N*XNnU|4`V@qw%AIWTGjszmhC^zA{IIPf8re^!7$`M&Ltm>}fHtYq7 zaUyVlA$a@k+fMc<<`%VCNLolc=jEu>Zo-+oUQ+SBlTgDm<9QZQ(N*gfzTRiT< zT8q$jOWnK<7Z4VR6?a-h?}a<{1)N@;Fd^`X-yNG$Gxm!yx4>TZ)|Axlf>G(R{S@XI(a0j zb41h|Bq*0m>`;Y^)ArJW)|G#9)h~ZI28SyKK3U#l)MWecyzALhp;V}LR838dr?4^s zRmG38g6p?9W!N9PE^7(RL8Mw+1A~}525rC@3WMW$?=w(*%Bqwowz_q<_3VE*Co{%L zO-5sY+&d!Esh&>w<%>dLQt`|0M*6d>%Rb6LqjsG;*8)~fX2r{7xLNmu?xwNaw8@(Q zQy+|Vqv}Vl@IEqwNLYO~@ecMJD9XWI#s-m{EaGb>t+Xb5YdGlm_zN!9ijo@}YncmU z3^N_RZi2R_+e7wn{aN>#$!X3#{tXth(L{jP2)8pnEAH@WqDPU9r13Z;J>+DPMV?5#MYS^5dkBz_fXlAk1{)n2?2{ z5R&b)#`(3SHsp6@E9&}IA0m- zBjv!`n;XI>pX(?wD9PiR9jLX&U**1cdBP~qBbOa!&Duy2PZe#YcRT!xhpK7)U-pF zqXzNNX70^fK7~Bk80Y13p%l0~A6?B(s7!X-Vf%^fz2RO4Kg7f7ymZlq4@{txPK0tQ z8IkOz0eB@!=JZQmqSJjJReI z>jX~FiK5%t!w3dfhSJp28)F;PD}(t-ydha&{LdfeW254eLo{X_kqrR5$cA}si$a#uo(+^QXjIPdM zwU{1C`Lx!}%?;Yo1ndy<6)&oi@AS`Ec=Ls(TheXVWadGb(cGQk)AtEr` zYvNRtb}~8%M1~iB7wfbi+%QJ zxB4UOm@vk)lPO=)Ro`1H2&cW7EtPo_-w$+Z`)_w+V~b1N)ijtn`5-+*s5H_6%GiL zC<1$aD&BiRWPGS%kH4v;t{Xvta6|bPfCsM;+4Jr#=iLh_iQH*WrWM)I%5kKgp&C#B zOuI+UtMz`XA+n!xk1XPXAG7D&q;Ra`ejSktV!qHD#po{AS5*{vS{$r7G+B$VE{?I| zW@Xh|(Ci5a-Gck=F#X~2gtD~zFM0fa_Z+q9yTz-(qCt9|jhv~UKG0q7Z)&{lXL*lL ztM#HDk@U6gRXo=_!kweY5q?-Ch@vzgS}ccBeByi&GKgJO2Iok~^!vQ#cZ*0I)yN&%R*8k>A?fhQNLwi!X3w_yF8V{B}UY%4=DF6)mmc z37)|+&_=|AOfhuJaj(!Ecd(x~5gF3cRo$sfE&L;0E%KCb`*Y{dyX90UcPJaXi%1ZR ztr5>tbfS%VKzz$&2SoxUmz+R7U#^@ysH&LI{Y!7wL?#UC(xXRO_Rrb8Np58yF&&Hg zM`pN4b<8CZBb!1*6C#+I?q1YbGIRN3PSm1vUd0;lpCz~FcGOL|9E=RFtJuL{?t zn2AePqKY!VhE;2()yWCR6I?k^CtZ8b%n&A@PVh|o`QYK|HTKOT?wX@R;XtyE#sM#q zSiz8Z8vdatk})3QxxzS=myh&R!F~Ak`MElxDG|cWbSPZH8l}~ifT?ga{w4J?@>mndX>+%;$)O302Mt0sWc@f8x<1Sc;&Z0c35-J z)4lG<#UiTz@FJ$2O!Z)ck+I9@uo5u6RS)?H>@l5zpz0!?vaw&S%0XHUp5OswD|{;z zF^|A^tp9JNLLfFvUXO!(2I&CO@n`4fcRKJ)%V?Dsz*)7iO6e(Q`ViMq@<6cg+fv!` z)Fy&7OwKlxj7@g8MYw_JjgIi#HzVeSK+$^NelAY#gG5pkqaGd~8NyCFHK5B@-by(j zqeKWvvzwp42|)2yQqu6E)*B9;;5pYJh*a0)X=urGB+*GuXQ9pj^J#`1H-t)x&)pmfEPW*XP#O0m7@FL>3D z#L?8}>Z}~(BZ57~uORLlwVy~`#(#Cf{26hb-`|e*GtxfN{@MVZnR;P^TNMjz$uf~d zIbzjhM-l8tbdo4kr39m=YwMZ{EczX1irBq?th`7u6W|2#njDN-Za?cOWI(9IzjFuP zt=7G}d`wmHtnOnrbLQIHf!_ZOZ*UFBed% zaaxGIR-{hACrzntReVim%>`~1Fcwv(xF;n-Ox6$YNk$PeGe(|U^h4dwJ1?aJl^>Om zQCfgpZpH3=cX}wXZPV*XP6@KhQ1)dJql4xtf z@u028THLtwa;S%9N-s$~Vp#}$NP?kd-Vd$*OKM=DHlxgfg{Igu8f5 z2BV=P%)Up#1w{BS=pX@I-;(LU<#gnc8CDrKI-=imUF2+H6{IqM%Q*Jnb`W)}=c#V_CI1u1XY9C^y zQMle@$^V7<_s@`P$*wA;3kEpxXaGy!q{NXd#5?o1U3s%>U=MjyAVgC_^HXx8wuSWE z=&@@b6^~4nrM0-t#7@M;b*}ZDaJS;~6w|G_V0*Ub=QO~~|AQhWl-)$~U08;4za{tp zCEp;q7wmt8132(cGS`M+KFQnhL1sLH$bo6enKrTV48#TjdUdot&oCwJsAK@MG{q>> zZ%JM)i40pmcl5Y%NfND$npO5ci7}FHSmrLKp^}t-<^QHnPsldjHlPnGZji&snuUZ= zJF%agz(^v}r)v==NcwW| z7%cvtJy@!y>dv*~UDL_i0*I?4m`|G_PBO0A0;G=5|bR7ovlWTAHj_ogv^rr z{1o8n!?FPq85C9w&M7(R?-pjW5dwV<DEhRl+!Y8*#3#>NW z@>p>={#Y4H#H1P?IDT)j8ywz4&_V-ANMj$;L0{9$Y!o@_u9y zU(9dKz%=wsbCb{>47LlET z4erO?PQgb|caMwdC1jw?kkG#Bq$H3hAV(edN^z-BCP}6ayhXe9ssD5L$HfQ6 z-`1FXivut7|8RN2!Ow-UJ%ck~ls$ZrL(wckyuD{ujN3r*nRDRHJU@--EQa!k zL0&b;<@Qf5q^Gm%>+wMQo3wCJRmj`s z#>=3v3nw{YWf+W6k~p-OdZ4;9UDBCW+cCXPrfLfDqqO5DTgBM9VL3ZG0nwud&%YBKmQCmH~j(oL)i6_08}&8cLn5UA0C$ zfsk;UID8e^Y{zmsGwdJ+$*wS|6y;~%pXX?k*fD{okP~OrnRs$ShsmzinV<8R!yyzN zjgL%S5$qXiSn4}kr9{R8Nx6bO%4D&9x1AKd*~Av8Dg^qCjw`G~&0#f1LnSXin!yE* zJTB5Dk-ldZvhMyV_4*eVV!8F&6PYMKoE0V|sL zhh`Ku_Xf=jvT=O_gD$_?sO7EvSc06u*@I(NGJ$qdk)Ma>O~|^i4Lp*m30;6OG%%a+ zSP9lCtUC(znKSOBrA5EU9U#GK_+kWhWfRsY0B0#7O_B=?&`EreZNnm$5yq!eDACL0T{tK{EJYfGBRx7GH|9)*ek zUA&A6nS4(WRHItWK#C;$2B0yN;%N>!Y;p-v(yMTT{F5UHnBOSvHsIv2omE7$3l>p+ zj|x?0nv3Ub=jkG7BZ2K0$%gIkTg>yT{qm2uPYYlrH2!?$gUMA$LKSUKMHPGH3?{iW zH=K3naQk7eTb|5o=2dPoeqd+ZCzw%$N{aQU7yzdum?;#&phv}m*kKQ}>|KO-t??R_ zD>TCr73b-1TA48H-ER(apKI5yMKta}A;norrbRdXIi-t}MO=T6gOQq%a8_fn=W)63 zXcbb5$sEJCyc=d^-XhYb7JG#vg+6=!T^4Vo5Af9I5Qxr8c1iB~@@H0N7z) zo-O<9QgVC~x4O^}xG*tDCl*4;mO*CnIoa;!WyMQhN_{oK{Q+kRfJ~wo2J5b&%t)pg zlS**CY6^v%HX$(JS5DsF=9T)dZ$EA7RIrjxb?cgX?ASf0whX4>vmVKu%^oYh0B}oX z^-&?`pWh|D{Xw5bty=v<)6JdC=C2kGZhNKipt<(l>i@88lpg`+M+vAaR7~9k)c?0w z^L3W3--h#%7YYBsBwjwB(1#u)uLAChizL z_r;lz2!{g75zcePo$CcMGL&<&(0#l{_bC4Hmh%n|T-2AawvCGW3LfHUVJ49u)_v{p z&fHE)8bWCDfHSWc;A+~m)$U?K;AtSdh`gsrs!xat6O6-*Ho@EvL4Tu9Qm2fPq%s;o zLa2G~&9o&S1=;=7+xh;V+^7H|wIb?904`9})R{lXtx2Jp?{q&8EY)I%rKb+ey1L|@ zxr{I+*PhQKmK%GI5@!MFgb*#8J*wa|-9gji++W+XGi!^L7SO_xmJC06(_Sr>&u&5_ z-oZg@n}{Wc)GviXLcc)_V|a9xyF22Z3ic@NB9Y;%3-ffI95LCSNDb^TV@Al8V3%Gk zWE3b57M7RK(+>WeuqWSqarEdJ&fC?E|0u?fA1|p3RA=DZo{>D2U8)rsk4nh-dG zIq)9VA3fSmwo^=EgMJhPRW=%+cT3~YIGb#5=o_oP?@=q!fFI@ih10=?eux*Vjn2*7 zo%bOR>+kshct$OiKdK8kz10T&Ws#UFnX)5q6e{=g2*F$;1vn zV?}kuQS9P&bQ9AZ8mbKS&ws!8LJzpwnregX?Cc^QT#A2e--+TAFr_UNDje7lNKzpz znYC622pgqDfa=#y_qQd61UEI`6HP$B5;k$=X)$Kcl`4L^kVFLLm)^U}-C|kzC+Wc1 zHii3QH8uC5TDg^+tVZuCYv1kR)@5rkB^G*e-<)?Wr#+UQnf6A=y;Zq8`htF(chsWI zF8WQSF2$gj>eo1nl($+c;cQLal~%Qd5${#I_Pi(z1iJb{I zx$3t=!^YZFbjwp$h_M{<>u(bK_vo-X%IIUkRSf%RY$Ut(Q_G#9XhtFqlyFTY=&ocXPq_whr67+o zOF1zzI(}=sds!&cF-Jh%dHY{`>);P3onFq0BY3cIU*t=lp+a&7tVme$)IF%$ID+ebhr$x_#z>02h z%rg|h@|s@9+Lq70e8IIYXc_OlYWK+=kwB{2>f{XR=;}r!e3_ZDbaLkBnT%HBH*+cA zVpkTlp_AJL{34tWUHp3h1TIu(jvc1_qQx9f@nFlSbn@c<- zEsYL!w6)4BXbaIRNUD?4<`XA6Nlp9VLwHJ+06`bl@tHxjhVh6>MJcGdTK!fDY=-aR zi9D-QaV;NBoS?Y?g(AU|obk%a%9>Z_HVI=t5O{(n%R1|1t2t9zLCq)9C+Q;~BlqLZ z^U;L|^pAz-_UI~bD=I12)^{x$m#TiNazfH_K=)-oMODu$O+CGeOnuuwz685M8hvU60B-@)^9M?cPw z*NgHs3^v>opSF5L`-Zi_X~oGX_CTQ!(9GoRee}#dDU3JQxocOa%zTxAv9`zDeH&dH zSDY*$9CAj4dp6&)(1`7ObVf{iGD(aFn~K5T)h_I#`|WoHmvuL8+$dK;SaHf^CT^cI z|2gEy+4p)~x|~c=H>s(nmYVLbQcX0Wq${TmBvvo4(WY)7;EftLZri@S*@873fUu|i zr!CaWALe(xYwrp-PlE5HB#;b`%e#|f-TF5C)>&x=?e#hk7_Ot}4Op+%Wv-!9h5yvo z*H1vGvhP8NsMc8N{ zk8@?B3n|$Gd>|4#dhA#Y0c|K^4d}?;-`y4*tVQ+ZL%(tB&YfE9ocB!TH>WlK<7OOR z^1dY+N0~@LI9px1lce%C*e7eZYSl_;miL=dU6vdY@f|zaty{O&ciCPHT*<|g1-}2C z%aR_?8siZqch>Hk`YFrKw*?OdNtTmWN*Z`+K{EkDB3{p0{%uMh!DH!#r02R^;LFaD z18y@1y{O@_2ybsC271b{9f`8)tgAbOb063^xqQVPz7RuZ3i?(<)zRLj3BNkH5|&}6 z(*Qy|>{m$bUCHb5YYJk_*~&*E`fJM3Odn8thSW3`!zPyjP?}0P$>qX@!`T1%v>jJY zUtBWg%=ne%L3AX6W%uax3@yT^O`9eY!QkGH966%kYVK{>xg8L|;lqc&|M=lOvi%Tp zC@J6fcbuAH{A3>gioAWJ&mZqlmibW`#S8-{b-t8Gv{R9fkByGdE7%1|v445LuV>Hp z6dx~H=HWdT-rn2*cw%NytsS5ka-ObQ6+5-caBM+4JL}3)%;T)bL59HitItDylF!FzeK*<3DM+OA3`3 z(jU#k#_j^9Ij|V@naP7>+Fy@%v`cz?ysFimqZnS1m@WBQ|Ld18G9(!)ss>x$EdedL zJtCm`=x3{!oRt4lz+|4v%RAkHK17Ju#>8Vg%h8ENr?JIMggMD2t>i4_8r;AkN&%eIZn#BuZ=SFvcC$eZZBejD&mn0S5|u=n1O<4%(`orX4HoB^F|)z? zW4pGl6!vqTN41t25hA#j3n6vn z8@WHukRK_=VJ2J%i_>r6P;+e!No`tkxB2rlpPo~921h0&B(V z%lek3y!&(47ee9Nov+2r0B=r0sgww1;VYXb5C36!|2@cQbi++&vkp3(149&?4pqCT z9HhWJ?&*K($`upH#|WeSfufKaHLA9B;?DN$Ei)V)Z*I5yz?DL(z@*`kQI@Cv9vcIQ zj~1aLeSXCDSM57Asw2HM%|bS}L3p_>Kz?uiER1Kk44?-Pe5_HECUpIcmpr%soqQnu z?GG7TW5}S#GoVScntdRWRFWvYNqFHlHmgWo7&&m@amlb@!}NRhjCi!`fb;CxGLa$4#CH<^J3amM`z7OCBhH-BU;{=m z@B4YCjTV=Mmw4xqY_|LC(vzn@-wq2ac64vJEfER&_{=QxL!aJU%4Gdp+S=a9{4%6{ z!w^P96@5Hqro%23@wnT_NxU;qU)QI>T}@21Ku&avCu&YL)=XK{-(x-xSm!QX#+SU_ z%_l7EGH?Ey*^V*Iz+9+c0$wIdt{Q9QT;;fbEX#^F*>?Gf@7`O6`jv(2RsL24 zsGNe2x_S5R$w?^&XH!yAIP30}9+)*X>e9uu(aTM;BEriSJhd_IVR-(^Aam1^GW!&D z#X5*$7E*HQ&^bO&`&?;Sdv!&3BwwTl=)*6czRH9z z!(MFz-?#U9+NAooj)#TiQ1_FU-Ii@ip0|Hm_8Ie0(b`AjwOQ?2ZGAL`*pF_w<=D6& zqXt7h?Y*d}@yTbLeEIZ|y!9G4RXb?&6a2UDfT4eXx>nm`4=k1COMLyLp}$x4w>5@* z`se@qk4{h#-7H}5p)aG`H+)Nf-w(y8xw*OjI3aXc#N5Y-3%lSrawtzT|C!QBfMn1G z-;wQ$T5o;uaMRj%@CyKCrwjD+;&vJ|xcMHI334#9KtJMic(^2lCUDGu9@ywm*cT(0 zt8SrVp$~3QTzww6z2>flzAfY>0SWF5$Rhs%fYvVKxe&UPa&3F}4k%G{9rqJlMxs)- zZ{P0nH5aDs#ktwLCgr$K+hV2zt|1Eid*|sF%hAGVY)iCzX+fw26d^sNkM2(x>4)$F z{9B_Aie|V}UF4uP?wi`4Fm{~qd;gqT zvd8d-tk+g#_FFjh(#iYRyZ08vmBTE3WwZ1N)Kf49f>2Ecy_njGvd(YYO89Pp zR}lvFdh?83^uypZS5w<8r4KUe*%AJI(emY|AFZGqCJyHN#}mPhbfKr7bR2hZGko8T zH*ezY$|i$rPkfPX!)W6_$e_fR0JxUEvfn8V649hfuR=enz~x>`2BA;q}3)ncs z##l4@z~2vh`g-?zjNNX}OoSiIDiMKjQR{I#q9b84(I zY7=G={9ue>pFUB~;sXvPXLb%&m{LsWGmdIx`-Vd6(^ZM$N4SMJgq`Vc^iFE|dwuZQ zv!|hdV4#G{zw2cjtj@Rumx5#(U^?60TLYfHl8_W6RWhq<&YQUYUMY5d<>hWHyAy|x zMw%7ZX=@hv4p{i%L(6=>U3{mSkd!brkhSBfwKfbP%-4UlC&1nJ61U59(~o~KdN#bI zh61+qo#SD`K|DzQ1AtNki`YP-#Ey#=pC+vzX`%rWo zVvv#TUkqx%lvs469(HvTz!37Y#*wpIpHVGqx&LZ_wyAC3uTWO2et&5$f=WQ%j(aJ? zg(#w7t{(iwoFOs-N6&pl>nbTo@#Tf16$vb!MOeO2z1%_*Liu>_N#lT03!iuKJOqDoH!Q$5ib{Q+`8Q2=J<;kRU(;``+?#?v-=2N=<{h5_y`s zjEREFF!*VKwuV}xEo~A<<85FMiSB<^c4PqIbY3DLm9#P_l6zwU4^N*vpUjb3RPhqr zCj9mt-?pT_ggu_$29A*^L9)GWuwG`&oasZ7rZ|73*Enpnx;oiPq@w_B`-i>ls zLn)z~^D5HKB8g*?gC>n|j=#M{V%jD) zsFX5A_`Jdu+$R~-LYi*%`r#32KdPjpMBFzbF{XNwY(?t_ejW3zUYG1{6Agk|S^m>v zbE2a#L{zL!QEdbF`5)36YqB&VYDYwx8H)%xbSJr?457;p zyhB9nT&xYI+NR)N22^vWJ0{J0ZkxVZ+;1xi-t0h2ge12SvsQgw9q+CPK3V3m=bBn< z<@}g4XB-CA1gK-iuCxi8Xsyoek}yf!bHbAE_V@PzXKV`w&XX=64RvYW-r2X_87j_r zM)NhXRftNOVGarfkCpTgC~y>3&zfB$WKJ4vkh^|W?!o~5V2e0<>eN46vY|l00)IU# z=%N?A0pF31wzh(@kJR#;bPJqu-zf{*F|bL%F~B8JNfh;MGeT!~Ercx_cJFS0mR4bW zz4Y`a6%`ffYDMfPC8lNPnGe*al$d3#{#95QF=5uD;U#9xy-mHSPsIT%k}AYxsz=UF zejz6qT`JX3BM`1+K;!*oBO6Sa+=+p@;!}YIg`-!SRf2F(WFT_G9zTBUQn7aA^xm6| zwUIvE#up_uvbav*8pLy8XhH%z-|`6vXdGYhd&;jb8JcLRXJo!$isf5zasdsV8a+BO%gqQ`1WWn0aTxgLYUs$T$C99Kim{VNS(i?$=vhHKf_)G=TJ=E2BmNm+TtZKV(A4?N#=aaCb^#ViDzx{+%M^39pe@@L@Bv0Ffj0y5hI{Ge!S1jBZy`P zKxCQofOJNDC$=xozt797)@LBGlh4g2Dbjf=0pZ5>iTeL`DjJ?P*the}m{TcGj zI6OQ&fr~I>&YaC6bmcT@1G(tK0Gv%3zd;xqAQF~sTn-TS`;8zFhCh1`I`Qd&1xbJM z73w@k#J1vy!z~qf;g@#sitDZ4`#X2;oWL_F_BBb`qTd!5BKzF_v`I*q zWdaNH042j%M0emdd6_fW`CGCO#0Kb4r^?0&Q zaSEZh5i76|tDNARg}aK%=bESYo;7eG7`zk=7;@Lqs{+nRlDklZiuB_BR|-0r{=D8j zVrK}e994k;HRmcQag035o3UbtbCA*FsT&9Hf{B~~IVXG?w>jx!`Qnm)!b|NhFurZr zFx906JP3$}RXE9=O1s9b`k@SLgeE&+xaV~7oYIEfN=Q(!sW`?@32?VqT+vPTG{V!Q zheI@6U5p79hRZ?@H@0TvD3#gEzQtz7yAMRRCPD<3|jtT`D-#6409*E8ud za92u7HwvaR20eS;q?zC_yfH=;M?bz~7)o^D1!>XLlm`keSdtsRpUr z5*-=2ERn>jUUpS&9?z~9S~HJfGG4^S{WM#|T@wvET^tTvB?b1GnejfNwPVy%4s|Y7 zWujQSb8;M|p1$XIfS1W(Bbji;glCAoBH_i0W_Tp#JPE7km0}XF5S0bVZrhf+L25ZV z`Y#xr(Q7hWC(@tWDDL*TWFT|70gFVcpG)KrCUE}95BBV7u?nVt16x-%r@5d3=U(w7 z8!X8isW7F6kOCF@Qe7)@8f`HXSP!J` z-qb)AvJTOY0&#Qg_B-=7?iqDh&R#E~IxkC zIJ(fx0Br&Rlj4H>`6~hhN7PdSy+Q}+r($H>e>pAVj)!sVD>b@Q!NIVm)nIjV;TY*r zzpDJFy40tTSVr!pjd)VVXkMh`PVKNd=Mt9Jb zAa0v{uJjKH|sjS1vt4S#j zUb1~bimlPls*T9j6fLL}E~pTOzH<-zR#y9A`NC~ioJ8Oveoj&WmBQx*iIGDp4;g^T zQ!M>lv*yij+`6U0<>5rUL0WP6ueIj8BhtKnojd($?FFvss`5VuV)$fWn9Lp#niB?F zAD5Ku8f;cnDc(HxvPVJUiow{A=%>786Ns z1mbqAJTsC&d+#TuNl8g^s37mqXwqaOtrVF5QLwfpsdxKmo{fp|rm&sb$&i!qeeI_d zF9K{KfNn1G5ONhBGOq9YDx+tAD0{m1y(U%m#rX%O*4y;u!Z`vy5$|CqvhAQWe#DCD zu%_NrmE3E39_h3`rFSKh&@h#o*p@MON8QhK0expz6$O>3rCAydJF*C0=Z+=8wMnF) zWTHdKuBT%A{2O&&EpL4NXEmN+m%V&!_?r92rXNHE1f7v+QdPd5#mLn;5*n%upKN`x zb@S%6F#%m(RpMqWyentNEIT@y^p09y<@xJV-L*ApIpD@+L&;_VNO&UpI!#wvtAFa% zdlwWqs;=3Dzt0vm^pfPyV5UH!4-8@+6OW5(ZmS7#v`<+?+MS_5+L8)8GT zmG|s3J|;$kcEx!kPGAm`X1!e+J+Uf4Tqw}u(jF0476{BpBP*+3Aot|{`lcDdPJ)ys=ADnwnR?u3}bF0zH z;C66ms4;h`$=J&H@X$Yl5{u4dfBW{}-ldqB8GHTCa;%OYzk7I0I6BVt9Nf7w3kg^M z1}%?2A;ZU>@k)tzKYLg0`Bju@7!G-9K3{#qE5co6Oa(I!pS{e;axw= zC?0mRTD5C?U%fhzaVBj8Up)I=>}%|*G4>3__68C0aYL!@_mqYDHmvh*sX>PN5?b~E z6Ad@x;E6NLnk+%Emj@zYT~sVk(nBQd-VQbpPAQJ9@Pd+83hD$x4Vj!aRpiB-KC6>LY8OJ{CPlW7FJ&_j67On0!nD(CkNUX zb@~*Q4pt?T<77{uXcTIxn5d3S~q3$*HVwPN12lh3XakGZ_=O`4> zZC!Y!MA;tKF)4Ej_vfye&vB`9JcbABWLy|9uaFUxyl;_X z2yM;_fxr%CtAO{o_w-Nr)ddQfSuD~k(|1ow=%0FK-REFTpzT&7Q(KrLAr`@?tPZP> zom1G{HzGXTi@4iY#kWQ2&WywNAzQ+Nr;Y7wuf9B){$VBkzThYnd*C2W14_1<>CkN4 zX+4^yCe&`2*Xf-RX^Oytbj|^7wEW0I$8@)&nq)k?7c>WOp1yjgUL|Frcl)1uFgs+x z^)5^{zg>DL7%Jr*;+1Q~qyl*Zt>o|o(d!;bDziHFWnk&@Zo!@F)T`$_AkN0h$}25D z_4Py^HYtgyD zKbjnoP6NtDwcpdiGaM9;eUCUEiJGAF!auA6og3Xm;Pq|Pf%Caxj^5@I zKSgajg{^%sUuT@H-h-`M>pU~*#WODZo@g}RjV_=nXC>eoo)y--Su=glQ#L#qw8UD} zh>1KQr+(RXs3y`y0!m3yJbLd$Dets=Ck~H$mrFq~_BkIqc+irX7R_Z?N7MEVxy2)+`gnitpH5i$t=?fl zkMlC`cyxpumy_ahK^&khEoaK>ODQ7{+&A*9Y$bU`iX+&yfRu-U;UL?qt8j^KsUQnQ z=x#yMFz!%Fq}}ry*@QuhcK3&>18XZ`YH zB((+=WnkHlgv`wr%|k3VQ=#F%uPe0=6vZOOo47F;_~2o)tFf`##F`W1Ba#nl#r+-U zrZ4~Ys=wqB!!mLjU>GJAeq6w;X^;P$pt?kzo5PkUKTqGg2xWahJI#|AMwHdm)M%pC z|MWAUv6G^Jt9KJDa6IdS`2g)@+~!B5=6t~s?7&b z(VZoiUi<@%)$pV9vzOizJ9{UOot?#Hr%3$c98LDIFu{ zqrfIWeZ=AHGwzt4_|BMqXBfSdV1FR9Q{&zCfBaQf0fMj|#8z`UOah>G=RhNuCF6Pz zGD%sqWmL=9sV$v@x3I0OPs`7R-4oPQXnv4MnVTpI^AvadrY*%NK?sxK)~ReV#weX-F3Ag|SY)uIb~|x5tLfOM zdFPI7;YecFsY7CTGMg)`g%>!26MLCHRa%D8TyAZ!Wtx!I^9eTKvXR#*5)dRaJF~=fQ|v)QYzOLuEFO)E!_^ z?Vukw!IX8K=5b@4s=$;eEaW9yVO_&7GQM=^=pfM?a8Mn2w5zoH)L7rv12 zA`4gc7wZ+Ox0c+DWKkf{S>{qdW8i2=CdQE^o)m~TB@v0v@kVm;iIg}2O4(@T^+Jbj zlcSBVEH-YlTx?dvf^COh0v$}^&E_R73rvJehu?v1r(^ zVT*A|v7mZa*Ylhb+eSpLYyoTwQe(`zLW#{tpRKgx4t!o2nCI)~w;mYqX>3iqt*ON> z^sXd^bqJjI>+8#=3@%zyQPr!W?56cteL7{G`ac%3tlBSrf_B% z9RttS4^G=eb4-@pyP9?0%3}ZV&F8pl(e9T=R-`0P_Go=(hyJlG`07ySx}LB9T-SB} z?GxK=yY2maEb%>+v<#aO&D1PAFbJO^AN{NW$drM7OCMi|5ErGH_c!6)?SlU`_Ny?zOeL2jeoy0VRmPwYC^xQ&(r4S zrhm!(w#zp*{FmGxc?j9l-+%wV|IwM$0ohnX@d!GH9f!Av*+AG;Lm}`Wxnud~uVMI? zEE=8No1YYNSiOz=`h1#@k{Fb-W>mkv?{jnpRUi?~7%-tiaa)J#MBxQ$DMf*duLM_B zNGPW8l_%zx;!VNsG#KsjiFX#*+eo_n)H=bnBTOiudZTP zF!Pqq?SAyr3+(q22X*9M;*6iz7Zgr&C`wu2TX8b5aS?N< zeta<`z04*-emEGsRuB_$LQw}Ry#7}VX$yr&I7NvGIOA}!dF$3YxRbejJd{bdASJ6u z7DJp-u_m*OwxF|)h*MXHQ5NWDD5S@~aeU07K?$Z%;6Pmml_0Z2Ku6>w0*2iE7+)=; zdDKC$@BbA)RG;(v7xf$@3b>$RgQy9U7HMX0?kInc4XRz2%**S6~%h4r= z1U)BogTfRB21=rO$HE#b+!ym}V~F#xva-_87fF#6_?)^mVd{hf5I3`K-H!xU-4?i% zx>HX2Rh8xaJY$|*^$0Jkt5JlK0`Tl?2BB155Q-w56#3S7=_h2nofLtU82 z(^n>;gOYIZ2P3%yd^ts5&-~dmo6@=n@I*}y#_fP#jweRNa({ayP$~1z#l^KkGOR3D-eELR>eOTBmT3&e*NGOGQ5UATLCFmmD=?yAOk=esV?gC8wIM!3U zS^+hA&2$x=hFfGrle84jrZp7Hn2SW6!9X-cP4zb0|9gT$Au2j31Ln}o3hOd}2O^W$ zD?Wp=$S8%e=+DzE298Zcc4i&NPfvE zElC;$G5(Ns-7{dRKm8E5-ta;X_OkEWt@%c*a7fLOj)o-{7opOSmfVJ(j#kaWgHbacV1W#X>!+?u{XTXsTWmHtI%An;r%KU-AUJscWE@RsM_a-MSHSu$5w1 z4Zf1sH)U%iG1*@aJ(HPeh*psXqQ5BHROCaW=D^|!(@G!HGxcYQoAB~6L!(h*s z6r{hF^h0t+d?Op{cI)P2+fAawBm_pfJ|324MyvEmNZ9}kXg%t8bp`Ot`%Ne9$L|Mh zZJmrCt!I{YbBfD`<3ETfy(ZY zH8eH-bX8i&>^2A@;c;AsPUl!poi;#~yS+lOjE6u(n15 z$A|C@}wE7H*K_j8idaoq#WA5XB@7yDVMVzz(f^ z1#ED=cIW@LbcCqn9lAy z(?)MGQ)azNcScJkF}aI!ZrA=>9fq#_6|Z^ae`RKvk~@B*z$kEivKdh7gVR+<`;e2Q zo0`dLu=u`>cg8M2k+t;AbIQUS`9FWq-U?76nM6>T4YVhy^wAM!31uzH?+l~R9 zWV|R_X85>L#hVv&tv+t19WCyyt&mfj9}|^|N%?mb%vDJ659)sX-8&tEOX3tol!V4) zJImbhd-jbn-jntsh7>_Qht~`~FhZLI>}+R1w#SvBqm=ep`g63b!rqFBi34!|i4TwW zNthKUpwxy8f@EmetkRvtAZSo_OU27Ik@1N{2wXDPsy|jJN0DXl+iVsB3t+mJ`*m>F zYo~sybA+$zZ?R1;ZhpKx#!cCD&HsRs$Q}#cn#dTN63PUSPR=(rFe< z_#YxSCE|b$TqNNDJgsH1UbUs$)kY9?~@b(Wp|rz9f=aQ?cf+wPG*BuhT) z_g6H2s<7$T$hA9oQ2*-Yo#vM&U!1;sq}9>)>#Dnm^mjjd4vl>2s?l3}f}8R6NqZQf z>8GyfZEhSJ)kC9}Rg*KS%HEUw)Q_C4Irw6q;mw!F{9I*pId6UHfUPx@y;ItcY`OR> zU`+VH{CQ=^(SEbyN<#;C&@PR_z;C_rZinhu$y+|8_U1M}5SJBb{B0A*k17~(L+5WJ z6KDK?ppX3fvj4lg)Bj_CwZXHMiVLUDpFbZz^j~egA&^9A{g6o?-T&3qZ|>-_M?tp1 zvsLcyBgUTj_d4f{8*cnYb!p?oV_zGbD+bSLmQG_ z-tE#fWViQ`%%4RK(*G6chiadgT0`;S<-I!H$JG1r`*q;HD*YA)!<<{pKbrjRM88G{ zLY7sAy!hu=T;cW%o1ugMBlhoRyx?`CwS(+(7N*tT+*LO*p=;WiPm^1nIL6;sd>$}x z#{HxFbVuFcH&3l@wEn`ko%Nz>`UE*NsNSzalb#&ZaeJECX3qRwy)AMV>*;A0T)dbZ zI_bBr=H`qCD->S6cRB7Wew^ntab?q49z%!x=T%$f`ESvGnNffJmu^3nn(5Zxcp|%a zv(>7#u?}vAuFr~Q`uVPHUJ~0VFvG!5-Rr-++N1@SYhAADbJb<0c0%Uw`!UfATl)KN z`yS(YEVJX}bBDfWzni&!^y2;Bmzk*ZNyf3&*i#O%@sS&Wo%3cE{>?>j%dRR*ndp@bA(XIkeO1*WX7!*bwMfFRAaP zs7ayO`5C*HznM4tYRy15#eeJ=6NWYII&t2oZ|er{=-xZxhxVuO|5;iM>&2`H)%%Zw zWAk<-ool8|&w5nwzthN3efR%&*hAW#Dp1_{Y(Y74t-4gxzpePAu(;{BHelRrcjt_q zneWoOpKz%NIyL2a%qIhL)6M1$x76VOz>R=Nd#abA{wgE;cac77-rfqg+FIF4M&B#D zj_kVDxoddW2R4)RZGPLoj$Bs4p9qZk)Sr9Ob#CGKNt0?K)c^uSlK(z+V|6Q`v&Zxw z1DI|3=FpI~+LjYEb&h}OV)A_5)w4yHpAC7s?DdtM*1LLp4Q-#^cC0bT3lBc3TtIyVg%%HO={cc-Ux5G>2HJZz_lmYwL^R2}d}_K@Z|&s`BHOqsHjRuJ z3YHogx^9oU+=TG3?@!;{zE=Z|KA^Yu;}YGyY6<=I!(9$|v12vM|dn(MIpk73ZwT7g{H55?lCws=nMYH5Y9@HsDx= zNqCxC^)F3W6_lp=9qifuLQS*uiJpnYDK7PFebkO`KdLhyjyjA-WKEU!zvS*U)UCNB%O zj@@_c#qgaIF1EgN&*quQ&=qSVT-w-QvMp-%ul?xQd;i7i%prQK* zKIQP>xVCy{3x(AT*A~ZPr%l^xz3V>@QABiDI}@cZ7u4pdF3~%b6wrI_&+7__eHr}P1zegZuWxe z@1ME#@Ar?p_;k*&85=k|a**Y4>-+`NcJSK?LpxT#IlH3~6Z-^KHk|6x;b{lul)W|w zqg|_)e)XO-vgl-s$y-mGMt!^XrK{zIBT-Qw8@}9Zb)^xD!*r8*_0OE&Ir_TV^3+H> zElYdf{GNsWddU&V|2enQPt5b_v^+Zfq_uB+#AlO`2(68JiT~}l?{1!OHhSylbMq}; zSN7T;Jv!!7OwARs)o;x#ve(J6zV7ME24=np{_lP(*?DH?L>p(-<<9L!ooul`VnEpw zF4%v$Wu;Gxwpm(x1?Jc-ivC!+tjnZ9&lL4{%dPNv+QM3OiS-5LvroI9SkPWK>VNpf z7sIzsaC4s0re{IGj#i1z|M>x1m40S_Z-uM>phTPBDHn}c_W7ALwtlYu^E_Fy25X%( zP7E`fYM*hqwCiV!kf_@J9jpKTfAj0Tn!g?O+j_BkhOFiDF(%b_>c1|O&rjT=QdO+~ zUAwHJ|GGvj(x15L9f}PYR580{fAfqL+J@67SN)Um_2Yz7YqmGkczh%vAh2DZwlVRy z9&XKh+N)8cCeKzj<4v{Dbyl5ieL*Fq)aK0C*oIqlV=74y9JJ{ULW$z#>r5%o8nJh|oZa(5Lihp(4Rj)ce7*jfL6 z%*xNRdYwIcDz{yDe}tgUuJJ>%b5AI|j{nTMb#GMe=l;4}uX=T!uj@O-d&=u&7c2BT$~+t|4{$N95rocL}&Luqg7h`Y5eTu zkg+@OADHoO#Lvaw9yjhaciyIzC&o^?9M`LXEVuJRCJ$~=Cwl6EHj7U-4j*@V*z)J6 z(|8OD#@SvmJJ7P#(+A@Y9EgnJL@upAxD)+BTSG%lGWBsb9vt0wL2hJ$r~iSAtKPJ_ z7i2Vef!+A=228Zwx>jlMy`M{xqJ(KeyW-J9hl&T)!lR*S%BoX6C;)_}Q9R@zUXRV`hn!HmQzt zXKd`aV#P@Al%H?YJ1KVu?}|F~C?)Z73eg^n-EO(*L+q+%&0E|&xj|)WtJV&4XN-5A zOr!H5)T%xd~+-Jr0Q*IK)beGHgxGXdTeWxjmuY0Y3cgUx94gr%gguA z-L*d0>FJra3NQB&RSEmI1@2#ceO^h;Hq%}yDKh$BUR8GM_&uW@X*c9W)piCuhFu%z z-t+%r?@hz8?EAjo!&qscXwra`LXt#9h9o6Kndd1o%TyWDgpyP;CuN>R$UHPiD4EA7 zQXyoPaeefOYyN9tFPl9z0dguvoH0zbxCCLRa*6`Pncu3T4RY+qmOd` zjOWkOOC};paQiavilX7>DjL5*E7deXqYBAWJBG(8{$ykR0Nc$8?LyVb z^y$Hh6&;gB{_YYUiqT34d}`U+l2i?}+4i<8t5;EWjXA-r!tT{>?%Nz{KaAU^Uhwhx zv3UV2rA4jV-tT&-D4F*5fn02qU zu1QTTn|0ty`qxdvLR%#p&-`@Fu`$*5Bfs%(X8gR;l~h@Ym6FcK^mMNk=bS7{8eH-z z(igsM+)!Ec(nh6#?#hWR;<{^aSMBRZS2Fa@JfM_*&yEy$zl=hTg~Nq2fddkwJUbYQ z#PS<$O7V=I(p6FqFO3a4);QTPs2K2vc+P0pzP;wm3HhIjtp|AU+MQhS6-8{q2@;3$@OP;~et2^CwV}l{b zlN$8}Yo^FYd#8$HUj)?kiey>d;4JW{bI~E6p{S=VU5Xrvd-89cuI8^xequ>EvY~e4 zCE-z_m3^9;6D;qqK2)y%*2$YZPjblduuSUwO!b`JYe{srIoDkkrsCn31(K*ZM51Ml z|8QIuJkYqCo!h+6M^WCW^N_6tqqnI-_J)85&#raMGCVkC*-l~$$LmS)3pyuno_qN? zUyBZ&Hc(??>n?Wb3%Q4L?z;|eoM!6nUB7?7L5UyZ{7Agc?h*g4NWaT*XX>=%@4T0n zQOjw{QGi?hNt-smy(MT_?#54+`Ahy1VUwfGp{aZOg#=8!0zQ2F@K$$G^2(ZD@s7@T z^b4qt+1KY6T&}Z_U!%~=eE)}G`lEdtBOl$B;MXzgWbEr&rYq{?DY<8H?Olaa4Hm?H zpGxg%tGQ{(=xmb5~}X)>NSqd$-SzVTXjpa2A1a^pL)w#|B+lsb2(u2=DKky7uw zm7m+P@Ebmaw^bD}UYXuhn=zsqRN&SleCDxO&0Iiv;~TYNO-(nWb?55pdgFR~H?n{E z%A8uRdrm8j;`$MY&W>Os(hYj{q6`%PV%n`=Lo=d`gb3Xx^_oTnN}&x{;cO8IXry? zoeieV%)VmY_YAvgCB6mq^>;qd)E`;4;^k1A@BL4~74JVBFMa(^Bj5Cfjzm!ZbJd@v zi_Njg6(6cj>UkXV%aOxXPjJt#=}j!@c71!Mv#o6@`bt=_p_UtukVb($xA>yzO2JgP zM4TF@=%I~lXd!gv3M$&t5%l*#}$llS-k2{A6Zv4LZ$I5RKtn^Zifwxk1bua$D zU|T5Ww1c(%{nP*sW%<+MqURIg*&zo!90Q&Bsy|$GoKoD>k**l%jLSD|)pv5*aYQPw z&n;BLnc;R|rl~2MMuy9Xw`$x<+VS-$#YoE`=?GlkpxSu%KVr5NE@^cn9fhKXee0}k zE-HzNTHBrz8WUHaAM^4Grc%IrTGZr`bJllpA(-aV1$K5wylqrcQ=SJm9f zcb~HSPZ9^rTFSAMr{71K(nTAr{?ww5de^W?#ze4zoQtCX0(;3d2=s7Z8yHOHcjXpV zrqyIW#d(oa@J%DH|MYC>^-QV8me*tYRWl|fKVJ&u(~tPrv6RCYc$349Q0jE!^0S%g zVf$*-T%X>}Y@^fl|IZxhbrYMEYAU6D)WBIac=;Y}J-gzx|IA|EIi2Trs;VjucBf0) z(9kHPd#*|Gcr$sTe=02{h(1kreN#_uoK**CDp!u`$ULd*{m*>mk>Br_p=^0P; z>$U#AkgfgH**oc0RmZ;ZGX((dou|5r-b z^2n!(w_W+F$vk(1(6zerOYi?5FX!Ss`o5Sajek~8GxeJABym0&^!6dRPl(ghF2Xc9 zIX|^Xy^%C{(fxm9t1e+RvCJx{{sperPxY4~@Z$dd-wcc#5RE_vWWnGnaPY>f$(|4PVP80sn+zUwfI zdXCac{>>~%KJ{N2sD;QVbE%$dsT%u_I&&S(0IvU;=vACcV(1QQU`R-gRZ@N0j2COr zh^Ua0%oOEhrEtH&?=ao1zNDOFt3UmY-W9c_&h{j?3~j^W1`|T)YM2` zef0d_zZFUnF>&bQFN;-^(%tdY%K7b|{0&P%$3OQy=|OA@!?*sr2jGU{0Db z{E2i&9^?){Tl`P$r1pPD6Pf<`!rCS8o)DQHJkxR6y0W^myf^$Zk~mri2SK;rldCpu z+1z+p1K+mw|5gDIn4jfU7;h?$zREtXdb8u;@#8dy4_e>3XJak!+?IcNmd^b&FlJ~y zjxml*1#a>2xqU0~w!qB9xTL?0?x$>HR}{!nhxiY0Z5Rtm_rhA}n#Ii3ekpsiGd~Y| zbovQypCs@yVZe7K&U{TnjQ* z+zu(2W@cF*yuZFPLi`q{*eV9Dr82)vS{v2SNPn>}_*tK&LUZcCKjGrhtA7|gt}$x< zczMaG{Nu22S>3C`CL_4lcR`VtsVJRK4y@hQmR;MHgScn+rEN!d92zu{W?8dU;+Cv& z;qSigTa9h|w5#oI%kJUXckHa)ign88vVuHm#hmFWSJsUdHa+xoSkyU&bep6Wz7iqI z@w27@PeO0eMY`Qv3bW6h=8@7r@#UNT)t=9rm7g0-YBwfXw_P4*s|(B zX5*u)ov%qO%xt0j?!B`MZma2I8B%7hM-!KorjnA(1M;ssD=bAqC}R42%*e@nHF|59 zhO+LV^2NS#>o>c(IFLYTUmko5|J&SF>??Qr;#e9RrL@Z7c~g$->vzGj;v$zXzJ4R1 z$HYLJ>o_JnN6pq<{kH0&StrX2F2zq;)$=Yc1|LRG>=!;D<(<QWM%n zm%Pt-sW=#6Y+1jY(`$`UXARQufFJv$aS`2ymSK|A^Iea?7`n@Ax3YSrJl4q-5smUo z_SJESi;6P3dGZ|vG+>+e2Q9g|`QBFf?4bl^^S)2)^YK$OX!5;#`$k~wE|EN-o%BrA zgtya4ct3bXrB#ss)LGdz@SU=jnwQYx>~=|$(UGz5>4xVqo%4HZ1KWVGYmb*dzelGl z6DK{Rw6Uo6`ST{60!Qd%WW3D!e%<^O{MASCw3qRi=|#(WRvDSVfs@kjGRt+ewCLkE ztf6>jj@lz9KF}`2#88{2z+1S=Us~Rc`j?gUr)SodA>pCV3Ja;zqoSC$ZDHIpAoH^> zL#$d}q4!>5fVQa5+rX>Nbq5aIe;oGFWsZaZ)x|5uies`^9tdRk-1GCkmAAPq$Kri8 z|DL_l=jFH79T4R0+PMB}-GYXtm&yMTR3=kZxlGtEWGpAE+kA*4+3`~$TnnWscigo;$1ms`cn!5 zO9Mk2dP+rA%}Ga{S0z6NOJ+41h3b1vmsg%Qe#t=dMd> zXoVc#yP;=R-{Wnoullzj+vfaT#WRjabRKV|qO29j(D?oS2gS4Nvek)#CO+s$%W_wb zM|4@g8M<-u_pcM1UPS0$m0+Mu&$dvtv}!~rBy379o?+WAzB;JAOH_Hc;n&BSDei}( zjC(>COC&5s0^BH`o;B|}LhCQSez%eG`@jJPr1N&Oo$hnb9T+K3-P@b&-Hq|oe4U>N zHtTHI-Zfw7EA$<=WAEaqC8acRzTitsVQ9xCvHaYsZNAxo>vK{Tw|0t7?Z2f+F|)eh zi;s4m;b(Zxpybcw<##=d_cW#I+>tvpWYB!=^=W@y7Y}idtHKl{G{$blcD_3L%bp&1 zuk(9oFY1RzwHF3L`cM%dUm5Z5K{bzqC6&cg7mFFAdb&df#Af`SP5+qT%j<2%d)C^n zG7-C1eklj_9ci^Q`(TGdc78&n*k!A6qdH};M#y6G(f#}-6y9drM+M@NCVY)|7=OT= zLd$a5mx9R4f@5i&qh*cS;vokwv3#6!m$fMh95_@~`|Jqp^yV!u7gkYnohNDK74Bks z;Q9Fv^f4FC8?|1a+Hc%_g;ENC^xUc0mg4DpHS)XTY6`o!!0jXIq=JCMKq>wB{e!{h zR)(_~b{hHLdGX3h>z?o$@v`3>G@3OW9MUJvlhvs94kT)qh+9bZ@Az9}{wa!TXu-lY z%r17-iL*l__zjCl!Q~;^nrrhEmC0m{xwrHz>(^UmMV8IaREQN#{_MVY+gRq+o0jG1 zsc4Lq42M#?q9}sJJvzfB)QGpc>lM));E8#i{)}n8AJhH6&i2 zYE${J^t^BTmg4p}VN)lZ8=0={pF>$6|LV}G)*sodCnNpLGJZ|<`1oD`(N!1 zZ#FT%yDJ^MW>9lVKVtSvJ~( zVTvfFrQ%`&hU2HcYdv}tRJn`o3C-*?^`&ywb=#|Rbd)dME!24D^OIluzfBL1du$`@L(5Ql&x4v37opEwC9`SY8F`xA&eSI zx|nVdUvT7mQG$ySGJAQ@)K>a!dB&6DQa<<2xmnaSl_0~fDEv{!UGTRmzX`4Eh=6c? zPfu@uDwRty#g}IH)lYhyTCB`jy#1d0u*=L=$`|<0-(MeBa_wh)a`bgnO%sP0C-d%_ zMZY70arT|VDcsEW9|nDFkdcqvzX7QztXTdJ?^(v}R1{(N42IYA6W*uxmM5(a|AJ~q z$@ZgnRz%C}`8AnM#ep@(2_7zv|F`zs*9&46=Hs&4SdU0k>;>zTX zRs4Eh$#*p)^ovSP1m6p!o1F@FuVguB5^2P*^M?-g!_wCmI8xe2Mz`*5p85vYTKLj& zJ;eYe#7z>Tt0|JFe##vdIq0p#UOH)8B4w<-g=NEf!+aEA5RS`#v{Np+JKNUIbCbjOD!+%I^ zfM$05&Bn;ukP6TptL^>u!aZd z^7@#|4TrSrDJqxF1w9Sf`^TB;MQ_H1bZ0q*$b*+Hy6*icv8vnAep6qoo`_M+jxofAVxs}^F2A4g%-QT(F zIQ{qoZ8e_Vhy0!NWxTvvGKU1MW{lP=Z&8ImI=;Kcpu1qq4kxHOlj9jbm5MM;02do& z|G7BZ`WH%n;xxlHeJZf8=z6!v<%L2vm1pAZAZ{#(FOp^yCJeqWHtbW) zm)DY^um7VSG*IHsbmxwo##L#4zM@ReuFAKvCR=T+wce)$JQKfo@9u(vXOevLm&<$5 zUJ@BzWZxV~eH}xmy^(|& z@wr#FnoU2>wvJJBsx<$>dau>}{_!=u0Z)QHjyBiBb)=-G+>Z$N4auc7DfkkDy8B^| z??6JyA0yO|$Bcfx}Fz=G32NWt+!jhnzpDYqZ6*u|e8-jHfk*gG+q7wN`%R zhnn{vjKi|BtQ*gnY^8s-C|)N;(<^)2{RqB5{o`tZY+=NItBT=4~qt`~~U+S-zTl{ic86%+A<^`TAnv5m7E?lcNSaxG(+$bou zPw4)a657;^h*TXmR_@kg8f7LiLeNu8HJSg|jCNEP)h2XaA#En1l77T!go z!2D{6=Hz~KDnd4G5qw=mEm={e{`I1*zyphscV4 zVVt?_(~%Y-@&ztTXL_o*zp-fL3q6JOYZ(vL3bKX--Z}!$aoVOhzlNGa`km^_FCT;> ztqX((gP&Pu^gqLhgmmNzTI#)Xm(4!GzdxQE*g>iAqjj9CDN#D7#c*5tdi{?@Lx#S( zwKv0BS_P`~@_KJPtULE@Ba6{uMu6(%?pfE3nXi9L4)m7IExr?*T^spm)zeJIS21}j zzqKv$W@hbwH@>2WLfM$6^De!F?F5|a=;)Z;WcT`C9aoo2_MSRX_gyRV%;O`B4>a!L zjps&(GfS_!A8s*9<2{n+tTEsClEM>tCtYupAG>=v`A|q3 zjrrAwWd|f4UHMg00&B0NrgtxLL7~pGva46=olcyrzLiu|M`5v8epS(MZT5lM`}e51 z8b8dJ#K;F&mYTMdR#n7;gBoo)YiR+%dD@GqWJ0S65h@8DfqAyegb{#6w9SEAXn6Qs~os$xI zRn*7*q+-STH@gv$Ij%DG%}axK+gg8fFTxVN`U_PbrVvl+=eXVAn4jGr5&N!W{#f8( z#igX-&(Wf5B90QPeC5pJYln)wdd5uH)HP2A%s%C!B~*I1T}>XdG_X4(ttHzAO+v#q zp-9q6rF3MkZHeCY-z(jG&`r z&j-7${`omT_WsPoud=zxlP6#1AR9TDM{o7LNRZ~x(98~eR9wik(JlM^pV0AIhn-kn zYnWuQjHN5N|KziwA|9PtW3#q*(c(zVNkgRg?A$R4aG!`vDwO!s+(qFzDK_){g02?=@}x_`3ghOOR^DiarsOUe%LB4|m<)OeZHYo~lAZ@7S8g`Vto>Ci%ek`Q-aq3!iS;d0>kTF9jB~}tyhoQ!2Fwawe0qRtx^Y%J zuTQ(l;~p76*d>ib#0b@qO`=92b?$qHy56*GlKWBe&Px4~bT%wlsH>e)*W!$GmRaYc zMA?DndYa5!J(|4PV_!S>3ktn`5FufN^O)C{cIMu+{aYhHuVS3^<*M^sxrNkZ)M%cA zMKqr`JS|0%4BZHHMm%>MTK)ORCQJ>?OF1Q|yk+!WdkIt7z^!6yLC)PfYQ6KHKYRFi zPa=*Ctm^&t{aJ1dEmDa`O~MtY&nVnLWuW>)(mkudzzCY(SDu@nS9LleByA*c;6)}j zZSl}}ZElro>Kj|!U!pNITeI2cgi%b~h0@}Th)UtfBqI-9455>8fCquGI%5JRcjQjr z4+!_>x|EYra**G5!2Rj!&6=%P(~u;;KSOrsx|j>5uNvOOv^AdqisOjTHe|tBb?>zU zET7)NI*N>%n%_M?rYM?64IAFPd0X1lw!y31t7BF4C70s zcUE*$@8{)h-nuP}MyYi*8KzEjPkPed9D^dH7PV9M>ZE^n`SFt&ow?$?CT(~>sU{E2 zZ*SnM$r0DciBBs1*mVB%Qm66XeF<*iBSy*Fl(I>+w~@}>q$Td3>6L$~y?5rf=N2X< ztKN5~d$jRe-rZBNRsU@~te^2&|NryWL>lwUzx930S}qmmF>p4p@mUgu|84dcz501F z+>}DKb;r`>Nfb(A_?BcrcRo@3%;!@oI)A&;|9)YHA4}{sCbQ0W@@_eDr|MrnK*kFH zb`F~MxZX+s6-fHL>^0ddSelpK9pVbLomeeGY(6**|>VMSV zE~nYOOSnHC5be#Jr!U}7e502o05F1NgkCT2T%5Ds;-u*4;|rDgUe z*N1A8WBF=kjVF`B+wyXvb&ZV{qGKH%z6E+X*~O6!4JsW4m;Ie>4Gpi6El3c1+!h9A z6*$)2W?H+JFzz5#5)F(w*x@u-ja$leV>1v0#OmXrnW%>F9vCs2w7o+$`7hX zQP>6nde91O18mL{A}O{+AYhVRIfr$lLbpE;ox89On`Pa;VRCYkb$9^lw$NfM16)<7 z_lkua7EH)~DcB=K;VnCdt*;nJbHZoHbJ)CPi!XL|46ub}FF+JIut7)QAy`MV5E51Z ze0ayMT_<`E(9o|+XcAM}2xRnHXiSmy6=0Nj+f^oxB>IkJUtRP7mY#+JIg8~)&Kv8+ zZ{NPHK0sK=kSa6#FI9*h;NU*O$QFnqJ=lY#{mg_)sABg4GtR z3<8?9ib7BmP+-y+qp3T9YYYwnJ4VYW1_lNc5Rmb`j6it?rpqb&CEo^LEDBOlm>7~h zoKX3)J1vQoGCCTX8(MtNd9h$61;`v0W$_QBT(PCM3>)o4$q=`xvGbDdRz)|rqgb+q zZllh?3LotC;>QpIeq%_aqN2ibq!(yzU>ugomtbLcbaZsT;j5ckesann;Q*6Lt@I}k z`<9e%!=JIrSRAy%2f-f}Tu~1syI0_1ylk4%Z2!RvC><^$S!5!3Iq+_Y%p}%8vBP;2 zdv9RUK%yl%jP35KzNuWSbnar$mTgpaSLHmN=#oC2v~R6}ww@*%lkV-mgE{5cK4gMm zA=rUnhpwcjrzdMnV2d%~1{0MVtOh;KQ3YNG7{j=yX{Uke*l+fUogxVmJ=u51Qo1o< zIc5NRD6EkkARP7TYWY0YTUl8L$(A5iw90U!7`3(ASqGzm$qf;`Y?IxrpLt%ksFA%0 zQZjfckb*qFe}6qr5N6l}eGQCY^8BN`efQ#lpaN=7&TrkWG{7IBO%n1dK?PUZv$DqX z5xgfj16UvDU|Mb=CaeG&bikjh*zh9=T%16^?J5nyAktt{kdp9%HYTU08H-I2zbzc0 z4?Ad1O@XqHH~MZ^sH2h`c)u+1`2S{f45DllPe?B=t-2f7*xbXm=vOR_VZHAd*2+fk z(FrvRYhJgoaOPS0os);CDsI&@Mmp!>WDHfKwRB`CY!bA@L}Sfa4o@i zBHORnpTtv;ye=G9M?+&11{r(91Tm>i3nNkv35c~UEVN*5#Xukfi~a=53?bJ0peh3> zKz4D-GI6{^85dUZu+2;$_E=-9#nx!v^|#PyUyUWQE6&atHa+0)66`&&BenQE5Me%- z_In%9f>;YI6_O&#YF%J*x2mKl$%dG%ch6otb3rYaA z4KXDdTuh=7h9BnyycA?y2wa%8X72J@v#oNc0Kg7jIOAB{BNS+uv1i~T0RK*GRlqn< z&t!iT(iO0K$H3?#tFERc*e|^@GtP}2$~ByvoY?AwV4l1r5gw=~P#wZNNC32=HKOtrl}K zL-c3!!@uw#|2X?-@3H}=k!Hpi`$*!vb%PQ>|`2w&OP#`g}u>!X)DST8{ zkl06E*FwkU1G1|ESmgNR^gW3vW3vS2hmxIF+gB-Gvr^oP*99zI-0 zQ2*dv!RQh5LYP=UFFYgr*b0o%(a{8-4B-i)z6I0k%4gY{b~U;mT3O1(IH z`tiTWRC! zbig`Zi;3B}iItUbgaOBFyrUlGcxvTIoyqi5lUGnwG%_~s&6$Gn!RqX5d{@jGkVgby zK0q$WWhaPK7>VjpqQnZfgC|`{OAF470gjsU$dS;#Ty2Z716>XIC$;T~T+|yG0}~bD~Gd6!ZxBvKEN%$?6=e z1zeXPAs|cl{rmUB4&PT{wVQAvAR|r$7_k2@4Ym?o%O~iGlCOdf4}w7`Ml|3Ses&g# zDklUeu;W$rRy;7^z%{(WrgHBSM>*N>3ZM+Q{aRrr5op=h16NEI@*(1K)McEklE21J z5<}l)3=Fr)I^INVRs)c>fqbc(QXGW%4p?FwH=#yiwL1QLirVCd6%c&F+A(3{VBZWo z@?VGvg31uoAusk;uBQYl$N=HWzQH#GrjqAfIUOKfh^zwS?ORKDAgU<^5Djb&HB=ul z&k@XzwRj5t9pN`4f~22q*}O9MwyvN|Ll58qU>I-SNW(Ny5(Eg~r+`;C36s{AVb%GToB6uMA!4pN}@z@0Di|3*Ug;!ibov2%a-y{trAz2cKMBS!M zn}~J^iEQC{6V1l@yc0A5A%!3kw2a_-OWbiE3SCSfb7VIVg5A_wIQVu@VHWr6NM#O45t?FNsE zAeF!*S_2VjN+~V`^se6>?0d9roQ495$}K$2SFT*y@16ocI^ka+-B<_i8|%C6>()`D zPeO=>UD;p>m139u3sh;zl?RH?1W`{Zg|~sdte)FO^xi0h3LlC3LT5hD*t`mN?Ki2MTMf&`6o~O)JhJ}S^xpNCcWbrt_VER z$Lin>xe&Ga`t#><@yME^+>BroBfML+YE{Vjoxp8VU!y>6^}=L*p|e9=jaO{!uKKMq zoBQfza^hAR0CzU73eqZi>?7I$#eVB%Md!Gz6ruW1H zCb$@UX%m^e#p_R!k_?zE>twt z8voQy{*Vs(HUAz|L*SW6_5(%>f?&g9UzXXm=BHggn9PW|8Ya~=zP^l1NamgIJcjR3iO!DzrU zhG_Abf7N#3-?Qao$Y4HqWlhb6u(g%Ki}ydD0dQfz<4+}$r;En6oKM|cK_o^r9ZPSkv)&V0AXw&|# zZIv?#s)X?Yfq-wtFM*o0IN1F-OZKTzYLrObGSN)ND=fpcE10Yv?Vc&2#YjJF{ zh2mYVk+5x^<6z$#-GKQ%Z13D##}vgJa}{LhQS8I+n>zUvz8MLD44%;5Fo%X9D4Y`U zb_6T9^|uu=DBKD`L@a!OBGq*t%|wo6zzr!wIP1e%Z{ zXNy}j!)g(d&{|HJQix|^O_)%zzLoz`KhehR44KdB0BvsMTc%3a!p4;!>~ep_r zv#0|jM&RuJY!WiaAwduck$Q1(ZMe9*OJLhk6w8xNMZOA$CJ*EnRKLqH*P;SI!d9QV zci$kSBjVNw{f!|U`dDVp-p-EPF4$4ZTyqV9b&wkd4my?Oe8maOp6}VaH)S;MLrqO{ zf=oReC(ISXeM<6-HeyDl0V$B*a&@wECVp=W_AbLc^b^<9gq3$E4Si<$f6l<>V)im@(6MAZkJ+QI=_L!)l<)5|^XDC4P3|CVqehz0A53u`5i@F7GYkSQSDtA&y8RUfPx9T_QugC#mwD9;%H-Yf6wY#y-3 zDQ4<4o&*#IUhPx_h34UaV$9G>lNiOXvDwEYP3pI1Xr!FA_8On7^7z;y-mD{Q9AM3( zQg40Q+-3D?IXR>e#K@;;WJnD~j^8dhc%hu@)2gNGjGY_G$RmJ$`}i~SAU2Q3$!EVF3c0fL`bkCS;=jOC=_lqybDpA02CW0$;4yJ z8$7yT3zFOp^$J2QN5G53lOVvVneIZW7fRgHdU{WEb|4G~W^6e=azeS{r7o8NzO9gb zgCLA21Os4denVRVuPkeA&1-6}#&d@wx(V8hw@|i%I(GSZIxMe6xGC_oG|2K%-YX?F z6I7juMi`>kpAc(6?WQ(aouAb5fXO2g4alVr`yXINnFDT+=s0k3(PPsD>-qA6JNC`~ zAcFMryT2ey5v=cmsxSFaFgQ{uXn|ujGTx_*4`n{y6NGYSDe7(`5MPNx84U5&jgk@x zWQ>Fs2!z>I2tT|76#6#I1l4r)P_&S%%IUDcmD8XMstNVbCPBG-A0 z3$ZyQIyIuLPbU`8-vK%mVuYqD8Eoo=7l!%)@qA-q8UZ!8xnhKDkd6@)Iub>}bs7qm z1`xpVf}iY$Tm(b|y-}$`e1qURkgFI9KjknRglg$H)Ug@qqK~gHO=QhU&>pE&7CtJ# zl;8x?LpmA?+JcN$AhIRRi^>A_gn#ghh(ZlXyAJ9LYy8_?%3CSryp<^=VJ(j6%V5T#E962y-~*R`s_6DJTLUK%(t5>q3{AB$1eq6p&# z00xdrY=`6^P>2J$JpojbYin$Lg8i^g&GVs>!nPq%B4$WvT|L2QekctyB3B2}l`)?#Nk% z5tU?T+RxcpvBrt#vsZVrBzq}Xr3Tj4en8pj6uGR&nFJflm_ZLmhp2TtfJ7Im;vGEr z$e}(HQ4~Ayswnsp$|=e_y(01sttFWbPp9>?qKzyqd7ID2kqRkN12|bCy<+;a4yDFK zd2yB+Wf1&op!)^o#c8$`~o!?}eXW!cWkXc@oj0RhYh1O*8K5_vrr$D^i>1Q8F_ zA8sf~1CLF@6;MIpdNgwL^NnCg0LAlJ$-tnoY+bE+<&$pUPzXe!as9t`HVO1u-FCnA zh8t}~dfRAYw@v$)0z`E`H1z#JHkZ%fcCa5hv=QFnTx;18V3F}}M)Nmzq$a619?@p5 zJL{7x+?=TJm-BpjrD%3)ObnnbxiS)NY6#U|y^@M!^ov6M<=c-R4*PCexGoCqvToP= zT=XtsCuS*F15wvu?^ zrSD|z(Pd`8=8s!(TM1*PkXswX;x%jX^e{X)tL*LsN=H@kg@Fd$zinB0MTr&YtF{ov zo13`4-6(Uhb!y;W+hnYp ztQ(6Pc0scNJpfX>0)iJ6WNF_Ge0l|@3^xy+`e#w|`NoPy>yww9ozltjGKTQ6sPYlV zJ`giqn5>J*$F9~Nt9I21JDE`hcpHmx zs>J_VDoaS(rbIvyON5rQ&1}av{@n{9t>OFq%8j16#d{r>=IX-rP?SXcSKUg@%m$j@uok)ZV?by9M(YD9q(=8u{vjG;@-X*0j1 zGp#x^au*W=mHt=zhw&EYxpOc?HD{p` zD~kJ{m=u-u6{?L46=Ze%K|=1((suN}Uue9A`}7Ff_!Wif!uBk||Na5eJud7-UOym8 zOYU3YP{aC$_3;jTA;}ihv1t;wGJ7pEZFI|%ey~d3`^((2@H0~0u`k_9aXxT;OXL4} z7coQsX3qcHT|}0B|Nk!Hf1bPl-7cblq5Cp25OTl&!Ks}T3h4US>>q!{FujxYi_Jr- zsL|E;m3K%RZf0BGO|Oz!OCwdh>AQ@P#%9&0fhI@jh4|lje(yE2;sVZ<5~=Sj=6qC7 z?Boo8+B}cSKaYT(YFTldyQJRVrZ}-DYaX83iMW^y7+pF`SID-d$LP`OH&+xGVq@BP z-ne~Z8GE3-SK8{HfK54-+o}C&s@sDu^WDl$q(~W>tR2ceC8gpw{zf=bj*mwBn7(f6 z_58EXTf%e`T~hu3wHNAh4_^lL$349K?`{WE|GHx89d+QCyY~r;2b+%0tvA0luwuvF zzQ?|a)>Q^(1{Co~{Y6=y{5INs*{hOr;%%;mRsUTRU0MT`ekt(&q~>N1=N)gR7_IjF zF_UDFqiflE{)YaITO?f3*lQZr-MB@S^LV1m|0F0m-aPnc&py7_=h&Ekx!U-->~neO z!cO&jK+rO!z}Ba`u9TUE)%;Er8=BD<`Lu2pl?hL5V{lgZwK}J)(M$k;+RwlI zzo<+W?th1E{!RqlZ+^T)vXt_$JJPhQ_3R7YSNAE?JQeiLZ+lU+m|(t{|KM2zY;ip}(xhPe39NAG}Lj3;_MZ>|09wUTkFbA4&cbNkJ_#-$n>e-ta* zHvKfMxlz+jJ?@w`H|QG|7g)84`-o8YRfpAmmpr!b^L$oq@3*M?GSr!Go7py=z05oI zCq7~Qks;QoK9!VP{L9rOoBkj0)_70&T{54hT(`ic-m`i@lqGdjU-@g5L*hFrTnpUS zuV&G5$&}7d(VAJ5zkbh6eOF>q-&*<%_m@crlVz5oa@+TP`0~2;q4zePXp-#i_(JSTwX^(C7^{N4d~AXZHr*&}RI+ zhK9<*&tR1KA#p)!b`vbd4;I*2{${5cC`3anhfEA0&xaDpE$JN(e075|TVhCWPtxYe zuLX2Nk$kUurc|-F=EsQn7P ziFuG$Y3dQ`-&Z_+*ZcP|XD)`iy-!Qr%s7@mHx?hPc2Qg5z!vR;{P6BUp_Ub4+;IeYGSc$U8XU|u8e+LL6U!pClVP9 zsG%XZA8c+HYu zOM{5zLhr0n#}nIfG!{D)f1X zbOwdYC=gkmzPi{eBi(chGXwlY@(vwq3WaoyFcO8L6ANhpcseZ8>JN8c~UBcs2uLJV_zK|61Aica?;BaPwdF>cqBhs$uny- zZvW-0Os?Cy9dlDmuLY^RuU`EbQA5+#J|C>X5=0})cKfTldhyL!9=YqoGz;NsQ88Qf z^f<~+s!O*>$atRE?)KQZmC}~qK&MJ~P5#be)-FTu2_5wl zRY82DSxJPWP;0H8gB$}9*1#Ei4Sx2>Xs;Zkc)k=(b>8syUWS>s=k~p)(KPKrZ4CKl zS&VGJl3)as#8ERkJw-a^Xtx=naJba%?kw^}N6QFpEHbCCurO=;@f|6Bp-DrbltbnV zdAN$EjH(r+mPilcU)omS<`b=!7dANb^s6>`qDk@$twmBr#xpQddy>r%5Nje2hs5p3 zJGte~?gV+hyt08mfkyAV3fDGHoo|+&;o4)RKd5?**m)OA-s~({b#XqAI!!|TX)EJ; zvkB!B1ZK8w?ApqjUDYL)>5u%EPbenPDxTZ*g({@uOv#;NaT8Ad3H^u4de+>Xs?ttG_W8ImO`$L z))o3Hq=QV`hmw_9bJ{kD^MZcwi(299@^YCz4^(_tV{!y4Nin@xY%)LO|JYc_|Yen!)4<33HQ&OmB?e919c-UkLlZq1cz-{YQQt^jbcWDaS11n z@sDr~JZyxyUOkTbLu@C4y7*-^$zL%UA>ZVgOoui}1W;9IgOa;h z^JBJ`RDMVXlbJPNSBhNB^VPSjXCvL-hV*oxtms0;@@)26fZ8%M(? zUn{+FI+8Z)vF$H1HNpT2LrBlj{w8HGC@qmX358U@AUZ;H_fT#o#}K8$C^C7A$pCaE zhz24o7NOc>CT#hdg{!Vp+c&C49J)9sDA*yhEstS&BDdBf@i@c$hhfg|EjyjEKWAlU zjXn%+d@_+Sm~9;_#P?ZYOf8fz(6q)y_QRHI^!~xLbo{rCu28L2qB=&kjQ)v)*_l<< ztEDe`4bM)D3VnDi_`|K{vEht+&G6KGL;%KhgP?a=JU^+OrIq@DHU_f>7>y#b=g_E7 zgrqU%Ck-J}0ZBI4)Z>tIqQ7wsk4b2Cu1Udg|!v-uCt7Jb19d!V114 z3I`4|UfqL(3NSe+IpPME|MIxW^znG?xv$;bQd6ZyI?8vr_c^5w-yaHl#!_y}Q(|uL zH299Cv&kkNClxC()$%6gUBWLXUVT5em$8_CReJEp2Fj=GBdQV$O=u*??N8^=*MFafoxo?_O{fWW|8 zXbK|++O&#ZEk&aY8WThlI1?R=%kp=M{O(STCR`a_Q>3S8Zl2icYOP^xqb-9U$B<(C zuR!z<-=MqcC!^fEurtSqmxt%o+qWkY2biP|AL{X2j;S+(TubNjvWr(48sPNkNo#u1 zpK)coMPr9m>iLL-hSFlR4505GG&Mx*{uk1l`zK@Q zIJZhc2m-Di(j0d&f8nw4=R%eiAEWs6)Auex3kHoAPJuU{#U1)C_>zw^Rn4+lm?!PR zKFy2`+D^<|95;;x*L-%oe0le$0s&>V!|(6N`73jYg;6U729Au<>|Q=@qjS|y%~DWI zQ%f&EkM4Q8dRg0Of78W=3n^z1FDG3*57Z~Lc5Y!%7d4SSNLyjxG=SrTln?!}RJ9(A zHlB%(R(BAiaSP}d-DwwjC8xD!+)D56nfT<9TiFGssoP(*8TU?Uw>?RnSG|zO`L_Q} z%rfc2L)V*}~5+L8_2f zk2?(KEPK;-=@)l@+8O@x&y$`FCgekIjY3lKwdL*T!q(Ony(qiOm(xqmQZ;$8Yr3QywF?zH(UF}YaquE-u=g5LY{qEnwn47_*Eru4aX{Dx>(7x$V zU99wP>fcl9cKox>>(6bIzY^PX+clr}A5h!PwPNYr+3!x#nnNN)$>YYW3p)0FLwS+z zhp1bE>%)GnOP^VNu7g>8U*7mwaRsFWT@v%_FE0y{2AV}SCP*4=6=JgK^HR+%{C-7z zoV1zxu_r_1h^!>i)8)&~39LAq+=!ndisJjNx6_2pzwz6#-tLdb+_{!Vyfbkfdq$-B z>nBB64rOoG4-Tg-=v^E2A=-CHqQ7_O8uc>_59_>vbq_A zJVTpdrai7ppOP>T|MJURa z>SmFkoTjCZdc1n68vm_q`XcghfHilgUnx-qW^Wb!ad&T`Vc|2Y8B3q_tlCp6RVMcA zd`{tLbhgL}hjyWt9twBzFq@q@si9A<~|Fb2`{x{>Y1cc6zcwK_l!zWmEA` z{NJm&LtS0nQDhqyR4_F8@bP1LxJk^sJ_-_kdQg|VpJ`%a|L9p}R&`b(^P4YU9uiU9 zhC>;&r75SM-DojWImVM%xI zJ>&wr#No@IEqH33a$+DYHX}`7yUq6A+p?hyDh-9fW#^7}sij{})qI{Zq12)H_fVZE zmx6ck#TUjvMVZ0=Q^QNrUMv>btbQ`25sLroTVHlXRKV3`bG2A{-~C;dRn`-3|9ZV@ z`4c8wFc`kNF%GdM;Wnkj%9S5fSyi3=y;4o!+kwAjg>T_%z}N~v^8;>c2#A|kX=WUFi)VzQmAr*O!= zW#8WGrUHP@W;>Ng8l=j9tpezexdsj0Ts;=7YRo?@jp4QAH-k>B{^X#MbM|_`TvTrS?T3~K+f_8wdV2-F{&;Hkm5fVhR^KtR ztgI<&V57^A^Z3J~^hems8TPD~)HN~day_zqj$XFC_O#ZSp}p`dN&o)(iM@{QhGGqw zquHr@mwEAU;5w@RIHd^zFS7!&D9b%0W7za8Y;CkyedPE5^MKs;jqvF8Q=Zmrc$H|= z)O1^v1eAY#!2fZ~e_41y2G+Jq?xgZ3CVkJ&=!-PW7cFYKwHhbV^r|>{{K9s$4E_gV z3Oa5+M{*Z;=!y5AuhF|t*7W^&JN8e0J>7V6hnZ&j<#>Uo1On&!nmr#oI@%lFl@g4dXe|cSMR?0+&;PzDRu(iWu zD=t2F^CdSO^3%ZugRL=Q#T^`zH^}aGN{fD1w=${whf!kPc|mSRf4?zPc;VkI5x!8% z<}9)B5`+t95Bzmngb&^i#wUHfjj43^zMsgCYy3nu5ZVQ#cHc)xTfg?1&MX=Q$Y0KD zOakOYsIb?VU4C~DkSjnqls!E?{q3pqgYUV)Ht{(8Mc(M(EN4^h<031*f@U z{Lc^dG4x&%fd2HJ9c74?;Rj^^p#0f0y5Hl|98p`_c{=d929h8XpV41|qS*tY4!s9D ztgV&4bJ7N>bq?Mtx7L|KM2rp0v>Qm?BTfxK-Hi|=*Z_RzM8b8W#GwLIm~9dg@sK$~ z!eE!n_!mCs83ewNOVSunx2u5e<2L}IW`91<{cY3}-7l&^DiH^y_ke~-pw_@}JgR7Q zhqPcyPCw-LHU-JQE8CH;j&Il_5*GP<+>H$3UNhns$47z{qW{#C9lWi4>uI8JwQP;V z7jP_JPE!Dtk)EEy?PPh5CfA=na`!jZjU9RWAAb51xcI%U-ItBits%JU(DeGaz7xP9 zP$mros87&$=4`Zk>ryr%PYSTsfLI;sggOM&%*a^0JhKDkRf@+L0j z&yA*oLE6S*9YXK#lZ_0JC$uZec%K7;KDFYR4p1|s-9>QaA&f0YBMVLDr*y37`%W_8!mf{=o)BNEacZ)S}5@KP{z ztnd{9sk?+C`MW0tqP({EOUMzId$36Ar!r%hH|jwi@N}SG3pxRTcyI|RtlR3;1eyt# z9~gNmm;xk7%b@w|-utX1)CaK3izvQHZnI|1uujRNVj5=>hBEx>CI|-ve-Qw*5F51Q%+L(QIa!ozTU*vZJdoWFlNJ~h_2tRUgY z-OvF`0ILB+gMCSfb`GN-+Xl>rgwgBUU>vMiCszRMepk(79+!@C;SC%1>yHC52Wf4n zg{tA`MM#=)099>Z%y5CcJk290 zSON1J92}IKY$8BJjeBx$(P7Ry-zN|xKfDBdvi6IM1tsf^U2mm=|MJ8nKN`MQVY*kE z9K{>?;y~+wgcJq8e0Ho?AK3P#%a&O{XPNG1L>&6jJAN}_!on9B#$L-a4345diyLV} z2Zm?_q89^Bwj>`Hy><=^M$Ae=m0dt)NY9%R^URG_5%O7$8WkvMfcC8+qzu?!2tZKc z={ba!+|~SMHx3xcR{?lA&Mq$eAjkl-sP_A_vqG7ke3(WMCB=GJuqp>R@LY>HF$HLC zbjp|YsDw@@8P{_$=Zjc9pQ43E$%0xj-s{G+(oSU+B4_lp>opp)a#9;`w{f{D&K-Z9Z;M4LK7 zWc#m`iwhur`~f5gc7iwWtcG;EB3Hz$}r3fpVK(E47uHgH=E_iXUvLMIYidh5{;g3HaQPtFhfn6b96=o9#Ul|-0 zrmU{cg^2<1evAA703KAFA5q-z!F>?*4gk@6Y?IXl+S4)0WTpcFMkhHs26A3 zl<|%}U`PbFMeocz-)DfptA6&@3@f>H9tRp*v-7( zE#b)%Dy+mAW{ut*8i`7nTbe>x8J5G!|2$u5e{mMqLBaFSedcBscvz?$_t4O4urMo<+w{7Q&?TP2ImnLGQr57 zD?i|B>C3)gHW!3|WMB6r4s#N0xgg5!K!I0+pGYf~3EiRv5Zgv*&)!t# z+z-pl0yPX_AMclJctGO~EC5g+ssOPDmi92{jNq5=PpqyVr3lFVu>nm($ZKCCv;`w0 zhYn0Zznuz14uq2j*;HO+6;K48C^MNO zn-yTJ5P;XyH%Vu_fJ`|7;p1r+A~ln9?OqL|LCkt;S1U%e#mgaCN}61N9cy<>1Jw@x zCE?%YfTe||1_+>h(pKOsI}j2wK)Wl~uU{Ujd0_BQCGKs^>xhkb?tHR#t3e<%2O9fz zR+j$yR;}id`(a^^)YV{y<%nu~&iC>Gs{S;>kB>(f9a?~iVOxucOs^l(kn13VRD<-j z>rB%%RQzy#fN4g+SMu=l+g5SXz;Ek}@vTterVu4uB#9evq5*~nd+TJM#Su+SYe1Fd z=VwL;pueDXKn>>@)B8h-)nuTJP6~W5e9{S3wwu00_UE8uu)u8-3hXRrsypTKl`8}S zjl4YcbmpUbAZ!!w0oR!jXXo%FJ1Z+VGBTOV_Tum&I>_1AgMvyJjJufDiYe*Z*}=98 zoNjtr3{4_{(v%M$0_lx|zVfl9t5q`0DB zewH~8O}^r4O-1y73~6oKwr|%C_>}eLjUnay)_IL+1s?%F4B^BFy1)p4`{UyZ5R=^l zH>nlSgaP!SuE(gBTH(O4^?-wr5DD{NE#U#8>Pv_ED$9Mvm7>6C!*d~()C2(yVFf+= zge@iREq5jK-=Sfjg)IPt;!pCM>%o*{uRIEc(#1#@VnbI*O;bxpC+wroO=KR4(Vl?_ zFfZVGfK0}}h;jb<_H}xRpcj>x2R`52d?Va-ffJMeAt3x)mwx8tmX9qwZIqr}@~FDY z{p%Ip^0{W+HGF)BK@>*Ho-m`qLr{ z*+f9rNhyg~9ULBB3b&0S56NV4?^JQ+_x!n@e0AdiL|ZJ6$SsP3X8r zGAX+R@6ty1&M&M^kFW2pAcO}9U6}YiA~=mOQSQkFqbzU8SdRki!Cn#e$y(<8oEz#) zVqAc1#Cwc%kh~x(=!$Hy)HrCj^xHS+RNXKYER%UrsesKsmrl56J2vh@#jF3)=J?Gv z-N#x~K}sa#tBJBWYLXO@&5$5dM!ytkjc%5ZA0h~vio%MD%=Sl@v0;H!*f^?E=7mde zN)lyW_sV*Hw*eWV7=J(?dW7zuXKtRI1bh6b@$R}m zfHV=a7~f8Ebll}Vd5;se=iD$zeyqL6^ZQmjs>15(leX=R)0A%H(#ZO@?AjFulEDzp z^(XjJQVHJ}dU>Wf5a zK&n)Tu0ip3F(A9+@-G9Sy^6;@L` znaM!N8X6x5B>XB?t2o20f^-@B&bMuV%C!Keap&Q`q7AQYFE|7|(5e1b$dAm?y2NB<-ubq>g zenxTZvjqa_RU~-Gyv>J11Bwl9;cO)gzD70;SH~G%lNi2lOEC*MG+lcJMMA=D#%mvY zAUa54L$Yf`V1iXbCkFIw5ce(6J21-gj@T0Ie!!NkVVVL`1EE`ig*80NFnP%6@xY0F zav`nw>@+mo{hik-BT?G4apNW2F%KW#HI2lRcgg~LjI+2zz7eB3Q2e$&PK@TDU)}c3 zsZ%GN;WE;3^u|za@nqU>xM@-KaJEq9>X(3+O!Q6o&J3wU?s80CHxFP+J$g2@WgN(R z=`|mapQ<@hrPxzaEu_ca+zAUSMnKr(Jt5iGkYRyV6sa(fpWH@l+T2Cjns!S5-R$~r z&TnUWkKFuVk3qMD!OLrybAu}GKHc|<3^{QgWW4UOKu^K;mSV*EcR3y-->MV2apNSl zBZV(&@w@Q7c({Nxuuu)FN9`h|9FhgH!2p90;A+qaN@$X+&~svAx&AaiS?T*Z&u8Cm zrxr_8g6EfCA)q99PD|7@@a$U;J?kLJEiSu~m$w8*f*)xd3g_bj6KIxb2b?8Kl)w#+ z{bVEO*1ry}UZ%bdWooZrvXoUhU&2^HlY@pb64H%W61I-w8Hz(wg)L$@G}xxpNeb4- zl%?FH7YSIX^2>HJy-9zPZ;!JG`e39G1(FO{ga_q?mPe3;$T_z!L0#1r zqzgzz2X`kh%onBLu}L)<0me*@jJ<{PBj6u${_2$4tPR{d^8jg3)got->!;vI?@ zT0|3^|Io;Ybk`mpVt+?qf9S@1!2uVYr|SCi{$^APSRNv{1)?j`Ta}2%$qz)2Mh>># z*wM;j6~V!VM&D@3^}<4~fiFEhNAUGX3l3-##n~=R`SB)~{T}`xzQU6x&m`0b`U3Hseya*6zMVat+4@nW&%RkAz8>6<+%nC`(bm zHHN{;TQN$8P1C~5=ybA@;+Vp{PJ9{dIaWtU!+PdPO$upIfDPwN`)cwl4*1ZAEit5V zg#wAhC2T5-MdW^BlvNdf%nP4=?%SUio0^PB*g{2)d9{RLCKY#JCdo(61Yl(H-~UuX z{4H)(KS9%0=Mt~DW!aVAH!JwNM{9g_7Yet{A|ml>j#u`Od^dl7I{#DGIds}a(1JVL zRkayBxNuladd_g*^ZpP`g%7PoH%RJ%Z_(TQh8OI}Xx}-HH4=KJj3M0`% z+uovbHGTe(*Tg#*FbQlgN*D2=)z(d>rIDtoZIwu@cSj~H1a>$-#mFaa1WQNIaV6|r zl(my3igR(R$JgeLHQ39~ey>Ieeg`=owmhLtt-b0)!`@vk`QqCRUYeq~Cl-fdaR{f# zA1Sf4bNk`29VTbowqGaHy7kGNstmfFi+`?QrmxZD?BR3Dvn9vQ(`#ydJz>|uDq$jH00#FQ6%^^iOOT!KqU?pt=!CmSn3NG}>KN?zWw`(%+T zN#1*qePcf(rVh{K+EX&?M<{^bo5R(j@jcRDpFV^$lV>oE!tV>Jl8NbQgnCQauQGMt z;p1v-Cf0>=pOxn0LPiqltzzsms!e)p=%cImD{;bVlVp+|9UB=8MmJ*TA}ul6N6)KM za?CpO59Q?|l9Er=nxw7D$;t!bw$Uv#m*fLW`o&b#u^)%eRPqn39!h8-6Ku(;q25u0 zW@CSWOQ*SE0dLlR2@`lfR-Ock^%+KOQTA50(ZRu_o$o7V3!9sp(`@y%#c1^|=%pl6 zQhS=8k5PaaB5gcuo53Nr#WuW3g=vS3akF~|YT@G3=(O?fDWw0`snmGTkWpvyb8~Z} zc9uKa`V)9^@O>EQ>ZD|(#5rg_WVCEE>uK{gG`|UPpX(8A?JCdupDf)Ut* zTR?OU!MZqESBkNU?s-Z{Y94xngsY0EkhuD~(&Q6ew3V_y$mGGDTwWPgx>7>8JN&Kb z1_cG<2<@^@h_%=mw;u}-(3MR@Sq9~&BYzLBE+5Lc z?yBhr+P@^VA=uGOaB84^f^iZ literal 0 HcmV?d00001 diff --git a/splunk-dashboard-screenshot/getDashboard.py b/splunk-dashboard-screenshot/getDashboard.py new file mode 100644 index 0000000..aff8f0c --- /dev/null +++ b/splunk-dashboard-screenshot/getDashboard.py @@ -0,0 +1,72 @@ +from selenium import webdriver +from selenium.webdriver.common.action_chains import ActionChains +from time import sleep +from selenium.common.exceptions import NoSuchElementException + +# from PIL import Image + +URL = 'https://sc1uxpremn81:8000/en-US/app/wh_netacea_blocking/byo_decoder_wip' +URL2 = ( + 'https://sc1uxpremn81:8000/en-US/app/wh_netacea_blocking/' + 'blocking_visibility?form.time_tok.earliest=%40d&form.time_tok.latest=now' +) + +options = webdriver.ChromeOptions() +options.headless = True + +driver = webdriver.Chrome(options=options) +driver.get(URL2) +driver.implicitly_wait(10) +driver.maximize_window() + +action = ActionChains(driver) + +username = driver.find_element_by_xpath('//*[@id="username"]') +password = driver.find_element_by_xpath('//*[@id="password"]') + +username.send_keys('admin') +password.send_keys('fWgbz6AU') +driver.find_element_by_xpath( + '/html/body/div[2]/div/div/div[1]/form/fieldset/input[1]' +).click() + + +def setWidth(var, adj=0): + script = "return document.body.parentNode.scroll" + (var) + return driver.execute_script(script) + adj + + +driver.set_window_size(setWidth('Width', 1000), setWidth('Height', 10000)) + +sleep(2) + + +try: + driver.find_element_by_xpath( + '/html/body/div[2]/div/div[3]/div[1]/a' + ).click() + +except NoSuchElementException: + pass + +try: + element = driver.find_element_by_class_name('dashboard-menu') + driver.execute_script("arguments[0].style.visibility = 'hidden';", element) + +except NoSuchElementException: + pass + +try: + action.move_to_element( + driver.find_element_by_class_name('dashboard-title') + ).perform() + sleep(1) + +except NoSuchElementException: + pass + +driver.find_element_by_xpath('/html/body/div[2]').screenshot( + 'web_screenshot.png' +) + +driver.quit() diff --git a/splunk-dashboard-screenshot/getDashboardFinal.py b/splunk-dashboard-screenshot/getDashboardFinal.py new file mode 100644 index 0000000..4f8d49d --- /dev/null +++ b/splunk-dashboard-screenshot/getDashboardFinal.py @@ -0,0 +1,137 @@ +from selenium import webdriver +from selenium.webdriver.common.action_chains import ActionChains +from selenium.common.exceptions import NoSuchElementException +from selenium.common.exceptions import ElementNotInteractableException +from time import sleep +import os + + +class getDashboardScreenshot(object): + def __init__( + self, + driver: webdriver, + url: str, + username: str, + password: str, + width: int = 0, + height: int = 10000, + path: str = os.getcwd(), + delay: int = 1, + ): + super(getDashboardScreenshot, self).__init__() + self.driver = driver + self.action = ActionChains(driver) + self.url = url + self.username = username + self.password = password + self.width = width + self.height = height + self.path = self.checkPath(path) + self.delay = delay + + def __enter__(self): + return self + + def __exit__(self, exception_type, exception_value, traceback): + self.driver.quit() + + @classmethod + def createDriver( + cls, + url: str, + username: str, + password: str, + width: int = 0, + height: int = 0, + type: str = 'chromium', + path: str = os.getcwd(), + delay: int = 1, + ): + if type == 'chromium': + options = webdriver.ChromeOptions() + options.headless = True + driver = webdriver.Chrome(options=options) + else: + print(f'No supported browser {type}') + return cls(driver, url, username, password, width, height, path, delay) + + @staticmethod + def checkPath(path: str) -> str: + if path[-1] != '/': + path += '/' + return path + + def _setWidth(self, jsProperty: str, override: int): + script = 'return document.body.parentNode.scroll' + (jsProperty) + return self.driver.execute_script(script) + override + + def _logIn(self): + self.usernameElement = self.driver.find_element_by_xpath( + '//*[@id="username"]' + ) + self.passwordElement = self.driver.find_element_by_xpath( + '//*[@id="password"]' + ) + self.usernameElement.send_keys(self.username) + self.passwordElement.send_keys(self.password) + self.driver.find_element_by_xpath( + '/html/body/div[2]/div/div/div[1]/form/fieldset/input[1]' + ).click() + sleep(2) + return self + + def _hideElements(self): + try: + self.driver.find_element_by_class_name( + 'hide-global-filters' + ).click() + except (NoSuchElementException, ElementNotInteractableException): + pass + try: + element = self.driver.find_element_by_class_name('dashboard-menu') + self.driver.execute_script( + "arguments[0].style.visibility = 'hidden';", element + ) + except NoSuchElementException: + pass + try: + self.action.move_to_element( + self.driver.find_element_by_class_name('dashboard-title') + ).perform() + sleep(1) + except NoSuchElementException: + pass + return self + + def _goToDashboard(self): + self.driver.get(self.url) + self.driver.implicitly_wait(10) + self.driver.maximize_window() + self._logIn() + return self + + def takeScreenshot(self): + self._goToDashboard() + self.driver.set_window_size( + self._setWidth('Width', self.width), + self._setWidth('Height', self.height), + ) + self._hideElements() + sleep(self.delay) + self.driver.find_element_by_class_name('dashboard-body').screenshot( + f'{self.path}web_screenshot.png' + ) + return self + + +with getDashboardScreenshot.createDriver( + url='https://sc1uxpremn81:8000/en-US/app/wh_weekly_standup/weekly_standup_' + 'data?form.time_tok.earliest=-7d%40h&form.time_tok.latest=now&hideFilters=' + 'true', + username='admin', + password='fWgbz6AU', + width=1000, + height=10000, + delay=5, +) as screenShot: + screenShot.takeScreenshot() diff --git a/splunk-dashboard-screenshot/screenshot.py b/splunk-dashboard-screenshot/screenshot.py new file mode 100644 index 0000000..49c2bee --- /dev/null +++ b/splunk-dashboard-screenshot/screenshot.py @@ -0,0 +1,6 @@ +from selenium import webdriver + +driver = webdriver.Firefox() +driver.get('https://www.python.org') +driver.save_screenshot('screenshot.png') +driver.quit() diff --git a/splunk-dashboard-screenshot/screenshotFull.py b/splunk-dashboard-screenshot/screenshotFull.py new file mode 100644 index 0000000..9cefa08 --- /dev/null +++ b/splunk-dashboard-screenshot/screenshotFull.py @@ -0,0 +1,32 @@ +# https://stackoverflow.com/questions/41721734/take-screenshot-of-full-page-with-selenium-python-with-chromedriver/57338909#57338909 + +from selenium import webdriver +from PIL import Image + +URL = 'https://www.trafficdelays.co.uk/m62-traffic-delays/' + +options = webdriver.ChromeOptions() +options.headless = True + +driver = webdriver.Chrome(options=options) +driver.get(URL) + + +def setWidth(var, adj=0): + script = "return document.body.parentNode.scroll" + (var) + return driver.execute_script(script) + adj + + +driver.set_window_size(setWidth('Width'), setWidth('Height')) + + +driver.find_element_by_tag_name('body').screenshot('web_screenshot.png') +# driver.find_element_by_css_selector('#post-4706').screenshot('web_screenshot.png') + +# print(driver.find_element_by_css_selector('#post-4706').text) + +im = Image.open('web_screenshot.png') +width, height = im.size +region = im.crop((0, 0, width, 880)) +region.save('cropped.png') +driver.quit() diff --git a/vrops-api/.DS_Store b/vrops-api/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..0b885981918289d18eac028ace416ce36acb1ee4 GIT binary patch literal 6148 zcmeHK!Ab)$5S_GDs`b#DA_#l*(n5O`VJ-F0o8Sj%+byWH-Dr!k2vpZ_C4Pt#9iQdfVb_TLoJk7l%SUL7W#Zd+YIkhl-qPiOL)w^$WLD6!_vrW z#94kh=9?FDuOwz0U*cygAlq33h@NN<99n*JFd$vdRlE≫$W#g=#dMv!E{g47Uv)Ssr z2dJq6s(>nxRe<-00Esblm|B#r1DRX_fHhQ$q0GMk%n2NZ4pWP0ff-8$TB>nZ3}fl2 z51e1p&02M@dI%u6I#?<6;K883RLZDlh6P2&+q?vlD??|s=&We zz|{Je{T`;|&ep=@_^b_(u94W-FSRHXWbQbY0w2W(NMdLUxBv_trWR2H(;oqmK{Hk0 HR~7gG0GPgS literal 0 HcmV?d00001 diff --git a/vrops-api/.gitignore b/vrops-api/.gitignore new file mode 100755 index 0000000..a71e08d --- /dev/null +++ b/vrops-api/.gitignore @@ -0,0 +1,4 @@ +*.json +!approach1-output-example.json +!approach1-vms-example.json +!approach2-output-example.json diff --git a/vrops-api/__dev/__pycache__/vropsAPI.cpython-37.pyc b/vrops-api/__dev/__pycache__/vropsAPI.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..630d7ccb47f2d14d92abbba34f85b9a19a3a7b4e GIT binary patch literal 18833 zcmdUXTWlOzdR|ramCa_8qNwZ6&em#1m)3}+sOyX@&5lMIjWjD!8j+G_dPd8%`V`5g z`leGwiR?6EXQk}g2F4yN90#y90c8YEHgPUC@{k09UjhVvFp`J71Qj4Kl00Pc5Fmkr z0E+<0_x)AXH#Q{?yh-4u>h!5|{&V}!|NrN|oYwmzBN+pqnLqvK_wQ5;<3I8x`oxiW z50Cpdktjo%6{8S*n*~$et%8Mbs}ifm3vn~3OB50)i&c`gQS{jnX54>b8HQtU*;uk!h$#zyF%?${q{-*WLR@|7B=DD1>F2Q@ z8;hnIQkiEXg_M(41*r*Yho2`@R*gJMJT(hLP9~^Px#ux8s>YthQ9A5o)MrlCNvQGX zmfEQ%1a?GVvuYR0cB?%CnFHkK=wTGFd(p!_wO?Sz06U7m9jsH|!icY_Z%d1DsoAMs zM=#$|wvzokg{DU+r7Exg|V_X{N5LS?+?Gf6@I@Ket%oN(fM1YzF#bA4SMR!5#0h3}}mI*M;w-B-udWZxBnEFs%#Y`rhDRoVK^vuAX zPCL^p$JO`SZ&T{Jx*;_)fSOe|C4U0>Tk2!UpL9;5#qIXnl$ulXQgg~Vg_=9BqX>a4+7vR{Wp44C6*!tyUa+v94`z*|DQKDY#T@ z6ia1q-M&$*6_=cb0_0*X7z$8|E^&?3{hG6L+LrE9(;UxfLdsqDNs-xHKfP6^T#mB{RrT73;J{Z1@rKu&yyA*bLB)?_Fg2^tJYl^sE zEMo$I?g8fn6^;|TzSuoc``TsKF4j~u5u5nyn>}ZPwMFybp%m@jR9E@d@hW9^%XqKu z|2kWR)WNm!{YbFVuF(b|f4S~@eRJO)^8cg~M}~W^UcSbaQt8lY3V$-TCCwrR&FM4sYGZExq+_q>R>;gmaA08;;hu@(BL? zY~8cV)ka06rK8^6x=-D7LA11qLSDAtFcCwPklt z1Z`Z1X=*)e5jGHbnX2tJoD#*mvL6>KtB!rdtrZ&$h^jteA5eg-_;zSo%wv5=q=dO+ z_R*scp+_vaeJwftsA}uNSljO7oL#PY_N484MU6?L*WS$}FhA=~5lR_hFW8aMGgYfU zIg+1Z6+zyBqTmVO7QC>!TCaJ_+jJpyoj&AsU?-}$zD*aX>2!dXfz7!g+q7p@rvttX z>>=3xZTbi*JG}(&1N(8EQXNz`7^6XDr=Q?``;BpsNOWfDP;c$bNNu0u5|UOuxFhKn-jk^5ZKp5W)@YBf#&gXA#2n^dWlmxvhIc2^&bO z({?zvU0kXUX2aBkZ5B2>$h$0JfaW=G^rQRZkIY3?zYMzCYM z%u6=phi22ITX&**v01cJRO|M^0W8E80j(`L9*t{J&!H7;H7^PJz*#ESLKSxFso6)g z(flt=o;;o(OrlOrb@xUFY$KB6MW1Nh^Xm=g!r>d&X79{@FgL&kC42~N{E+FGSY zU?JSP!^dnXl-;>i@($nMy7)f+yXe6y@qo(FRt}5S&DET<&)3|O=empDg%ad+yb%#* z2l@XnIFR_pM>y5jP9L&NVnIWzOl@zZa=b86;n->e7kiX10fg?eX8!bNlnf+cKS z`7742g`zsHrmbr@d-C+z)k)a{f56w4%aqS~enFB?C zKxZLgoD01?aDmyO&q+4wWxlK}3;Odox3+Zl&AeS$Sx*nQfEJHf7%bW-oyuTQTNi6f z&XMECLh0kxy&|oZ{MOwi^)%RP$ajyc?(GoC?q`Ps_B(w4v-15uB+r4(Xbq^ci!;i# zSK#5?+It|gT)@uPVWB@9Fi7_jI}F%fwfOaVoqN*ho!i%iOxl242ny*~qU92Jx!`#9 zinUTNV;&et(FX!dH^*SgROmQ_!*H6bYNl)T$x^Yj>@-J~n&rkZTRDpelsL`IL&s@M z!twdo$s>+)u~c#zUNd_Mb^;WZNs5Z*$R)O%WEohkIT`>>eo!mb6-d00K~2pmakS=$ zj4}zmny~ZvSm=_*viu=>4(IC+otmEve1Ro~p7`N+EPUK|k?{=AY#C3jP3whW8ZG1( zVl4}4ycI*5@XVDYzEcV{EAihpzCztfN?GR-oPsAjHrw10(frMZD}&mF5&Bf&q;3jk z@@YTeuEN=?Qy9=sFD#Vd!(Ld>X}szoCXAW+IpC@YV!etp67E1hwH##faX;=lmBl`I zM45&b7D^TPK^GQ&YW!?z`VO3_?zHkEFZ%S&nsZqL<1qQ|1-=dYD!%QTdI=79S7v8l zhtZ5M)%1;GX&P>j6(HE17P=8{_`-s69tZDm_fIv}brzHTLp&}shM6;y@|QM&iZCiL z6|FI!kXifb$kFR(I&NJ*9XW9Y0i`7S!)F*z0?#Ep?p-9Fv1ztUWxlXBl4WBfwRY4C z!(~g{tXM0)6nko2HtvsoZf&GDhFU|dR4aYncy#0*+s0Z+yeD47HZm=4ai*1c8pGx# zX8j$UP3ZjwS%G@=P7J6gm>{xYs z_4XyJEMy~|fnY*R7K!^@q1L~lKoxEpi!v+ZWwtF%BM_x1nA=V#`$;50;s{tg-- zY#QRk4e;GYy5588e}^Z)b<8p?GYvdvf$to?n-gtZcag`}L}A|YvyF8~f!fUnWGQW< zu#IRUyp8A_UOZz30){mHg#~0;3_K?pb*g#jDNfnyC)8@S;pQ!U2o3aMCjB%Lj5uHa zXzu3he*u6iJKIeY-4N(G!=AfmXrdKA{3baFDNsBK4;n8R8#iY$i6bcU6C_0cx^VqUTpdup0&lWN6Q(l1OE-)C&ZTXB&90m;N~-JIhY5{I{|sJS75 zNKOcO=7&TE=%XwrN%(2)faDND@Ka$VckQKJGbdUMT;xEQ)AkQ@2sCK~#(6 z@7+PY4

?k4s865*d(M97M-IFu9dB$IRw;x{2=M011@vbLDnei5^^kNScr;{A9(c zEkW>%MqKiJkQszQfN~NgKSX(t2wuD80nIH-#O(V(A0z{$0Z^%8c<|kdJ+ySTs~i$S zNV*#?xzB)D&OXZCL!C$kO-k$VES<#uaC>f;*E^^$WI7A-P%o;b7@k3VJZ0_mCZ5K3IC14%mGr(2EDkRf3Grx(K zC1b-}+ut%ajTZ(Er5t3Zi37~yWs^ratUO{OKMtYq`bnr!5J6yo_c--%AYwvOMd@D% zk0NZCOMpFG1@#C6v(MqLS0qJXrJuuGlYxS(-^XC#R5dwr;2cLN59#ohS-!qymb<(0 z+yN9~$mjf_w#(X&)0^oh#3kv+;9v3MbT#?Oz@g+P1GkZ%5U(eS>3Md^$-rzvT#0@v z^vU_D(5V+}AX%25Q9R^%kuRSk<55cxy`q&6-60K)BGVdfWg(xl8zY|SLC!oipMnV< zCiL5oK(TM**z;nW@fKucYXpa2&P!}2Te-~?u6e{JP`Z(82A1|?pcYM1ER4|IL+3tDzG}md zSBqfxc*!YO{GoPnepG)5;6Kkqa4(COp9(l{gS$`+Q}h$-jxElagCqvBi7^%kwykN} z8siCTj+@Q>Z9>`7QJbiVgr4((YD+md9jLbBB!K2<$@vh+zVdWnc~T|hguuBFo)BrA z5JT8MV*#2X_9{8c)dhAm<)ptmj2B<3R~vAC+z#vXcQFM&_TdLOMCAA=BpXFtth#cH z26v<4>%(+p0Oewh(9YNHp84XWnC9>bOV{BHR;}kzb0(pIh`TIx;BVuhwBl^Q#w*~a~2yDud``5Osv$if7 zeUGagLn{NPWD@6P@RzijueXV4U_*amP|&}vtdYFh>z~JqSc!sz-{zT!wNf)i-ufy| zSx;`2nu8{?jg2Nd^O_m1>8`}tE|A;U4|)^X9N8WEu4axy}I zG66pw1>9dodgI|TyXdaLRZ_Q$=x*F7T3I?!uVJ&B&;z3PWoAO3f(#!EpRKC|XI7$qyM>oen)==(N zcDyiUjGxfT#*D`??Tz*v65&y;ZkC~#rvGK%2)snV_F?_cP4)CJM?kdOQn$XOIEYBd4pEHbw(t6X5M z2(VtJ(RVo{bximUqdO+~R3N@MLtz>}4p&RHz)`OuBdSv&Lt>b(%QSk0xUQk$8p(@i zg<)nwR}1WXGikjZ4{ZOyI2en;2Y~wBRt9XAfuM(d+M~{PPt1~`eRHL4WRU4XT0 z17!+%VPm1+Q-|k$*-+O9AyLYsW+UNQaInPSUV(E4gee3mdhhFS#-ujV*mhb1X;=sE z!3_gaZN*^&ycb#k$=T+LMfZ6EtOn?e_5_E<6 zDiYt)j-Oh@$qe4roVA}IhFyOIs};7M+6!fg z9H($gJ|)+ar(?~zcDGcpB#4tqNeLy`CSqt%>)Bvm=1--ZV+YM+#e%xl04}_NWxh-W(GBBLW=9q zf=g>$a&#xstJ|ePb=2@J!_vJi(O5qQBi7G$hx+{S=&ch2^)sC~8uINZ6^yeWLK%81 zD7#CPO8o4^LxD@9$Q`$!gQc;lV3JL!^-pPB4X=$W9*UWbEDf~_#-qI?E73_4&_%6{ z5s*)^HOyaGd||;nORc0;qQ%moRt{-KC1DPXdLY%!Y-@C7E9p7H2+ z@H`W?Ltj`KRLQk}hTe9EEBn20Wt#(6_RE7;2G(nR-dM*kh7k0UT(VLx;j)By4+AyhC_5XZW>A`RDdQtO z+KXBO-)KDD#J_^~cVFS6=`p%5j+A8DM0CE&d9VUu5!2O#UhpS?N>ef_d|T zp`Q#c8u}@`iCQ9Vs5GI(ktzCr=b)^!qVKd!Lr%=mH~()bm97H97)jz-%;1lHs%{%} zT#n5BkVuxf-x`nYjZFyDUPz+}bHBMaEDuV%qD;{k&De>lndS{|x$H7@y=+{K~g?(qu%1*$D|1lcqUuNjAbFrp$+csHcDi3LQvljcm9=G=vIf&z>h;aTJ|%G z<%)AlJB#Htc(Wmng^&E92SCTe>o^Uy4d8azj#%L%SovdQh?N&`(8E1%!YDAsM6qa` zv}mrxze;W(EC+cAGseTg?wbxg2&s7Y<&XJa}XB;GBLF%lw%+ z*-T6^l+m2}w7zOr;kL0E*|dwnm5e8d5rP7FOQVgt3-fx_XxSeGI@LC~l^Gj=O&BHGwTVjfS zY29Cjg2+=-AiC|6r?6QD*U*BYq6>&P`g>FQlb|vBo7hO8EGuQAV18-d|6ib3Q4{6d z{|WL2jNc@JNK{_C$4<%F+?fkB0MtW2**d>y7A?d<2G!H77Cqr*^%Y@ilU zn`jPEO`W9g0@pH-g%2t6wY&PS0isKB5H;f|%jC4=iCbtZ$oO3`8b4}Z4wR!Aj4Pbl zt9g=df-&Z62`n72tl-S!>j_7dSG0l`TY@5WVSrz8+zcXHr5E z`Y{TbO1<8=F7d;_LKz_f5M&C<0!##X-+VaGY{>>A-@SofZ5BTQ!@E4oXtCsQ)?4OY z3lBuegc#AVK@iu1n}c=q8MEaUF+XsLWC4{b#1TA$*Ut)*;%^& z=|HG?LPdKaz4hsT8R<;G{)i|L)eqiwa#GhJ+<|H%g7nNs5J8M!VG#)+4%MN?z{N3m z1H>}<*BqF5HLT`n)Q-P6g+AItcWu%L*+<;nu1&myfxtf06~98P=U1D&h=|s{8c3M^&)<`E1G@LMtnWG<;YtDatFN_{uHa{_T#n7$827b_06f~!MW8^ z2|t5g#0B|v{ty$Q5pJU?y&=Kk3?=PWZj2^%n_Ooj-~iy_}6g_QA!~{~PQhdxHp@ z7%X>*0;fS1(AAeAATHM1ezS2*iDV_CCkoZ;|ej1qkr6)>nvh;7UG>sd)u+zPDIhuJnhEWdvcM0(K zn20bEYA3q=k?;m_$*EL;q&5ct$&93H+GcWjVJ9*!cQE~n#&_d#6Ee8Bk&f+6TdDmy z2rxdV8IM`e1ja@!sB*#I*a%9K@*qmp`HSi;^L2A*v^+B>88h27V12N1v4!yOX2N_Z~-@{{%8z9=o@&VB?r?uMT}ACUUH XJhI)_kOT;&x))qc<-5Gaa + +- [Added](#added) +- [Info](#info) + + + + +# Added +- self.chosenCluster in getHostsFromCLuster + + +# Info + +```host info in {'pageInfo': {'totalCount': 37, 'page': 0, 'pageSize': 1000}, 'links': [{'href': '/suite-api/api/resources/15b3ea0c-9f62-4fc2-93b8-d4281196043e/relationships?page=0&pageSize=1000', 'rel': 'SELF', 'name': 'current'}, ``` + + in `self._vmsResources[i]['resourceList']` + + + +if ```'resourceKey': {'name': 'SC1PRCONTXWHCUXCCL01', 'adapterKindKey': 'VMWARE', 'resourceKindKey': 'ClusterComputeResource', ``` + +if this is cluster compute resource, extract the name diff --git a/vrops-api/__dev/old/addhostcluster.py b/vrops-api/__dev/old/addhostcluster.py new file mode 100644 index 0000000..50de4e4 --- /dev/null +++ b/vrops-api/__dev/old/addhostcluster.py @@ -0,0 +1,91 @@ +import base64 + +# import os +import sys + +sys.path.append( + '/Users/dtomlinson/OneDrive - William Hill Organisation Limited/Mac/' + 'projects/vrops-api/__dev' +) +# sys.path.remove( +# '/Users/dtomlinson/OneDrive - William Hill Organisation Limited/Mac/' +# 'projects/vrops-api/' +# ) +from vropsAPI import vropsAPI + + +# Authenticate: +vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'svc_splunkVROPS@Group.WilliamHill.PLC', + 'whgroup', + base64.b64decode(b'UmFjaW5nMjEyMg==').decode(), + verify=False, +) + + +# Get all clusters and store a list of Names: +vrops.getClusters() +vrops.getClusterIdentifiers() +allClustersList = vropsAPI.getKeysList(vrops.allClusters) + + +# Print all these clusters +print(allClustersList) + + +# Get all hosts and store a list of Names: +vrops.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01') +vrops.getHostIdentifiers() +allHostsList = vrops.getKeysList(vrops.allHosts) + + +# Print all these hosts +print(allHostsList) + +# # Add just 2 hots +# counter = 0 +# hostList = [] +# for host in allHostsList: +# if counter == 2: +# break +# else: +# hostList.append(host) +# counter += 1 + + +# Get all VMs and sore a list of IDs +vrops.getVMSFromHost(allHostsList) +vrops.getVMSIdentifiers() +allVMSIdList = vrops.getValuesList(vrops.allVMS) + + +# Save all VMs to disk +vrops.saveToDisk(vrops.allVMS, indent=4, filePrefix='approach1-vms') + + +# Get data for a vm +vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-11), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='5', + rollUpType='AVG', + resourceId=allVMSIdList, + statKey=['cpu|usage_average', 'config|hardware|num_Cpu'], +) + + +# Export the data into readable format +vrops.exportVMData() + + +# Save to disk +vrops.saveToDisk( + vrops.export, + indent=4, + filePrefix='approach1-export', + breakLine=True, + path='/Users/dtomlinson/OneDrive - William Hill Organisation Limited' + '/Mac/projects/vrops-api/__dev', +) diff --git a/vrops-api/__dev/old/authenticate.py b/vrops-api/__dev/old/authenticate.py new file mode 100644 index 0000000..96af0be --- /dev/null +++ b/vrops-api/__dev/old/authenticate.py @@ -0,0 +1,22 @@ +import requests + +url = "https://sc1prapvro01/suite-api/api/auth/token/acquire" + +payload = "{\n\"username\" : \"dtomlinson@Group.WilliamHill.PLC\",\ + \n\"authSource\" : \"whgroup\",\n\"password\" : \"yi3Uw9Mw\"\n}" + +headers = { + 'Accept': "application/json", + 'Content-Type': "application/json", + 'Cache-Control': "no-cache", + 'Host': "sc1prapvro01", + 'Accept-Encoding': "gzip, deflate", + 'Content-Length': "102", + 'Connection': "keep-alive", + 'cache-control': "no-cache" + } + +response = requests.request("POST", url, data=payload, headers=headers, + verify=False) + +print(response.text) diff --git a/vrops-api/__dev/old/getHostInfo.py b/vrops-api/__dev/old/getHostInfo.py new file mode 100644 index 0000000..f385004 --- /dev/null +++ b/vrops-api/__dev/old/getHostInfo.py @@ -0,0 +1,87 @@ +import base64 +import os +import sys + +sys.path.append(os.getcwd()) +from vropsAPI import vropsAPI + + +# Authenticate: +vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'svc_splunkVROPS@Group.WilliamHill.PLC', + 'whgroup', + base64.b64decode(b'UmFjaW5nMjEyMg==').decode(), + verify=False, +) + + +# Get all clusters and store a list of Names: +vrops.getClusters() +vrops.getClusterIdentifiers() +allClustersList = vrops.getKeysList(vrops.allClusters) + + +# Print all these clusters +print(allClustersList) + +# Get all hosts and store a list of Names: +vrops.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01') +vrops.getHostIdentifiers() +allHostsList = vrops.getValuesList(vrops.allHosts) + + +# # Print all these hosts +# print(allHostsList) + + +# # Get all VMs and sore a list of IDs: +# vrops.getVMSFromHost(allHostsList) +# vrops.getVMSIdentifiers() +# allVMSIdList = vrops.getValuesList(vrops.allVMS) + +# # Save all VMs to disk +# vrops.saveToDisk(vrops.allVMS, indent=4, filePrefix='approach1-vms') + +# # Save all VMs:Hosts to disk +# vrops.saveToDisk( +# vrops.VMSHostsNames, indent=4, filePrefix='approach1-vms_hosts' +# ) + + +# # Add a single VM to a list to pull back +# myList = [] +# myList.append(allVMSIdList[0]) + + +# Get data for a vm +vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime( + vrops.epochNow, days=-3, hour=15, minute=0, second=0 + ), + end=vrops.epochRelativeTime( + vrops.epochNow, days=-3, hour=17, minute=0, second=0 + ), + intervalType='MINUTES', + intervalQuantifier='5', + rollUpType='AVG', + resourceId=allHostsList, + statKey=['cpu|corecount_provisioned'], + vropsType='host', +) + + +# Export the data into readable format +vrops.exportVMData() + +# Save to disk +vrops.saveToDisk( + vrops._vmsResources, + indent=4, + filePrefix='reddit-help-before', + breakLine=True, +) + +vrops.saveToDisk( + vrops.export, indent=4, filePrefix='reddit-help-after', breakLine=True +) diff --git a/vrops-api/__dev/old/getMetrics.py b/vrops-api/__dev/old/getMetrics.py new file mode 100644 index 0000000..48a3bd9 --- /dev/null +++ b/vrops-api/__dev/old/getMetrics.py @@ -0,0 +1,26 @@ +import requests + +url = "https://sc1prapvro01/suite-api//api/resources/stats" + +querystring = {"resourceId": "0389a5e4-9b4c-49aa-8139-92ef54f8dd9f", + "begin": "1564587600000", "end": "1564588200000", + "statKey": + ["cpu|workload", "mem|usage_average", "mem|swapped_average"], + "currentOnly": "True"} + +headers = { + 'Authorization': "vRealizeOpsToken f72a2910-88c3-442d-9dfb-58f61aa833fe" + "::10e2fe6d-55dc-416e-ad3c-9177901f9b3a", + 'Content-Type': "application/json", + 'Accept': "application/json", + 'Cache-Control': "no-cache", + 'Host': "sc1prapvro01", + 'Accept-Encoding': "gzip, deflate", + 'Connection': "keep-alive", + 'cache-control': "no-cache" +} + +response = requests.request("GET", url, headers=headers, params=querystring, + verify=False) + +print(response.text) diff --git a/vrops-api/__dev/old/getVms.py b/vrops-api/__dev/old/getVms.py new file mode 100644 index 0000000..6c4d301 --- /dev/null +++ b/vrops-api/__dev/old/getVms.py @@ -0,0 +1,42 @@ +import requests +import json +import math + +url = "https://sc1prapvro01/suite-api/api/resources" + +querystring = {"page": "0", "regex": "^prdx*"} + +headers = { + 'Content-Type': "application/json", + 'Authorization': "vRealizeOpsToken f72a2910-88c3-442d-9dfb-58f61aa833fe" + "::29abe2bf-a1f7-464d-b48a-508320a98627", + 'Content-Type': "application/json", + 'Accept': "application/json", + 'Cache-Control': "no-cache", + 'Host': "sc1prapvro01", + 'Accept-Encoding': "gzip, deflate", + 'Connection': "keep-alive", + 'cache-control': "no-cache" +} + +response = requests.request("GET", url, headers=headers, + params=querystring, verify=False) + +t = json.loads(response.text) +listNames = [] +totalVms = (t['pageInfo']['totalCount']) +vmsPerPage = (t['pageInfo']['pageSize']) +pages = math.ceil(totalVms/vmsPerPage) + +queryList = [i for i in range(0, pages)] + +for page in queryList: + querystring = {'page': page} + response = requests.request("GET", url, headers=headers, + params=querystring, verify=False) + for i in (range(0, 1000)): + t = json.loads(response.text) + listNames.append(t['resourceList'][i]['resourceKey']['name']) + print(listNames[i]) + +print(listNames) diff --git a/vrops-api/__dev/old/getoutput.py b/vrops-api/__dev/old/getoutput.py new file mode 100644 index 0000000..faa67b6 --- /dev/null +++ b/vrops-api/__dev/old/getoutput.py @@ -0,0 +1,134 @@ +import base64 +import json +import os +import sys +sys.path.append(os.getcwd()) +from vropsAPI import vropsAPI + + +# Authenticate: +vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'svc_splunkVROPS@Group.WilliamHill.PLC', + 'whgroup', + base64.b64decode(b'UmFjaW5nMjEyMg==').decode(), + verify=False, +) + +# Load VM dict + +with open('vms.json', 'r') as file: + vrops.allVMS = json.load(file) + +# Add a single VM to a list to pull back +myList = [] +for i in range(0, len(vrops.allVMS)): + myList.append(list(vrops.allVMS.values())[i]) + +testList = [] +testList.append(myList[10]) +testList.append(myList[11]) + +# print(myList) + +# Get data for a vm +vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-20), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='5', + rollUpType='AVG', + resourceId=testList, + statKey=['cpu|usage_average', 'config|hardware|num_Cpu'], +) + +# print(vrops.vmsResources) + +# Save output to disk +# vrops.saveToDisk(vrops.vmsResources, indent=4, fileName='approach2-output') + +export, metric = {}, {} + +# All vms to loop through +print(len(vrops.vmsResources['values'])) + + +# vm name +print(vrops.vmsResources['values'][0]['name']) + + +# data stored in +print(vrops.vmsResources['values'][0]['stat-list']['stat']) + +# how many keys there are +print(len(vrops.vmsResources['values'][0]['stat-list']['stat'])) + +# timestamp earliest, -1 latest? +print(vrops.vmsResources['values'][0]['stat-list']['stat'][0]['timestamps'][0]) + +# statkey +print( + vrops.vmsResources['values'][0]['stat-list']['stat'][0]['statKey']['key'] +) + +# Rolluptype avg etc +print(vrops.vmsResources['values'][0]['stat-list']['stat'][0]['rollUpType']) + +# time interval +print(vrops.vmsResources['values'][0]['stat-list']['stat'][0]['intervalUnit'][ + 'quantifier' +]) + +# intervaltype minutes etc +print(vrops.vmsResources['values'][0]['stat-list']['stat'][0]['intervalUnit'][ + 'intervalType' +]) + +# data earliest, -1 latest? +print(vrops.vmsResources['values'][0]['stat-list']['stat'][0]['data'][0]) + + +loopLength = len(vrops.vmsResources['values']) +print(f'loop length - {loopLength}') + +timeLength = len( + vrops.vmsResources['values'][0]['stat-list']['stat'][0]['timestamps'] +) + +metricLength = len(vrops.vmsResources['values'][0]['stat-list']['stat']) +print(metricLength) + +print('\n') + +for i in range(0, loopLength): + # timeLength = len( + # vrops.vmsResources['values'][1]['stat-list']['stat'][0]['timestamps'] + # ) + # print(json.dumps({'name': vrops.vmsResources['values'][i]['name']})) + pass + +print( + len(vrops.vmsResources['values'][0]['stat-list']['stat'][0]['timestamps'])) + +for i in range(0, loopLength): + statKeyLength = len(vrops.vmsResources['values'][i]['stat-list']['stat']) + timeLength = len( + vrops.vmsResources['values'][i]['stat-list']['stat'][0]['timestamps'] + ) + for k in range(0, statKeyLength): + for j in range(0, timeLength): + print(type( + json.dumps({ + 'name': vrops.vmsResources['values'][i]['name'], + 'timesamp': vrops.vmsResources['values'][i]['stat-list'] + ['stat'][0]['timestamps'][j], + 'data': vrops.vmsResources['values'][i]['stat-list'] + ['stat'][k]['data'][j], + 'statKey': vrops.vmsResources['values'][i]['stat-list'] + ['stat'][k]['statKey']['key'], + 'rollUpType': vrops.vmsResources['values'][i]['stat-list'] + ['stat'][k]['rollUpType'], + 'intervalUnit': vrops.vmsResources['values'][i] + ['stat-list']['stat'][k]['intervalUnit']['quantifier'] + }), + )) diff --git a/vrops-api/__dev/old/regex.py b/vrops-api/__dev/old/regex.py new file mode 100644 index 0000000..a31319d --- /dev/null +++ b/vrops-api/__dev/old/regex.py @@ -0,0 +1,12 @@ +import re +import json + +data = "host info in {'pageInfo': {'totalCount': 37, 'page': 0, 'pageSize': 1000}, 'links': [{'href': '/suite-api/api/resources/15b3ea0c-9f62-4fc2-93b8-d4281196043e/relationships?page=0&pageSize=1000', 'rel': 'SELF', 'name': 'current'}," + +pattern = r'(?:.*resources\/)(?P[^\/]+)' + +match = re.findall(pattern, data) + +host = [x for x in match] + +print(host) diff --git a/vrops-api/__dev/spaghetti_code/__pycache__/vropsAPI.cpython-37.pyc b/vrops-api/__dev/spaghetti_code/__pycache__/vropsAPI.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..cadf422db8179f8494e153ca9163a977e3b19cef GIT binary patch literal 18848 zcmdUXTWlOzdR|ramCa_8qNwZ6&em#1m)3}+sOyX@&5lMIjWjD!8j+G_dPd8%`V`5g z`leGwiR?6Ed!_6;0mdFI92>AT2IU}5HgT@VgAoLN2@v?fNFMSMRDi%p@{q|xfCLT# zECM9o_g7Wl*pxi*CV`u()2Gh)&+R|||DXSITJMjHWDI;}{`8;Uzf&=c|Hzl<6G!Gf zJnruxQHC-rMj`k%3#PnV1q+&JTz%>!@RwBS=dm9f zi>4Y}~(lo6mFV zpgJUTeO(<^N1hpl@2I>wif>!pSI5-kGqdnrHKnFea=>{5>)5$y?K9Nz=cbxbC!WO% zZ?b=N66-jnPUHQcI-|}4`jCuET%%2=B{1~%^R#+LodfJ)=ZN|RbzWWg!g?w6yXt#_ zjXbb%bn~qjhI&t3R6ErBiwW+J{O!PwUs9K!r_=}Pimd3E`cPfPOeUQvbxnQr%)p*b zJJT!2)%V+PQ|h|9AvH6AnpHO?e**bi>SM{DbWWnh?e^Q0np5*qbILh|nmg^cDRo!f zlbX}cY1DiYz5UpT8-+7qjvx5x$GYBdFW$OV{GYoF<3?SrRvde=u5EAGv7{RUedbLunx%FBbVBRTK&)Mxh4%s*A zwX#>&<=Rpk<}$eKoPD$8)gL(8K5=~JolLv#?(Lhm=4@3jt#V*+Y`u2QUiQ3(dv1E# zEzLA^v4QCxpP6=7%bqh?Y?P+~?M`dQ^`_h1lxxaan_Bj&m3Gk_di%b!?#d$X-k9qw ziffC8U|&;@t51sBnJU$*(@t&r@olGADL0+Tn+-?HjNHipH+uTa)Y)l(MJ*mPUv)fP zMla}U`olZdE>F&!JaOX6>5Hc(FJGLwJbCKvnJbg;zyHC-$#>p)|HO&6KX~WN#VaR* zxwa>J#|7%!ZVF50f+y2Mhup39LPwJ)@HcBe9g4M$vVj)U_JW^0A}Ki|ZGz6f3UNJ7zx9A&n0m&n{Lf zcB!)JdX9E`SN!p+qu1?#d`Q>D$Hj7`_yANs7`~0AsU^p|6n1$ezh%XO$u5{{inw1a zV*-Hg0p|o2juX4S*gaAE+GW=+)>JeRoA~RSJ!gZpMf2dH6z$$rSNYcQDrI-ec(3mN zI$MR*!L{-INU+kb(FP%Zx$b&>bKf5G1Aw{EE4p4K;X)>Kwx@SD3C2$w`&T(G8-^%4 z67K4S!*iErZr#3gb9Vlddsi>r`Q*~2>&IsfZ{5c&z4dOSjMkNebBxd%j@GyG2>$$R z-LuQpMn$Bhqu$-RPu+Auw6uvrUbf#cS@-3#OL}N;kQ8nmBbw}=rOTI7fDABb`|sZ9 zL&5f&zXg=oxl#A76d`&ef zrC04bI_ur^9`5Z-uN#kj%Z+xtO_$vh1nUUmh}%~X;LE4dFG%j*Xp;-F+Y<|V?Ux)V z+MZA_VSC^1|4bIalL}za+ZoU9Nfdr0se|jY*@|-pwR1KkH5rN*Q4<*pbmQRjWTa zlAmG~LEeC(;0fRsys)}juX)ScbRl(}KIC;^C#tx-NC`EW{Q8tt~kojcZZQp%rX3FA4gka3^;TzXx@63NNH^2rZd<6UPYB99&E*w6+ z4XmzLDt8(|uNUurxE++^g3U_KHFbenWyi(>o~A^>fEBsT3P}oZSX}t*aH+A{TBS!| zA>6vd$80H--MLlr4&UFp_&)x-=)o)TfXdNU4vW^!)ts}>*W8omx{Kb066AEe5fNqw z`V3y`m5Ewb>+r(5;_`Sy!|ysdGxN^z({I0XYUXU;tOxIk94A|adS^?*MRW>+C2U>! zE7q`uqB^dot!p@Y^7Pr`r%s+dHDC>3*pLp+fyLkfg>EqSCBCVDD*4-ubG}vp%caN*??GVZCXNLp!JAD7M^8G#}&wii+mQCAOSo8Cb138URgxP%G6HNW73iP0cBBwC0G6 zG6}t!u=Dv?=#s{={2_V{=j#uhnx71OfhC5X_~CafeB5`D@eI#w8BeWE>xE$&E#wzs zEemP96+@cv%#|d*QwlXJ@!vMSLfuMAS?3X)f+svS+uRY+{LO|dgW81=`c&bhZVG1d zX+Pnv!r7}+7|>5IER^BHURcm+yy_t)jG6g4;Hn5>y^1pu?m$1a9AxrwKkhn}#XfjM znT8e?N)`A)7Z!eM{Os}c9XM0nY2`&;^y!;5=duRIVe;Jzd>i&veA_qm5*+TX%+9_J zqZwhU=^Mq;G~6I7K(IS4bR*vIg$3n2o^~6>rDezS$_v;FC#Z(^f2y&rvzYrI;&GWV z%$%8&zqAR=gh7I-Xvz76EW%GmeqTS+@$&lV$fqm#C?(k+KErqtcrM{_?;`PxO|xYx z^M$pMEE^lCwWD4bJzL`5#ai*D*i-AWaewS{Ya_ie)Ea7~TIut~qa*j&Hr7hwJ@F#8 zk!f+qGp)qa81^zT>+j%fLT5Or48){&Vn98?1c44C9}hNh7)r`ru8#B;1Eu@BQNnHS zv=(B>5BsrF#SQkZw=Y>`AsewMhxSvA;(DcCRDSHCv+gHErUWFy$f1^G963MRHB;wb zqQqsfF_bmq_)D7;7IPV^xvRYi-7WI5U?Ya1_cZDdY0wP(q;|YjT`M6pDIYQl8AcHQ z5i-gQf|So=8x|04?lW4(!<4?#LcA5hwB*B>K8JjAkFkN80D}2iw)?F`#!1aK?atxO zunVU*?U8Gzi={`aW$iTg^g=`@n%jJ1n~G_kW$yGNI`6T>-I%kVZ8zgyr3C`Hum3kb zKQpHVry)A@chCS))DS0bfbTZa^&V9JJ3IldW0q-|Y2Y~veCP1poM_{^i#)z23iFnq zZLC8m)NVc?hiMyyZA25{ZA9nr;u$NDH>B||EFjBb96HG$RLw(Aaf(_$p;oI6H*e`f zXrK=>>8Fuk#QFM1b2n%I3jkc%*>0NXhCt65_S`)~6Rr5+H_1UrfznEN(0IX6xjBnT z96_0%AnCe!Q@@3`Ewf?Y^YvSTh5rhGt+VNdh_>Wg?8-(`;`sbf7EqGPT&^M$$b%Q= zhKU^Hvq%QRi><^J-dZSKNwg4M|01yw^OCLDQ`2OdR4cZUeqpNkK4T-^ii-pYNG5*k z<{XcdIGkTa%?$}8bVA58KO{0hA7wd7!cS`lB!`HCp9*t&gyjj*7W5?ZanD)vLiwj< zQA8t~x{Z1bl3Naf-W}BY0P^4QxTItwkpZd2L3I2BlUr$X%xr$Ao9HeMkU$APS8hj{ z=+O0tqzS3QPgb1T5(Lj^#3kPcnL!u?C?`?!LzMT3;I&&G(A=^_%)SrwK{7xZ0F^3+ z2j8vOLrZ77${`_yq`Tpg`wWQX?4#^G)QMEkq_hst(r4@sx95g=y@UEfrn4YFP6syl zBO!_$Fnk6O`Ye;TnXrLxmix&u2Nvye-{ZDPc!H(ItZ_3LKV-$t=ALfcc0rR>0@fiu z16)O{LNaYL^P6~CGB(V${VikDcwyjB%0YITIKV94J$aPF$|EN7;}H6;pM+Kg5d;Q! zk5dl^A|^C7mi~qCD8h!h1lYq>P^~a9`yBpyMN$M-`Z>%s8R)zEeGC>(Rg)tJ&T)kD zkp6F(C~D_RNB9n#P!GOgiO7V zNMazH7-NB8+nT1WF`lsIxY^v_CX_85wTYTY=s6##wv>a@fm%FH0%(qwoDXsAD^CZO zCsjgD2%HPy36aJLF@*gy7N99&uadJ|U0_yIPWrpU@bRU3wEAxemFQkcyt7M;S6&pn6%FteUh&{IrJ$c{tjsRa!(-|!-XnJN-YeF zwlgPQfS|k6Y}I>`_>>aiWZi2-xtu71*5E{8n!$ZSMwCI~U%@w386e$y0U0Z3jLqtEoZ@FlAg}K*e;-L$vw*jR;V2IT;~9nSh^;;_ojbz436FU3AyrDyiE=bT@7_ztz9KE_kReIKo`7O<+Vn zl|f;!|9}k7AJ2Sh>3>47T3I?!uVJ&B&;z3PWoAO3f(#!EpRKC|X zI7$qyM>oen)==(NcDyiUjGxfT#*D`??Tz*v65&y;Z?DDY_MGK$~|s?y8k?_cQl+Xcb)kdOQn$XOIE zYBd4pEHbw(t6X5M2(VtJ(RVo{bxgPtqbn!*R3N@MLtz>}4$n)qz)`OuBdSv&Lt>b( z%QSk0xUQk$8p(@ig<)nwR}1WXGikjZ4{ZOyI2en;2Y~wBRt9XAfuM(d+M~{PPt1~` zeRHL4WRU4XT017!+%VPm1+Q-|mE*-+O9AyLYsW+UNQaInPSUV(E4gee3mdhhFS z#-ujV*mhb1X;=sE!3_gaZN*^&ycb#k$=T+LM zfZ6EtOn?e_5_E<6DiYt)j-Oh@$qe4roVA}IhFyOIs};7M+6!fg9H;P7J|)+ar(?~H!>-)Bvm=1--ZV+YM+#e%xl04}_ zNWxh-W(GBBLW=9qf=g>$a&#xstJ|ePb=2@J!_wO=!C5~BBi7G$NB;cr=&chH^)sEY z8uIO+6^yeWU>SNVD7#CPO8o4^LxD@9$Q`$!gQc;lV3JL!^-pPB4X=$W9*UWbEDf~_ z#-qI?E73_4&_%6{5s*)^HOwDfd||;nORc0;qQ%moRt{-KC1DPXdLY%!Y-@C7E9p7H2+@jMf@Ltj`KRLQk}hTe9EEBpO$Wt#(6_A7%|2G(nR-dM*Eh!6vlT(VLx;qHWZ4+Ayh zC_5XZW>A`RDdQtO+KXBO-)KDD#J_^~cVFS6=`p%5j+A8DM0CE&d9VUu5!2 zOn#Y(tn?{!!Mu6j&`$>U4*e9~L@g0FRGLuY$Q1p*b5Pb<(RW&=At&bOoBy|zN>>44 zj3jX^X7EQpRksZ~E=T5mNF>YLZ;i+H#wG-6FQn0gx!>FymItL>QKo2&X6(e&O!J1f zTy`1BUal(}xy~=Lj@bx5*%9=SyiG+Bu{Qfj*~5KPL_}R^3HIV@O=67*T6*j7_@xj_ z_0-IhiqoERR_l@1_7hqPyj976C(nHR{du|=ab^sA!$!oIU+WhY?7{}>JQ zuQ2&*OnwbXKJ$&XN&hMv_F;T9S|7Df96h@%Af9_>jAbFrp$+csHcDi3LQvljcm9=G z=vIf&z>h;aTJ|%G<%)AlJB#Htc(Wmng^&E92SCTe>o^Uy4d8azj#%L%SovdQh?N&` z(8E1%!YDAsM6qa`v}mrxze;W(EC+cAGseTg?wbxg2&s7Y<&X zJa}XB;GBLF%lw%+*-T6^l+m2}w7zOr;kL0E*|dwn4UH#=5rP7FX`_w03-fx_XxS zeGI@LC~l}yVn1VKJKI#(Y2Q|Ud8Uu!5t{jR^eRfOgy`Wx5)adc z`K7hC=HUmEEipyEwC*oMLFB0^5Z!jkQ`jtnYiPkx(FH^t{k87kmX$J5 zFuyeK|1VIisEKm!{{(ph#%~fqBr31nW2fY7?#u-m0P3NiY@J^;ix%P_gX(Eki=ObZ z`V7zim$b);zir_ej_7dSHhI$MY~ zA$rsMd_BS>&!mJT^kWns`XpszJcrM{_Paz2$;!prAy`P8KN?3lyjfr`XiSIT5G z445FMcn`;#4Z>M*@EpeY1PSyFFjb)&6%zl!iM1UTqWXW)na@P`m87V?Jw>iPiASb* z2AM!#fx7~_970I^v%ZM!fefHOU!;FB3g)4VCqW9+kIx2XMyxN47scpe=vx046C$Lr zt805@PF@|c%FfdD-x&xsPpD`wq_;l(FC(1^*dGxEqWZzxPEP7Ngga1eM3A2O2qK6P zEG!}c#GyLW7`QkFZ-7`P|C$36uZGnejoR@CsL)4y=&nr~A^V8C+qH>zFc8>>y5d)e zmHg1G1#}sQZYZ&nkbUB_&AEPUi$9WtzFx!+c}24?+K8`5mmYa*K(3@0!(V3gT!y@M z`IyZ+v%WdiJUF*nD&beri?}bp&fjH1RO0tsv=cfbOoiNwNHcE)Jja>?Dg5`CV=yn; zEHT-7H%pN9Z-^}NodK7vWlkjMo%yqE%HFO`>2-7t448?V>QB1%rW1beY5f;ti}ddU zW#4R*^xsF5u08q(eC^&NF`@hRh-Lrj=d(vWaky>xr-b4D+rT~QX+3z4sPjirqnEQ$ z$UeBo`hSCcWN#2*6NBY0vD{&de~8zJC%D-D!-Qr3g9r$Yu!tw}=DhsV2icx4y2#vF zUaTckFD&?(g$3NF$A3wIe0E_0I#ngCN#Qzcy@b2BBOH-4^5YNc^@`kL^@rs)ZQwG{ zud^~sjiy`*ix{!@W5wEfaQ921^Fm7d*xTQUkqBr}q(X`9LAg`LQ_{|HI?7me@6 zK>a}Z#BP%|F0pb3nPT2SSJzp)XNCgnkts`D4sTjuNL*sgRgJ)Fs< z)4LChWz(lRb-1Qr=Hxw@=q(*fSqLhJW0+%m(+k;jZakaFrn2$eNbtz)^Si{=CV{s~ z`N7G+Tu#EL0i!&?_K&$zZd_qEe*wGdl`B)x#TL2eBB!_h1A>W~!ebf)grD&QH`HB; z1L#Kt;5HS;aQ&bEfy4rSrCGx`ZXx5W@fJLz_=Vlqa0d`S-@_dexk`910P>Ud;J#>z k{j~QZ$Z literal 0 HcmV?d00001 diff --git a/vrops-api/__dev/spaghetti_code/redditHelp.py b/vrops-api/__dev/spaghetti_code/redditHelp.py new file mode 100644 index 0000000..b1b8dcf --- /dev/null +++ b/vrops-api/__dev/spaghetti_code/redditHelp.py @@ -0,0 +1,76 @@ +import base64 +import os +import sys + +sys.path.append(os.getcwd()) +from vropsAPI import vropsAPI + + +# Authenticate: +vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'svc_splunkVROPS@Group.WilliamHill.PLC', + 'whgroup', + base64.b64decode(b'UmFjaW5nMjEyMg==').decode(), + verify=False, +) + + +# Get all clusters and store a list of Names: +vrops.getClusters() +vrops.getClusterIdentifiers() +allClustersList = vrops.getKeysList(vrops.allClusters) + + +# Print all these clusters +print(allClustersList) + +# Get all hosts and store a list of Names: +vrops.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01') +vrops.getHostIdentifiers() +allHostsList = vrops.getKeysList(vrops.allHosts) +allHostsIdList = vrops.getValuesList(vrops.allHosts) + +# Print all these hosts +print(allHostsList) + + +# Get all VMs and sore a list of IDs: +vrops.getVMSFromHost('sc1hsesx156.prod.williamhill.plc') +vrops.getVMSIdentifiers() +allVMSIdList = vrops.getValuesList(vrops.allVMS) + +# Save all VMs to disk +vrops.saveToDisk(vrops.allVMS, indent=4, filePrefix='approach1-vms') + +# Save all VMs:Hosts to disk +vrops.saveToDisk( + vrops.VMSHostsNames, indent=4, filePrefix='approach1-vms_hosts' +) + + +# Add a single VM to a list to pull back +# myList = [] +# myList.append(allVMSIdList[0]) + + +# Get data for a vm +vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-30), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='5', + rollUpType='AVG', + resourceId=allVMSIdList, + statKey=['cpu|usage_average', 'config|hardware|num_Cpu'], + vropsType='virtualmachine' +) + + +# # Export the data into readable format +# vrops.exportVMData() + +# # Save to disk +# vrops.saveToDisk( +# vrops.export, indent=4, filePrefix='approach1-export', breakLine=True +# ) diff --git a/vrops-api/__dev/spaghetti_code/spaghettiFixer.py b/vrops-api/__dev/spaghetti_code/spaghettiFixer.py new file mode 100644 index 0000000..616ae5a --- /dev/null +++ b/vrops-api/__dev/spaghetti_code/spaghettiFixer.py @@ -0,0 +1,65 @@ +import os +import sys +import json + +sys.path.append(os.getcwd()) +# from vropsAPI import vropsAPI + + +# Open files + +with open('_vmsResourcesaim.json', 'r+') as jsonFile: + myDict = json.load(jsonFile) + +with open('_vmsResources.json', 'r+') as jsonFile: + myDictBefore = json.load(jsonFile) + +with open('vmid.json', 'r+') as jsonFile: + vmId = json.load(jsonFile) + +with open('vmname.json', 'r+') as jsonFile: + vmName = json.load(jsonFile) + +print(myDict['values'][0]) +print() + +# Playground + +output0 = map(lambda x: x in 'values', myDict) + +output1 = map(lambda i: i[0:], myDict) + + +output2 = [item['name'] for item in myDict['values']] + +print(myDictBefore['values'][0]) + +print() + +# output2 = (x for x in myDict(iter(output1))) + +print(output2) + +print() + +name = ( + key + for item in [item['resourceId'] for item in myDictBefore['values']] + for key, value in vmId.items() + if item == value +) + + +for entry, name in zip(myDictBefore['values'], name): + entry['name'] = name + +print() +print(name) +print() +print(myDictBefore['values'][0]) +print(myDictBefore['values'][-2]) + +""" +names_res = map(lambda i: i['name'][0], data) +ids = [item['owner']['id'] for owner in results['playlists']['items']] +""" diff --git a/vrops-api/__dev/spaghetti_code/vropsAPI.py b/vrops-api/__dev/spaghetti_code/vropsAPI.py new file mode 100644 index 0000000..7387e45 --- /dev/null +++ b/vrops-api/__dev/spaghetti_code/vropsAPI.py @@ -0,0 +1,767 @@ +import requests +import urllib3 +import json +from typing import Union +import copy +from datetime import datetime +from dateutil.relativedelta import relativedelta +import os +import math +import time +from collections import OrderedDict +import re +from deprecated import deprecated + +# warnings.filterwarnings('ignore') +urllib3.disable_warnings(urllib3.exceptions.InsecureRequestWarning) + + +class vropsAPI(object): + """Module for the vropsAPI for Capacity Management: + Author: Daniel Tomlinson + Team: Capacity & Monitoring + Date: October 2019 + + VROPS documentation: https://sc1prapvro01/suite-api/docs/rest/ + index.html + StatKeys for VMS: + https://docs.vmware.com/en/vRealize-Operations-Manager/6.7/com.vmware.vcom.metrics.doc/GUID-1322F5A4-DA1D-481F-BBEA-99B228E96AF2.html + + Usage + ----- + Authenticate a session: + vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'username', + 'authSource', + 'password', + verify=False, + ) + + + Get all clusters: + Query VROPS for available clusters: + vrops.getClusters() + vrops.getClusterIdentifiers() + + Get dict of all cluster IDs and cluster names: + allClustersDict = vrops.allClusters + + Get list of all cluster names: + allClustersList = vrops.getList(vrops.allClusters) + + + Get all hosts: + Query VROPS for available hosts: + From a single cluster: + vrops.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01') + vrops.getHostIdentifiers() + From a list of clusters: + + + Get dict of all host IDs and host names: + allHostsDisct =vrops.allHosts + + Get list of host names: + allHostsList = vrops.getList(vrops.allHosts) + + + Get all VMs: + Query VROPS for available VMs: + For a single host: + vrops.getVMSFromHost('sc1hsesx148.prod.williamhill.plc') + vrops.getVMSIdentifiers() + + For a list of hosts: + vrops.getVMSFromHost(allHostsList) + vrops.getVMSIdentifiers() + + Get dict of all VM IDs and VM names: + allVMSDict = vrops.allVMS + + Get list of all VMs: + allVMSList = vrops.getList(vrops.allVMS) + + + Get epoch time relative to another time: + Similar to Splunks relative_time command: + 1. Can go back N hours/minutes etc. + 2. Can set the hour/minute etc. to a specified value (snapping) + + vrops.epochRelativeTime(epochTime, **kwargs) + + **kwargs: + epochTime: int - start time + + year: int = datetime.now().year # set year + month: int = datetime.now().month # set month + day: int = datetime.now().day # set day + hour: int = datetime.now().hour # set hour + minute: int = datetime.now().minute # set minute + second: int = datetime.now().second # set second + + years: int = 0 # go back/forward N years + months: int = 0 # go back/forward N months + days: int = 0 # go back/forward N days + hours: int = 0 # go back/forward N hours + minutes: int = 0 # go back/forward N minutes + seconds: int = 0 # go back/forward N seconds + Usage: + + Get epoch 5 minutes ago: + vrops.epochRelativeTime(vrops.epochNow, minutes=-5) + + Get epoch at start of current hour: + vrops.epochRelativeTime( + vrops.epochNow, + hour=0, + minute=0, + second=0, + ) + + Get epoch 1 week ago at start of day: + vrops.epochRelativeTime( + vrops.epochNow, + days=-7 + hour=0, + minute=0, + second=0, + ) + + + Get stats from VMs: + Pull back results: + Last 30 minutes, 5 minute intervals, average + for CPU average and ready %: + + vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-30), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='5', + rollUpType='AVG', + resourceId=list(vrops.allVMS.values()), + statKey=['cpu|usage_average', 'cpu|readyPct'], + ) + + Attributes: + intervalType: (see + https://sc1prapvro01/suite-api/docs/rest/ + models.html#repr-1190589417) + + intervalQuantifier: int + + rollUpType: (see: + https://sc1prapvro01/suite-api/ + docs/rest/models.html#repr-1735704374) + + resourceId: string or list of vrops resourceIds (not names) + + statKey: vrops api metrics (see https://docs.vmware.com/en/ + vRealize-Operations-Manager/6.7/com.vmware.vcom.metrics.doc/ + GUID-1322F5A4-DA1D-481F-BBEA-99B228E96AF2.html) + + + Print results: + for i in range(0, vrops.totalVMS): + print(vrops.vmsResources['values'][i]) + + Save to disk as json: + vrops.saveToDisk(vrops.vmsResources) + + + Attributes + ---------- + vropsURL: str + URL of the VROPS instance + "https://sc1prapvro01/" + + """ + + defaultHeaders = { + 'Accept': 'application/json', + 'Content-Type': 'application/json', + 'Cache-Control': 'no-cache', + 'Accept-Encoding': 'gzip, deflate', + 'Connection': 'keep-alive', + 'cache-control': 'no-cache', + } + + def __init__(self, vropsURL: str, authToken: str, verify: bool = True): + super(vropsAPI, self).__init__() + self.vropsURL = vropsURL + self.authToken = authToken + self.verify = verify + self.headers = vropsAPI.defaultHeaders + self.headers['Authorization'] = f'vRealizeOpsToken {self.authToken}' + + @classmethod + def authenticate( + cls, + vropsURL: str, + username: str, + authSource: str, + password: str, + verify: bool = True, + ): + vropsURLauth = vropsAPI.getVropsURL(vropsURL, 'authenticationURL') + payload = {} + for key, value in zip( + ['username', 'authSource', 'password'], + [username, authSource, password], + ): + payload[key] = value + authToken = vropsAPI.getAuthenticationToken( + vropsURLauth, payload, verify + ) + return cls(vropsURL, authToken, verify) + + @staticmethod + def getVropsURL(vropsURL: str, endpointKey: str) -> str: + endpoints = { + 'authenticationURL': 'suite-api/api/auth/token/acquire', + 'resourcesURL': 'suite-api/api/resources', + 'statsURL': 'suite-api/api/resources/stats/query', + } + if endpoints[endpointKey] not in vropsURL: + if vropsURL[-1] != '/': + vropsURL = vropsURL + '/' + vropsURL = vropsURL + endpoints[endpointKey] + else: + vropsURL = vropsURL + endpoints[endpointKey] + return vropsURL + + @staticmethod + def pythonToJSON(pythonObject: any, indent=4) -> str: + return json.dumps(pythonObject, indent=indent) + + @staticmethod + def jsonToPython(jsonObject: str) -> any: + return json.loads(jsonObject) + + @staticmethod + def getAuthenticationToken( + vropsURL: str, payload: dict, verify=True + ) -> str: + + payload = vropsAPI.pythonToJSON(payload) + vropsURL = vropsAPI.getVropsURL(vropsURL, 'authenticationURL') + response = requests.request( + 'POST', + vropsURL, + data=payload, + headers=vropsAPI.defaultHeaders, + verify=verify, + ) + print(response) + authToken = vropsAPI.jsonToPython(response.text)['token'] + return authToken + + @staticmethod + def getIdentifiers( + identifierDict: dict, + vropsJSON: dict, + length: int, + resourceKindKey: str, + ) -> dict: + for i in range(0, length): + if ( + vropsJSON['resourceList'][i]['resourceKey']['resourceKindKey'] + == resourceKindKey + ): + identifierDict[ + vropsJSON['resourceList'][i]['resourceKey']['name'] + ] = vropsJSON['resourceList'][i]['identifier'] + else: + pass + return identifierDict + + @staticmethod + def getKeysList(pythonDict: dict) -> list: + pythonList = [] + for i in pythonDict.keys(): + pythonList.append(i) + return pythonList + + @staticmethod + def getValuesList(pythonDict: dict) -> list: + pythonList = [] + for i in pythonDict.values(): + pythonList.append(i) + return pythonList + + @staticmethod + def epochRelativeTime( + epochTime: int, + year: int = datetime.now().year, + month: int = datetime.now().month, + day: int = datetime.now().day, + hour: int = datetime.now().hour, + minute: int = datetime.now().minute, + second: int = datetime.now().second, + years: int = 0, + months: int = 0, + days: int = 0, + hours: int = 0, + minutes: int = 0, + seconds: int = 0, + ) -> int: + delta = relativedelta( + year=year, + month=month, + day=day, + hour=hour, + minute=minute, + second=second, + years=years, + months=months, + days=days, + hours=hours, + minutes=minutes, + seconds=seconds, + ) + if len(str(epochTime)) >= 12: + epochTime /= 1000 + relativeTime = datetime.fromtimestamp(epochTime) + delta + relativeTime = math.ceil(relativeTime.timestamp() * 1000) + return relativeTime + + def getClusters(self): + queryString = {'resourceKind': 'ClusterComputeResource'} + vropsURL = vropsAPI.getVropsURL(self.vropsURL, 'resourcesURL') + response = requests.request( + "GET", + vropsURL, + headers=self.headers, + params=queryString, + verify=self.verify, + ) + print(response) + self._clusterResources = vropsAPI.jsonToPython(response.text) + return self + + def getClusterIdentifiers(self): + self.totalClusters = len(self._clusterResources['resourceList']) + self.allClusters = {} + self.getIdentifiers( + self.allClusters, + self._clusterResources, + self.totalClusters, + 'ClusterComputeResource', + ) + return self + + def getHostsFromCluster(self, cluster='SC1PRCONTXWHCUXCCL01'): + self.cluster = cluster + url = ( + f'{self.vropsURL}/suite-api/api/resources/' + f'{self.allClusters[cluster]}/relationships' + ) + self.chosenCluster = cluster + response = requests.request( + "GET", url, headers=self.headers, verify=self.verify + ) + print(response) + self._hostResources = vropsAPI.jsonToPython(response.text) + return self + + def getHostIdentifiers(self): + self.totalHosts = len(self._hostResources['resourceList']) + self.allHosts = {} + self.getIdentifiers( + self.allHosts, self._hostResources, self.totalHosts, 'HostSystem' + ) + return self + + def getVMSFromHost(self, host: Union[str, list]): + if isinstance(host, list): + self.vmType = 'list' + self._vmsResourcesRelationships = [] + self.urlList = [] + response = [] + for item in host: + self.urlList.append( + ( + f'{self.vropsURL}suite-api/api/resources/' + f'{self.allHosts[item]}/relationships' + ) + ) + for urlItem in self.urlList: + response.append( + requests.request( + 'GET', + urlItem, + headers=self.headers, + verify=self.verify, + ) + ) + print(response) + for i in range(0, len(response)): + self._vmsResourcesRelationships.append( + vropsAPI.jsonToPython(response[i].text) + ) + if isinstance(host, str): + hostToList = [] + hostToList.append(host) + print(hostToList) + return self.getVMSFromHost(host=hostToList) + return self + + def _getHostInformation(self, i: int, j: int): + pattern = r'(?:.*resources\/)([^\/]+)' + vm = self._vmsResourcesRelationships[i]['resourceList'][j][ + 'resourceKey' + ]['name'] + host = self.urlList[i] + match = re.findall(pattern, host) + for key, value in self.allHosts.items(): + if match[0] == value: + self.VMSHostsNames[vm] = key + return self + + def getVMSIdentifiers(self): + self.VMSHostsNames = {} + self.allVMS = OrderedDict() + if self.vmType == 'list': + self.countVMS = [] + self.countVMSFiltered = [] + for i in range(0, len(self._vmsResourcesRelationships)): + counter = 0 + for j in range( + 0, len(self._vmsResourcesRelationships[i]['resourceList']) + ): + if ( + self._vmsResourcesRelationships[i]['resourceList'][j][ + 'resourceKey' + ]['resourceKindKey'] + ) == 'VirtualMachine': + counter += 1 + self._getHostInformation(i, j) + self.countVMS.append( + len(self._vmsResourcesRelationships[i]['resourceList']) + ) + self.countVMSFiltered.append(counter) + for i in range(0, len(self._vmsResourcesRelationships)): + self.getIdentifiers( + self.allVMS, + self._vmsResourcesRelationships[i], + self.countVMS[i], + 'VirtualMachine', + ) + if self.vmType == 'string': + counter = 0 + self.countVMS = len( + self._vmsResourcesRelationships['resourceList'] + ) + for j in range(0, self.countVMS): + if ( + self._vmsResourcesRelationships['resourceList'][j][ + 'resourceKey' + ]['resourceKindKey'] + ) == 'VirtualMachine': + counter += 1 + self.countVMSFiltered = counter + self.getIdentifiers( + self.allVMS, + self._vmsResourcesRelationships, + self.countVMS, + 'VirtualMachine', + ) + return self + + def getStats( + self, + begin: int, + end: int, + intervalType: str, + intervalQuantifier: str, + rollUpType: str, + resourceId: list, + statKey: Union[str, list], + vropsType: str, + *args, + **kwargs, + ): + self.vropsType = vropsType + argList = copy.deepcopy(locals()) + for i in ('self', 'vropsType'): + del argList[i] + vropsURL = self.getVropsURL(self.vropsURL, 'statsURL') + payload = self.pythonToJSON(argList, indent=0) + response = requests.request( + 'POST', + vropsURL, + headers=self.headers, + data=payload, + verify=self.verify, + ) + self._vmsResources = OrderedDict(self.jsonToPython(response.text)) + if self.vropsType == 'virtualmachine': + for key, value in self.allVMS.items(): + for i in range(0, len(self._vmsResources['values'])): + if self._vmsResources['values'][i]['resourceId'] == value: + self._vmsResources['values'][i] = OrderedDict( + self._vmsResources['values'][i] + ) + self._vmsResources['values'][i]['name'] = key + self._vmsResources['values'][i][ + 'host' + ] = self.VMSHostsNames[key] + self._vmsResources['values'][i][ + 'cluster' + ] = self.chosenCluster + for item in ['cluster', 'host', 'name']: + self._vmsResources['values'][i].move_to_end( + item, last=False + ) + if self.vropsType == 'host': + for key, value in self.allHosts.items(): + for i in range(0, len(self._vmsResources['values'])): + if self._vmsResources['values'][i]['resourceId'] == value: + self._vmsResources['values'][i] = OrderedDict( + self._vmsResources['values'][i] + ) + self._vmsResources['values'][i]['name'] = key + self._vmsResources['values'][i][ + 'cluster' + ] = self.chosenCluster + for item in ['cluster', 'name']: + self._vmsResources['values'][i].move_to_end( + item, last=False + ) + + @deprecated( + version='2.1', + reason='this method is deprecated, use getStats() instead with the' + ' same functionality', + ) + def getStatsFromVMS( + self, + begin: int, + end: int, + intervalType: str, + intervalQuantifier: str, + rollUpType: str, + resourceId: list, + statKey: Union[str, list], + vropsType: str, + ): + argList = copy.deepcopy(locals()) + del argList['self'] + self.getStats(**argList) + return self + + @staticmethod + def saveToDisk( + pythonObject: any, + path: str = os.getcwd(), + filePrefix: str = '', + type: str = 'json', + indent: int = 4, + breakLine: bool = False, + ) -> None: + timeNow = datetime.now().strftime('%d-%m-%Y_%H-%M-%S') + fileName = f'{path}/{filePrefix}-{timeNow}.json' + if breakLine: + if not isinstance(pythonObject, list): + raise TypeError( + 'You must pass a list when using' ' breakLine=True' + ) + else: + with open(fileName, 'a+') as outputFile: + for item in pythonObject: + try: + outputFile.write( + json.dump( + json.loads(item), outputFile, indent=indent + ) + ) + except TypeError: + pass + outputFile.write('\n') + else: + with open(fileName, 'w+') as outputFile: + json.dump(pythonObject, outputFile, indent=indent) + + def exportVMData(self): + self.export = [] + loopLength = len(self._vmsResources['values']) + for i in range(0, loopLength): + statKeyLength = len( + self._vmsResources['values'][i]['stat-list']['stat'] + ) + timeLength = len( + self._vmsResources['values'][i]['stat-list']['stat'][0][ + 'timestamps' + ] + ) + for k in range(0, statKeyLength): + for j in range(0, timeLength): + if self.vropsType == 'virtualmachine': + self.export.append( + json.dumps( + { + 'type': self.vropsType, + 'name': self._vmsResources['values'][i][ + 'name' + ], + 'host': self._vmsResources['values'][i][ + 'host' + ], + 'cluster': self.chosenCluster, + 'timestamp': self._vmsResources['values'][ + i + ]['stat-list']['stat'][0]['timestamps'][j], + 'value': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['data'][j], + 'statKey': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['statKey']['key'], + 'rollUpType': self._vmsResources['values'][ + i + ]['stat-list']['stat'][k]['rollUpType'], + 'intervalQuantifier': self._vmsResources[ + 'values' + ][i]['stat-list']['stat'][k][ + 'intervalUnit' + ][ + 'quantifier' + ], + 'intervalType': self._vmsResources[ + 'values' + ][i]['stat-list']['stat'][0][ + 'intervalUnit' + ][ + 'intervalType' + ], + } + ) + ) + elif self.vropsType == 'host': + self.export.append( + json.dumps( + { + 'type': self.vropsType, + 'name': self._vmsResources['values'][i][ + 'name' + ], + 'cluster': self.chosenCluster, + 'timestamp': self._vmsResources['values'][ + i + ]['stat-list']['stat'][0]['timestamps'][j], + 'value': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['data'][j], + 'statKey': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['statKey']['key'], + 'rollUpType': self._vmsResources['values'][ + i + ]['stat-list']['stat'][k]['rollUpType'], + 'intervalQuantifier': self._vmsResources[ + 'values' + ][i]['stat-list']['stat'][k][ + 'intervalUnit' + ][ + 'quantifier' + ], + 'intervalType': self._vmsResources[ + 'values' + ][i]['stat-list']['stat'][0][ + 'intervalUnit' + ][ + 'intervalType' + ], + } + ) + ) + return self + + @property + def totalVMS(self): + if isinstance(self.countVMSFiltered, list): + self.__totalVMS = sum(self.countVMSFiltered) + elif isinstance(self.countVMSFiltered, int): + self.__totalVMS = self.countVMSFiltered + return self.__totalVMS + + @totalVMS.setter + def totalVMS(self, totalVMS): + self.__totalVMS = totalVMS + return self.__totalVMS + + # @property + # def totalHosts(self): + # if isinstance(self.countVMSFiltered, list): + # self.__totalVMS = sum(self.countVMSFiltered) + # elif isinstance(self.countVMSFiltered, int): + # self.__totalVMS = self.countVMSFiltered + # return self.__totalVMS + + # @totalHosts.setter + # def totalHosts(self, totalHosts): + # self.__totalHosts = totalHosts + # return self.__totalHosts + + @property + def epochNow(self): + self.__epochNow = math.ceil(time.time() * 1000) + return self.__epochNow + + @property + def epochToday(self): + now = datetime.now() + self.__epochtoday = now + relativedelta(hour=0, minute=0, second=0) + self.__epochToday = math.ceil(time.time() * 1000) + return self.__epochToday + + @property + def allVMS(self): + return self.__allVMS + + @allVMS.setter + def allVMS(self, allVMS): + if not isinstance(allVMS, dict): + raise TypeError( + 'You must pass a dictionary with a key of the name' + f' and a value of the VROPS ID, not {type(allVMS)}.' + ) + else: + pass + self.__allVMS = allVMS + print('Successfully imported the dictionary.') + return self.__allVMS + + @property + def VMSHostsNames(self): + return self.__VMSHostsNames + + @VMSHostsNames.setter + def VMSHostsNames(self, VMSHostsNames): + if not isinstance(VMSHostsNames, dict): + raise TypeError( + 'You must pass a dictionary with a key of the name' + f' and a value of the VROPS ID, not {type(VMSHostsNames)}.' + ) + else: + pass + self.__VMSHostsNames = VMSHostsNames + print('Successfully imported the dictionary.') + return self.__VMSHostsNames + + @property + def chosenCluster(self): + return self.__chosenCluster + + @chosenCluster.setter + def chosenCluster(self, chosenCluster): + if not isinstance(chosenCluster, str): + raise TypeError( + 'You must pass a dictionary with a key of the name' + f' and a value of the VROPS ID, not {type(chosenCluster)}.' + ) + else: + pass + self.__chosenCluster = chosenCluster + return self.__chosenCluster diff --git a/vrops-api/__dev/vropsAPI.py b/vrops-api/__dev/vropsAPI.py new file mode 100644 index 0000000..7387e45 --- /dev/null +++ b/vrops-api/__dev/vropsAPI.py @@ -0,0 +1,767 @@ +import requests +import urllib3 +import json +from typing import Union +import copy +from datetime import datetime +from dateutil.relativedelta import relativedelta +import os +import math +import time +from collections import OrderedDict +import re +from deprecated import deprecated + +# warnings.filterwarnings('ignore') +urllib3.disable_warnings(urllib3.exceptions.InsecureRequestWarning) + + +class vropsAPI(object): + """Module for the vropsAPI for Capacity Management: + Author: Daniel Tomlinson + Team: Capacity & Monitoring + Date: October 2019 + + VROPS documentation: https://sc1prapvro01/suite-api/docs/rest/ + index.html + StatKeys for VMS: + https://docs.vmware.com/en/vRealize-Operations-Manager/6.7/com.vmware.vcom.metrics.doc/GUID-1322F5A4-DA1D-481F-BBEA-99B228E96AF2.html + + Usage + ----- + Authenticate a session: + vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'username', + 'authSource', + 'password', + verify=False, + ) + + + Get all clusters: + Query VROPS for available clusters: + vrops.getClusters() + vrops.getClusterIdentifiers() + + Get dict of all cluster IDs and cluster names: + allClustersDict = vrops.allClusters + + Get list of all cluster names: + allClustersList = vrops.getList(vrops.allClusters) + + + Get all hosts: + Query VROPS for available hosts: + From a single cluster: + vrops.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01') + vrops.getHostIdentifiers() + From a list of clusters: + + + Get dict of all host IDs and host names: + allHostsDisct =vrops.allHosts + + Get list of host names: + allHostsList = vrops.getList(vrops.allHosts) + + + Get all VMs: + Query VROPS for available VMs: + For a single host: + vrops.getVMSFromHost('sc1hsesx148.prod.williamhill.plc') + vrops.getVMSIdentifiers() + + For a list of hosts: + vrops.getVMSFromHost(allHostsList) + vrops.getVMSIdentifiers() + + Get dict of all VM IDs and VM names: + allVMSDict = vrops.allVMS + + Get list of all VMs: + allVMSList = vrops.getList(vrops.allVMS) + + + Get epoch time relative to another time: + Similar to Splunks relative_time command: + 1. Can go back N hours/minutes etc. + 2. Can set the hour/minute etc. to a specified value (snapping) + + vrops.epochRelativeTime(epochTime, **kwargs) + + **kwargs: + epochTime: int - start time + + year: int = datetime.now().year # set year + month: int = datetime.now().month # set month + day: int = datetime.now().day # set day + hour: int = datetime.now().hour # set hour + minute: int = datetime.now().minute # set minute + second: int = datetime.now().second # set second + + years: int = 0 # go back/forward N years + months: int = 0 # go back/forward N months + days: int = 0 # go back/forward N days + hours: int = 0 # go back/forward N hours + minutes: int = 0 # go back/forward N minutes + seconds: int = 0 # go back/forward N seconds + Usage: + + Get epoch 5 minutes ago: + vrops.epochRelativeTime(vrops.epochNow, minutes=-5) + + Get epoch at start of current hour: + vrops.epochRelativeTime( + vrops.epochNow, + hour=0, + minute=0, + second=0, + ) + + Get epoch 1 week ago at start of day: + vrops.epochRelativeTime( + vrops.epochNow, + days=-7 + hour=0, + minute=0, + second=0, + ) + + + Get stats from VMs: + Pull back results: + Last 30 minutes, 5 minute intervals, average + for CPU average and ready %: + + vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-30), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='5', + rollUpType='AVG', + resourceId=list(vrops.allVMS.values()), + statKey=['cpu|usage_average', 'cpu|readyPct'], + ) + + Attributes: + intervalType: (see + https://sc1prapvro01/suite-api/docs/rest/ + models.html#repr-1190589417) + + intervalQuantifier: int + + rollUpType: (see: + https://sc1prapvro01/suite-api/ + docs/rest/models.html#repr-1735704374) + + resourceId: string or list of vrops resourceIds (not names) + + statKey: vrops api metrics (see https://docs.vmware.com/en/ + vRealize-Operations-Manager/6.7/com.vmware.vcom.metrics.doc/ + GUID-1322F5A4-DA1D-481F-BBEA-99B228E96AF2.html) + + + Print results: + for i in range(0, vrops.totalVMS): + print(vrops.vmsResources['values'][i]) + + Save to disk as json: + vrops.saveToDisk(vrops.vmsResources) + + + Attributes + ---------- + vropsURL: str + URL of the VROPS instance + "https://sc1prapvro01/" + + """ + + defaultHeaders = { + 'Accept': 'application/json', + 'Content-Type': 'application/json', + 'Cache-Control': 'no-cache', + 'Accept-Encoding': 'gzip, deflate', + 'Connection': 'keep-alive', + 'cache-control': 'no-cache', + } + + def __init__(self, vropsURL: str, authToken: str, verify: bool = True): + super(vropsAPI, self).__init__() + self.vropsURL = vropsURL + self.authToken = authToken + self.verify = verify + self.headers = vropsAPI.defaultHeaders + self.headers['Authorization'] = f'vRealizeOpsToken {self.authToken}' + + @classmethod + def authenticate( + cls, + vropsURL: str, + username: str, + authSource: str, + password: str, + verify: bool = True, + ): + vropsURLauth = vropsAPI.getVropsURL(vropsURL, 'authenticationURL') + payload = {} + for key, value in zip( + ['username', 'authSource', 'password'], + [username, authSource, password], + ): + payload[key] = value + authToken = vropsAPI.getAuthenticationToken( + vropsURLauth, payload, verify + ) + return cls(vropsURL, authToken, verify) + + @staticmethod + def getVropsURL(vropsURL: str, endpointKey: str) -> str: + endpoints = { + 'authenticationURL': 'suite-api/api/auth/token/acquire', + 'resourcesURL': 'suite-api/api/resources', + 'statsURL': 'suite-api/api/resources/stats/query', + } + if endpoints[endpointKey] not in vropsURL: + if vropsURL[-1] != '/': + vropsURL = vropsURL + '/' + vropsURL = vropsURL + endpoints[endpointKey] + else: + vropsURL = vropsURL + endpoints[endpointKey] + return vropsURL + + @staticmethod + def pythonToJSON(pythonObject: any, indent=4) -> str: + return json.dumps(pythonObject, indent=indent) + + @staticmethod + def jsonToPython(jsonObject: str) -> any: + return json.loads(jsonObject) + + @staticmethod + def getAuthenticationToken( + vropsURL: str, payload: dict, verify=True + ) -> str: + + payload = vropsAPI.pythonToJSON(payload) + vropsURL = vropsAPI.getVropsURL(vropsURL, 'authenticationURL') + response = requests.request( + 'POST', + vropsURL, + data=payload, + headers=vropsAPI.defaultHeaders, + verify=verify, + ) + print(response) + authToken = vropsAPI.jsonToPython(response.text)['token'] + return authToken + + @staticmethod + def getIdentifiers( + identifierDict: dict, + vropsJSON: dict, + length: int, + resourceKindKey: str, + ) -> dict: + for i in range(0, length): + if ( + vropsJSON['resourceList'][i]['resourceKey']['resourceKindKey'] + == resourceKindKey + ): + identifierDict[ + vropsJSON['resourceList'][i]['resourceKey']['name'] + ] = vropsJSON['resourceList'][i]['identifier'] + else: + pass + return identifierDict + + @staticmethod + def getKeysList(pythonDict: dict) -> list: + pythonList = [] + for i in pythonDict.keys(): + pythonList.append(i) + return pythonList + + @staticmethod + def getValuesList(pythonDict: dict) -> list: + pythonList = [] + for i in pythonDict.values(): + pythonList.append(i) + return pythonList + + @staticmethod + def epochRelativeTime( + epochTime: int, + year: int = datetime.now().year, + month: int = datetime.now().month, + day: int = datetime.now().day, + hour: int = datetime.now().hour, + minute: int = datetime.now().minute, + second: int = datetime.now().second, + years: int = 0, + months: int = 0, + days: int = 0, + hours: int = 0, + minutes: int = 0, + seconds: int = 0, + ) -> int: + delta = relativedelta( + year=year, + month=month, + day=day, + hour=hour, + minute=minute, + second=second, + years=years, + months=months, + days=days, + hours=hours, + minutes=minutes, + seconds=seconds, + ) + if len(str(epochTime)) >= 12: + epochTime /= 1000 + relativeTime = datetime.fromtimestamp(epochTime) + delta + relativeTime = math.ceil(relativeTime.timestamp() * 1000) + return relativeTime + + def getClusters(self): + queryString = {'resourceKind': 'ClusterComputeResource'} + vropsURL = vropsAPI.getVropsURL(self.vropsURL, 'resourcesURL') + response = requests.request( + "GET", + vropsURL, + headers=self.headers, + params=queryString, + verify=self.verify, + ) + print(response) + self._clusterResources = vropsAPI.jsonToPython(response.text) + return self + + def getClusterIdentifiers(self): + self.totalClusters = len(self._clusterResources['resourceList']) + self.allClusters = {} + self.getIdentifiers( + self.allClusters, + self._clusterResources, + self.totalClusters, + 'ClusterComputeResource', + ) + return self + + def getHostsFromCluster(self, cluster='SC1PRCONTXWHCUXCCL01'): + self.cluster = cluster + url = ( + f'{self.vropsURL}/suite-api/api/resources/' + f'{self.allClusters[cluster]}/relationships' + ) + self.chosenCluster = cluster + response = requests.request( + "GET", url, headers=self.headers, verify=self.verify + ) + print(response) + self._hostResources = vropsAPI.jsonToPython(response.text) + return self + + def getHostIdentifiers(self): + self.totalHosts = len(self._hostResources['resourceList']) + self.allHosts = {} + self.getIdentifiers( + self.allHosts, self._hostResources, self.totalHosts, 'HostSystem' + ) + return self + + def getVMSFromHost(self, host: Union[str, list]): + if isinstance(host, list): + self.vmType = 'list' + self._vmsResourcesRelationships = [] + self.urlList = [] + response = [] + for item in host: + self.urlList.append( + ( + f'{self.vropsURL}suite-api/api/resources/' + f'{self.allHosts[item]}/relationships' + ) + ) + for urlItem in self.urlList: + response.append( + requests.request( + 'GET', + urlItem, + headers=self.headers, + verify=self.verify, + ) + ) + print(response) + for i in range(0, len(response)): + self._vmsResourcesRelationships.append( + vropsAPI.jsonToPython(response[i].text) + ) + if isinstance(host, str): + hostToList = [] + hostToList.append(host) + print(hostToList) + return self.getVMSFromHost(host=hostToList) + return self + + def _getHostInformation(self, i: int, j: int): + pattern = r'(?:.*resources\/)([^\/]+)' + vm = self._vmsResourcesRelationships[i]['resourceList'][j][ + 'resourceKey' + ]['name'] + host = self.urlList[i] + match = re.findall(pattern, host) + for key, value in self.allHosts.items(): + if match[0] == value: + self.VMSHostsNames[vm] = key + return self + + def getVMSIdentifiers(self): + self.VMSHostsNames = {} + self.allVMS = OrderedDict() + if self.vmType == 'list': + self.countVMS = [] + self.countVMSFiltered = [] + for i in range(0, len(self._vmsResourcesRelationships)): + counter = 0 + for j in range( + 0, len(self._vmsResourcesRelationships[i]['resourceList']) + ): + if ( + self._vmsResourcesRelationships[i]['resourceList'][j][ + 'resourceKey' + ]['resourceKindKey'] + ) == 'VirtualMachine': + counter += 1 + self._getHostInformation(i, j) + self.countVMS.append( + len(self._vmsResourcesRelationships[i]['resourceList']) + ) + self.countVMSFiltered.append(counter) + for i in range(0, len(self._vmsResourcesRelationships)): + self.getIdentifiers( + self.allVMS, + self._vmsResourcesRelationships[i], + self.countVMS[i], + 'VirtualMachine', + ) + if self.vmType == 'string': + counter = 0 + self.countVMS = len( + self._vmsResourcesRelationships['resourceList'] + ) + for j in range(0, self.countVMS): + if ( + self._vmsResourcesRelationships['resourceList'][j][ + 'resourceKey' + ]['resourceKindKey'] + ) == 'VirtualMachine': + counter += 1 + self.countVMSFiltered = counter + self.getIdentifiers( + self.allVMS, + self._vmsResourcesRelationships, + self.countVMS, + 'VirtualMachine', + ) + return self + + def getStats( + self, + begin: int, + end: int, + intervalType: str, + intervalQuantifier: str, + rollUpType: str, + resourceId: list, + statKey: Union[str, list], + vropsType: str, + *args, + **kwargs, + ): + self.vropsType = vropsType + argList = copy.deepcopy(locals()) + for i in ('self', 'vropsType'): + del argList[i] + vropsURL = self.getVropsURL(self.vropsURL, 'statsURL') + payload = self.pythonToJSON(argList, indent=0) + response = requests.request( + 'POST', + vropsURL, + headers=self.headers, + data=payload, + verify=self.verify, + ) + self._vmsResources = OrderedDict(self.jsonToPython(response.text)) + if self.vropsType == 'virtualmachine': + for key, value in self.allVMS.items(): + for i in range(0, len(self._vmsResources['values'])): + if self._vmsResources['values'][i]['resourceId'] == value: + self._vmsResources['values'][i] = OrderedDict( + self._vmsResources['values'][i] + ) + self._vmsResources['values'][i]['name'] = key + self._vmsResources['values'][i][ + 'host' + ] = self.VMSHostsNames[key] + self._vmsResources['values'][i][ + 'cluster' + ] = self.chosenCluster + for item in ['cluster', 'host', 'name']: + self._vmsResources['values'][i].move_to_end( + item, last=False + ) + if self.vropsType == 'host': + for key, value in self.allHosts.items(): + for i in range(0, len(self._vmsResources['values'])): + if self._vmsResources['values'][i]['resourceId'] == value: + self._vmsResources['values'][i] = OrderedDict( + self._vmsResources['values'][i] + ) + self._vmsResources['values'][i]['name'] = key + self._vmsResources['values'][i][ + 'cluster' + ] = self.chosenCluster + for item in ['cluster', 'name']: + self._vmsResources['values'][i].move_to_end( + item, last=False + ) + + @deprecated( + version='2.1', + reason='this method is deprecated, use getStats() instead with the' + ' same functionality', + ) + def getStatsFromVMS( + self, + begin: int, + end: int, + intervalType: str, + intervalQuantifier: str, + rollUpType: str, + resourceId: list, + statKey: Union[str, list], + vropsType: str, + ): + argList = copy.deepcopy(locals()) + del argList['self'] + self.getStats(**argList) + return self + + @staticmethod + def saveToDisk( + pythonObject: any, + path: str = os.getcwd(), + filePrefix: str = '', + type: str = 'json', + indent: int = 4, + breakLine: bool = False, + ) -> None: + timeNow = datetime.now().strftime('%d-%m-%Y_%H-%M-%S') + fileName = f'{path}/{filePrefix}-{timeNow}.json' + if breakLine: + if not isinstance(pythonObject, list): + raise TypeError( + 'You must pass a list when using' ' breakLine=True' + ) + else: + with open(fileName, 'a+') as outputFile: + for item in pythonObject: + try: + outputFile.write( + json.dump( + json.loads(item), outputFile, indent=indent + ) + ) + except TypeError: + pass + outputFile.write('\n') + else: + with open(fileName, 'w+') as outputFile: + json.dump(pythonObject, outputFile, indent=indent) + + def exportVMData(self): + self.export = [] + loopLength = len(self._vmsResources['values']) + for i in range(0, loopLength): + statKeyLength = len( + self._vmsResources['values'][i]['stat-list']['stat'] + ) + timeLength = len( + self._vmsResources['values'][i]['stat-list']['stat'][0][ + 'timestamps' + ] + ) + for k in range(0, statKeyLength): + for j in range(0, timeLength): + if self.vropsType == 'virtualmachine': + self.export.append( + json.dumps( + { + 'type': self.vropsType, + 'name': self._vmsResources['values'][i][ + 'name' + ], + 'host': self._vmsResources['values'][i][ + 'host' + ], + 'cluster': self.chosenCluster, + 'timestamp': self._vmsResources['values'][ + i + ]['stat-list']['stat'][0]['timestamps'][j], + 'value': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['data'][j], + 'statKey': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['statKey']['key'], + 'rollUpType': self._vmsResources['values'][ + i + ]['stat-list']['stat'][k]['rollUpType'], + 'intervalQuantifier': self._vmsResources[ + 'values' + ][i]['stat-list']['stat'][k][ + 'intervalUnit' + ][ + 'quantifier' + ], + 'intervalType': self._vmsResources[ + 'values' + ][i]['stat-list']['stat'][0][ + 'intervalUnit' + ][ + 'intervalType' + ], + } + ) + ) + elif self.vropsType == 'host': + self.export.append( + json.dumps( + { + 'type': self.vropsType, + 'name': self._vmsResources['values'][i][ + 'name' + ], + 'cluster': self.chosenCluster, + 'timestamp': self._vmsResources['values'][ + i + ]['stat-list']['stat'][0]['timestamps'][j], + 'value': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['data'][j], + 'statKey': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['statKey']['key'], + 'rollUpType': self._vmsResources['values'][ + i + ]['stat-list']['stat'][k]['rollUpType'], + 'intervalQuantifier': self._vmsResources[ + 'values' + ][i]['stat-list']['stat'][k][ + 'intervalUnit' + ][ + 'quantifier' + ], + 'intervalType': self._vmsResources[ + 'values' + ][i]['stat-list']['stat'][0][ + 'intervalUnit' + ][ + 'intervalType' + ], + } + ) + ) + return self + + @property + def totalVMS(self): + if isinstance(self.countVMSFiltered, list): + self.__totalVMS = sum(self.countVMSFiltered) + elif isinstance(self.countVMSFiltered, int): + self.__totalVMS = self.countVMSFiltered + return self.__totalVMS + + @totalVMS.setter + def totalVMS(self, totalVMS): + self.__totalVMS = totalVMS + return self.__totalVMS + + # @property + # def totalHosts(self): + # if isinstance(self.countVMSFiltered, list): + # self.__totalVMS = sum(self.countVMSFiltered) + # elif isinstance(self.countVMSFiltered, int): + # self.__totalVMS = self.countVMSFiltered + # return self.__totalVMS + + # @totalHosts.setter + # def totalHosts(self, totalHosts): + # self.__totalHosts = totalHosts + # return self.__totalHosts + + @property + def epochNow(self): + self.__epochNow = math.ceil(time.time() * 1000) + return self.__epochNow + + @property + def epochToday(self): + now = datetime.now() + self.__epochtoday = now + relativedelta(hour=0, minute=0, second=0) + self.__epochToday = math.ceil(time.time() * 1000) + return self.__epochToday + + @property + def allVMS(self): + return self.__allVMS + + @allVMS.setter + def allVMS(self, allVMS): + if not isinstance(allVMS, dict): + raise TypeError( + 'You must pass a dictionary with a key of the name' + f' and a value of the VROPS ID, not {type(allVMS)}.' + ) + else: + pass + self.__allVMS = allVMS + print('Successfully imported the dictionary.') + return self.__allVMS + + @property + def VMSHostsNames(self): + return self.__VMSHostsNames + + @VMSHostsNames.setter + def VMSHostsNames(self, VMSHostsNames): + if not isinstance(VMSHostsNames, dict): + raise TypeError( + 'You must pass a dictionary with a key of the name' + f' and a value of the VROPS ID, not {type(VMSHostsNames)}.' + ) + else: + pass + self.__VMSHostsNames = VMSHostsNames + print('Successfully imported the dictionary.') + return self.__VMSHostsNames + + @property + def chosenCluster(self): + return self.__chosenCluster + + @chosenCluster.setter + def chosenCluster(self, chosenCluster): + if not isinstance(chosenCluster, str): + raise TypeError( + 'You must pass a dictionary with a key of the name' + f' and a value of the VROPS ID, not {type(chosenCluster)}.' + ) + else: + pass + self.__chosenCluster = chosenCluster + return self.__chosenCluster diff --git a/vrops-api/__pycache__/vropsAPI.cpython-37.pyc b/vrops-api/__pycache__/vropsAPI.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..5f67f2456ca64b770a7290c17dae22d1a9e80ea1 GIT binary patch literal 17495 zcmdU0S!^3gdhUydD3X$8`P?~rJY!4rSfb@~Mr+NE$M=jado1}F&UhJ`)siTYY`VH- zOANKU85z4lHqH)$V3F*45-C9*5(IhJ=LE=0UIHYq0s0|8l9$Xw9s&diun3TRe^qz0 zdC1Nc!~yg#pnvRY-~N!NMTEW7Tvm zQ^@!**+SORwuV@ITUC`S3QMr$Q-vk1;Z41;i>Y%;Zs04-Ntw;5UhGc2V%L#LvXX1L zm70ZohFjH=TX}3TtLm0eFnE(Qi(BksrR;j~%3|H-R++j8KD+#kv!*GErO*PgIJKZN z4SzZ_SPW_WdAwk-IV*<0I7>d)zo#syY=EVnW(o-_$>v3ktQ~wFV`-Lo8rxJ016E4b zu;21*C56uV=ktr#15uCd*0RKR8gY?|#s*>fMDCZ4K=H`pZ0 zqvVkFCf2cgK|7$Z?GE4ik-&$VRnX{1@sXyF5wz&A}!x}o?!2? zX+Vx)ZR1;7^*+(LO+&aEI#jb~M$Jh-vD{4+yCs1=Ud^^T&v5!T~N$VtP zZU=AQQw*hW3S@oXOFrgy!#RKJTIoObD9R0+tyV2_!RDsBWSK#oD7a8+l*$!%-Mmq% zmlmy>Rd=UTrvEv=>Mq%Q+Pqk*SFEZzZ`Z1ox?|TvfO)G_n>NEfj+i&>dd0PQrM?)# zTm(Z+n>Wj@{m|m(iQ`l6roy_rw{PB>GnrjprGdd~c757ha@~eAozFYvsRl1KFx}%* zd1tlaS`(#4B@bvP&n?Hzhuu`_%vzgVa%g0(NmrtKRHF5F$)WwNY?@V2u_~3&}=O^BM_k$BB-nsPdne&%V$hn4-z2gA&;oAg# z!Z+Fj;HFXr8qJdFSdK$j3hQY(Vn@xHaAzk=kw)Vkpaeb^EWZQ8W5;>{R~?JjOEs%s z9gQ((ukv!=+D6H7p4goAY5CaVm4)@0%cZJgb&i=!wMpZO<(j2x)ht(69oOPc=ZZgG zwfMRz$%p8=^te>1mL7u2`@@G=nq0Kp3x1d5xtq1rq>t2RKcTK@pht zLUf|$wTq5fs~x2JPA35-4=_OH^o)X+!KxWB72V{;d#Zr#3c zb9Vmzy{i}Q+`n+)`thl;-hJ%pt#c#AXpzL9V}M?Nw62v0@aJZ2*R0eURUs`c_FnHk zMd^aj5)y@Y*?Gsrx-V87qK9yUL}Bk3!DN4yE?-OmVt{_zfA>Zg3U=Q79#F#8W#Y_W z=V_iV*>=cj+6kJ^_!xxK5~SVQ)TwtS8{B4-Pb$@FrBqwO*JPtwe%Y?0v(8QL;NJH1 zqIm3DZm{DaT}CGe))9y!+`fbWUp$p=L2~y-NG{0kOf2ZNTXLXiXF|b*&A!`&3N(B% zjR2sVLac^eUNXs6HUmT1bZy8!8yX9y1}ZxDd#+N0kVcJd&NZs5^%W;|$YtJGIr%P}ptJlV6mCuAE3Vw$WTYT-8!@M5Z_ z)3C}U-kJHhR9&^qai?BtG$5+FguSEyvEtjlQ!tP9jf)b>9W##}U4b33=ybKD=?7K4 z3!~bwk7=_~cg+dYaZ4PNMz5WlNx<}3w@NU|2zJH{+?C0?{bW2hNmT^$CJY5v0QTU8 zs%v)LUD}}wQP=K6y!P#cmDYFY0yXUp@Y1(AZO9JosjA%pz4h%uZvPH_$jWvv^1W|A zj#ainb^S3aE8G3Z_nkM!3HmuM+xRq_hm`{IV4z*vBd6~~1g>A+fduQ@1Cagl_5{?o zHDUVY%>`87_C7zp6azk7-##RMUp@;TuA>iOM^E?e4M|ujtxlW%*k)x2F-{2j~B*F?lU9;K|jy7%Pc&E7?^g-Ve zEiZzQ2;T|fg*ccppIFukq1=q319bSmj0K|nnTfOimskqNCK7?9cj2Ovh1{c=Z>>UK z3v~x)ceUDWhtsBAFTu1tc|0J+V`f0!B+4ufmF66SYXm z0YgO6c)=%F_xyUpni;!sZT8OmrMW&nD8UD?AFq~tA8%&t^bWAxu2%0fWUuG%UfBuC za=>O~>l&LOtFrB50Z)^{z4$!&AR`t2zAmc)Z1I)FQQ!_m(aWNm#m?OqS~RR-Zh*(dHU?} zQzy@!>azwgtWO8iU~!6unP9fS(Gb)R%Qt{=%yF2^($MeInNJwgev}6xFw>7YiH&+u zEURZhzesSar?a0g+J%*M^l%GkaS03kMH@+{3Ru+SrTU^Ze*Bm(eO%iuk++iT-Cd%d z2KDOm-Q${b+efnV>6m1{u?L@49&{mj4s1r=0IN9AQI5Hc2xo8aQf4`Towwnkuk;xt zy2LgEhN~8Fz0TmC==9F*>w-)|Kw1b2DX>JIi;Qw1@amT8tXN*6oRMsk~%0GmFhiX z+bdSxi_2JGnGT8QL*KgpIPW3jDz4g6HnlBnTTzu3@O#aDBG9E1>zC4Mz-W7BUo5MUc8FFq2DqF=rLQUY@{!Ub0xMAckEm z@+4mQ03~#~+xk#bUXNIB2o>C(2Jt`8x=v zI(g;>QS|)Hx^CnZ zTFGd0;C>`Sb&kQPWnH#D@DXq48gc8PiVinZ>= zg!quuK!BqPXq>Bvm2zeb5e#mYchHSm{IM>Wc&wC0|06QV70y4;9Cm^cj^(hEj_ z7w49{%IjsEB8m_31o4JI{D;UeRh}n4*EcjET0Nk&l$8X(+`=I!&b{I*I-f>9zE9ae zjf9|lJso{(5sxHhn`T>&(+LYrFYgkA=1b*As}*iF_jN)9%FAiKxkE*s)RvQfL~(j7 zaWCfVrNd^lS4jbZ+*kjF&rj97z^RW8{yG}qz|+TxBk>&~o$sUm@JL+inyRTu;5iL^ zXYt(}4RIYIkFN-YIn7Hq*1`Yvn-7VZxQW6L(S-02(OJB>$}&U?(fBhB$kOPrI8NtH zbr(GuBvri_Tdg&moW_r!0Ux8Jn?~e_^Y({xH)rY4*%3P%rHLp6dQMT#(HW{}MIZVm zauB3If=Te8vQ6jN>MSNPjxsMsr0e8V{x;rvWYx|Y1nlLX(97FcaR@I%YVb;5G5gz^p%ymre4 znp>I>vmXF`kPMIpKqb@h;Jc--XgnP$hlCI$9fgY@P#~7mkJ9&0C!_)=N^A2hg@?Vt zaBi5_JE$+D+6(dwidBO@V!~zvhED^6pP}R|CDg!EE8XOn1&c-^^*Y9t8Z0raji_kvLAt^!seG7XveExar$8|vD@ma?U6D^N;V$W9dsOrr}TkFr>K zz(k$_q3?Kc7*G&FV1RGX)ct`76MO~*-3uXAgbi~DU@xtLEC>a&&*HCBBn4pQU&37D z(zNC0F_=G9{sB#|-yAa}4=L0wX8CH*EcZt7+y)fHkjr`lVX)dWD30mHL@?6R5n1sJ z3Nm?d8A|fvGGOGzM7$Hl6mxcnlY!Zo2qJn3KN{yH{BWM!Kw???4B;W37xLvZWL&Zm zgk8~!3ELqFiz3w;Y^5Qe(;FFAbs=Xq)lD$LN{qh)38cRYwdd+vMhh~sm4On>y0NWz zE4!7zl@5Irr5o8+79?-X=F#%e+OzKy0E6OTpHgCbePGu{iq9oKc`~&y(|{2cQco`9C4733B=JoE zc$qRz!>ziHU%n&N5%WYyFI%KT^lrN2B|sJQRbJ)&=xsMpD-NpZXx$&N)ZUS}wqK_` z8IctCN_0oMoBi@BuaKfK=GJk=rxp-knU<3h1SlrpC4-~(7m?nGzsv~T*|bWs?E<Ttn28;`B?O02NVe!@m zF`Ka!LmDUYBSLGz97A6J(h%mxk$cM8QGx=z3A0Vxin+<<0S5aQrI2#VgOGv}_Ab2T zG)z30DQlB%hQ-}1y$O@=l?@t2N9&=jVURV9yX9Tmsu<(9$;-x!M=;}m!2IH^IOZhk z&|jSTL)+c0I7>W(=_ANJIqMk|sci1w$+LSY%}ZlJ<%_^rZq!RvaQ88;jE3msxw_9sUIOGS46XBMAvwpQ+>Werj%tMf>tq^!hlV5@6H&w9c1bQF#TU&` zFpXy*$WklNsMnAYrc)tB#4vA*X>c1V1vX1T(8E9NFlVC^)5Or8x*R%LM1Ume1Q9ME!&E_D*jU*2WW&=}UO{jMgeeG8*uAeI7?apYV%y0RNWwdKA7L1fYRiBR@V@T>#Alla#=kK= zc{G%EpXGDopMLYR{DZf1Qf*9QHvH?902PQN@D<8ek$4)nyu<=DGkBNN&UrDyu;XR0 zTEW({bT1AboX{h}RJ92VaTgb7SM`GSxF#qFCT7VkFY#BX?^h}5+zW4aF<|{VqQ(G* zF#bK-n^6EO!1*wqI53~aKBP&lwuM}urlFAQuwEMIP^eP`BsYociKlg@0(t))@IOjp zYd>`3OmhjHNuNVM-+JmEBeo7(=0ltj8=4GCNm7vG=7(}Lejh$_;wH)I%GPVOxWMq_v3AsXx(Ad>bah zqrVd)=nN$Ch03e63ON>$n=mnqwQ1^?+6ifNRIY^TyH|l84h8G@LVa`yeWP6w(kn6t z^uxs1LKY3o3V|W0D?)L?@yy<>aCfy-MO<{LQn$V$3WU!gj4#;n4iO4D%5dVu^(MZI zmqM~^uhvNtc*8;Na-|A-vlwqn5JAR|sfY8F2!lu3cv3JVL|a6RiDJ9SahDV|5xw%q zM2zGiC?Lb6FD&+gC=K2;H`c7>808yXvl}>Q*h4Y*<@Mxvseb%awKJiNE*lLDDLBG zo8(I+TS=zQfHEO`Xg4*8p8@1zD8~;Vo@pB?Hx9Ea2G5PCjx^l>i^JX@bdd)w3@)d) z;lY76GHZW>+U(Yl5L~J*?I-Rq)7@RD$*@GoLqCES=a;my;GHBWFaz%VoO+dz zR8IW{Z|9U2OuXO?Z3a-HERVF(Xd5k0iSpeYWrOFGwYOLr+WVD_p=izWXlsaNSoRt5 z=zrc*9(|67`9gJQR?53Wz+Rvx$0$FE#CK76o(jlr;TI|SHA;k(73!*lS3uI2kdLD3 zGTAOTYjAUW;8EI*^+J;2M2B(+EZJq;1P}o-sY#Dg+kTpq7$#zGW;zr!U#D75Nt;y! zpFKpGH(0YDTSeC{Qp99fF0)0z8b%}UX#t6j!L2#F*9@Iwk{rV_4F$=Za+#j_G zqaAvRh^Ahig=#y3Zao9aX~|11RI1i3ZY@;S5KM$6BVxYZz(X9+uUv;Pl2HtDP3S`k zJhUSJ952Kz+lY@MI;z4ZQ-y`7k!{!_Yti^JzJXH_{?r8rxsa>QIXA}e1E9~NUk4jCASh}H6omsY#FfPbh7*IDfLl9abqhf{#Zr8SXDkz>e_vjGv#CD zwsK#o9})c|(a+wEWM>c5K7bR4XahJzJIp2y*Cq~sQapTh;_!`$!*l#CEaa!^L^C!? zvEt_BC-$mYgI{dY(UDn_r`=C*2xG3&)o(LI&dfYtwVGP#ZTOHx`c3W0+qsm8ka#+7 zF&1zzz!xYU!YinjCgT7ZjF%vAxo6mj$$7CS9QK3^b{iCbhb2K<#D9a5?^E)dlnCZ} zhFl>*UE<_ueyj9Km+uIM^f#RUQGj8y@oE70gwwwDg_cs>S?4Th(~n9 zL+H$5cSuIeQTzKpo>KE$Tw_N;ItR+nQFVqKhC|nX) z0wQYXZNdiZUqcol84iFj(BDzfpE!g=e+M^WC>s%FLSdr})*(iaF@p9uhzEC!3qgzb z7|5p2Y=SXcXtk;KhatyA2xS4&uNMI^0H{>g*uFU=>IV-fFX$hFn`L&MgP1452t~k# zo+G3LA^lwlXpV`7YH8IeeaS4=Ev6 z$9HWCsj6)^u8SiDX|!Z$_J}*nGPw+y_tcfXmP}fXclQQo{Q#pgNWjI&cTYGRRt@D-BGg_%kL;i=mTmZB_=54Sts< zdk+az3<$1cwj$yRQMS`WgZfWsqBOLkjYcm41ohz*0oRVCoxzJ#QE(72Q3P%2PkW~C z1AkBi4Z()^Ry+uwqm1001g3AyN~1>a3Y-T~aoSD(14?LCg*}lS5OZ>EoDQ^?&Y$;% znkOg(*@nX2x(tJq=uCiplTaY+R>Zf6P$Ocx4HY7SNRA#sa-_hqFcJwMA{CL}Ho-`z zqW=a6L&>6n39pLQ917aeue;!UgaIb14@twPa1mf~Ou{>8928FG!Iy|mey-MKgwudI zAflB%g&VWYxo-7Kzd(W?T*9y9o>bf=vt;5#E4Wca=XBz}XUYHBL&r^{YZs51bRo@C zC!2@oR?B7l`v;Vx2uZM6!h-DF zEP<>FA&ZVr6a+~$bu>o)(9gCh`y-pu8CvKYq85(f^Ov(n9g*)H_~#*p`(EEY>S*16kB*^n5T|`H8~N;mOJe^M z>?8IDF>PVQl4gz|{g3b(@B}Tk%d-*M{QHCesbvD5$f@(eodlS#D!K|Y|GGyA}ne=wC$?6H|7nBt7^Dex@0p>)~=T( zgP~IPi}q2GUaGIl+ZN(HOpp@YjNm__qLZxkd?@5|NYD zPw4dlB}GaYB@2`Q3yKK0auJaEReJq(B%WsDfF2%T`3d8{L#4kLnO&>D{mO$#*sW9 zP3rrTTH;_9Vv8QsjOdycSBHl**hlhjID^u-cn}S4{{{7$`kFetCz(wSrn1T8-b2Ib ze4HUB0+IxIJ}4wO=?AvqR16Fq&P!L3yGcuahfw2 z0%-7b52=AM>nf4<+HonnE?=r#OC`ff*@=?a$%9|~kSaeoRe8=sQq`}1u=S9KI4Rqq z*J8f!bT`nr4CyUzVqkFk^f~{z{rB^qGgl`j@)|yGn16cRE^FGK^CkVU@bV6R{y#?| zG@;kEa`e>8x_URt2A)RUY*=MWkLohz49d)UwvjDoRhd=KHSDq-*N>IQRNH(xub$)O zaXd5iLSv#l5yKSAMc3HaBC-#4U3*^>Ibq+|gzZk=Gs|0rKChL=zQ&xixso1ct~P64 z6B%1n0yn5NT;wODTdxGQJFal+K?Mclm!xo|E6&uaL71&AH9hH8*+u%ZHGc6wGc?WB zxJWEeFPp-^*A$k>Ak99=mMt;wX7J4l`+@mG?WQiqME?FnIp^A9LDfXH;}0^TASUi- z?&;+*Hy_oA;saA`5tH{Vl#aW3an&uj8L{nwA-0Ph3U)%l7Q{0s+bNz^kVQaVLl0X3 zy9+%$C!SZZlYrfV?^f1{Z(+n2#EYuMHdV7-yo6p}7LF?0kt+MPctw>xgR-3)&py;v zcE!)<;^*`6^IP%rh4}fR*xmcyEMV+Szv9&gMX^V`rsn#R*emwk*UB%8lGu-@BR&!b z#MFJg{B1EUW>E5qyBq7+e$#kP69*sYVpbfwZGBEy!}wKwDJ+K_Q#=pM|v&))aCP)zj;Q}E_!0M?m9O;=>*HJlhmn# z)0I}GS_{^kije4!=d(AGuf?H`Ece;JN z=3MlewZN0L=292t420^qbEz75H(co)Iyn1QzFT+g%B9Qmj_|6h92oNEHIF;XLD2G# z&&>GM*_N!dFx`W*GyZBVaHlG*+6z+2vs3TB``)Rkx88d9(4jZqd+Uu; zXAebl?N0Wp57c+xrugZ;kp{p`tqL?c6~}jdpIGYFb2*Bl&dDxirz@#O`}#l$zBgHZ zABOiH7zSMRUD>QO+);HLW8Pbp)seNWitpd`q!`iijw@?7*G`_T)P1*q%u>F`8t=P- zQ>oXTYJJrYT2d8OKxyF?s8vgXvGSXDVXzu zxW8G$1OVL!&It+_1IN3Wo~U#FjPF#MBAJLo{0+>Wv%%VudC;UJ)SFI~506)``9tG9 zz5fer6>|sI#`k^EN>ihaLjJPn2Lp589P=Z9xzMxHYmjlF6ME$7rzXMp>0ZsdiL^_)0gHJKK|(3>8l@~K7HZf?A~EI4)xYgNHtn2iRYN0Hy&+Z6Y}w^xay$UaK^g@tAJa zt52gkI_oETpY-;om&W73aubSo`7%90h>k)War+boeDYKV70I=WU3Nisb7n!WgPH?H zn==X~?2IH6D$wxBJOY404slyvb=jf6>?F>z6L`>l9xN7I4OH~gd%o6yl17c^%(v>R z&0BuA;iBpW_Ot=j+24vpn4N}`(R7wP=SHP^%b9bQVR-zRMy=2qa85%#2$Y+0t8-raqr zX;u+rHynjP0S@7X)eWy1EN{|+3`L(Z`2rLk$~gtD{al zwo_U1MvLQSqMjBllSQEE z18h<0ArD#R%d4>0%G_bIyILRg!%4IY6}Xm%4<@X5z)9Gfs?3!zY5oChjj)eRZ7E9&*swf8rJa(#$d)jcmx(yQ$4v4E#(Ptgna5KubU@j8<*bPBn1t zy+=CB2ke4}9r~>igQS<(6Tt4ORa~z>xTiY3dgX#*lP(|^fQ)l210mB)ts% zw}exdQ`M^53fhI!*eAeYnWCy_Pn>4UDV9Oh+FK%^srQ;yPk_bCdDJxBDo1Nis8Oci zR}*%jWX2(BEGryi7J3mI<|cuMez;i9G=c4xrCs*uV&|5z{WXn z#mvP@bq1l36(HH4QM{uf;wpz=|8#3j7BJ2KgrCohrWf_B`r0~>5T6N5C#x%E)Oh9jrULKC z9T-gFNJEo5k(8{6UgPjdu5oo_FB6O%?nDVG+-t4qUK$V0YTb{>)Zdp{Wx1e`gl;%= zm}^zm>Rv^J<}G(E%qSHSalthHmTjHw7!tyoT>% z%WOZ>B}Tes$&3gx4tJ;JL6gBD2(!`+R%Nq_6UFX_@C>wJ87Y0yf%t6w#JcVio=*^<84Krf3(eg`%+=~XX#AJ|bqEQ#T z@6KPE<8idFXl$goBMpI`^Xxf2OC7C}5A$RU#S~OmN-DL7IPLyQpTk7p3Blf@GT~^rm9{?DhQ5qs4&I{~HVU6P_A8H7yQ#GG+$V6J=p}wvo2PLiag%+4A zmcUyFr7M{Zj>*5steZi$W8Twsw#jwO75kwstmm|Kt79qM5HXN-`O-XXi-jmyMUpU) zn$9R@EsZJdAP=xyF^DZ)Fd&W=!d#q_6Q~R`%59JbnYRM>vmn-tQY}nrel+!4UK8qD zS%ZE`N=p0x#Lwq2S|$&+qu}$4=ig;>wmzx1Urw{&sS(;K6BcXT11H9I!!gx_{1ImB zZgUArX-gtCAAsSYAR@$*J(CX+KcJpr8x5s`-vtVxE1(~MPGRDQXUDu{$b70CIzzE{ z8ZP^s29=$^4K=N_ge1T9WSHUOaJ)M=%KO^S%%(zHjU*}JBm*vPQ+}4H7+6f zkafF4?%-ufTZfQuXb&}*t|IiR4kKsqLdoqy2SO#M0Yq_!aqz<|oGqxQuS`jPFULa> zEAkWy1{Xz>1>*Sx*vS>q)6fhHoHMAb60qveWwzPK5ti?9QfEiZY=Zic!EiOV7l-Dy zGmYOKpkjwoF&yiLvqOuK&M>3Gm7$5)OK33+6=tJgQ<#lHN?}GtL{ZGBv`=XUJ~JxJ z80O-5U6_jlei7j)w#jD;GL(I#XFf$HpdX?9j!s5-7dAYOd}q8Z^2Ihv%~qHjBm}A3i1PtA}=tx z$YhSmB_@}de8}VqlX)f!Os+DyhU9BHW?%m$xUFPM@>^&^utO7kBFTc~35J6h{D(bk zv_h*e5!QJS#HFUcgGk z_QHm}7y}ix#Yk0U=eWjbw@sZH?u<{BPkW6PLL^t>I{6Bw5Ss752a}?VNjcl9$V$Uk zMx`_!Srcmb$bUS-+)*Z7%Ol_5EA5Cph9uky=U-i4NXGEtvXWoR!tz67gjHb40wdFABAhePL=T`%)Zmagt_zNTvp%BdkA8R3Ybl?-PlGRY&Wjh4nDPVQrgd@t}W4#PPovY zc~ry;#SSjTa;@dd?_(NY89h!aO@z6acOv$v0wA2I;uPI&##ok{av%jM#fHU29=;Fq zpsWF^Y_7_>9L0OvfnIgM%_I4E#0u%6wl;d!*!kG7NE>cyEX{hHH7WA#7t-_@?BM?m zHaUrKxt< z5Wv{^K_BChEOZ~0`29CzXsH7Io+1B$Y`17EDe+UO1@{B22iN1(bqb=jkwKazQ%hG;HZp;|GA7_FqZB%DWgI#(g1a0P;0V&Mo)Fof$h>k3Usz}F zCR%RUm;{r<0bJSoP*;8bnwsS{%<{itPT5WtGf_3@E6cvna(gE$a$mqHQmk*!g%+co z?OmJg2IUgb|9vLQOn_xgdPqt;!h8*Pg`!}Wyp1A6i5d(*h0iahLweCUd@Mg<4s5KP zE#=p!uuX$~ZYm=0uvV$BeqoVi4oROAQO4vpN+}m9uNE6oSV9W{nMRqTo<~Nxc;!3^ zzTl~8^mCTHgEn``O7wO$Js*c)jv)U0O$1A!S6VHpH; zPzvT#Uhqo@;N;eA5Su#$8@q1UU0*mW?|NNjkyttOV6%`6A(7V$x5OaQk8+?oC9S0SsmQd!$ihWG$E;Y%L7q z8w(UDfEvm*@2R&D&HL0_pGWh3bgYakf|>Uy<&p$KXxrPK@D(#2sPLoQ%PojXQdqHT=9l);O_24+DKH6M+Xw7sXK z8Z{XhvuLApq&IFn-YaTTG!7`PK#j}3R3F)ga1(C-8Qx6+=J>HLKUH&A>mi#dC&OZ& zY@;;K{%HQJ9h^Jb??`6;2ib6Iq-s*O1L62>%4 zctjam-K;)|uwqds6qSmt8$Zov;kM+hcZwS3dna+och9-7g^SKOt7@;y_2Dy#A2qO2Q7>TSj1mRLJ?^;djxF?) zkQOK-Qrdtz8bdCFa{M#J7sh%%$ifxNV1Gwmq^%nhS?mYK1LVOc<12-S*yn+7CQw)0 z*rL?fA483CA2=z@U@OWeM6N4Ozl(idT+%5*j%@Jd1f=u_>@k95Ir~iBPG}vte90Ty zjG;tZ+14qbZMr_#X zI1geDVJEMOdju+g7I~s7o;J#^QhZWg=R}{mmY=ismzcc6Lcq4qtB-< zGW>T+9Yt5mQ#y+HCI(sUvBtK+1nkmxV#if@Tr{_t2)Z1+%>??HQ&A z2{jdkJv#@Zw--Z&7R=Uin7>)8yO*VVv-TMRknnX>yf_@Yfg}H07oe`9s0TMK$%ho? zPsz=HL56bk5OGyRRdpC`U3rQIeZ&sEM(fM$I?h?-zX%{p0d%i_BFG5*ThZtG?LR}b zH7Bz7j2~Tw%rV?`W__&fbnJ~BJ;}g^J>ZVo?pW~hOnQYMY0Vv$7G!Sa<$WE;a=P|C zt!aD=r(gsBYo+|g3m<7mwGXu`+Q(Y+H8sK*M%cM-vrmK<DBc}E= zruKYqanHG_Jr}3;%*#Dk;v;>kotb6?x;_0pZ`EmFZ|(4y%Be)B>vwVBCf`h4o8-xZyvfjtlqidQ&M|tN?@8&&(DD%23o~~m z9FZu7ZZWhkX8>HvN8$b7V#D8N@;gjQOnw(hImdo+U8QW3#PnUtd2cm9+yQpP9m$ya z-XXJLfF~($+E@{sM>i1Rmd9C(#~O?+L)S+~N{{Uft-vlGb!_i)U$3V=&xHDRD}IW1 zI^cWdfv96vZ1zoxwJ-H^lvn(&SI79|KH&V9a#; z@h8+l(~F7G^=fXcr#0E~0CJ?HqkVhj_Df2qPtHY}8g$UwW3-V|+&tk#8Ch&$lTe_a zQsYX=Qv*htj#{zYHO%;bMzp)#z1F1ECp_kUDFc ze;cd3LiYbt3_wSyNPk@40XN5h8iwM1Y-J{u>tjXEjj7bJ$q;(%>cDrW|E_*fZSs~p z|DmPmbwr=+#WeojfD1OFmNkE2VV?QjsS~~Q`uc>Da{KNQBv3<3>25n2E{c3QUf>WqW9gVM7sPXZV@`ey2>8pN;2{~mhY1AF z_sv(uj-f_JPc^B%&Z%->&DfE?@Q~E^O%kxZC?Mmukpac_2JR<<&-@x+n9oA#F#3nk zNOmKe90s6_iYTWJ1fpH6Id}}9mSrnDBYzM5t7w1unG_Y&yaEsB9lgcNe+|%Ks0Bjd z3|H-XRc{0COkQ=Sz-|x?bci&=#*P4}=vjmwR39?PeEccqqnm-nA&42Vla4rck9Feh zkpR$uOQl@A8V4tCHKV;HX~q9)!zQXP7)F>blf?Y4f?>Wx{Db4c?{s3mM1=Koy%|Mm zVJ3u%xJLZ`l{NQhe$W-*e_vrQU%`I}-mL}8PQ}3qU2>a>XOQZyYbE}dkG@-0=g%B) zco{F$r`vnxS8)x>_iy4N?wW&t_<}OTKZ@{5R&RvqQY36Rwc@GbPly%e0{mO%$W{r_ zK4(Ec(GNyHG=tV10iP^)eLo9%cBRPE7bY1cE^4dW=AfhisMI^q>udY-Czkwo z7%#?`{3GO3==u+QO`}U~4F=G~vLF0>(bXSNAH~!(aKAAUU43mgM;HCKB+&b0-i~-0 zH`e68Cp!KR3BuWuc}68u==zVWinReJILKHm`w=HyKqk#tC4E8t$=6UGo`l5voIC^n#pkiXC5T_z0r%J-R^XJRr@D(?g4E-<;sWRA%t zCYPD~B9j|TTqboUO(wvDrXsLX#c1yH^*51(hKF-|Yy+!zh5VN+{Z}ltam5ZhuwYI8 z0n7dkldqV3&RQH=GtL+VjELrNBEI5Rb?bGYrpL3BY_y#T9d4HUe}%->tzXu5r;be@ zWyf~eMoxPKM}_`9zmJML;OrFfgS)fM#75vTN;UkxDQ-={{atYz>a*&H9cb^XdWrh_ zU#Wc3fA9HM#ocz%9?utTd*>^Y1^Y-EI{&wY*9|k9KtD>?A^(4hFWZL=J)gr5cQ5jo zM;@+HzR>?v>o0AKg7N!-g3!kQLN&2X1OBnyMJ6KB7pRL)!FTc>+g5{GeL6XwR;Sg< zhRQ!7m~t0rEWvlUogZC1^;HZ{uA#VG#EuJ;>W$<@*SkoJ6qOXcNTtv|5wZQ-w1n!I SD?%q-p6DhS-|=SV&HoEM-j=rj literal 0 HcmV?d00001 diff --git a/vrops-api/__todo/vrops.todo b/vrops-api/__todo/vrops.todo new file mode 100644 index 0000000..6fe9abc --- /dev/null +++ b/vrops-api/__todo/vrops.todo @@ -0,0 +1,21 @@ +Documentation: + ✔ Finish documentating attributes @created(19-10-20 07:06) @done (19-10-21 14:49) + ✔ Change - to : in documentation for **kwargs @created(19-10-20 07:15) @done (19-10-20 20:53) + ✔ Document how it can be ran on a schedule, without having to query the hosts every time @created(19-10-21 03:44) @done (19-10-25 03:03) + ✔ Tidy up documentation - with flow and clear examples on what to use and when and why. @created(19-10-21 14:49) @done (19-10-23 12:52) + ✔ Document the attributes that are returned from the main methods, and ones that you can edit and see (totalvms, allvms etc.) @created(19-10-23 12:52) @done (19-10-25 03:03) + ≡ Document the extra saving steps needed for vm/id information @created(19-10-26 18:49) + ≡ Tidy up the documentation generally @created(19-10-26 18:49) + ≡ document how to send host metrics (need to change hostlist to hostidlist) @created(19-10-29 01:09) + +Bugs: + ✔ Fix single host query not having countVMSFiltered being set @created(19-10-20 07:06) @critical @bug @done (19-10-20 15:12) + ✔ Allow the querying of VMs without a dict of their name/id before hand, either allow the script to run without and have no name, or require dict to be passed in that matches the name, id pulling back. @created(19-10-21 03:44) @bug @high @done (19-10-25 03:03) + +Tasks: + ✔ Check the time actually pulls back the range you give it @created(19-10-20 20:59) @done (19-10-20 22:04) + +To DO: + ✔ Add hosts and cluster to the results @created(19-10-25 03:34) @done (19-10-26 18:49) + ✔ Add this functionality to the import method @created(19-10-25 03:34) @done (19-10-26 18:49) + ✔ Add path option to savetodisk @created(19-10-25 03:35) @done (19-10-26 18:49) diff --git a/vrops-api/approach1-output-example.json b/vrops-api/approach1-output-example.json new file mode 100644 index 0000000..5aab2e2 --- /dev/null +++ b/vrops-api/approach1-output-example.json @@ -0,0 +1,11770 @@ +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 19.797332763671875, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 22.934667587280273, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 19.09000015258789, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 22.263999938964844, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 21.224000930786133, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 20.054000854492188, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 19.1386661529541, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 18.67133331298828, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 18.30266761779785, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 17.38800048828125, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 16.55266761779785, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 15.726666450500488, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 11.669333457946777, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 13.757333755493164, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 14.12399959564209, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 10.560667037963867, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 9.478666305541992, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 13.864666938781738, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.9726666808128357, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.1046667098999023, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.9753333330154419, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.125333309173584, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.9706666469573975, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.1226667165756226, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 5.947999954223633, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 5.679333209991455, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 5.948666572570801, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 6.265999794006348, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.309999942779541, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.810666561126709, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.4760000705718994, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.3420000076293945, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.5353333950042725, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 3.200000047683716, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 3.4646666049957275, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.303333282470703, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.9773333072662354, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.819999933242798, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.8480000495910645, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.757333278656006, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.9133334159851074, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.9153332710266113, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.385333299636841, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.2693333625793457, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.2253334522247314, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 3.5260000228881836, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 3.190666675567627, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.4213333129882812, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.676666736602783, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.678666591644287, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.584666728973389, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.440000057220459, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 6.071333408355713, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.336666584014893, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 59.375999450683594, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 59.321998596191406, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 59.21533203125, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 59.18333435058594, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 59.30933380126953, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 59.31733322143555, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.4600000381469727, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.447999954223633, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.3959999084472656, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.434666633605957, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.4519999027252197, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.448666572570801, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.9673333168029785, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.0086666345596313, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.9773333072662354, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.0226666927337646, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.9453333616256714, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.9819999933242798, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.553999900817871, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 5.397333145141602, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 6.751333236694336, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 5.637333393096924, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.588000297546387, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 5.489333152770996, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.7686666250228882, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.8293333053588867, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.7920000553131104, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.8053333759307861, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.7979999780654907, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.8619999885559082, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.9733333587646484, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.8799999952316284, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.975333333015442, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.055999994277954, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.9606666564941406, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.007333278656006, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 19.76799964904785, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 21.455333709716797, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 19.77199935913086, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 19.243999481201172, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 19.236665725708008, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 19.016000747680664, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.9253333210945129, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.8240000009536743, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.9179999828338623, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.8233333230018616, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.9206666946411133, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.8186666369438171, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.7639999985694885, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.7493333220481873, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.7333333492279053, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.7573333382606506, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.7486666440963745, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.731333315372467, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 9.150666236877441, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 9.137332916259766, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 9.005999565124512, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 9.541999816894531, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.988666534423828, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 9.138667106628418, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.757999897003174, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.672666549682617, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.12933349609375, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.293333530426025, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.2179999351501465, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.7939999103546143, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.656000018119812, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.8453333377838135, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.6793333292007446, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.8633333444595337, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.690666675567627, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.8166666626930237, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.4099999964237213, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.4386666715145111, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.4020000100135803, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.4466666579246521, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.4046666622161865, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.44999998807907104, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 18.9913330078125, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 19.052000045776367, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 19.181333541870117, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 19.663333892822266, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 17.498666763305664, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 16.155332565307617, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 12.840666770935059, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 13.060667037963867, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 13.25333309173584, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 12.875333786010742, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 12.624666213989258, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 12.215999603271484, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.240666627883911, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.2133333683013916, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.2646665573120117, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 3.2253334522247314, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 3.506666660308838, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.446666717529297, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 10.742666244506836, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 11.3100004196167, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 12.024666786193848, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 11.328666687011719, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 10.814000129699707, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 11.012666702270508, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.8033332824707031, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.6619999408721924, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.8046666383743286, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.656000018119812, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.7713333368301392, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.6346666812896729, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.8140000104904175, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.9046666622161865, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.8353333473205566, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.9466666579246521, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.8433333039283752, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.9466666579246521, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 5.041333198547363, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.7220001220703125, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 5.003333568572998, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.748666763305664, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.992666721343994, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.76800012588501, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.90666663646698, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.7519999742507935, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.8906667232513428, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.7346667051315308, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.902666687965393, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.7413333654403687, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.142666816711426, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.9573333263397217, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.581999778747559, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.366000175476074, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.201333522796631, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.9833333492279053, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.2906665802001953, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.2926666736602783, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.4019999504089355, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 3.3519999980926514, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 3.3513333797454834, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.2146666049957275, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdti02el7002", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdti02el7002", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdti02el7002", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdti02el7002", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdti02el7002", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdti02el7002", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.3079999685287476, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.2053333520889282, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.378666639328003, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.2046666145324707, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.3366667032241821, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.1833332777023315, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.4933333396911621, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.44999998807907104, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.5, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.44200000166893005, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.5013333559036255, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.4339999854564667, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.678666591644287, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.814666748046875, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.8953332901000977, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 3.5486667156219482, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 3.627333402633667, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.4573333263397217, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.0640000104904175, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.9826666712760925, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.0553333759307861, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.9953333139419556, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.1146667003631592, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.0119999647140503, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 11.354666709899902, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 11.398666381835938, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 11.340666770935059, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 11.344666481018066, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 11.072667121887207, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 9.781332969665527, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 5.37666654586792, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.940666675567627, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 5.158666610717773, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 5.172666549682617, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.07800006866455, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 5.817999839782715, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.9786666631698608, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.9946666955947876, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.9666666388511658, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.9626666903495789, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.9913333058357239, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.9706666469573975, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.7513333559036255, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.8386666774749756, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.5499999523162842, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.6773333549499512, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.5826666355133057, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.8033332824707031, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 13.21933364868164, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 13.286666870117188, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 11.126667022705078, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 11.70199966430664, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 10.89133358001709, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 12.487333297729492, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 7.645999908447266, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 7.604000091552734, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 7.434666633605957, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 7.37333345413208, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 7.519999980926514, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 7.414666652679443, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.0859999656677246, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.181999921798706, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.3453333377838135, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 3.375333309173584, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 3.425333261489868, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.133333444595337, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 6.9006667137146, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 6.835333347320557, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 6.883333206176758, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 6.915333271026611, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 6.931333541870117, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 6.872666835784912, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 9.586000442504883, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 9.81933307647705, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 9.813333511352539, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 10.350000381469727, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.52400016784668, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 9.783333778381348, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.4593333303928375, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.49533334374427795, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.4779999852180481, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.503333330154419, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.4593333303928375, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.5273333191871643, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.5820000171661377, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.4240000247955322, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.5646666288375854, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.3966666460037231, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.5399999618530273, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.3546667098999023, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 5.487333297729492, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 5.279333114624023, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 5.077333450317383, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.9713335037231445, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 6.11133337020874, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 5.613999843597412, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.8253333568573, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.7160000801086426, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.7939999103546143, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.7813334465026855, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.742000102996826, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.7913334369659424, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.965332984924316, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.91333293914795, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 9.260666847229004, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 9.225333213806152, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 7.447999954223633, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 6.8420000076293945, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.7179999351501465, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.245333433151245, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.2713332176208496, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.61733341217041, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.7773332595825195, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.5139999389648438, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.5320000648498535, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.4126665592193604, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.68666672706604, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 3.3340001106262207, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 3.3940000534057617, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.553999900817871, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.4079999923706055, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.1306666135787964, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.275333285331726, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.9733333587646484, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.7406666278839111, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.7006666660308838, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.6339999437332153, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.8913333415985107, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.965333342552185, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.5513333082199097, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.9259999990463257, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.5853333473205566, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 15.866000175476074, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 16.124000549316406, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 15.757333755493164, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 15.412666320800781, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 15.812666893005371, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 15.31933307647705, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.195333242416382, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.202666759490967, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.2320001125335693, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 3.2313332557678223, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 3.1526665687561035, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.253333330154419, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0426664352417, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 7.986000061035156, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 7.708000183105469, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 7.685999870300293, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 7.767333507537842, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 7.815999984741211, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.8066666722297668, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.8880000114440918, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.8059999942779541, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.878000020980835, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.7940000295639038, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.8913333415985107, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 7.75933313369751, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 7.702000141143799, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 7.659999847412109, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 7.613999843597412, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 7.7186665534973145, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 7.520666599273682, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.6193333864212036, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.471333384513855, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.653333306312561, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.5106666088104248, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.628666639328003, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.5099999904632568, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.505333423614502, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.7226667404174805, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.5260000228881836, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.809999942779541, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.496000051498413, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.619333267211914, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.553333282470703, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.559999942779541, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.376666784286499, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.8446667194366455, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 6.105999946594238, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.700666666030884, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.399333477020264, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.426666736602783, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.499333381652832, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.469333171844482, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.510000228881836, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.456666469573975, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 25.946666717529297, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 23.118667602539062, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 26.181333541870117, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 30.47533416748047, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 26.505332946777344, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 22.970666885375977, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.66266667842865, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.7699999809265137, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.6633332967758179, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.7619999647140503, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.6073333024978638, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.7353333234786987, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.152666687965393, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.222666621208191, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.187999963760376, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.187333345413208, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.153333306312561, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.1986666917800903, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 14.687999725341797, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 17.703332901000977, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 13.823333740234375, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 20.549333572387695, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 14.37399959564209, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 18.262666702270508, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.8686666488647461, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.7773333191871643, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.8773333430290222, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.7933333516120911, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.8693333268165588, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.7839999794960022, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.3593332767486572, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.563999891281128, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.319999933242798, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.183333396911621, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.496666669845581, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.8926666975021362, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.7046666145324707, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.8606666326522827, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.7046666145324707, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.8533333539962769, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.659999966621399, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.8553333282470703, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 10.257333755493164, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 11.532666206359863, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 9.462666511535645, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 10.23466682434082, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 11.910666465759277, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 11.444666862487793, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.247333288192749, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.1513333320617676, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.2100000381469727, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.1440000534057617, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.2239999771118164, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.1513333320617676, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 57.711334228515625, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 60.180667877197266, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 61.29066848754883, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 62.720001220703125, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 62.0186653137207, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 62.5099983215332, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 15.464666366577148, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 15.678667068481445, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 17.30466651916504, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 14.606666564941406, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 15.194666862487793, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 15.316666603088379, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 21.655332565307617, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 27.976667404174805, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 26.013999938964844, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 33.29133224487305, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 33.59466552734375, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 32.62200164794922, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.8019999861717224, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.8613333106040955, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.7746666669845581, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.862666666507721, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.768666684627533, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.8619999885559082, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.187333345413208, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.035333275794983, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.1673333644866943, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.0420000553131104, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.7339999675750732, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.7486666440963745, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.4006667137145996, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.2513333559036255, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 1.4213333129882812, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.6326667070388794, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.3886666297912598, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 1.2760000228881836, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 10.430000305175781, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 10.674666404724121, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 10.679333686828613, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 10.187333106994629, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 10.60200023651123, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 10.383333206176758, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 3.3973333835601807, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.2773332595825195, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 3.434666633605957, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 3.309999942779541, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 3.4733333587646484, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 3.4839999675750732, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.48466682434082, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.937999725341797, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.220000267028809, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 7.840666770935059, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.886666297912598, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 9.005999565124512, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.859999895095825, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 3.0220000743865967, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.943333387374878, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.99399995803833, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.8580000400543213, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.93666672706604, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.43933331966400146, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.4493333399295807, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.4266666769981384, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.4560000002384186, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.43666666746139526, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.4566666781902313, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 0.2919999957084656, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 0.30666667222976685, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 0.2893333435058594, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.3199999928474426, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.3173333406448364, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.30399999022483826, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.381333351135254, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.3386666774749756, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.553333282470703, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 0.8253333568572998, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 0.7839999794960022, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 0.812666654586792, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.808666706085205, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.9666666984558105, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.004666566848755, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 1.9286667108535767, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 1.8580000400543213, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.002666711807251, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 12.447999954223633, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 10.345333099365234, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 14.560667037963867, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 11.109999656677246, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 16.245332717895508, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 14.029333114624023, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 8.299333572387695, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 8.006667137145996, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 7.7820000648498535, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 7.792666435241699, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 7.908666610717773, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 7.881333351135254, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111839999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112139999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112439999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112739999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111239999, + "value": 1.6026666164398193, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572111539999, + "value": 1.4193333387374878, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} diff --git a/vrops-api/approach1-vms-example.json b/vrops-api/approach1-vms-example.json new file mode 100644 index 0000000..4fd63d3 --- /dev/null +++ b/vrops-api/approach1-vms-example.json @@ -0,0 +1,1180 @@ +{ + "prdxinf21box001": "0981bfe1-b6ba-4a62-bfcc-39892fd038c6", + "prdxcmr21ssb001": "3017e298-67e8-4a5f-bf10-f8c903e3d75f", + "prdxtms14sln014": "35c5a694-2361-44dd-9e5e-893cea16119d", + "prdxtms10sln014": "3b76b4b1-76b3-4fa7-a032-6448a60eded5", + "prdxria01trd003": "458c11be-88ba-4301-aa32-3b748c92a47b", + "prdxcmp26sbc002": "4e76b5cd-7c46-491b-8cdc-d1c5ff9932f6", + "prdxciw21wha001": "507a90fc-8888-4af9-ac37-67f29b448bce", + "prdxdpi02el7001": "572b4225-ec12-4119-ad42-52bb58153a17", + "prdxram02app001": "6a14ef2b-5e2f-4694-ae13-cc8ae1df4225", + "prdxmes27sln007": "71fb07a6-7639-4033-8838-2a1f17d4ae88", + "prdxtms73sln008": "910eac95-cc69-45e4-861a-172f993f688e", + "prdxsme27sln002": "9bc2826f-8e9d-4f5b-81aa-a9249bbad03b", + "prdxsas04app002": "9ea2b799-7b7e-49b6-a568-f147e02b5b0d", + "prdxsmc20sln002": "d38f3933-d432-4b62-9211-da6243fcfcaa", + "prdxsmc55sln004": "05d70fc6-9f41-4a90-8258-4b5d53b6f474", + "prdxtms14sln001": "137548e4-10f0-493e-8f5e-c3acd90cb551", + "prdxwtc03dbn003": "1e97723f-5756-47d4-96e3-ba7c68ae269e", + "prdxtms14sln018": "1f26001b-423d-4140-9c6a-a4253184015b", + "prdxmes83sln002": "470ca153-a3c6-4494-a240-b18c07537bf6", + "prdxcsr22con001": "4ab40a12-af0d-400e-9aef-6335a7abbbc2", + "centos7-template-prd": "827e3a5d-8352-458f-8f4c-18cedec6099e", + "prdxsdc21sln003": "84389ad8-ba73-42b5-b3db-0138a2abce35", + "prdxmes47sln004": "a59fa2b9-c599-43ae-9731-32e1602cf6c7", + "prdxban21ban002": "a74ca228-ec4f-407b-8c50-db29d23d438d", + "prdxseo21srv001": "b69ba7dd-b300-4478-8714-904a81b1086c", + "prdxwdc01wdc002": "bd250daf-40ed-4d34-8918-a81b220d79e7", + "prdxcup02app002": "d6034e76-9ea3-4dcb-a92f-338841bf3357", + "prdxcmw23wha001": "e274e2c1-0446-4999-9dda-8788ae4fd48f", + "prdxdri01el7001": "f32fc92d-a4a6-4749-a7c1-8b3f1ee8d1da", + "prdxwdc01wdc007": "064492ae-dad0-43c2-a8d1-cbd662adc2cb", + "prdxsme63sln001": "2c06a41b-a851-47cf-a869-43af28b58dc4", + "prdxsmc54sln001": "3182ddb1-d34d-4fc4-950a-dc00695450f0", + "prdxabt01ibs002": "337ff1f4-ea72-4ec0-9a0c-1a5713df1c9b", + "prdxsme56sln002": "38c97ed4-4c16-4ec6-a0d1-d70cb1056c09", + "prdxpdz21zoo001": "56ab2f58-abb3-4f8f-8593-77cb9831af7d", + "prdxges21kib001": "66896073-4604-4c9f-a4a8-7e0337e42313", + "prdxhed01ft001": "68155cdd-852c-4349-bb68-d1ac06aaee81", + "prdxpdm02hor001": "6b628b2c-5546-401c-b967-c2615f68465d", + "prdxorc21ibs001": "7d500da0-d6d2-4424-bfe8-b3a831aa4492", + "prdxrsd02app001": "81c08867-2302-4551-bee1-8ee126e1b5b6", + "prdxuwf21app002": "8d81af8b-2cfc-4962-9d1b-4e23542918ba", + "prdxsav21app002": "92a8e900-48cb-46b4-b16a-de85df535414", + "prdxhed02ph001": "9619892e-a484-41a1-94ae-327ce16d497c", + "prdxcip23sbc002": "9e4648c3-eb9c-4fd5-a916-058f52748bb9", + "prdxpei22dis002": "a3840171-2224-4559-ac21-b8a7cd9a67ab", + "prdxmph01chs001": "bc26ad89-da70-4c3d-bf05-6a78f9dbc56e", + "prdxmph02pxy002": "c2caf807-e5a7-4f70-ab99-9b6c7fb35fd2", + "prdxtms10sln013": "c8ad68ed-9f75-4334-a207-37abcfc1e28b", + "prdxrcd01app001": "d1124208-940f-4dda-965a-35b3ec1a3c0f", + "prdxpdm01pol001": "d2f0b6af-218e-4b52-b806-210ccdd3f749", + "prdxhzd21app003": "d50d84fd-7d17-4208-8d77-5be56b034d73", + "prdxdhc01app001": "e25f2b31-1180-496e-8728-a18b24828319", + "prdxtra01gq001": "fce0fdd3-db41-4be7-89e9-d6c1691ad933", + "prdxwtc01dbs001": "fe1b4c5d-eb09-4bc6-ad1e-9013f3e24f17", + "prdxmes26sln006": "ff348a13-bac2-479d-8188-47c40c523b05", + "prdxcip21sbc001": "05411a40-18c5-4f4f-85a7-be8d4b2762b2", + "prdxomt21zoo001": "1194bc7c-e774-490e-a790-795ecf3efe56", + "prdxsbo01ibs001": "6b48e3f8-d2a8-4b76-a791-01324d84e671", + "prdxcew22wha002": "75ef30f2-23bc-44d4-be5f-c6c21d0ac4c6", + "prdxcss05app001": "83e83939-39c2-4226-8f28-06a2b9e90d4b", + "prdxpdi22dis001": "8ecd8d23-2dd5-48d7-99f5-77ef68287f03", + "prdxria01trd004": "8ed7f0a5-49d5-4f12-a964-8c82b49a1c42", + "prdxria01trd002": "9b2f64e0-034f-4978-8ff4-cf47e0a585e5", + "prdxpdm06tvs001": "a262542b-ca44-4fdb-93d2-6d288910ecaa", + "prdxrkf01brk005": "c29602f2-1da4-45e8-a379-cf62c2fe0b1d", + "prdxmph01con001": "c9e2e7af-e468-4e24-8cff-0accbfe84d6e", + "prdxcss04app001": "ca532731-9a85-4d75-8c2e-a3e64daedf22", + "prdxpdm03box001": "e5078f9d-4a43-4f24-9185-adafc5c14ff2", + "prdxtrf01img002": "e5505f6d-a24b-417b-b261-81a129450472", + "prdxmes13sln008": "f10835f7-0530-4cce-9f36-ab4a50cecba9", + "prdxsme24sln004": "2e42a5a0-dbd4-4b8e-a618-ef0ffe19a583", + "prdxsme27sln005": "426f8479-ba0f-4ebc-886c-3819b4a2b2f1", + "prdxzai02app004": "531e5efd-9931-4374-bfc5-6db9c3640c79", + "prdxdri01el7005": "7c9e8905-6393-4c8a-a9ef-12f22c1f374d", + "prdxsme26sln004": "b9ad34c3-acbf-4482-aa69-158420754136", + "prdxdri01el7003": "c70f9e08-06a7-4a95-a53c-1d249786b599", + "prdxsfm21sln007": "ed0fd323-ec61-45c4-9ba4-8bdf2a37776c", + "prdxsfm21sln001": "f87ca915-62b6-4782-b004-45b4028ecc9d", + "prdxsas03app002": "f9526c21-1aff-4680-b713-31a9147c929a", + "prdxmes14sln009": "055fed15-636f-4425-aacc-f685150bd205", + "prdxems01ui001": "2b1032ba-3361-44e2-bd72-e9c3d86e7024", + "prdxmes27sln018": "3233da06-b2d3-478e-a21e-1f1b2aa575ad", + "prdxmes82sln005": "39926672-fb07-4190-a66f-b604e57891d3", + "prdxhls02app001": "4686f9a8-dc5c-4b27-b419-d1e4880b8902", + "prdxrsd02ui001": "78f85d25-beb8-473e-971e-4999522570a9", + "prdxtrk01kaf001": "930328e7-222a-4646-b59b-0f87a68f20f8", + "prdxmes26sln013": "ac3bc3b2-484b-43e9-9383-8e0345d5de0a", + "prdxhls01ui001": "b5bf04ae-5d3a-415b-8acb-c7240d36a769", + "prdxsmc21sln001": "b8662533-c5e6-4421-8c24-170de6c010c0", + "prdxria01trd010": "c011afc3-652b-4d7c-af63-7c29dcbc8591", + "prdxsme62sln002": "c3ada6aa-14d3-4f16-939d-f36bc951439a", + "prdxpdm02box001": "c4ac8b21-563f-494e-9347-0d955c55d400", + "prdxkaf04brk004": "d65345c5-5e70-44a1-b913-6dd6aa9e421d", + "prdxpdm06fbl001": "de39ca95-80cb-4f5f-9d00-040f0cdcd3f8", + "prdxsas01app001": "f26d3274-d9c8-41f0-9f00-a41ad07e76da", + "prdxcmp28sbc001": "ffe93504-e563-449c-aadf-34dbc1e72496", + "prdxmes14sln012": "18704751-79ba-40ed-ac6a-019630506140", + "prdxpdm03sno001": "1d17cd26-7618-4b43-a120-273e7a9a717a", + "prdxtlv21fnt002": "1f35316f-71b1-4ea2-82bb-66cbfcafc352", + "prdxops21db001": "448beb57-aa54-4ffb-b93a-d7cb944f0179", + "prdxomt21ldb002": "600d61ff-ef26-4e88-8af6-9d7b00c430e5", + "prdxpdz21zoo005": "6ecbfb93-6125-4086-9d57-919b41668073", + "prdxmes21mst003": "6fac0587-6df7-477a-9fdc-36684e73abde", + "prdxsmc23sln004": "7a31da13-df58-4660-9091-121ac14960a2", + "prdxpis21dsm002": "82359fcf-6322-4333-a042-ff8c196851a6", + "prdxtms72sln001": "88a08dce-3b96-4ab3-85ea-7863cd3f6357", + "prdxpdm06bsk001": "9e3ccddd-85b7-4672-85f6-3b933a914c2d", + "prdxtms13sln017": "9eb21e2b-6351-4eb6-bc55-835cf5a86e90", + "prdxmes14sln010": "a744f605-db76-480a-a6bf-aec7e8fc46fc", + "prdxtms10sln011": "ac124b12-81eb-4fc8-b055-cc1299c5ffa7", + "prdxbai21ban001": "b41f59c7-7f73-4587-9a77-c4868da9e7d0", + "prdxsme26sln002": "c155e0fa-4c48-4141-8a13-b9c920b3d71f", + "prdxzae01app002": "c9e19004-cb07-4c00-b9de-5dd727344d0f", + "prdxomt21eno001": "d1faa177-0c20-43bf-baa5-11261077d94f", + "prdxsme65sln001": "e6b526c2-48d1-487e-a3b2-7325f7ac8eef", + "prdxsme21sln001": "f3205c97-496c-45fa-b8cd-a400d1f2e8c3", + "prdxcep23sbc002": "0020d102-7560-4525-bacc-70f6320e346a", + "prdxpdm06rug001": "3c0fb5e3-57e5-43d4-a1d2-5437ed0bafce", + "prdxsme67sln003": "67836e70-02f3-4de5-824e-21688a99341f", + "prdxhcs01ibs001": "7676fd46-2cfb-498e-ab50-ed7906ddf179", + "prdxsme52sln004": "7cf9fdab-4e95-46a6-ae0a-228bba536e39", + "prdxmph01pxy002": "84aded91-7b22-4c57-8dc1-168b96b03110", + "prdxwtc01dbn001": "94b840d6-1012-4941-b89f-22c19d606eb9", + "prdxomt21dlg002": "96d04ea4-b8b5-48b5-962c-ff94f8e29987", + "prdxsme25sln002": "a06e1f3d-91bc-47bc-bc77-5a2e7e810349", + "prdxsmc25sln004": "afcec1d4-1e84-4366-a4de-c5d69f0d0106", + "prdxcan21el7001": "b28ebaec-adfa-40ed-ba79-f9c60193aa54", + "prdxmes27sln009": "b95626d2-608c-4ad6-a33b-4987e13873ee", + "prdxpdm02pol001": "be3e8319-3157-463b-ac5a-e1077ec50847", + "prdxomt21ria002": "c1f8c3ac-2c17-4feb-abfa-44d35a06d2d2", + "prdxtms10sln020": "cb453457-93f7-4ebd-8960-8b1c6d5a1ca7", + "prdxsmc53sln005": "cf6ea9c0-17c5-41ee-a0b5-a1107386e0da", + "prdxsme55sln004": "d991848c-3cda-48ac-a80e-e1f1b9f4f15a", + "prdxnex01box001": "ec8d992c-3849-4c92-92be-0b076b8a6398", + "prdxcmp22sbc002": "f5e82437-6269-4b6d-b20f-f54cd5d9fa9d", + "prdxcag03app003": "045569f9-e1b0-404b-a21c-6b74e079e4d6", + "prdxomt21dlg001": "084c5df2-4fef-419e-bfa1-21055643b640", + "prdxuwf21app004": "16f27c84-0120-48bf-882d-996931875d49", + "prdxsmc22sln005": "17783ea2-a246-461b-98f5-f6e0066df464", + "prdxinf25box001": "1d6f10a8-eb77-4d17-8bae-68070fe0a524", + "prdxtms72sln010": "1d9cf19f-e9d1-4c11-8ff3-0590c5936729", + "prdxcip23sbc001": "375d7cf8-b991-4f80-9b2d-ec39e3809662", + "prdxtra01gc001": "3bbc838f-fbea-4820-883f-de99003438de", + "prdxtms73sln010": "3cd23841-86a1-4c93-a6af-5255b322be90", + "prdxcib21b2b001": "4909e6c9-f9fe-4176-974e-cf93763b2a9b", + "prdxtra01fcm001": "5ce728f4-263c-46c5-b45f-2b01548ca15c", + "prdxpdm01gho001": "607fe840-6339-4a89-b4c9-30f836a306f7", + "prdxpdm02afb001": "741c0401-85bf-4b03-b25b-bbd57181fe9a", + "prdxfui01web001": "80a1085a-02f0-410b-928f-ca3f70a86fc7", + "prdxtms14sln008": "a1d1a9ff-f0ae-4875-b9a8-dc43322c1a81", + "prdxsfm21sln010": "aa862c91-8bee-454f-ae2d-00a1ef4ff917", + "prdxbld21job001": "bb75e9d6-8951-40ff-9b63-f0cc38a02bb4", + "prdxcup01app001": "bd21729d-1e5d-4b35-adf4-fe9ca53c3f7d", + "prdxmdv01zoo001": "c71ce29a-75fc-4e65-bfca-3c7e31f6fd9f", + "prdxcag01app002": "c75b8e4b-9f0e-4161-8d63-ef12aab20dfa", + "prdxmes26sln020": "d50412f6-36c7-4d2b-beb3-bde39310ca89", + "prdxban01ban002": "ecd56808-550c-4a4b-9ff4-0255bace6320", + "prdxcmp24sbc001": "ee795693-7ab2-41a4-90b5-764bfe6481aa", + "prdxsme60sln003": "fd45f115-6bf8-44a9-b0b9-3141369752cd", + "prdxtms14sln005": "149d7058-4083-4908-ae2b-2b0d80d0e6af", + "prdxpdm02cri001": "1a3b6402-5997-4ba0-8bcb-ef79dc2b5b4e", + "prdxsmc26sln002": "20f12ae4-be98-49fe-add1-b3618065e908", + "prdxmes46sln001": "29c5cb8f-bea9-49cb-ae75-235d27c32b4a", + "prdxsme61sln002": "3660dc0d-5a8a-4484-b341-92a6d5ae20e2", + "prdxsme22sln005": "50fec4b2-113c-428e-8a12-d632072139d2", + "prdxrcd02app001": "710a4ef0-7f0c-47c1-99b7-6b0377790646", + "prdxwtc01dbn002": "775ad229-5968-4de6-8bc7-cb1b6dbec074", + "prdxhzd21app004": "7f3aacd2-e126-492b-8fad-559cb7bb0158", + "prdxmes45sln004": "83ca0978-3bed-40e3-89ff-53fa83b66eb5", + "prdxcmp21sbc001": "86a4fe52-2834-43bb-8b64-0aff75b564f0", + "prdxclo25srv001": "8f459221-87e6-4026-8317-328b22703cba", + "prdxscd01el7002": "93b23980-5ecd-462e-bf57-7005cf20fb13", + "prdxpis21ria005": "a6fb4fc2-51d0-4521-a94f-e2cf4ff117b4", + "prdxpdm01rug001": "abd7f0f3-dbee-468c-9e8b-74123fd2f478", + "prdxbld26job001": "acf6053b-af00-430f-a285-5415996a839f", + "prdxsme62sln003": "b7291191-f9af-4e02-81d5-cc24d3e9e469", + "prdxpdm01fbl001": "f1c8ec92-1ab7-406d-9f6d-e6cf162e2369", + "prdxtms73sln003": "0042abf7-2116-4bc2-95f8-98ddc839d5a6", + "prdxcmw23wha002": "0d5d5ad2-6aa5-4544-bf43-b4edea15ae89", + "prdxpib21b2b001": "1da6844d-0bfc-4847-ba93-a18e901c22ab", + "prdxtms10sln006": "2be34432-d1e1-41c1-8c6b-558b6db06930", + "prdxmes27sln008": "41d6ebf4-e21d-4073-acf5-0514972118b7", + "prdxsmc24sln004": "6262d86c-883a-465a-b941-5087088607b4", + "prdxzai01app004": "65250ed0-820d-45e3-9fdb-67a4d2081f7f", + "prdxsdc22sln005": "6a339819-49ab-4c21-be31-8720b34b1394", + "prdxsfm21sln006": "708176ab-89b8-4580-b012-59f5e76a6daa", + "prdxcmb21b2b001": "7a060cd3-437d-434d-8e78-2bc49ac737d1", + "prdxhzd21app002": "7f53a805-85e5-44d5-b9a7-c001ad22e527", + "prdxrkf01brk002": "9b2e9351-1b76-47f5-973d-5a909c58565b", + "prdxrkf01brk004": "d93039a0-a6d3-4697-9849-ccaaf4a52809", + "prdxtms13sln018": "41a00946-a14f-40ab-9091-b9b00609ea74", + "prdxpei21dis001": "7939206e-5ff7-4f6e-9888-6607f79e9bca", + "prdxpei21pcl001": "86f94d4e-c51e-486d-a947-80b2a7078ae0", + "prdxsfm21sln003": "bcf1dd50-da65-4fa8-87d2-e7fffaca4043", + "prdxpdm05fbl001": "c0618e5d-90e1-4555-a6a8-8bb660522bb6", + "prdxpii22dim001": "d9de3fb3-9bba-426c-aae2-a7e1a79b71cb", + "prdxpii21dis001": "eaa18141-5507-425a-b027-ccae0a4f31d9", + "prdxdpi01el7003": "f45456c5-ac23-42d1-b0cd-79cb649191e2", + "prdxpii22pcl001": "0ef2ad75-1fc4-479a-a282-16c5d840dbb2", + "prdxpds21dsm002": "38716838-8bbb-4501-9993-ed6d7f7c6a69", + "prdxsmc23sln005": "38783133-307c-41a6-8469-666ad8f67993", + "prdxmes83sln003": "53566237-51ac-4726-ac89-74900b4641f4", + "prdxpei22pcl001": "58e609db-3fc7-428d-93fb-ef04aeba21da", + "prdxsas03app003": "5951bef7-8d46-48ea-b483-aeb48599b6fd", + "prdxsme23sln005": "68252860-73f5-4241-9b8c-e8a96fd815c5", + "prdxtms14sln019": "88cea9ff-e141-42fe-bd5b-b142918a312f", + "prdxsdc21sln005": "c858052d-fe86-46b6-ae0f-e7bf655ea3d9", + "prdxsme61sln005": "d4906ea6-5352-4fc1-9747-8d345641a4bd", + "prdxpds21ria007": "e9efba2f-c176-4899-afd6-91ba59bdf034", + "prdxpek21kaf003": "0b527f23-ad91-44e8-a459-2cacc5cdd45a", + "prdxmes44sln004": "13330f6e-f51e-4efa-ac45-94e010ecf2f4", + "prdxpeb21b2b002": "4020fcee-df64-493d-bec4-0606be220b94", + "prdxpdi22dis002": "54aa00ea-046e-4291-91e0-75e913f1ce6b", + "prdxios01app001": "5cd5b02c-afe0-4cee-bbcd-f206090867c0", + "prdxpes21dsm001": "6906947b-0c00-4b6b-aa34-38a8dd24fb55", + "prdxceb21b2b002": "6dbba652-25f0-4903-be22-e2922936249b", + "prdxkaf09brk001": "7574876d-3766-4182-9bc7-7c08fc676ace", + "prdxpik21kaf004": "783acc09-214a-4f73-98ba-62fcffae14d5", + "prdxmdv01slv007": "845e4262-2f3e-45b1-8040-fe6f3b30f59e", + "prdxsen01amq001": "86054333-d6cc-44d3-919f-e1d108375f2e", + "prdxpis21ria002": "91539745-63a7-4b92-8cdd-c6e6da3cd554", + "prdxmph01con005": "93c1cb8e-dcdd-4f31-ab78-b8d45195a0a3", + "prdxmes45sln001": "c5e2b660-f4c0-403f-be7b-86c443f88a9c", + "prdxtlv21cnt002": "c92c8c6f-ca6a-4558-a055-3056a3454add", + "prdxraa02app001": "d00146d1-ea34-4cd8-874a-cf1875a9451f", + "prdxcip22sbc002": "d2f6e6ac-9b6e-49f6-b245-2a2ab342c32e", + "prdxorc21ibs002": "da1ba761-42b1-40c6-9ee9-2c39b34d11a2", + "prdxciw21wha002": "e7c3773b-5ee9-4c81-9be2-1de4cda54c2c", + "prdxria01trd006": "f3c6cf6b-e879-4fc7-8c4d-aaba8eb0e597", + "prdxpdi23dim001": "f48ff341-0a0c-4410-9a52-1f19ac7807cb", + "prdxpdm06gho001": "f506d030-3abe-4ea1-b04f-b6cd1d4e5f30", + "prdxpdm02ten001": "fa2dabaa-e48e-4fd0-aa77-4bb8b2746e4e", + "prdxsmc22sln002": "1199eec2-77f3-4ba0-9711-526c4731a59e", + "prdxmes26sln004": "18f93026-a116-4a13-9a25-da094db5c993", + "prdxmes13sln005": "2c317c09-efad-40bd-b120-dc2a16d0fa6d", + "prdxkaf04zoo004": "2fa7b488-716f-419b-a3bd-88c79f13d8d1", + "prdxpdm01rbl001": "39fc1a0f-0214-44b6-b705-5816f229ad84", + "prdxsdc21sln001": "4c0e982b-8ff8-4abc-a25d-4ae56e701403", + "prdxmes83sln005": "630c3882-95d5-46d3-9cec-ab2f69e75b75", + "prdxkaf09zoo003": "65a6a22a-048f-4aa8-a409-7b67dfb19e0c", + "prdxmes76sln002": "749d39e8-4253-498f-a663-0ac09af1d018", + "prdxsas03app001": "9141b7c8-b637-4e58-8730-a470fa941eff", + "prdxcmw21wha002": "b50e6059-f248-4e15-8f30-4e094b88bd97", + "prdxbai21ban002": "b8bec13e-5af3-493d-b5c3-ae247729d3a2", + "prdxmes13sln014": "c783ad68-aa83-43e4-a3c5-b0228e0be925", + "prdxbae21ban001": "ddcfb161-5a01-4e96-8682-bead826e9e12", + "prdxtlv21fnt003": "e1630b7c-92b0-4551-9c63-ddf4268e07e1", + "prdxtms13sln013": "f6c5a505-785e-4d3e-8788-43aea63e7518", + "prdxmes14sln003": "f9076319-e9bb-4a98-b18e-4d4be3d165a4", + "prdxtms13sln014": "0b1c1c17-4437-4e2e-87b5-aa7f8f779ac4", + "prdxmes27sln011": "14366395-75b6-4fbf-9cf8-08f4228ec77f", + "prdxsmc20sln005": "1a25a3d0-2f29-4f88-bcbf-f967db5ced13", + "prdxtms14sln002": "1d2c61b0-b804-44a1-a6c3-9971665a366d", + "prdxsdc21sln002": "20d07983-aab9-4b12-8508-63984071b2ba", + "prdxsmc25sln002": "3fb0fab4-b885-4d70-bd6e-d8e47b0efde6", + "prdxtms13sln001": "71e5f3a4-f0e0-4a55-bd34-9e793a29992e", + "prdxwdc01wdc006": "7e10274e-ca05-4f30-afa7-fbc922f0d0c4", + "prdxtms73sln005": "c1c17b07-3a08-41a6-8af6-d2941859801c", + "prdxciw22wha001": "c269b5a4-b617-44d0-aac2-6acefd347c52", + "prdxsmc26sln003": "f2ffec93-e298-45b1-a9c9-55d3b999c1ca", + "prdxtms14sln004": "08dc6978-fcb1-4ce3-8e0a-2f6c0d698de6", + "prdxcas00db002": "10238360-8075-420a-8681-af5577ea21b5", + "prdxsas02app001": "10b31e0d-173a-4289-945c-5d24105381c0", + "prdxpdm03bbl001": "1901f30f-cf6c-4401-9b01-8b806e2649c0", + "prdxsme66sln003": "3e0b3d5c-a12d-4616-84ef-f22a92b94375", + "prdxhed02rp001": "48be11a7-b6a4-4279-bc53-53e31c7bd666", + "prdxcep21sbc002": "55b72f2a-644a-4e47-b01c-1272aef4c8bb", + "prdxsme67sln002": "56120896-c46a-4d46-a61d-d6c5802f4047", + "prdxcep22sbc001": "9a959716-fc1e-4a48-a808-47a1f332f6cb", + "prdxges21app002": "a0a2a410-4e4a-49b5-b975-ddf63a178171", + "prdxmes27sln015": "a11744fe-7c5c-4aa6-aecb-cf850b644105", + "prdxpdm01tvs001": "c3264376-998a-48cc-9f6d-a58110e5040b", + "prdxsas05app001": "c759a357-3c34-4893-856a-a8c1284a94c3", + "prdxsmc52sln005": "d628c76b-971a-4aeb-abd6-51f276de8218", + "prdxrrq01rmq002": "e99817a7-d016-4064-aa2e-dbe356fd20d6", + "prdxcag04app003": "26accd2c-a04c-4858-bef7-05e165195814", + "prdxsme26sln003": "30c60ba7-1158-4aa1-8412-5dc984ad5ec2", + "prdxhed02ft001": "39a59b26-03d6-452b-914a-f35f92d35d59", + "prdxrsd01ui001": "3ba0a4ee-da2d-4356-b7ef-f596b83b0ca3", + "prdxpik21kaf001": "45626f8c-d142-49e9-887b-a90ef53452c1", + "prdxpab21b2b002": "503f2f20-f69e-4724-aafa-1a9d1113e782", + "prdxtms10sln017": "510e4884-81f9-411f-ac54-85e73b3c101a", + "prdxtms13sln008": "600f8364-d9c6-4bb7-94c0-a41bd3add2f1", + "prdxwnc21not003": "66251a22-2dda-4158-8005-ea96885acf46", + "prdxsme27sln004": "6ac77953-9071-447d-9d0b-a79de47f6049", + "prdxabt02ibs001": "6f1d0944-2094-4127-8a8a-85c48d6e9b33", + "prdxtra01prm003": "727a174a-0103-423c-a617-0e1281e09372", + "prdxrac03app001": "72eafc55-9dd2-45eb-9911-1446a191d96c", + "prdxcmp21sbc002": "8a142bfc-025d-41a7-bc3c-6f5c5fb20f5d", + "prdxtms73sln009": "aa431766-20cf-49da-a970-e90dfd0a2ce5", + "prdxcag02app004": "b9364014-b5af-4a75-a35d-7d34c9e44ee3", + "prdxges21app001": "c8aedbea-b5ff-47b0-91f7-bbbc18f7ffa1", + "prdxpek21kaf002": "c94819c8-8586-4be3-a099-d299144edb1b", + "prdxcss02app001": "d92f7f74-92bd-47b8-b9f0-22bf610e45b8", + "prdxtms13sln011": "dc1b3b6e-5a2b-4181-ac10-0f24839279ce", + "prdxsds01ibs002": "f175fc84-50bd-4ae0-a679-77d3488cc7e3", + "prdxsme23sln002": "fc411784-54c2-4b37-bb78-c0f81fa9c4a9", + "prdxsav22app001": "0bfb7ef5-ac83-4fa0-9d91-dfb6d249fc4d", + "prdxmes26sln007": "234b7a8e-b087-4028-be04-0e1dc94d52ef", + "prdxpik21kaf003": "309a869f-65fe-433b-bca9-1b1c900dc304", + "prdxuwf21app003": "3402c998-9af5-4e64-932b-b72121dc438d", + "prdxmdv01slv008": "40192d6a-5b83-46d9-9f9b-d347d710065c", + "prdxcip22sbc001": "4a74599f-187a-4c67-8032-ce3abd7c79cd", + "prdxmes14sln007": "604a7d55-3673-4ad8-9029-514a07c87156", + "prdxban21ban001": "7677efcd-3b03-4c2b-8f2e-7dba47185513", + "prdxpes21ria005": "9a9c4b35-776c-4a44-8769-43360f99c30a", + "prdxpek21kaf004": "b5ba3898-73bb-4c2f-8d3e-7e60cb9dd3d1", + "prdxpdi21dis002": "c1fa348f-96c1-4ade-865f-ff0e2e5dc61e", + "prdxmdv01mgr002": "f8f9c75d-ba7c-43ea-a7d2-3e90b7f6ad60", + "prdxpei21dis002": "fdff968e-b031-4083-9bcc-ea656c7381c1", + "prdxpdi21dim001": "112d455b-4730-42a6-85ea-3ca5e8cda0e4", + "prdxsme27sln001": "455b3f59-e4e9-4143-93b2-0617d66ec6ab", + "prdxtms72sln003": "5bd05536-f77a-4763-aa91-d73c79119179", + "prdxmes77sln002": "6969e61a-a938-4089-87d1-472ea36809b9", + "prdxsme60sln001": "6cac7e2b-8ebf-40a6-9677-02e3a043084c", + "prdxsdc06sln002": "7c96ba47-6268-41c2-a0ed-930368595214", + "prdxpdm02ich001": "aeb88182-2ecb-45db-bed6-1848531dde51", + "prdxpdm03glf001": "c41590ed-15da-4342-97c7-27a309cf046f", + "prdxpdm06vwr002": "c4cd1fb8-437a-4b7e-8b62-c558087a98e6", + "prdxmes27sln019": "cbc1abfb-cd73-48f0-bda5-e4740aaf76e6", + "prdxpds21ria002": "da33b73f-407d-4434-b139-3c9f4a2ca6cf", + "prdxpdm03afb001": "e827f39a-7aca-49a2-bb8b-647d51e44817", + "prdxtms13sln010": "ee4287e2-1b74-4746-a39a-ad14998896ed", + "prdxpes21ria004": "017a7104-0e80-4497-9576-94889ba86c86", + "prdxcsr21con003": "04e5a7c5-15c1-4571-8d0e-60fc76586dea", + "prdxmdv01mst003": "10a57143-0cab-4958-85bb-51ed9b7b7857", + "sc1prdadcint02": "20331e9a-fa7b-4e2f-9e5e-62bd2e8023c6", + "prdxmes14sln006": "29aafa6b-066b-4e39-943d-695b96824e84", + "prdxbld21pxe001": "2b79abf1-8461-4983-b628-c184cff6cb10", + "prdxsmc52sln004": "359b30bd-55ef-4d2f-a50b-194ea08a9f36", + "prdxmes21mst001": "441b4129-0d31-4fcd-ad5a-15682cc253aa", + "prdxpdm01dar001": "4691184d-787e-4793-972e-aab8686969c1", + "prdxtms72sln006": "54f25900-a86d-4d3a-9fd6-a7d69fa1bac6", + "prdxsmc53sln003": "5e3925f6-db93-427c-9dc2-7d730c82c03f", + "prdxhed02ms001": "68f2048e-3212-40e6-a183-586b96a30049", + "prdxpdk21kaf002": "7e7c2d81-9c96-4f17-803d-fe8c68311c1d", + "prdxpdm06pol001": "827939ae-6859-4a15-b0c8-5cc06824fff0", + "prdxsme54sln005": "92638124-d9fd-4947-b85e-32d281e7eb88", + "prdxtra01tm001": "9468ece6-1048-4c06-9446-112ae409a2d6", + "prdxpdm02rbl001": "9c1651a1-5452-4c38-885e-da05bfd76166", + "prdxcmb22b2b002": "a82302ee-be56-4517-919c-4d144d019e41", + "prdxpdm03cri001": "aceff8c9-5f4b-4ed2-b89c-db7a62480437", + "prdxsme22sln004": "b54ef4b2-c8df-4cce-9680-ab5dafc40aed", + "prdxhed01ms001": "b98d2012-751f-4c6a-95f7-8e508364fc67", + "prdxcip21sbc002": "ba3af245-ff05-4e1c-948b-8b1f65db8e50", + "prdxntc21slm001": "ce478301-4900-4f35-ba7a-a20dae511917", + "prdxceb21b2b001": "ebf17a9d-c63d-428e-9253-7764685aa9f3", + "prdxpez21zoo004": "f3344fd7-4705-4595-8a27-e6e894c434e9", + "prdxcmb22b2b001": "f392cb1d-8156-4384-9a09-80ebdaca592c", + "prdxdhc02app001": "f8e1df55-6e6a-4fc9-87d2-e45c402d9cf3", + "prdxpib21b2b002": "fe644e69-2e89-444b-b2a0-a6b23e864dfc", + "prdxmes82sln004": "27ca7de5-cd4f-488e-9d65-26fad946a36e", + "prdxmes83sln001": "2ef70332-4c29-4d5e-a2d2-b7bdc046725c", + "prdxwtc03dbn002": "60e0e1ac-d6f3-45a2-904b-97bfdcc0ea85", + "prdxbld26pxe001": "6bf9e78d-c3e1-46b0-b4c5-13685eac5abc", + "prdxpdm02gho001": "725393f0-ee7e-497e-aa42-d43bd7db754a", + "prdxkaf04zoo002": "92b96677-21d7-4898-8dda-87c143621e9a", + "prdxdpi03el7002": "b8e65fb8-f212-4459-a1c7-d86b56f2caea", + "prdxmes13sln010": "c4c445e9-f683-4152-a10a-020d010dd7c1", + "prdxkaf04brk005": "c6d46255-241e-4460-8aa5-29f5013728ab", + "prdxsmc26sln001": "e66b529e-8e24-49d8-8c57-64dbf77ab38c", + "prdxpdm03fbl001": "e70b9ae0-5bf0-47bc-afe1-1d6e0d597c38", + "prdxtms13sln003": "e7f620cb-7587-44fb-8d3b-55a51599680a", + "prdxtra01prm001": "f47712d1-94cd-4b13-ae0e-fcb6a6ef8cff", + "prdxpdm01vwr002": "fff93ebf-efeb-46d4-9216-949db8e0a794", + "prdxria01trd005": "09aeff6c-e5e2-464b-80b8-c0511f9d8617", + "prdxmdv01zoo002": "0abbaf77-9316-46b8-a1ca-72060f4f4f62", + "prdxtms13sln012": "0b1cf35c-5d51-412d-9f6a-6690537716c8", + "prdxmes45sln003": "30d1155b-fc7c-416d-887c-4958d92d1ef4", + "sc1prdadcapi01": "3deead2e-9504-49ba-b611-0d0c01f3c16e", + "prdxkaf09zoo004": "442c9303-1e90-49f7-ab11-b1b9765954ca", + "prdxslt01app001": "469233a3-33db-4ed6-aabf-4cb83e364ffb", + "prdxrkf01zoo001": "55342010-9ae9-4636-9485-d01af3bc9a92", + "prdxbds21app001": "6a4a6eb2-9410-4d51-b1ec-967f36f1200c", + "prdxpdz21zoo004": "71a42d2b-af25-41bc-a714-96caafa7f06a", + "prdxmes27sln014": "9ddb879c-da81-441b-ab9f-77be301d739b", + "prdxtms14sln012": "c1108620-4c02-47f3-998b-b54514960514", + "prdxmes37sln002": "c5fb48cb-b3d8-4eb1-b26f-8235593bb4a7", + "prdxpds21ria004": "c9a7aa65-411d-4b17-ae8c-2117d4590071", + "prdxmes13sln013": "dc2844b5-d0d5-4663-b6bf-ad84624c45d5", + "prdxpdm03pol001": "e453537b-8e94-4f73-b24a-59084f3ce8e2", + "prdxsbl02app001": "f2f5d900-fb6f-414b-9d50-a6ab05a8280d", + "prdxpez21zoo001": "f7ef52ce-7838-4dfc-b52a-85b1131bd4ed", + "prdxmph02con003": "fc15edc9-7d5f-4a71-afa5-28e6410a0cba", + "prdxsas01app004": "1d4b874d-c261-47ae-95bd-c433af8fc520", + "prdxbds22app001": "22e5aabb-1f18-4cbc-a692-9252f62d7305", + "prdxpms21sln002": "3d560dbe-c459-46e2-a204-f441cf97ceb4", + "prdxmes36sln002": "4c5bdf5e-470c-4a8f-b40d-f673c8ba59f7", + "prdxbpj29jav001": "54cce800-dd2b-44ee-9569-7d365c23f8e6", + "prdxpds21ria003": "5c56f660-a551-4a95-b2a3-308e27f1ea7b", + "prdxmes14sln002": "5dbe75d0-5caf-44d9-be08-ea12f32a32bb", + "prdxtms73sln002": "65f4aa3e-fd31-4b7f-a637-2a5220dadf5c", + "prdxpiz21zoo005": "6f04199c-0e0b-43f1-ab29-53a62b4e5e64", + "prdxsme65sln003": "745e95e5-a9b6-4ba4-bd4c-448208bda531", + "prdxmdv01slv010": "7c726348-f83e-4b9f-9929-1dfa93ef503a", + "prdxtms13sln006": "a1c53972-964b-43c0-9b4a-191b7729e592", + "prdxtms72sln004": "b304b378-6487-4fca-b3a9-2bc11b5d7ee0", + "prdxmes83sln008": "cce4a3db-c854-404b-9717-394bfcd02214", + "prdxbpl21mst001": "d7609e10-9222-4eff-939f-6b6023cc2754", + "prdxsme25sln003": "fcd79419-0ef4-4eef-82b4-c154d723d955", + "prdxmdv01slv003": "10165be5-cdd2-45ee-a786-61e997e19938", + "prdxmes26sln008": "1557b99a-8b00-4469-8f2b-bbc7138c7348", + "prdxcmw21wha001": "1b94a80e-78ee-490d-b0a3-e2c9cfc89f21", + "prdxsmc23sln002": "5020a1ac-55d6-4867-ab8b-5971dfd458fd", + "prdxtms10sln005": "5a6782a4-a646-4547-b0b9-95afff894209", + "prdxzai01app002": "75938f25-0262-4775-9bca-3778a6334319", + "prdxsmc21sln005": "89f14caa-922a-4c64-bcfd-04df9299fb3b", + "prdxpez21zoo003": "a4d36cb7-6509-45b1-85d7-e5a91849a35a", + "prdxpiz21zoo001": "b82fc95e-fd70-427d-9591-7615b857dbac", + "prdxsme21sln005": "b892519a-b6d9-4d44-9ea6-0144d4e43174", + "prdxpdk21kaf005": "d88aea40-b18d-4634-a7d5-f5c3572c38c8", + "prdxmes83sln004": "da2f7628-743d-4865-8853-3061e0a1fdf3", + "prdxmes27sln012": "e4b121d1-2271-4a6f-aea3-da7fcc959b67", + "prdxsme64sln001": "f6dbfff5-96c4-4008-a03c-c641c7254960", + "prdxmes82sln001": "f9e42b64-1507-4bc3-84cd-e11ff1a818b1", + "prdxsmc21sln004": "08557fe2-50c7-4144-a161-49389160ced8", + "prdxzae01app003": "0ab4833f-c151-4005-9040-4b0a5392b065", + "prdxsme56sln004": "120521ef-c5b0-45f6-ad40-23c1f705ed7a", + "prdxmes26sln001": "3857c2a9-de64-4eb3-8c7a-213d09e11e90", + "prdxmes14sln008": "583a5dee-0656-4660-add8-022e4827a470", + "prdxpdm02fbl001": "5e79ee06-6ae1-4daf-bc36-5ebefe1c458f", + "prdxrmq01trd002": "65bfd736-d3c1-4f99-9e06-389f09174329", + "prdxkaf09brk003": "695b3ff9-34fc-47e4-8afe-d92a33e7a2e2", + "prdxtms13sln007": "aa42b176-570a-42e7-b23d-9d6d9fbb9b6b", + "prdxomt21ria005": "bcb72219-33fa-43d0-93fd-ce92e7495b59", + "prdxsme62sln001": "bdde25d3-2c6d-4768-a667-e7d33b23ca63", + "prdxcmr22ssb002": "c6964007-1670-4d0b-bbbf-b10190758872", + "prdxcmp23sbc002": "d75cfe86-a03b-410c-9af5-de486691a035", + "prdxcag06app003": "e1efb6f6-a12a-4c46-b230-5195ee8d0f4a", + "prdxcew21wha002": "ed82df14-c88e-4675-8290-d42c268e2a13", + "prdxsme26sln001": "fd061f87-26e4-4df3-abff-5858620ac3f2", + "prdxmes26sln003": "177fe8dc-da10-4b14-b841-ab8ccc8fb790", + "prdxtms10sln001": "1ddd7e9b-4821-4eda-ae12-9c2bb44d8a4a", + "prdxwel11el7002": "25957a01-9ba0-4c6f-ae26-d695e8779172", + "prdxmes13sln012": "32350bc0-e972-40af-9d86-07b17c46bf10", + "prdxtms72sln008": "5f8737ec-2a2b-4c34-a575-4b4d9d962e4c", + "prdxsmc21sln003": "86672397-a033-40a0-be52-1cbb54d71984", + "prdxmes27sln013": "8a9db073-97a8-47b8-9b80-a39a861f67eb", + "prdxpii21pcl001": "a35bb584-3382-4e50-bd6f-6ebc3dce5473", + "prdxpei22dis001": "a5e79db0-9d8c-419f-a3dd-8c0aada7a3ce", + "prdxcmp27sbc001": "c9fbd207-1b4d-48b7-a93f-62d62ff3fe27", + "prdxpds21ria006": "cfd06742-fa66-4df0-acff-bf2d22d79797", + "prdxsme60sln002": "03aade90-8d9a-4c9a-b322-9124d67693be", + "prdxmes77sln003": "071bde4b-e462-4363-9999-4cebad238bf3", + "prdxsas04app003": "0efc8a9d-5332-4304-92cf-2404cf21e200", + "prdxmes13sln003": "23c5eb35-b858-40ba-a60d-fcefe555af6b", + "prdxmdv01mst004": "403759b9-4806-43f7-a881-a66e374fa2b1", + "prdxsmc20sln004": "48adaba0-797d-4ce1-b344-af98987235d4", + "sc1prdadcextapi02": "4afcf7f2-932e-413e-b187-7cf7cc75f2e2", + "prdxdhc03app001": "63f48818-76ff-4229-a8f4-a1a074bb0593", + "prdxomt21kaf003": "7fd9350b-812a-4d27-a316-3591533513d3", + "prdxsav22app003": "963b961d-b090-4694-94ee-531c15474b42", + "prdxpdm06sno001": "a0915fc8-9e19-4e04-b333-9fa0618c9c29", + "prdxsas02app003": "ca1f0817-a0e6-404c-888c-ec2af48bb49e", + "prdxcml21slc002": "d806d8d2-b849-41b2-bb98-07efe4c8b2cb", + "prdxdti02el7002": "e15ee079-5f64-40c9-ab57-45f22ddb55c3", + "prdxsme20sln002": "e1c8fa7e-856b-4542-979f-3f1859399071", + "prdxtlv21cnt003": "e4cebfb0-8ec8-4f6f-92d8-b3731f0b7d28", + "prdxmes82sln008": "edaa6def-ce4e-44a0-a66c-e45d5fff3035", + "prdxria01trd009": "f5839687-6dca-4363-9267-13aae5802cb4", + "prdxsme22sln003": "0dc08364-479c-46a9-ade1-9e18a6b08257", + "prdxtms10sln012": "10c1e03b-197c-4b83-9e0f-96ec6d43f11e", + "prdxcmp22sbc001": "143a15f7-5345-4bf2-9837-5e4547863c5d", + "prdxomt21int002": "260a0a6c-70f1-4d60-b20d-0f0f6d31e765", + "prdxmes76sln004": "2f5a7e10-b573-4004-8ac9-ccf25f9a2a45", + "prdxpdm01afb001": "4df99d11-04f4-4373-b8cc-05f40cb0985b", + "prdxcas00db004": "544315a1-6e7f-43b3-8a9a-bb42f977f4dc", + "prdxsme67sln001": "650a7ea0-b9ef-465b-acd1-117b0772a6c8", + "prdxmes14sln005": "66e40952-72ba-431d-b6e5-51d36140ccbf", + "prdxsme52sln005": "6b3d3b2a-b7a1-48fa-9df8-a9287cdb5546", + "prdxpdm06ptk001": "77a2b7e7-a43d-4873-b71e-25aa7df91afe", + "prdxhzd22app001": "81749e1f-64f3-472d-93be-e76ecfcdbd66", + "prdxsmc55sln002": "97edc298-da56-4853-8b69-16333857641f", + "prdxtms14sln009": "af92f339-c5eb-491b-acbe-4b259c91593f", + "prdxsme63sln002": "cfef7dda-e170-408a-9263-d574f1bec0e9", + "prdxmes77sln001": "d74e47e5-bdf4-4912-85cc-0d06ae63cd39", + "prdxmes83sln006": "fc0140a6-e28e-4b08-90ce-99e2b693189f", + "prdxpdm04fbl001": "05199ac6-f0bf-418c-b17f-4dc1357f3912", + "prdxmes82sln007": "09ad01c9-7c52-4be7-92e7-336368125f7b", + "prdxmes46sln002": "0f7f4bf4-bbe7-4548-bed9-ed37b899a48b", + "prdxpdm06dar001": "13736fcc-6f56-4ad4-9d82-d092e7c64863", + "prdxsmc26sln005": "13db3ab7-fbfe-4a79-be3e-eb940986d544", + "prdxwtc01dbn003": "15d3f813-3467-4e6e-b6aa-57c933a02a1f", + "prdxmes36sln001": "21b83d7c-c812-4009-a8b1-4ecb92de96db", + "prdxpdm02tnk001": "2c549803-864d-4337-a4ae-ce6103d88a87", + "prdxcep23sbc001": "2cb0a132-5bbe-4e37-a997-68ad35a32648", + "prdxmes21mst002": "4b3330e0-cc49-4cbb-8a83-006358945f81", + "prdxsme55sln005": "61ffc8bc-bd3a-4dad-96b4-7a7ed81229ea", + "prdxwsc01csc001": "73cd5b80-08d5-4832-a23d-223f62961ca3", + "prdxmes44sln002": "97d51ec1-f9b5-47cd-a63f-d2c015659417", + "prdxpdm03tvs001": "a789800f-a0e2-4299-9258-b7e99c3fe79c", + "prdxkaf04zoo005": "b355cac2-337e-4863-9996-82ff3ef51145", + "prdxsfm21sln008": "ce1d3068-1cd0-4d91-9015-e9b3518199d9", + "prdxpdz21zoo002": "ddb20f47-f543-4297-b136-cf150484e5be", + "prdxomt21kaf001": "f027ea15-2e13-4a36-b343-d96be7a90475", + "prdxsme62sln005": "fd2d593b-13e0-441a-bea6-b00a1ad98272", + "prdxtms10sln010": "fe021be5-66ee-45d8-b4b2-9e512bbf1790", + "prdxmes77sln004": "ff67e56c-1469-497f-ae05-5401e42c73c2", + "prdxomt21zoo002": "0935d8d8-487b-4534-a1f2-ba5be4b9d2db", + "prdxrgs03app001": "0b2ce835-19ca-4cc4-9266-aa3ecb2fa569", + "prdxuwf22app001": "125ae7fe-d247-454f-9f4d-decf56caf689", + "prdxwsc01csc003": "14988a9e-9ac5-4978-89f9-9ea9daa59725", + "prdxsmc55sln005": "151151aa-9b70-453e-98c9-39048beb007c", + "prdxtrk01kaf003": "2ae87d2a-cb7e-4da4-9ad3-dd20bb0028a4", + "prdxcsr21con004": "3346140b-c6ae-4c37-9ff9-4b60ea831ff7", + "prdxpdm02bsk001": "393378ca-2b67-46bf-99e5-f25c60adb272", + "prdxrgp01app001": "425257bf-6354-4acc-8b6f-18c8f0793029", + "prdxsme60sln004": "46bf4cbf-8edc-40ce-bcd1-1e4b56ce8376", + "prdxrmq01trd003": "4c65e09c-61a9-4b28-9e4c-398d3ca81873", + "prdxrgi02app001": "59aff7bf-53e2-4864-9998-3f10e11231eb", + "prdxsme51sln004": "5ba3803e-f26c-46bd-917f-b3794a0d9a39", + "prdxsme20sln003": "64aa3b2b-bb9f-4f6e-b3fc-60ed5364f925", + "prdxpiz21zoo002": "7122c39c-35b5-436d-9d97-b47857148292", + "prdxpis21ria003": "84150f00-e93a-49a9-b82f-a973b7d675bd", + "prdxrgs02app001": "846d032a-a181-4a9d-a319-01902026188d", + "prdxhls03ui001": "897b2227-0519-4a46-87bf-500c67c2a1ed", + "prdxmes87sln001": "963f26c1-56d1-4367-be3e-23083ba2070d", + "prdxmes77sln006": "9ceeb668-7e7d-4550-8398-9ff06d40fd9a", + "prdxwnc21not001": "af839fac-b90d-4445-a729-96d952ad52ef", + "prdxrgi01app001": "c170b4c1-6ba8-40c1-a283-f2eedf961d96", + "prdxcag01app001": "c9afac45-4e31-4608-b94b-cd771a1aba15", + "prdxmes14sln014": "df985b60-0578-4717-8a68-e06081f383ae", + "prdxpes21ria006": "e6280639-c91f-4852-8306-437abe5ba6c6", + "prdxtms13sln020": "e63fc496-dd18-4389-86db-60a8d34f7767", + "prdxems03ui001": "effd2f93-b3e9-465a-8e99-61a5c359083d", + "prdxpdi23pcl001": "f8c8cea4-bc40-4910-9321-83570d470b97", + "prdxsmc25sln001": "fbee0411-1e98-4c8c-bfcb-85e65cfd9608", + "prdxpdm06box001": "01aa19c7-b696-4eb4-801f-4072ba42ed5b", + "prdxspo03app001": "298c8488-8a11-4438-822c-0e7173edd505", + "prdxsdc22sln002": "2d4bc0d3-ce09-48a8-a4ab-0f7cb380342a", + "prdxsme51sln001": "344a272f-d654-4641-ac2d-19f1b65f8529", + "prdxsmc54sln003": "43a49860-929d-4c33-9dc2-104212be1564", + "prdxwel11el7001": "5fdda56c-6b23-44b1-8e4a-36fec99a6c14", + "prdxmph02con002": "63d08599-bdd9-497c-9130-326ceb17d3a3", + "prdxsme63sln005": "6d7ca6a1-2a07-4d23-9695-e640c0018273", + "prdxtms10sln016": "71498575-0c2a-4dcd-bf3d-1dc0113e52f0", + "prdxsmc52sln003": "8484e46a-7b54-447a-b9bf-ffdcd8412a68", + "prdxcat02db004": "8a9bdced-06fc-4d79-aa71-a8a7285cbba4", + "prdxsme54sln001": "8dd84702-d86f-4fac-a0a7-c83a3b0db97a", + "prdxscd02el7001": "8e4981a4-ab99-4f37-a565-6f8692903d1d", + "prdxsfm21sln009": "8e8fbfe9-0eb0-4fde-a028-6aea926b010e", + "prdxsme65sln002": "9844d672-8deb-41cc-9c51-80e6c1895380", + "prdxmes83sln007": "995a1e95-53e2-471c-9313-02c5704ae27e", + "prdxpdm03ten001": "a1a22aeb-f9e6-479b-8b7c-9a4f588d646e", + "sc1prdadcint01": "a36cdff4-9a80-48bf-82d8-9903351817eb", + "prdxtrk01kaf004": "baac7e98-5513-42b3-8603-df923213dae2", + "prdxbae21ban002": "bd5a401f-22a5-4c98-9552-942e45aa23ca", + "prdxsme27sln003": "c8a14931-8491-4247-8b38-daf3594b1eee", + "prdxpdm06glf001": "d1f42d16-acec-483f-a88f-bcbf01755fcf", + "prdxmes26sln017": "d2177d43-2cb8-4999-99e2-5fac1e8abfef", + "prdxpiz21zoo003": "d5ab0ee1-2815-4d4c-9f98-8b810a697188", + "prdxsme24sln005": "d9678666-8c99-467b-a75a-9392348ac249", + "prdxsme53sln001": "dfeda517-1713-4925-806b-51d32edac836", + "prdxsme52sln001": "fe78ca65-dc81-4336-87f3-e026ebe7e231", + "prdxmes26sln002": "080d51c9-f6d3-4955-9bce-676d0965a92b", + "prdxpdi21dis001": "2678a156-37e7-4ac1-9919-0058fb88e563", + "prdxbpl21slv002": "290dfdc5-2218-496a-8f29-10717ffb4b9b", + "prdxsav21app003": "2f700aa5-9d9c-4107-be28-19e91ebcc4c8", + "prdxrda01app001": "44b36ad8-13ba-45eb-8905-937c3e25ff23", + "prdxbpl21slv001": "48fd1824-c5be-4be0-b4d9-8861da71aac2", + "prdxpdm06ich001": "5076b16f-5fd8-40fd-8010-57b539af1fb9", + "prdxcat02db002": "78f19f89-cecc-4e82-ae21-fbcb71d0a282", + "prdxrkf01brk003": "85a279a1-7fd5-4855-b501-22a11dc12a5e", + "prdxmes44sln001": "88710174-67ba-4f4a-97b9-8a218b5bd122", + "prdxpdm01ich001": "9978ae70-9b1e-4b7f-8579-68eff4f55a6c", + "prdxmes26sln016": "a3afa018-ec83-4c8a-a876-c8170d75f953", + "prdxmes77sln005": "a872afaf-7e2c-4d83-95ac-593abe6a84f1", + "prdxpms21sln001": "c5c7c4f5-3f92-4fb5-96cb-193309bbe9f2", + "prdxtra01prm002": "d1da6b56-1016-4690-b2d9-bc58ebdb2038", + "prdxpdm06cri001": "0fd0acdb-e016-46db-b03f-ef5adcab3e6a", + "prdxpdm03gho001": "111cb96f-32ee-4404-9942-c0eabae615b4", + "prdxdpi02el7002": "293246e1-e2c2-4ef9-8ab1-532af9ffce94", + "prdxcmw25wha002": "376225b9-bb6a-4770-be66-5bbaf81807e1", + "prdxpdm02dar001": "5404ec75-d6c1-42d9-9f97-572a9b4eb54a", + "prdxpdm01hor001": "59d96cf4-9224-4e52-b35d-909d0df6ee89", + "prdxpdi23dis001": "5b5bca49-56d5-4ddb-b7a4-3fd53b50136f", + "prdxsme54sln002": "6fb7bc7e-8403-449c-a670-b49008ee0101", + "prdxbbg02app001": "82c94150-94a7-40f3-bcbf-3da0d7fe448b", + "prdxcag03app001": "95a648a9-fba2-44ae-9525-710b2ee83365", + "prdxrda01web001": "9c9c7dd2-bf7b-4543-9168-8e7f60360d84", + "prdxbtf01app001": "9da43253-ce11-4eca-806f-f1b83e152f5a", + "prdxrkf01zoo002": "a303df16-fa1c-4b26-a8aa-1e6d7eb092a8", + "prdxram01app001": "aaa9cdd9-ab7d-4fad-9f10-36d6aa5f7dbe", + "prdxdti02el7001": "ab84dca7-ac67-48d9-aa41-bbcc7d21753d", + "prdxsas02app002": "b6e79b95-64df-41db-bd5e-ab98adb0cb5f", + "prdxdpi03el7001": "b79e304d-bd95-453d-a4af-166556d8230e", + "prdxtms13sln002": "bbbf5c7c-30dc-44e3-91be-814e5fe6ceb0", + "prdxspo01app001": "ca694e39-a50b-43c0-ad9a-a7f2c916db8d", + "prdxcag02app002": "dee50fac-c921-46f1-9f90-0fed50a07835", + "prdxcag04app004": "e698ef95-cfe9-478e-afbb-339add8c47fd", + "prdxtra01gq002": "f29ea06a-2739-48f9-bdc8-50be005543ce", + "prdxmes14sln004": "f4cec0c0-130d-4451-a2f1-d4817df48b43", + "prdxtms72sln009": "5c144c8f-2590-4b1b-ba18-134275851b84", + "prdxpds21dsm001": "65504570-a1a6-489c-9637-076a234e6051", + "prdxpei22dim001": "9706a47e-7061-4c19-9c48-aa72bc21003c", + "prdxpii22dis001": "a855c058-73b6-473b-8fcf-d04f2ba9c498", + "prdxsme22sln001": "b0804753-72b9-4ca7-b361-4df2f0939038", + "prdxtms14sln003": "b3885046-c543-4bb5-b140-c91ae6d80183", + "prdxtms10sln007": "d0787fe8-3ab6-47f3-b4c8-3afdba2e4bd5", + "prdxtms72sln007": "0167ee25-6737-49a7-8a0b-fc5aafe352f1", + "prdxrsd03app001": "0375800f-0970-4fe9-9908-36afd7bcaac2", + "prdxtrk01kaf005": "31a35263-780b-41a2-bda8-a113bc87f4f3", + "prdxscd01el7001": "36a4c823-9260-4595-97ab-05f18639b226", + "prdxhzd22app004": "3d6b707c-9c07-4368-b04e-fbc2bf8486ad", + "prdxsmc51sln001": "4326f360-5420-4722-b164-00836a3f398c", + "prdxsmc52sln001": "47f5ca06-22e4-4295-a560-07c4b95582b5", + "prdxpho03app001": "4c4170bc-c2eb-44cf-a0ce-2d2ab3b2323b", + "prdxrvs01app001": "5ba204ff-b336-4eeb-8e11-ac1ba39cd92a", + "prdxsme20sln001": "5cb5bc55-88e9-4ba5-8037-8d6d2c448041", + "prdxsme53sln005": "60640a6a-0c15-4154-9122-c2e47c53c130", + "prdxsas04app004": "643fcb02-f8ce-492f-9941-50212d23b569", + "prdxbtf03app001": "65888f52-5749-40a2-9385-e9e6dc588ea2", + "prdxmes83sln010": "7245f9b8-0bb2-4d74-be6d-394d0475b888", + "prdxsmc53sln001": "775006fe-1d10-4e3f-afa5-5ec873a5a148", + "prdxsdc06sln005": "7cc7a90a-1448-4288-9916-c8a1e3a4268f", + "prdxomt21ldb001": "7d995ac5-4593-4b43-9844-a4fb7fb63321", + "prdxmes91sln001": "8c3befc5-82f9-4e48-aa90-e67af0bb6554", + "prdxmph01pxy001": "9141aecb-179f-44b4-bd29-f1a413b9fabb", + "prdxhed02ed001": "96442fd6-f453-4b7c-834e-fa9c5870a7ec", + "prdxhed01ed001": "9a2004ab-694f-45c3-a72a-ac88a2568843", + "prdxsme55sln003": "aa03b910-5e53-4f34-8331-2f9fc4e05b26", + "prdxsmc54sln002": "cc4ba9f2-b0a6-4886-92d6-9a2e54aff415", + "prdxsme52sln003": "d05a4122-a4ac-4a5b-b32f-4d2e5e3ff0b6", + "prdxntc21slm002": "d644d6cc-300c-443f-9d6e-7567953904e4", + "prdxpdm02sno001": "f75e00e6-c376-4d96-bcb9-338e71d17d41", + "prdxsme65sln004": "f94952f4-4135-4e67-a566-39838e53a4b3", + "prdxsme66sln001": "02ced8be-5054-4d13-ab66-7170a4d87804", + "prdxtra01fcm002": "10defa11-f178-4cf3-8d02-162d243e07fd", + "prdxsme25sln004": "261c0f43-e0e2-4d33-ae5b-a495836cab15", + "prdxpms21sln003": "50d48d3a-0a32-4ab5-ae5a-697f43c8af3c", + "prdxtrk01kaf002": "5a0c8ae6-1297-4d89-ab81-4d5234018bac", + "prdxmdv01slv001": "5a1e9f55-087a-487b-a7ab-9c9a8a0b8639", + "prdxsmc24sln005": "626c9325-8b40-4f10-98d9-07959bc910d3", + "prdxsme56sln001": "774a9906-0ea5-47af-8f95-ee039db76e1f", + "prdxges21app003": "9934c772-b01f-4aa7-85e2-031a09fa0929", + "prdxzae01app004": "b7023a20-4e9c-4f0a-8178-b4a3a3879358", + "prdxmes13sln001": "bdc140c3-43a9-40bd-a54c-bebb25d9f5c6", + "prdxtms14sln006": "c0c38ad3-4973-441a-9886-3bc87a3d51e9", + "prdxsdc06sln004": "c53dd86d-1179-40d8-a99e-009e68b95d6f", + "prdxsme53sln004": "cf31ceee-99c3-4f84-ace2-2575a38ba672", + "prdxsme67sln005": "df204ea3-010c-4825-bb5b-8f20fdcfda27", + "prdxzai01app003": "e79dfe2a-8d05-4960-a5f0-4f2789f13304", + "prdxcep22sbc002": "fa8cba83-2696-41aa-b06d-29bbd10a34c7", + "prdxmes44sln003": "fd75a4cb-7a33-4846-b4d4-118105e9ac58", + "prdxsmc24sln002": "08394a93-1602-44ba-93cb-c503d7766fe8", + "prdxhed01tm001": "114ec6c0-f704-42b1-b007-68b98077fb34", + "prdxcag05app003": "2c23e2c2-208e-43fe-9614-ce928c4deeb1", + "prdxpdm06ten001": "2ea615c6-2a88-407a-bb22-2445c1611df4", + "prdxcss03app001": "3dddf0c0-d0ed-47bf-9438-945d217be078", + "prdxpdm06rbl001": "49d0cdc0-2f0c-4732-9075-0de42b65016a", + "prdxzae02app003": "4a285ffc-7b47-4eb2-905b-11cf712582a5", + "prdxrsd03ui001": "550eef52-1935-42d4-a518-378d3f717b89", + "prdxpdm01bsk001": "5514a143-2fa4-4e90-a2d4-351929e6d710", + "prdxcag03app002": "58910e87-e6b7-47c8-9c71-a11e05fc109d", + "prdxfui03web001": "656e965f-920d-4c49-af53-58fc79f41c89", + "prdxbbs01app001": "67e773fd-bcfe-490e-890e-4515f12f3b9a", + "prdxsme24sln003": "78eb5b2e-9a75-49e1-ab05-4ec4a0c7ed3b", + "prdxhed01bm001": "7fbda418-565c-40cd-8084-4c9668692ca6", + "prdxrcs02ui001": "88e79508-d1a6-4ebe-98c9-2f54193a836e", + "prdxrac02app001": "899efbc6-92cb-4b42-9019-e2be6fd698e5", + "prdxhed02mr001": "8aa148d0-c214-42b3-9dc3-c15a89e419e3", + "prdxmdv01slv009": "8e070092-2075-4559-916a-1341f11b07ee", + "prdxcmr22ssb001": "9e670e3e-ad6d-4b14-bdcf-c84ff8661fdc", + "prdxwtc03dbs001": "a1223cf8-2d49-4ed0-a64f-6eb67107e37a", + "prdxpdm01ten001": "b6cd30db-b29b-4a96-8aee-32127016f3f9", + "prdxpdm03ich001": "c5a498d5-6190-4741-8624-243f5d1233bf", + "prdxraa03app001": "e171e8cd-569b-46c0-a277-0e2f13f83eec", + "prdxmes37sln001": "ea6f5284-ba04-4a7c-830e-d1d002c61baf", + "prdxram03app001": "eb8e2d59-a10c-4cdf-b59f-19c11747deea", + "prdxsmc51sln005": "edace817-37b6-4acd-ad47-c125cf078cf9", + "prdxfvs01app001": "f1068238-255a-487c-be39-2b7a5f2904c3", + "prdxsme61sln003": "f2ee4453-f336-4cba-a013-877ab45a0878", + "prdxbds21app003": "00b95284-fd27-4193-b31d-3f03381246eb", + "prdxsas04app001": "4819fdf5-c28e-4274-9d94-ce09a642734c", + "prdxsmc22sln001": "4d187952-0f86-48c0-b3df-368d223ed036", + "prdxdri01el7004": "554a8962-78fd-4841-84ff-b5be4df49092", + "prdxsme56sln003": "64a215d8-af6a-40fd-b449-34393cbbc89f", + "prdxsme51sln002": "6544a168-869d-480a-ad52-6e90a02b357a", + "prdxmes14sln011": "7386403a-321c-46d0-b4f8-436819bb41d3", + "prdxmes13sln011": "87c0fba2-1461-48ac-8b52-26080351c1bf", + "prdxsen01hrs001": "aa41c6d5-75ab-49a6-b8db-dc2cbe72754d", + "prdxomt21int001": "abac0e0a-6cb5-4f27-8b13-82bea29403af", + "prdxmes82sln002": "ac70665b-7cf6-4031-8537-e6492b817cc9", + "prdxpdm01glf001": "b1efc16e-27e4-4f7a-80fe-d10b983cadc4", + "prdxbpl21ctr001": "d708e260-1a10-41b9-ae25-9471b5e2285f", + "prdxtms73sln007": "d79a0012-1cd3-4fa9-99cf-4799a25e94e1", + "prdxrda02app001": "020cfc41-bd74-43ae-a773-81d64f571589", + "prdxpis21ria001": "0c2a2e1b-6921-4363-a367-cfbc5d7231ec", + "prdxcag06app001": "105bc22f-3cdf-4eea-9877-a58908f1a57a", + "prdxprs01app001": "1c219494-1fba-4b90-8918-67c6b3d0b269", + "prdxbbg01app001": "1f328e58-d870-4336-a510-07a4ce9e2091", + "prdxcag01app004": "20d1c7c2-02d6-4784-aa9c-7c85f8b7b0e9", + "prdxmes47sln003": "25f467be-61b3-44dd-add4-73a2699df844", + "prdxpii21dim001": "26186ea0-ebbe-43ac-b761-4c61f9d5f834", + "prdxtlv21fnt004": "28c2d7ed-f0b1-4d19-b7ef-425f2964aca0", + "prdxmph02chs001": "2b1475eb-e1fa-4f4d-9878-9ad3f08486cd", + "prdxwtc01dbs002": "373eadf7-220b-43b1-a00c-557216331aad", + "prdxpez21zoo005": "476a91cd-9d19-4ee0-a9da-fd99e0a1c4ef", + "prdxsmc55sln001": "4fc15258-e150-48fd-9411-2d7f44b84501", + "prdxmdv01slv002": "50404267-15f5-4061-8939-87d3f824efd0", + "prdxpek21kaf001": "582838ac-687f-4a51-97f6-33494cee3495", + "prdxpdz21zoo003": "58dcce30-3b8b-4d71-a0e0-0751b37cf812", + "prdxpdm01bbl001": "60a9dcef-9407-4abd-a377-083de9db74e2", + "prdxpup26mst001": "67be4755-5206-48a2-a78b-1d0f19b098c5", + "prdxmdv01mgr001": "682440f4-8a2c-4ca0-8749-fa05f410af0d", + "prdxpei21dim001": "82afb9e3-91c1-41ea-a5d0-17b2aaa5a927", + "prdxcmp26sbc001": "868b44b8-8010-46dd-8469-324bdca4f93d", + "prdxwsc01csc002": "8dce8141-6190-4ed9-8c0e-f0d057a351c1", + "prdxmdv01zoo005": "91a988f6-99bd-48e3-9a40-b97f04e5f1ac", + "prdxbbs02app001": "a45c6038-2bfe-4e5d-bb78-6972a47b4cad", + "prdxows01app001": "a65bfb9c-64b2-487b-a5e1-adc8597159ed", + "prdxmes82sln009": "a6c07164-98bd-4f5a-8463-c52ec994d331", + "prdxrcs02app001": "addaef1e-4561-440b-8a18-f59e5a316413", + "prdxpos02app001": "c2093610-a3d2-49c7-8575-9631b3e46dbc", + "prdxuwf22app002": "c5199da7-7f27-4d76-b023-0e3bd2f492ea", + "prdxcep21sbc001": "ca31f0f3-0ff7-4bf7-96a0-db3501ad89ae", + "prdxomt21hzl001": "cd6b5823-e3b9-435a-97ce-64ad7f67d20c", + "prdxcag05app002": "cf1191a7-07c7-4387-9868-cffb153ac5be", + "prdxuas02app001": "d0b97dc1-6db8-417c-b52b-73c29694b93d", + "prdxmes21zoo005": "d3315c55-5edd-4bc8-b326-abd406dcd787", + "prdxhmc01ibs001": "d43c455b-d968-4fa6-b04f-1edb37843e07", + "prdxrcs03app001": "d5e21215-fb70-4478-8599-004edec736b2", + "prdxmdv01slv006": "d6ad1e37-65e1-4a87-b7e5-a40b9af4db01", + "prdxsav21app001": "eaea5f5b-d101-46fe-b6fb-a1bde901ee68", + "prdxciw22wha002": "ec6dad07-ffe8-44c8-9f42-423c79c4669a", + "prdxtlv21cnt001": "edc3f774-2785-4e85-90de-5ba2abb08ef0", + "prdxtrf01img001": "f58d6159-3492-4821-977c-0565e299de33", + "prdxomt21svm001": "f756c448-145f-4cec-92d2-cf414ed2cded", + "ol7-template-prd": "f79fd034-7a3d-4736-88fa-60b636d6af29", + "prdxrda03app001": "f85cc055-1ad6-48a5-acbb-750040f667a3", + "prdxpii22dis002": "fa6bc0ca-cd75-4b09-8dad-275668e4fba4", + "prdxpes21ria001": "fe535335-1c27-4405-a1fe-2be37b07ce90", + "prdxpms21sln005": "19366a60-493e-41c0-8246-264c3f38296f", + "prdxcew22wha001": "1d81b185-1f62-4dda-bcfa-1e8a94f7aa9d", + "prdxpdi21pcl001": "4667d2db-5b53-4b59-b259-6d4f5bd7d44c", + "prdxwsc01csc004": "4fd09e42-dd74-44fe-a245-045650cb179a", + "prdxsme65sln005": "5d60a4ad-767d-47a6-ae04-e9bcbf6a9c1f", + "prdxpdm06bbl001": "6ea4dc75-c481-4b3e-bf20-3c5a4f1784d3", + "prdxpdm06tnk001": "7aef5a52-3eda-469d-a298-02ff3ae72d2e", + "prdxsmc20sln001": "7ce4edc9-e642-4f00-84c9-d47488e009db", + "prdxsme64sln003": "882cc4f0-849c-48c8-bb51-683e3d0997bf", + "prdxpdm03vwr002": "9840b5ff-a848-4797-a8db-fd83ae9bba46", + "prdxtms13sln016": "a1c69f35-ee6b-4989-b150-2711e749ebdf", + "prdxshs03app001": "a6e65c02-3eb6-4cf8-92b9-ced112aa83d3", + "prdxsme61sln001": "a9aafd90-f6b7-4a8e-b76d-1a3e3327bf7a", + "prdxmdv01zoo003": "c48ff69e-d255-4414-b4c3-955426f2eb93", + "prdxsdc06sln001": "ea3c1d8a-ed99-4174-96c9-dda3f04dd010", + "prdxcas00db001": "f3ae3d1f-5d71-4b98-9be1-678a0fb7fd33", + "prdxpdm02rug001": "f47a5a33-47d1-4086-aa35-7e9ba74050be", + "prdxcat02db003": "f8290d46-4d74-4ae8-b51a-b4d6a19c801f", + "prdxmes13sln004": "03aab71c-6817-4e36-ab2d-910ce5061f2b", + "prdxrgs01app001": "088d3be8-3a93-401e-ab15-e72c7bf1a860", + "prdxtms73sln004": "08d00a7d-a102-414a-9abb-e7d2f6709941", + "prdxmes21zoo001": "0b34c849-d4f3-495a-8ffa-26ef0c28c895", + "prdxsme23sln004": "14fae18a-8390-4377-a6d1-d3cfeedf0e25", + "prdxmes76sln006": "1706cbe0-30f5-475f-90a5-7941651ecd04", + "prdxzae02app001": "23199a81-4785-4c85-897d-3bca0148712e", + "prdxmph01con003": "32e86b1d-7af7-42cd-9503-7c67d8c20143", + "prdxdpi01el7001": "34cb8cbc-531c-4454-9179-7c78091e2227", + "prdxpdm03rug001": "3e7dbd34-fc18-4e59-ac5d-24c9f9a7eec5", + "prdxrcd03app001": "538bb07a-ef23-4a46-b4c0-2c990ebd00f1", + "prdxfsd01app001": "55b4812c-82dd-4324-a292-5d484926f4e6", + "prdxcss01app001": "6fb69905-8137-4a6c-991f-295147e8e51e", + "prdxtms10sln015": "7ab3e299-25fc-48e1-9023-4e1d44f72952", + "prdxmes27sln004": "90d7c75f-08b7-4a96-b79f-5caac6780fc2", + "prdxsav22app002": "acc45f1f-8bbe-4c61-96eb-820f2ab6a8f2", + "prdxtms14sln015": "ae3135f2-449a-46f1-aa20-4b6758ee5f02", + "prdxpdm04tnk001": "ba1ca667-47e8-42fb-bd58-fc0142948ac2", + "prdxmdv01slv005": "bcfb11b3-420f-4a63-a008-c6467afcf841", + "prdxmes82sln010": "c3fa54bd-e7d8-4382-b1f9-01c4ab4135c6", + "prdxmph01con004": "c4d2bafd-bf7c-44d8-b2be-33f8c085dc1b", + "prdxcat02db005": "c65ec54a-0736-4b98-9af2-fecb2e173466", + "prdxsas05app004": "cc730597-5033-4b15-9133-5f576c68371f", + "prdxspo02app001": "d8555c98-7e30-407e-9eb4-49c6717ce342", + "prdxmph02pxy001": "e80cc018-ba8a-4d63-b3df-5e859a419ee9", + "prdxsme24sln001": "10c4740d-aaf6-4b5d-9570-f33da05e2951", + "prdxfui02web001": "1b6cfe6a-4029-401d-862c-4c0af242582c", + "prdxpis21ria006": "2c7854e3-427c-4ec7-8e80-920e6698df5c", + "prdxuas03app001": "3c2bae80-016f-44f5-bcb2-ce1948e29701", + "prdxcat02db001": "40761544-61f5-4398-8aab-9fd0c20ff5d0", + "prdxocs03app001": "62a92ee7-c954-49de-a976-9afe56cadba7", + "prdxmes47sln001": "6746225e-359c-463b-bd55-2ca8823f3f46", + "prdxpdm03tnk001": "6ed5adc2-3e6b-45c7-bf68-f53431c861cb", + "prdxnex01box002": "82e914f6-9725-45f9-a642-4e1eeea17664", + "prdxmes27sln010": "8a896097-fad7-48ba-ad5f-6be323aa979d", + "prdxjmp27jmp001": "985b9e9e-ba86-4d97-847b-69816c05144c", + "prdxsmc55sln003": "bd4a2c50-c329-4cd6-8de8-29f018aac8df", + "prdxmes36sln003": "be408fae-551e-41a3-8928-a61d2ef6a3fb", + "prdxtms13sln005": "d6962565-e3c0-44bc-8b67-06288824d87d", + "prdxpdm06vwr001": "e14f9dfd-7ff1-43a8-9a0c-9eea986f38a4", + "prdxpds21ria001": "efbd91fb-af94-4411-a12f-3acee15caefa", + "prdxpdm03dar001": "f07163e2-cf75-41e5-9b65-c3851ca9fe47", + "prdxsme63sln004": "f3c38347-5527-41f3-8bd0-7a39987d18ef", + "prdxpdi22pcl001": "fe610ea0-ad48-414e-9977-bd6fc499a243", + "prdxzai02app001": "0a9622eb-c707-403e-8b8f-a9a0a78dfdfd", + "prdxsas05app002": "4c168166-e64d-4e09-9b48-47e9f3c803b1", + "prdxkaf09brk002": "7e730abc-5bcb-444f-b63c-6944e837718a", + "prdxrrq01rmq003": "8b37c153-372b-4322-8329-1a287a74f556", + "prdxcmp24sbc002": "bb9c1829-b81a-4ac2-87b0-bb12fc02dbdb", + "prdxcmp23sbc001": "d4e61adc-ad22-4c17-bac5-8190ba45a4a0", + "prdxtms72sln005": "e417c6ee-68bb-4766-a921-28e6584eed21", + "prdxmes26sln009": "e548ed9f-cc86-40e8-8047-c9cdb287fbc5", + "prdxwdc01wdc005": "f14cce1e-2f48-4068-b1ad-ac3d4bcb35ac", + "prdxsas02app004": "0cd91c11-3f79-4077-8b53-2c5d3eb146f6", + "prdxpos03app001": "0f238d3e-3273-4de0-806f-69050ca98bc4", + "prdxsds01ibs001": "123fc779-812f-461a-9d0c-2085bbabf40d", + "prdxsmc22sln003": "1269e48b-d47f-4c72-86f0-40b52845b8b6", + "prdxpdb21doc001": "1b1e386c-b0d8-40d1-af71-0ec15d0415af", + "prdxcag06app002": "23a6e458-00f5-45b0-a85e-df45ec14aa1d", + "prdxtms13sln004": "2e908b96-3899-4417-a1c0-5c95d25de651", + "prdxbpd29dkr001": "3b4adda5-8b73-471c-bb53-4c5b33407a44", + "prdxsmc20sln003": "47bbdf6f-b69a-4d1e-abbb-6dee4e542700", + "prdxtms14sln010": "547514d4-f4b9-4cf8-97f2-a86c39037150", + "prdxrac01app001": "5cd1d880-609a-43c2-b22f-c4b26f510e01", + "prdxmdv01mgr003": "8dfeea86-deb8-40f9-9841-f54ed12b7b68", + "prdxpdm02glf001": "916d8fc7-08be-415f-b340-7c0cfb311684", + "prdxkaf09zoo005": "9b407a0e-24d3-4dc3-857f-699ac525833f", + "prdxpdm03mts001": "a4085bf6-d26f-49f2-bc8f-c59f83d68b25", + "prdxpho01app001": "a90c08be-c745-4c87-974c-ace7bceebf3b", + "prdxcas00db003": "ade921fa-27ce-449b-9925-6d6580f8729f", + "prdxpdm06mts001": "bf507d31-1186-4425-9d89-063894331e17", + "prdxcsr21con001": "c5a7d3e4-f95a-4c50-8940-2bf80d1f0c56", + "prdxcag05app001": "ca2c6ed6-b270-48c0-acd5-37f2f8c22d14", + "prdxsme20sln005": "dd19c9bd-460f-44e4-ae8b-64710c09c9ab", + "prdxsdc21sln004": "de16f45e-d6d7-42ea-98c0-d20eb38f2ebd", + "prdxmes13sln007": "eeafe18a-2e87-4fc5-910f-0300ce389de6", + "prdxpdm02ptk001": "febed8ea-55c2-41d7-828a-13e3e3d7e8f0", + "prdxpek21kaf005": "124678f0-a5f2-4717-9766-4e48082a19e9", + "prdxmes26sln015": "1950972a-5796-4224-a003-8481e5c8f8df", + "prdxmdv01zoo004": "233ac01b-ced1-4c79-9c2a-41f455754769", + "prdxpes21dsm002": "3da3d276-524d-4bd1-a98d-79086575eb59", + "prdxpik21kaf002": "4deb82ee-8587-43c4-98c2-690950c575cc", + "prdxsmc25sln003": "61b1843a-012b-4f21-811a-8174f684d451", + "prdxsme66sln005": "7069da6b-6ed2-4ef0-9452-e9fba55bee22", + "prdxpab21b2b001": "847a5cb4-e936-49a2-b325-a6d1f60a08f0", + "prdxkaf09zoo002": "881239d6-0d62-441e-8a91-daec029930b3", + "prdxpez21zoo002": "8ef72f32-08cb-4f80-93d4-bbae984104f4", + "prdxmes27sln020": "9292d822-ed49-4c14-a7c1-55dbf897a7bb", + "prdxmdv01slv004": "96334c31-3bbb-43fa-89af-df71ae504a83", + "prdxmes27sln002": "b0204ecd-162d-4ada-b86f-936252ae44be", + "prdxcup01app002": "b517a383-1268-46c8-bc24-f4c223480b85", + "prdxzai02app003": "ba6517a1-91c9-4c0a-814d-5a15f1f68347", + "prdxomt21ria004": "bf671575-3b06-4652-a7ec-c9181d4381b4", + "prdxmes14sln001": "d0e97f5c-0838-4965-96d7-f5c5f4a9ebc6", + "prdxzai01app001": "dbadc7e8-d7aa-4fc8-bff5-76869fbb874f", + "prdxcas00db005": "e4ed1391-262c-4f8a-8b6f-7014c92ef4af", + "prdxtra01pui001": "e5a1f173-edba-4013-8236-e3f560041d14", + "prdxsas01app002": "25cab7ef-fbb4-47b2-a739-f5995b702bb1", + "prdxtms13sln009": "457cd7eb-63a6-4531-881b-eb5abd5b9a4f", + "prdxpdm01vwr001": "4e498c74-4325-4349-a9c3-e2fd43459da2", + "prdxwdc01wdc001": "652d81f6-60ce-4d51-9c1a-0cc71b1fe3d9", + "prdxomt21rdm001": "8f3af985-365a-416f-a1eb-0fa04a278792", + "prdxsmc24sln001": "a7e41bd8-cb09-48b9-a26d-8e8401090d9a", + "prdxsas01app003": "ad866a01-30cf-4b3b-9b0b-4b1aac9c3122", + "prdxmes26sln019": "de00d5a1-c95e-456d-a9aa-5167a9a37c1d", + "prdxcmw22wha002": "e2f7a719-9924-493b-9144-ee9c1117ae59", + "sc1prdadcapi02": "ed0ee560-c2b2-447e-a044-8b20f7739aa7", + "prdxcmr21ssb002": "f7a2fa4b-b4aa-4baa-8c51-0c5b6526cb09", + "prdxsmc24sln003": "0d1f7225-2637-4c37-9e12-297c7bb40b11", + "prdxcmw25wha001": "1120c5b5-520b-4658-9348-97c001d76ba4", + "prdxshs02app001": "1201f58b-c33b-4975-b4cd-8f6d46aafdc7", + "prdxsme25sln005": "1733d26f-8356-4f31-914f-3dcdca701320", + "prdxdpi03el7003": "1804af78-95e7-470f-bb3d-a7e51b28a818", + "prdxrds01app001": "2cd33608-8eb0-4ffb-b171-baeebc25eda1", + "prdxcmp27sbc002": "3daba44f-cb0e-4826-a1eb-700beacb56e0", + "prdxrkf01brk001": "48625a8c-ff1e-4a4e-ad42-49d4d64e0290", + "prdxsts03web001": "4f2c03b6-6e0f-44f1-b632-aa2616cb86bc", + "prdxsbl01app001": "5335771e-eb78-49bf-a74b-57610c77dd72", + "prdxcag04app002": "57afaf81-e397-4e5b-990a-b62ee9cb7199", + "prdxsmc54sln004": "5901bff5-cedb-4469-819c-5a4c273ab9d1", + "prdxsts02web001": "5fc8bd4e-b80b-4cbf-a68c-3dfea941181a", + "prdxjmp26jmp001": "62fc70a6-2c48-4866-bc24-c1c34f824801", + "prdxsdc22sln004": "63989cc4-d816-43c0-8fa6-c93a6701747b", + "prdxems01app001": "6cecd8e3-ebb6-4e38-9562-536fa2e468ff", + "prdxrds02app001": "7ce94ba7-969f-4876-93bf-8d5b07349d69", + "prdxhed02tm001": "7eb97fed-f758-4932-a49f-a4154886319d", + "prdxmes26sln012": "98018e98-1d17-4639-913d-aac9bf57cda0", + "prdxrda02web001": "aa4a3b82-f921-4997-85df-ad2374ee6906", + "prdxhed01ph001": "b0796773-65ad-4c55-8a8e-977052f6e067", + "prdxcag02app001": "b6b9ec7c-f484-4077-ab98-df7e760d31cb", + "prdxpdm01box001": "c4222c15-02ed-46b5-b386-a99ed9c1d3d1", + "prdxems02app001": "c65ef13c-4d89-4b2c-a6f6-ebddebd4d64d", + "prdxrcs03ui001": "cf608d81-69f9-49aa-bd84-737c26ad2566", + "prdxems03app001": "d2009cd6-c327-494d-9025-21c6d40bddfb", + "prdxrcs01ui001": "e639c684-b84c-4678-80c6-c087fa866ea2", + "prdxpdm03bsk001": "f07c16a5-8d9e-460c-82c3-08fcd07ad1fe", + "prdxrss03app001": "f3a4e244-267c-413a-90d9-b1d68d57def3", + "prdxpdm02bbl001": "f4e97a2a-bf2c-4739-8e44-d78e91bf9185", + "prdxsts01web001": "f902036a-73b5-414c-9690-1bcd0818609f", + "prdxpdm03hor001": "235cc1b6-fb6c-410f-a533-12be40f150c5", + "prdxmes76sln001": "25b63735-5e79-475f-b729-ce3113a805d6", + "prdxtra01dm002": "2b0e2b3b-6b2c-4824-aec6-d90c8bbef354", + "prdxtms14sln011": "37f00a06-6796-4cb4-a97c-0b7497142554", + "prdxdpi01el7002": "530e86c5-9a8c-4689-bba9-276e8e11f20c", + "prdxuwf22app003": "55040c3a-0c04-4669-922d-6ca5c27023c5", + "prdxsme21sln003": "59429a11-75cb-4b33-bfe0-361873b68df5", + "prdxpdm06hor001": "675364c8-4063-4df3-8964-b2454918f185", + "prdxpdm03ptk001": "6b29495e-8339-4c06-aa78-4475fbf37053", + "prdxtms73sln001": "89f9180e-6468-4bac-8462-92a6d1ca05f8", + "prdxmes21mst004": "8c51597f-1fc4-4693-8286-7e6fbe25e05e", + "prdxcib21b2b002": "9fd8c19e-8187-438a-a0b6-78ee99684ede", + "prdxmes21zoo003": "a4995fe8-56a7-4955-86d9-2fd985c2f764", + "prdxmes27sln016": "ae3afe7c-5d31-4ed1-8cca-d61399212b9f", + "prdxmes14sln015": "b8ad77f8-b5fe-40e6-bcb2-e0aafda8e1a2", + "prdxjmp25jmp001": "c31673f7-9724-4b12-a6ae-d8a6aaeb2c92", + "prdxmes26sln018": "dacc0ad5-ade6-466c-969f-67cf839da9eb", + "prdxsme67sln004": "e78a50da-cb6d-4620-be9b-7ca1ac26230e", + "prdxtms10sln004": "eb204bd6-5c20-4d63-8542-54eb3f4be54c", + "prdxsme66sln004": "ecf3cee7-c348-4412-af78-41762e0f9337", + "prdxsmc51sln004": "f5799f97-117d-47d6-a6d8-344a588a1c22", + "prdxnex01box003": "13b7a0f9-ada1-4c04-80e2-cc888c5d5866", + "prdxpes21ria002": "1cfc7e0d-088b-475b-ad78-6090b0dff294", + "prdxsme64sln002": "1d723ad0-df66-4631-a490-6859bb5c1aab", + "prdxban01ban001": "2230025b-8d46-4d85-b4ae-c234da0b99b0", + "prdxtms72sln002": "34c37dc6-7274-4f7e-8c3b-05322e1d4c64", + "prdxtms10sln008": "36bd5640-87e2-42cf-9279-660d7bac6231", + "prdxpis21ria004": "3782c3ba-1887-446d-8c30-4f39f8faeb67", + "prdxsfm21sln004": "4758837e-d138-4ac5-b156-c8d332bbb58f", + "prdxsdc22sln003": "6a67957b-af19-4d71-b33f-f4bd78a032da", + "prdxsme21sln002": "8aa0e6bd-cc46-4b48-a1c5-4e88f164d6e5", + "prdxtms73sln006": "a4672846-71a7-4b00-bf9c-8c9c2e861033", + "prdxzai02app002": "eee3f8ce-e634-407e-8523-c7be51ea7d9b", + "prdxcmp25sbc002": "fa1c2b89-5a37-4791-b247-e1050660cfc5", + "prdxkaf04brk001": "00a164cb-dc7c-4741-8538-2ebf786a911f", + "prdxhed02fe001": "0675a86d-9063-49cf-8333-cb4f5fe355a9", + "prdxbds21app002": "2a4adb34-8162-40fd-bc40-99c390242e1d", + "prdxtms13sln015": "2c85b672-1901-4159-a204-afbe1b17c290", + "prdxzae02app004": "2fae5a77-c459-4a01-8066-11643e7f4ed4", + "prdxems02ui001": "45ee7be9-4db6-4b9a-9c9b-20b0dcb6c0b3", + "prdxhed01fe001": "5a01750e-e96c-4d2a-b4a6-bb22fd1ce83d", + "prdxsmc52sln002": "5da188f6-4930-4b1b-85a8-c07533a9bef2", + "prdxkaf04zoo003": "675de789-21c3-4d99-a311-af0cd09fa501", + "prdxcmp28sbc002": "693cfda1-1fcd-4776-bbee-cf3f31603e7f", + "prdxsmc53sln004": "6e9c2e60-8a23-4c7a-9607-d51de8d82ee8", + "prdxhls03app001": "75a6c56c-d81c-42a3-abeb-7fd48bcbe4dc", + "prdxrps02app001": "7a2311dc-6a86-45ec-a668-1dcff294de69", + "prdxkaf09brk004": "7f507b8b-3da8-45e5-a2a4-a9c894afed37", + "prdxsme25sln001": "8171248e-7ac6-42e6-8a64-681471fb79c1", + "prdxcmw22wha001": "95d05c7c-477c-4db5-b26e-d3cdcd0dc6da", + "prdxpdm01cri001": "bab819af-c0d5-4f92-8898-c3918a9cb8df", + "prdxtrf02img002": "cf6110d2-d67b-48df-9112-f8df1a771207", + "prdxsme66sln002": "d1be0ffb-ccf1-49fd-a589-2382a49944b7", + "prdxcag05app004": "d84ec10d-004e-4faf-bd3a-81673253fbb9", + "prdxsmc51sln003": "da7b6f9f-2347-4b56-81d5-c0d51e6c1617", + "prdxsmc53sln002": "17904ffd-1397-46b4-92f5-848a2a6b42ae", + "prdxcsr22con002": "30169341-9b99-41b2-81e5-e1e0dff9dbdc", + "prdxomt21ria003": "3f200cdb-adf9-46c7-9946-719955750897", + "prdxpii21dis002": "5c0da5d8-33e3-46e3-a4bd-7b1b71b5b325", + "prdxsme24sln002": "5d02c3a1-c217-4a46-bf55-742fb058fb78", + "prdxmes27sln003": "690c498b-ad22-44a4-a544-55361e598cf3", + "prdxmdv01mst005": "6f80b0bd-e2ae-4d5e-bb4a-35bb0ed4b0e3", + "prdxcmw24wha001": "7e440929-b65c-425f-ba89-42ecbf77a1ba", + "prdxrkf01zoo005": "8322bc0e-a20e-431e-bb91-f46c237db1f7", + "prdxsme23sln003": "880f5a6c-1214-4308-b3e8-dd871e747aca", + "prdxpdm02mts001": "a6343760-54b4-450f-ae1e-23560c369882", + "prdxtms10sln003": "add0ed5f-969a-4118-afcc-72ceea792d8a", + "prdxseo21srv002": "dcedd796-c8e3-4b62-8345-d0950c9b25b1", + "prdxrmq01trd001": "e0c59264-9b92-4a45-9b1b-7883423b88c4", + "prdxmes13sln006": "ff1ae902-1798-4bba-a3e9-4c6c9aecf3d5", + "prdxabt02ibs002": "0bd24d4c-2049-4606-a852-d352c12f697e", + "prdxwnc21not002": "5a98fce4-e41b-4d66-bdab-96db5a35bd43", + "prdxuas01app001": "5db4b528-a357-4b76-acdf-b4a7cec53824", + "prdxpdi22dim001": "6712682c-2f94-4d3a-8bf0-a2c00dfe9dda", + "prdxtms14sln017": "6b0cf532-fc8a-4740-982c-160d7dacf9d4", + "prdxcup03app002": "729098df-18e8-45c2-a9d6-fa073f36a2d9", + "prdxmes14sln013": "78bc8927-adb7-4a9b-a128-16a28c96f602", + "prdxinf26box001": "815bd8c3-55f0-443b-9b6f-91d3e6e48334", + "prdxpds21ria005": "890a7fb6-b94e-43cc-8b3b-525427324931", + "prdxrps01app001": "9c824c67-c647-48da-ae21-f6bfbb6c3e02", + "prdxsbl01app002": "b707da86-7937-4b74-bbef-8ec506762339", + "prdxsme61sln004": "bf201207-ea64-4c2f-a41e-63013bbbdac1", + "prdxcup04app001": "cb331f54-97b9-4904-9b26-a81d21c853a7", + "prdxwdc01wdc003": "d8081bec-ed6f-4774-b74e-c8753a364b4c", + "prdxtms10sln018": "dca79039-53b4-47cb-9105-280c785c744f", + "prdxmap01app002": "f2eed36b-b993-4c0f-a48c-816207871989", + "prdxtra01tm002": "03e31555-d369-47f5-82b5-d40e9a7ff5fc", + "prdxsme63sln003": "215ca5e5-f8d3-4b2a-aa8d-c7ddd032fd43", + "prdxcmp25sbc001": "2626168e-0971-4742-bcbd-442ce7ca312f", + "prdxtms10sln002": "28c0ca56-fc5a-4221-a5db-d6069e678488", + "prdxsme56sln005": "28d53f77-27f9-44bd-a85f-df49e595cd1d", + "prdxmes13sln015": "2e988ece-58ac-4581-aa08-d54bf412559a", + "prdxmes26sln014": "36fd2aec-1b9a-4dd4-b897-f3a8cf4a681d", + "prdxows03app001": "3c36fd73-bdbf-4086-88e2-9382dcaf40f7", + "prdxmes26sln005": "4be55e8f-af37-4c58-842b-a5f0fc2b3dc4", + "prdxios02app001": "5f038121-09a0-4f73-ae8f-61ba6750efa7", + "prdxpis21dsm001": "69f7edd3-db12-4178-bef1-b66c14cbe5e9", + "prdxpdm01ptk001": "817dce47-0de7-4b33-b931-26129caf1668", + "prdxsme21sln004": "8e5d714d-f3da-407b-907a-10f6764fbdd4", + "prdxpes21ria003": "933a8ed3-4068-4519-bf2a-6c677e3a10b1", + "prdxops21db003": "93514dd1-e099-4cb7-a2c5-7ce2f7823429", + "prdxmes82sln006": "c404049e-1402-4b77-9905-dd1700c0bfe5", + "prdxsme20sln004": "cdd34658-42f4-4d33-86dc-27f1ef175680", + "prdxmdv01mst001": "07aa379e-fa56-446d-91f7-b6261690f138", + "prdxbbs03app001": "18211093-c9ce-4bb9-83c1-0b40d5643158", + "prdxmes45sln002": "3c14d229-495b-4856-ab9c-db6db27d4c53", + "prdxpdm03rbl001": "405164af-f807-44f7-9100-18fc64072fa2", + "prdxsme64sln005": "4aad921c-9e58-4ac4-a2d0-d7a4e9ab8d78", + "prdxrds03app001": "4df44cd2-e178-4aa4-83a1-37c4f189414e", + "prdxops21ops001": "6da6a569-b213-470f-96b6-62a54c15c381", + "prdxpos01app001": "71a826cc-d3fb-4a45-abcd-20ab5b95298a", + "prdxmes27sln006": "7e966b73-7e51-4131-a549-2d9abe8a8fcc", + "prdxcup02app001": "95d1a0a7-1a51-4796-808b-40efbf4d71dd", + "prdxmes37sln003": "964ea80c-3aba-4813-b7fc-5f0d3f147960", + "prdxmap01app001": "a33d9361-2132-4827-b66a-5b0e36a49655", + "prdxrda03web001": "a85e24d2-b828-46b1-b154-26e439d17ccc", + "prdxscd02el7002": "aae37d9c-e734-4b8a-b4b8-e933643bceb4", + "prdxops21db002": "abc8ca1c-0b8d-4b16-a991-73054842acce", + "prdxcmw24wha002": "ac096d94-bc87-4e5b-98da-1349d2f6f937", + "prdxmdv01mst002": "b308b9e8-5a40-4f4e-bb4a-e644c6a03f5d", + "prdxmes27sln017": "c3a31be2-5917-40c3-b09e-c185070256c0", + "prdxmes36sln004": "d8fada62-c056-4421-ae6e-7eaada6541bb", + "prdxpdm04vwr001": "ea9a6b9d-83e4-4a48-bdc0-d1db085a5ad1", + "prdxpdk21kaf001": "f7488ac9-3fd5-4635-beb2-f87706b11279", + "prdxsme55sln001": "fbcec613-8c4a-4bf8-a56f-ea391c2ca97b", + "prdxpdm01tnk001": "1eb568ef-effc-41a3-bfc7-033a9857c38b", + "prdxpdk21kaf003": "4490be09-47d5-4a3e-b0f9-5400ef44c9eb", + "prdxsfm21sln005": "72259e9b-5259-4c39-8ca9-aa4b5b652f22", + "prdxdri01el7002": "786e2fbd-b764-4ec5-98b9-98e170d5b1f6", + "sc1prdadcextapi01": "7ee0587b-da0d-4f7f-beb1-3efb3ace7a8a", + "prdxdpi02el7003": "8cc66a5f-97de-44b0-b7ee-b7d14c54f9b0", + "prdxwtc03dbn001": "9ced228b-9285-4511-8c9e-57f8acdc6853", + "prdxpdm05tnk001": "b7014af9-6f9e-4791-8757-cf886bf85b90", + "prdxbds22app002": "d0abe135-b607-4c34-a914-d8166fc2ac61", + "prdxrcs01app001": "083cfd30-74f3-42b4-9ad0-fc8f09048ce5", + "prdxtms14sln016": "092d7b5f-9d16-496e-b720-961e4b95fe07", + "prdxmes21mst005": "0cddd2ee-7564-49e2-afbc-e02592676f71", + "prdxrps03app001": "205753dd-dcf1-4dc7-b6d8-636874ec946f", + "prdxhzd22app002": "380a122d-0957-42c0-b862-3a903c275292", + "prdxmes47sln002": "41b95d19-8feb-454f-8b6f-a4eee466df0d", + "prdxsme26sln005": "4d16885d-88c6-4bc3-b33f-a6a6e14b26f2", + "prdxcag02app003": "59ad9461-665a-4eb2-85de-8208ecca31fe", + "prdxrsd01app001": "766593ee-8fa7-493c-8ffa-3f3e98b648ac", + "prdxsmc54sln005": "7dddca13-86b2-4654-8962-21f5eeb652b4", + "prdxpdm01sno001": "806c7be9-523b-43ac-9983-649100f519c6", + "prdxsme51sln005": "85fe425a-aa92-4afa-88fe-fa4e8600e786", + "prdxcag06app004": "8a971522-d2bf-47df-8c83-1e9abdad39ac", + "prdxtra01dm001": "b06ac61d-9f34-4eb7-b215-41b05d6772bc", + "prdxmes37sln004": "b6e5955f-9f09-45ab-83fd-cf3e0e32fd1f", + "prdxsmc51sln002": "babe38b2-9f9e-4e15-a4a6-4ba9466fae1e", + "prdxkaf09zoo001": "cbedd623-34af-4bf1-929e-aee45db61cad", + "prdxsme54sln003": "d301ca95-ff51-4c54-bcaf-a6962963be5e", + "prdxpiz21zoo004": "d6e7b743-5ab4-4615-9ac3-79d5c9ec28cd", + "prdxsme62sln004": "dd1611f7-cac9-4dfd-9239-ce167adc6564", + "prdxtms14sln007": "ec404938-13d2-44bf-a279-1087a2bf64bc", + "prdxtms10sln019": "ee0dbf69-cd78-4f31-88d0-44e148c68346", + "prdxprs02app001": "f067b511-0815-45df-8dee-6c411c480f17", + "prdxsds02ibs001": "f87ff228-7fd9-413a-8d23-6df585dc31c6", + "prdxomc01omc001": "fa1b6b77-a1f7-4100-8627-9115e7f5955c", + "prdxcew21wha001": "fdbd508c-7e28-402d-af13-7cfece4eda44", + "prdxsme51sln003": "2039cbb0-d40e-47f3-a09a-f7fcc4492c66", + "prdxtlv21fnt001": "254d501f-cb03-4c23-ba2d-91741f9eb048", + "prdxpeb21b2b001": "2eb289f1-15d7-48a3-984c-d19a1e889564", + "prdxkaf09brk005": "37715497-f5cd-4671-9151-cca037d9ea93", + "prdxpdk21kaf004": "42e7b2d6-889a-4075-9272-7a698cd04581", + "prdxrgi03app001": "4e5a5957-ee8a-48a7-a1bc-e00b796a8c91", + "prdxwtc03dbs002": "514b3ef1-d78e-4550-9cbe-5c9283c961b3", + "prdxpik21kaf005": "55bf04b6-6079-4ec1-b97e-574c5b5916a3", + "prdxbtb01app001": "5ff5b5d6-b62b-44f2-85aa-20b371ba2461", + "prdxmph01con002": "6629e2f8-ab97-4957-9ded-1ae06bacb24a", + "prdxrgp03app001": "6d694305-94f7-41cd-bd52-3a47ad958967", + "prdxsme55sln002": "78195d1d-d40b-48fc-bda8-b2908343e20c", + "prdxrgp02app001": "7a84ef05-e4b2-49c4-9a56-3f22d8a9efad", + "prdxmes27sln001": "90333c34-78f4-471c-863f-15c0af0e261a", + "prdxria01trd001": "97274e5a-816c-4348-b1d2-f08e05084a6e", + "prdxgit11slv001": "a4c15be9-7eed-452d-87aa-7f91afa4f2d8", + "prdxsme23sln001": "b0b8c4eb-26b2-41ed-8825-bba71eac0e27", + "prdxomt21hzl002": "bcde45a5-c314-4206-b3dc-3c2729bec1a1", + "prdxhed01bf001": "c78e6abb-3f97-4b90-a49c-d449dd70fd06", + "prdxios03app001": "d15e2634-6ece-4e58-bd02-76df36a2a229", + "prdxsme53sln003": "eff974a7-ee1b-4eac-aeca-a968a8c71600", + "prdxmes26sln010": "f4a32c25-7bc8-4c23-bd27-a08b5fe5e4b9", + "prdxsdc06sln003": "fbdf3db6-3711-4f63-99ce-971e40c3c7af", + "prdxsme53sln002": "0b54f632-ba03-43fd-8b54-f2358b92fde3", + "prdxsme54sln004": "16f0ce2a-727d-427a-8d88-3a1e71d6109d", + "prdxpdm03vwr001": "25868e29-b5e1-46b2-b4eb-b62799881c21", + "prdxhzd22app003": "27f7ecba-a8de-4b4f-b22d-d6c59453803e", + "prdxsme52sln002": "343d1b75-cc09-4135-a75a-d497946d4e0e", + "prdxcup03app001": "3d5e805a-bda3-49dd-b739-d647f6b1af25", + "prdxrss01app001": "4448c041-a8cb-43d1-824d-0a9ae970e846", + "prdxria01trd007": "530e9eaa-4555-418d-bece-398924241185", + "prdxmph02con001": "536751b9-f7a4-4d1e-a6b7-df6fc6e89b4c", + "prdxhls02ui001": "6092590a-c560-49cd-8286-d0a4ac5aa7fe", + "prdxrss02app001": "69384280-e10e-41fe-9285-b14acdb5a7d7", + "prdxsmc23sln003": "7287b12e-0f73-4801-89c2-c9b7f44e4766", + "prdxmes13sln009": "9ae11e6a-8872-46ba-af8e-378ce11d3f08", + "prdxhmc02ibs001": "9d98a45c-61e6-47a0-8210-4e6e55fe72e2", + "prdxhed02bm001": "a169017f-8c0f-44bc-a96f-bdf469775b8c", + "prdxhls01app001": "a6fd84b8-1adc-4449-b7f2-c9c5082acf64", + "prdxsmc21sln002": "ae66df70-4c5d-48be-93c8-3ef7172bf67b", + "prdxsmc26sln004": "cfc0ce9a-907a-4ef0-bd68-ff64dc23fddb", + "prdxkaf04brk002": "e28bd879-3d7c-437c-9572-22cad660ea59", + "prdxcup04app002": "f64a7bd3-ec43-471c-bf51-99989d73d128", + "prdxkaf04brk003": "fe25c345-3638-472d-903e-2456187955d1", + "prdxmes21zoo002": "036e3bb5-caac-4e03-a365-c7fa85cc8fa9", + "prdxzae02app002": "10600d8b-0259-4753-9956-792dc14c704a", + "prdxkaf04zoo001": "11afe766-8db9-4d76-8388-ea550dc8e699", + "prdxtms14sln020": "13b2b3c6-5e52-4911-bc26-a0fc359c36e4", + "prdxcml21slc001": "25035bfb-def1-4d27-ad6f-ff3cfaac1222", + "prdxwdc01wdc004": "540a5494-5956-443f-825d-a51f3bc4bf4b", + "prdxomt21kaf002": "542aff4f-c08b-44d0-ba2c-422f7e05e97a", + "prdxsmc22sln004": "5880f94d-2240-4004-89aa-fbcc8b349c6b", + "prdxsbl02app002": "5d9f7cf8-8c5e-41f6-ac78-ed99308fa5b7", + "prdxbtf02app001": "610faf99-1655-4d65-b947-3c7e1a25f8e9", + "prdxtms10sln009": "6497c185-2e22-47ef-b97e-bfddec03a6df", + "prdxhzd21app001": "719a8ae2-a72f-46cc-84d2-4fda7f64768b", + "prdxomt21zoo003": "cb4df9b3-321b-430b-99ce-49368813bee9", + "prdxpms21sln004": "dce36901-f7da-4b33-9ab1-b3a034d9b1b1", + "prdxmes82sln003": "dee16e2d-a8a6-4f3e-88e4-1cc02c151d59", + "prdxmes76sln005": "e500bfd0-5929-40a8-8649-7ba359aa0e71", + "prdxrrq01rmq001": "eb503ceb-1469-490d-89eb-2b37b0c4fd31", + "prdxtwi01twi001": "f8b11617-d89f-4fa0-8533-46a4fdcf4b84", + "prdxcsr21con002": "01f7e943-352f-4db5-a503-a31ac54538e2", + "prdxbbg03app001": "0d58494a-3683-41b6-ab6f-b35f7312a800", + "prdxuwf21app001": "185016ea-3fd9-4079-af65-1517da787291", + "prdxomt21rdm002": "2104aae8-cc1c-4d4b-8e32-1ab70a301c7a", + "prdxhed02bf001": "273f1cb1-332f-4663-8921-c1d1ddc822d2", + "prdxpdm01mts001": "2bc1044d-22c8-4d52-9807-d11287415829", + "prdxsas03app004": "2d5ddfa8-231a-4256-8735-ef03d2a7ebd2", + "prdxomt21eno002": "30bbf08e-13b7-4ceb-99e3-6d26ac60252d", + "prdxabt01ibs001": "3465f911-a575-48d1-9d81-cb7a2ba5e52e", + "prdxmph02con005": "38af916d-acff-4a45-89bf-3af744e30f1b", + "prdxmes26sln011": "3b75e1e4-a6e8-48d2-ab19-58b7d526b8a9", + "prdxrvs02app001": "47d59f91-5116-4613-bad4-b389c7652a3a", + "prdxsas05app003": "4e7062b2-88f0-4512-8a5f-4311ce42637b", + "prdxmes21zoo004": "528eb4db-813b-45a1-a456-ce5b44751da6", + "prdxpho02app001": "53efc92e-6cb0-4008-b5af-89e56554209c", + "prdxmph02con004": "5728a98c-c21d-4ab3-9628-232505fd0ad8", + "prdxbds22app003": "63939cca-70ae-4907-80df-8ab8d92110a1", + "prdxfvs03app001": "675e6691-3881-4c27-99cb-1260534b17db", + "prdxsme64sln004": "7034da00-480d-4e15-9236-43cd1c5085c8", + "prdxcag01app003": "7071ce67-70fd-4b72-a370-c449f0e1f9a8", + "prdxhed01mr001": "80ca09da-fc06-49d1-8693-36e76e7b589f", + "prdxraa01app001": "824ed77a-0f73-42e0-9844-27b9a906639a", + "prdxsds02ibs002": "85592fa3-5257-4239-a9dd-ed96b27a20ea", + "prdxcag04app001": "930ddc11-65cf-4ee1-a973-b73337268e8b", + "prdxprs03app001": "99c4065c-99e3-411b-9aa1-0273565366a0", + "prdxpdm06afb001": "c2834e83-df3c-43a8-a2d7-4610c2553468", + "prdxmes46sln004": "c8304b32-7dfe-4225-87ec-0c31dc122d8a", + "prdxows02app001": "e6479171-11c5-47b1-bad4-a4a6d45880c3", + "prdxfvs02app001": "e89bc80f-7d9b-4975-9144-e6f3f9845a4e", + "prdxsme60sln005": "e9feb4f0-aa62-4a03-babe-954746429fc1", + "prdxshs01app001": "f4ce525b-4ea0-44c9-b417-4dfe89fc1f62", + "prdxmes46sln003": "061ac17d-6624-4089-9219-8fcfbab5fb51", + "prdxcmb21b2b002": "1468c681-f21f-4189-82c1-d2634c39a4ad", + "prdxuwf22app004": "15ef81e3-6c98-4dac-b76a-108d08c25c01", + "prdxtms13sln019": "29d0a750-b708-4366-ace2-4efb2de0224e", + "prdxpis21ria007": "2c07988c-d6ff-419a-b188-fe85710d160c", + "prdxsfm21sln002": "2fc5cc88-9f28-49a4-8aa2-feecad43d476", + "prdxpes21ria007": "44a50c2c-9547-4d20-a6dd-0a1b13598a96", + "prdxpdm02vwr001": "a64ccac4-dd18-4503-a85e-cfe10da2b366", + "prdxmes76sln003": "b8c218d0-43f7-4039-acba-89bc3b8253f4", + "prdxria01trd008": "bacccfad-62ee-40aa-8101-57b44d1b124b", + "prdxjmp28jmp001": "bd5adc37-91e8-42cd-b2b8-6533fd0df480", + "prdxsme22sln002": "cb035219-ac7b-4479-a5b0-1d15c75cd267", + "prdxcag03app004": "ce2234b7-6478-4ef9-b8ec-a30486b75fa9", + "prdxrkf01zoo004": "e3261f79-7056-4455-8d5e-ad5e2c5041f5", + "prdxtlv21bck001": "e524a79f-f157-49f4-bb30-edcda9e0ccce", + "prdxmes86sln001": "e6f8b282-ec93-410d-9ec1-3a94a2db887e", + "prdxsmc25sln005": "eb0b21bf-e628-4fcb-8d0b-24827b3d2bd2", + "prdxsdc22sln001": "ec8f163d-3004-467e-8bd6-0eb1b2ed6f08", + "prdxomt21ria001": "fae49f24-73b5-4444-9355-7199a03cb7cb", + "prdxmes83sln009": "0de26445-0e8d-4e77-9add-39c69bb42a1d", + "prdxmes27sln005": "1e42831d-72d9-45e5-93e4-aae8882f4f97", + "prdxcsr21con005": "2138d04b-068d-4358-aadb-6043b36ffd6c", + "prdxocs02app001": "4fb8f265-043b-4e98-93e4-7041f8e045c9", + "prdxocs01app001": "594449d8-fd67-4809-84da-98664268bf90", + "prdxtrf02img001": "6052a169-db9a-43c9-8b84-9bf5e01ae73e", + "prdxmes90sln001": "6fb87d9d-d82a-4300-b7ce-1205e01516eb", + "prdxzae01app001": "71153d3b-01d0-49aa-9d21-43e1a59d3dd8", + "prdxmes13sln002": "8aff9620-6d01-48f7-82ae-15f2554b5453", + "prdxpdm05vwr001": "99459f2e-b34d-4eb5-9202-b4a56a9c4bd3", + "prdxpdi23dis002": "9e50c5f3-0097-48d9-89b5-6fbe1e5a6b17", + "prdxpdm02tvs001": "a2346c40-a4ee-4a8d-9920-c19e5f7cc088", + "prdxpdm02vwr002": "ab223605-c960-4aea-be5b-969f002ab502", + "prdxsmc23sln001": "d4281b17-aecc-44f9-8879-b36f95b997ee", + "prdxhed01rp001": "dcc21203-7caa-4e38-a632-b385fc7c244d", + "prdxrkf01zoo003": "eeb654e2-c113-4585-811d-531767714777", + "prdxrvs03app001": "f2436f69-1ffa-49af-abf2-cdbc801cf09c" +} diff --git a/vrops-api/approach1.py b/vrops-api/approach1.py new file mode 100644 index 0000000..23bcbe5 --- /dev/null +++ b/vrops-api/approach1.py @@ -0,0 +1,75 @@ +import base64 +import os +import sys + +sys.path.append(os.getcwd()) +from vropsAPI import vropsAPI + + +# Authenticate: +vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'svc_splunkVROPS@Group.WilliamHill.PLC', + 'whgroup', + base64.b64decode(b'UmFjaW5nMjEyMg==').decode(), + verify=False, +) + + +# Get all clusters and store a list of Names: +vrops.getClusters() +vrops.getClusterIdentifiers() +allClustersList = vrops.getKeysList(vrops.allClusters) + + +# Print all these clusters +print(allClustersList) + +# Get all hosts and store a list of Names: +vrops.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01') +vrops.getHostIdentifiers() +allHostsList = vrops.getKeysList(vrops.allHosts) + + +# Print all these hosts +print(allHostsList) + + +# Get all VMs and sore a list of IDs: +vrops.getVMSFromHost(allHostsList) +vrops.getVMSIdentifiers() +allVMSIdList = vrops.getValuesList(vrops.allVMS) + +# Save all VMs to disk +vrops.saveToDisk(vrops.allVMS, indent=4, filePrefix='approach1-vms') + +# Save all VMs:Hosts to disk +vrops.saveToDisk( + vrops.VMSHostsNames, indent=4, filePrefix='approach1-vms_hosts' +) + + +# # Add a single VM to a list to pull back +# myList = [] +# myList.append(allVMSIdList[0]) + + +# Get data for a vm +vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-30), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='5', + rollUpType='AVG', + resourceId=allVMSIdList, + statKey=['cpu|usage_average', 'config|hardware|num_Cpu'], +) + + +# Export the data into readable format +vrops.exportVMData() + +# Save to disk +vrops.saveToDisk( + vrops.export, indent=4, filePrefix='approach1-export', breakLine=True +) diff --git a/vrops-api/approach2-output-example.json b/vrops-api/approach2-output-example.json new file mode 100644 index 0000000..434c855 --- /dev/null +++ b/vrops-api/approach2-output-example.json @@ -0,0 +1,5566 @@ +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 21.224000930786133, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpds21ria002", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 20.054000854492188, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 16.55266761779785, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln014", + "host": "sc1hsesx156.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 15.726666450500488, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 9.478666305541992, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme60sln001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 13.864666938781738, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.9706666469573975, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxems02ui001", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.1226667165756226, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.309999942779541, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.810666561126709, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.4646666049957275, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbbg03app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.303333282470703, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.9133334159851074, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs02app001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.9153332710266113, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.190666675567627, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgs03app001", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.4213333129882812, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 6.071333408355713, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxria01trd002", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.336666584014893, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 59.30933380126953, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mst005", + "host": "sc1hsesx206.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 59.31733322143555, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.4519999027252197, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01mgr001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.448666572570801, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.9453333616256714, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpeb21b2b001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.9819999933242798, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.588000297546387, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme67sln001", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 5.489333152770996, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.7979999780654907, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpiz21zoo002", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.8619999885559082, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.9606666564941406, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02ptk001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.007333278656006, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 19.236665725708008, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "sc1prdadcapi02", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 19.016000747680664, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.9206666946411133, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc54sln001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.8186666369438171, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.7486666440963745, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi01el7003", + "host": "sc1hsesx175.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.731333315372467, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.988666534423828, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsbl02app002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 9.138667106628418, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.2179999351501465, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.7939999103546143, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.690666675567627, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxwel11el7001", + "host": "sc1hsesx149.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.8166666626930237, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.4046666622161865, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln010", + "host": "sc1hsesx138.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.44999998807907104, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 17.498666763305664, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln004", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 16.155332565307617, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 12.624666213989258, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln001", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 12.215999603271484, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.506666660308838, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.446666717529297, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 10.814000129699707, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln019", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 11.012666702270508, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.7713333368301392, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03cri001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.6346666812896729, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.8433333039283752, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln004", + "host": "sc1hsesx203.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.9466666579246521, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.992666721343994, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi02el7003", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.76800012588501, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.902666687965393, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm02afb001", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.7413333654403687, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.201333522796631, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag06app001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.9833333492279053, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.3513333797454834, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.2146666049957275, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdti02el7002", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdti02el7002", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.3366667032241821, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxbtb01app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.1833332777023315, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.5013333559036255, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln008", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.4339999854564667, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.627333402633667, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln004", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.4573333263397217, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.1146667003631592, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst005", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.0119999647140503, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 11.072667121887207, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes27sln015", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 9.781332969665527, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.07800006866455, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con005", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 5.817999839782715, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.9913333058357239, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxuwf21app002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.9706666469573975, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.5826666355133057, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed01ft001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.8033332824707031, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 10.89133358001709, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme62sln004", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 12.487333297729492, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 7.519999980926514, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf002", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 7.414666652679443, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.425333261489868, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria004", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.133333444595337, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 6.931333541870117, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae02app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 6.872666835784912, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.52400016784668, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrrq01rmq003", + "host": "sc1hsesx207.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 9.783333778381348, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.4593333303928375, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01slv004", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.5273333191871643, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.5399999618530273, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrsd02ui001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.3546667098999023, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 6.11133337020874, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpab21b2b002", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 5.613999843597412, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.742000102996826, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.7913334369659424, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 7.447999954223633, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln009", + "host": "sc1hsesx200.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 6.8420000076293945, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.7773332595825195, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme54sln002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.5139999389648438, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.3940000534057617, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc22sln003", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.553999900817871, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.7406666278839111, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd22app003", + "host": "sc1hsesx130.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.7006666660308838, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.9259999990463257, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc21sln003", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.5853333473205566, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 15.812666893005371, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds01ibs001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 15.31933307647705, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.1526665687561035, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcas00db004", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.253333330154419, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 7.767333507537842, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app002", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 7.815999984741211, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.7940000295639038, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln010", + "host": "sc1hsesx136.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.8913333415985107, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 7.7186665534973145, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app003", + "host": "sc1hsesx154.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 7.520666599273682, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.628666639328003, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06cri001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.5099999904632568, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.496000051498413, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03gho001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.619333267211914, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 6.105999946594238, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcmp28sbc001", + "host": "sc1hsesx093.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.700666666030884, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.510000228881836, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdpi03el7001", + "host": "sc1hsesx091.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.456666469573975, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 26.505332946777344, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm04tnk001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 22.970666885375977, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.6073333024978638, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhed02rp001", + "host": "sc1hsesx142.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.7353333234786987, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.153333306312561, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxciw22wha002", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.1986666917800903, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 14.37399959564209, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme24sln003", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 18.262666702270508, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.8693333268165588, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc06sln001", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.7839999794960022, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.496666669845581, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme55sln001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.8926666975021362, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.659999966621399, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxkaf09zoo004", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.8553333282470703, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 11.910666465759277, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 11.444666862487793, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.2239999771118164, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21rdm002", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.1513333320617676, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 62.0186653137207, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dis002", + "host": "sc1hsesx202.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 62.5099983215332, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 15.194666862487793, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsds02ibs001", + "host": "sc1hsesx137.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 15.316666603088379, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 33.59466552734375, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln012", + "host": "sc1hsesx133.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 32.62200164794922, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.768666684627533, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln005", + "host": "sc1hsesx213.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.8619999885559082, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.7339999675750732, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhzd21app001", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.7486666440963745, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.3886666297912598, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsen01amq001", + "host": "sc1hsesx158.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.2760000228881836, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 10.60200023651123, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdk21kaf005", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 10.383333206176758, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.4733333587646484, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrcd03app001", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.4839999675750732, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.886666297912598, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi21dim001", + "host": "sc1hsesx204.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 9.005999565124512, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.8580000400543213, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes14sln011", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.93666672706604, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.43666666746139526, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes47sln003", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.4566666781902313, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.3173333406448364, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsdc22sln003", + "host": "sc1hsesx186.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.30399999022483826, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.7839999794960022, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph02pxy002", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.812666654586792, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.8580000400543213, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes82sln001", + "host": "sc1hsesx185.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.002666711807251, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 16.245332717895508, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme22sln003", + "host": "sc1hsesx135.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 14.029333114624023, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 7.908666610717773, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsas02app004", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 7.881333351135254, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.534000039100647, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm03sno001", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.399999976158142, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.328000068664551, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes21mst001", + "host": "sc1hsesx182.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.30733323097229, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln020", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln020", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln020", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 22.402666091918945, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms14sln020", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 22.04400062561035, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06tvs001", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06tvs001", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06tvs001", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.4186667203903198, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdm06tvs001", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.5493333339691162, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrkf01brk004", + "host": "sc1hsesx212.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrkf01brk004", + "host": "sc1hsesx212.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrkf01brk004", + "host": "sc1hsesx212.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.0866665840148926, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrkf01brk004", + "host": "sc1hsesx212.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.176666736602783, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln008", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln008", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln008", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 30.679332733154297, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln008", + "host": "sc1hsesx208.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 29.5939998626709, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln009", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln009", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln009", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.5473333597183228, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms10sln009", + "host": "sc1hsesx134.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.49133333563804626, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxabt01ibs001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxabt01ibs001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxabt01ibs001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.690666675567627, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxabt01ibs001", + "host": "sc1hsesx144.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.5880000591278076, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01zoo003", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01zoo003", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01zoo003", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.7926666736602783, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmdv01zoo003", + "host": "sc1hsesx139.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.7699999809265137, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21dlg002", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21dlg002", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21dlg002", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.5993333458900452, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21dlg002", + "host": "sc1hsesx150.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.6753333210945129, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtrf02img002", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtrf02img002", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtrf02img002", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.315333366394043, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtrf02img002", + "host": "sc1hsesx090.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.4579999446868896, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxios03app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxios03app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxios03app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.0239999294281006, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxios03app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.305333375930786, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxraa03app001", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxraa03app001", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxraa03app001", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.9773333072662354, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxraa03app001", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.8326666355133057, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi23dis002", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi23dis002", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 12.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi23dis002", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 54.36466598510742, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpdi23dis002", + "host": "sc1hsesx201.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 52.66866683959961, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc55sln005", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc55sln005", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc55sln005", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.909333348274231, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsmc55sln005", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.0153332948684692, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria003", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria003", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria003", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 3.6393332481384277, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpis21ria003", + "host": "sc1hsesx159.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.2986667156219482, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs01app001", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs01app001", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs01app001", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.944000005722046, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxfvs01app001", + "host": "sc1hsesx143.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.9040000438690186, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgp03app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgp03app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgp03app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.7380000352859497, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrgp03app001", + "host": "sc1hsesx211.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.9826666116714478, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdri01el7004", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdri01el7004", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdri01el7004", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.8973333239555359, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdri01el7004", + "host": "sc1hsesx132.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.9393333196640015, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con001", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con001", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con001", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.441333293914795, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmph01con001", + "host": "sc1hsesx155.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.427333354949951, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln018", + "host": "sc1hsesx094.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln018", + "host": "sc1hsesx094.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln018", + "host": "sc1hsesx094.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 11.079333305358887, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes26sln018", + "host": "sc1hsesx094.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 9.96399974822998, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdhc01app001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdhc01app001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdhc01app001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.9839999675750732, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxdhc01app001", + "host": "sc1hsesx148.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.004666566848755, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 6.37066650390625, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcsr21con001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 5.4679999351501465, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrda03web001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrda03web001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrda03web001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.0513333082199097, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrda03web001", + "host": "sc1hsesx131.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.1833332777023315, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln002", + "host": "sc1hsesx153.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln002", + "host": "sc1hsesx153.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln002", + "host": "sc1hsesx153.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 0.8806666731834412, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsfm21sln002", + "host": "sc1hsesx153.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 0.7086666822433472, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag05app001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag05app001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag05app001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.186666488647461, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxcag05app001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 3.7699999809265137, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxseo21srv001", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxseo21srv001", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxseo21srv001", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 1.0959999561309814, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxseo21srv001", + "host": "sc1hsesx187.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 1.0333333015441895, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms73sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms73sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms73sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 7.898666858673096, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms73sln004", + "host": "sc1hsesx160.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 7.104666709899902, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln001", + "host": "sc1hsesx126.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln001", + "host": "sc1hsesx126.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln001", + "host": "sc1hsesx126.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 47.38800048828125, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxtms13sln001", + "host": "sc1hsesx126.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 45.92333221435547, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf003", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf003", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf003", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 7.534666538238525, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxomt21kaf003", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 7.421999931335449, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhmc01ibs001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhmc01ibs001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhmc01ibs001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.5353333950042725, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxhmc01ibs001", + "host": "sc1hsesx157.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.5866665840148926, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpek21kaf005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpek21kaf005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpek21kaf005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 6.033999919891357, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxpek21kaf005", + "host": "sc1hsesx151.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 6.047333240509033, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrac01app001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrac01app001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 2.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrac01app001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 6.2173333168029785, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxrac01app001", + "host": "sc1hsesx095.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 5.992666721343994, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme61sln002", + "host": "sc1hsesx209.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme61sln002", + "host": "sc1hsesx209.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme61sln002", + "host": "sc1hsesx209.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 20.03266716003418, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme61sln002", + "host": "sc1hsesx209.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 14.006667137145996, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln005", + "host": "sc1hsesx162.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln005", + "host": "sc1hsesx162.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln005", + "host": "sc1hsesx162.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.296667098999023, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme23sln005", + "host": "sc1hsesx162.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.12399959564209, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes13sln003", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes13sln003", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes13sln003", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 5.690666675567627, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxmes13sln003", + "host": "sc1hsesx205.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 5.714666843414307, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme26sln002", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme26sln002", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme26sln002", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 10.98799991607666, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxsme26sln002", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 6.451333522796631, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app002", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app002", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 8.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app002", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112559999, + "value": 6.603333473205566, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} +{ + "name": "prdxzae01app002", + "host": "sc1hsesx145.prod.williamhill.plc", + "cluster": "SC1PRCONTXWHCUXCCL01", + "timestamp": 1572112859999, + "value": 6.492000102996826, + "statKey": "cpu|usage_average", + "rollUpType": "AVG", + "intervalQuantifier": 5, + "intervalType": "MINUTES" +} diff --git a/vrops-api/approach2.py b/vrops-api/approach2.py new file mode 100644 index 0000000..31eb173 --- /dev/null +++ b/vrops-api/approach2.py @@ -0,0 +1,62 @@ +import base64 +import json +import os +import sys + +sys.path.append(os.getcwd()) +from vropsAPI import vropsAPI + + +# Authenticate: +vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'svc_splunkVROPS@Group.WilliamHill.PLC', + 'whgroup', + base64.b64decode(b'UmFjaW5nMjEyMg==').decode(), + verify=False, +) + + +# Load VM dict +with open('approach1-vms-example.json', 'r') as vms: + vrops.allVMS = json.load(vms) + + +# Get list of these VMS +allVMSIdList = vrops.getValuesList(vrops.allVMS) + +# Load VM_Host dict +with open('approach1-vms_hosts-example.json', 'r') as vmsHosts: + vrops.VMSHostsNames = json.load(vmsHosts) + + +# Set the cluster +vrops.chosenCluster = 'SC1PRCONTXWHCUXCCL01' + + +# # Add a single VM to a list to pull back (can add more VMs to this list if +# # needed) +# myList = [] +# myList.append(list(vrops.allVMS.values())[100]) + + +# Get data for a vm +vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-30), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='1', + rollUpType='AVG', + resourceId=allVMSIdList, + statKey=['rescpu|actav1_latest'], +) + + +# Export the data into readable format +vrops.exportVMData() + + +# Save to disk +vrops.saveToDisk( + vrops.export, indent=4, filePrefix='approach2-export', breakLine=True +) diff --git a/vrops-api/readme.md b/vrops-api/readme.md new file mode 100644 index 0000000..0ad93f4 --- /dev/null +++ b/vrops-api/readme.md @@ -0,0 +1,677 @@ +# VROPS API Module + +_Author: Daniel Tomlinson_ + +_Team: Capacity & Monitoring_ + +_Date: October 2019_ + + +See example.py for an example of the following methods. + +**Requires**: python version 3.6+ + +For any bugs create a gitlab issue and give a description of the error and sample code where necessary. + +**To jump right in, clone the repo, install the dependencies and run `approach1.py` and `approach2.py` for a quick and easy demonstration.** + +If you need VROPS api attributes (rollUpTypes, statKeys etc.) follow the links in [Get stats for VMs](#get-stats-for-vms). + + +
+ + + +- [Requirements](#requirements) +- [Modules](#modules) +- [Workflow](#workflow) + * [Get stats for every VM in a cluster](#get-stats-for-every-vm-in-a-cluster) + + [Approach 1: If you **do not** have a dictionary of name:id pairs for all VMs in a cluster.](#approach-1-if-you-do-not-have-a-dictionary-of-nameid-pairs-for-all-vms-in-a-cluster) + + [Approach 2: If you have a dictionary of name:id pairs for all VMs from a previous run.](#approach-2-if-you-have-a-dictionary-of-nameid-pairs-for-all-vms-from-a-previous-run) + * [Usage](#usage) + + [Authenticate](#authenticate) + + [Get all clusters](#get-all-clusters) + - [Pull back clusters](#pull-back-clusters) + - [Convert to list](#convert-to-list) + + [Get all hosts](#get-all-hosts) + - [Pull back hosts](#pull-back-hosts) + - [Convert to list](#convert-to-list-1) + + [Get VMs](#get-vms) + - [Pull back VMs](#pull-back-vms) + - [Convert to list](#convert-to-list-2) + - [Save VM dictionary as json for import](#save-vm-dictionary-as-json-for-import) + - [Load saved dictionary and import](#load-saved-dictionary-and-import) + - [Load VM information](#load-vm-information) + - [Set the VM dictionary](#set-the-vm-dictionary) + + [Get stats for VMs](#get-stats-for-vms) + - [Get results](#get-results) + - [Save results to json file on disk](#save-results-to-json-file-on-disk) + + [Get epoch time](#get-epoch-time) + - [Get epoch time now](#get-epoch-time-now) + - [Get epoch time relative to another tie](#get-epoch-time-relative-to-another-tie) + + + +
+ +## Requirements + +See requirements.txt and install to a virtualenv + +```bash +python3 -m venv vrops-api +source vrops-api/bin/activate +pip install -r requirements.txt +``` + +## Modules + +The current working directory has to be added to the system path for python to import a custom module. + +```python +import sys +import os +sys.path.append(os.getcwd()) +from vropsAPI import vropsAPI +``` + +## Workflow + +The following documents how you can use the module to do common tasks with the VROPs api. We cover pulling VM metrics for each VM in a **cluster.** + + +### Get stats for every VM in a cluster + +To pull back data from VMs you need two things: + +1. A dictionary containing the name:id pairs for each VM. +2. A list of these id's to pass to the api call. + +Step 1 is optional, but without it you won't have the name of the VM when you query the API. + +The following approaches document how to use this module to accomplish this. + +There are two approaches to do this using this module. + +- The first approach is if you don't have a dictionary containing the name:id pairs for all VMs in the cluster. **Do this if you haven't run the script before.** +- The second approach can skip a lot of the steps and jump straight to querying the api using this dictonary of the name:id pairs from an earlier run. **Do this if you've saved the dictionary from a previous run.** + +#### Approach 1: If you **do not** have a dictionary of name:id pairs for all VMs in a cluster. + +*see ```approach1.py``` for an example of these steps* + +1. Authenticate a session with VROPS api. - [Authenticate](#authenticate) +2. Get all cluster names and choose the one you require. - [Get all clusters](#get-all-clusters) +3. Get all hosts in this cluster + store these **names in a list**. - [Get all hosts](#get-all-hosts) +4. Get all VMs under these hosts and store the **names and id's in a dictionary.** - [Get VMs](#get-vms) +5. *(Optional) Dump this dictionary in a json file to be reused for future runs.* - [Save VM dictionary as json for import](#save-vm-dictionary-as-json-for-import) +6. Get data for these VMs by passing in a list of VM **id's.** - [Get stats for VMs](#get-stats-for-vms) +7. Save output to json. - [Save results to json file on disk](#save-results-to-json-file-on-disk) + +#### Approach 2: If you have a dictionary of name:id pairs for all VMs from a previous run. + +*see ```approach2.py``` for an example of these steps* + +1. Authenticate a session with VROPS api. - [Authenticate](#authenticate) +2. Load this dictionary from a json file, and update the module's dictionary. - [Load saved dictionary and import](#load-saved-dictionary-and-import) +3. Get data for these VMs by passing in a list of VM **id's.** - [Get stats for VMs](#get-stats-for-vms) +4. Save output to json. - [Save results to json file on disk](#save-results-to-json-file-on-disk) + +
+ +### Usage + +#### Authenticate + +Authenticates a session with VROPs and generates a token. + +Definition: + +```python +@classmethod +def authenticate( + cls, + vropsURL: str, + username: str, + authSource: str, + password: str, + verify: bool = True, +): + ... + return cls(vropsURL, authToken, verify) +``` + +Example: + +```python +vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'svc_splunkVROPS@Group.WilliamHill.PLC', + 'whgroup', + base64.b64decode(b'UmFjaW5nMjEyMg==').decode(), + verify=False, +) +``` + +#### Get all clusters + +##### Pull back clusters + +To get all clusters you need to do the following two methods: ```vropsAPI.getClusters()``` and ```vropsAPI.getClusterIdentifiers()``` + +You can then use the ```vropsAPI.getKeysList()``` method to get a list of names without the ids. + +Definition: + +```python +def getClusters(self): + ... + return(self) +``` +```python +def getClusterIdentifiers(self): + ... + return(self) +``` + +Example: + +```python +vropsAPI.getClusters() +vropsAPI.getClusterIdentifiers() +``` + +```python +print(vropsAPI.allClusters) +``` + +Attributes created: +- `vropsAPI.allClusters` - A dictionary containing the name:id pairs of all clusters. + +Output: + +```json +{ + "SC1PRINNOGEUXCCL01": "00276144-2eda-4f2b-9660-fa9f9cf3cd82", + "BRSDRGEUX01": "037f8d5e-01d5-411b-afdc-c25868f04a27", + "BRSDRCTXWN01": "05c2ba9a-d6d4-47aa-8fe5-855b40364625", + "LD6-BRS-Hosts": "0612327c-d637-4e95-8782-97c97d1e99ed", + "BRSPRPCMGEUXCCL01": "08b7d0fb-92ee-4cd9-ba7d-96f21965d7a4", + "LD6DRGEUX01": "84f052a8-8aed-4efb-8c39-8bce0f4a3c54" +} +``` + +##### Convert to list + +Optionally you can convert this to a list of names with + +```python +allClustersList = vropsAPI.getKeysList(vropsAPI.allClusters) +print(allClustersList) +``` + +Output: + +```python +[ + "SC1PRINNOGEUXCCL01", + "BRSDRGEUX01", + "BRSDRCTXWN01", + "LD6-BRS-Hosts", + "BRSPRPCMGEUXCCL01", + "LD6DRGEUX01" +] +``` + +
+ +#### Get all hosts + +##### Pull back hosts + +To get all hosts for cluster ```SC1PRCONTXWHCUXCCL01``` you need to use the following two methods `getHostsFromCluster()` and `getHostIdentifiers()`: + +Definition: + +```python +def getHostsFromCluster(self, cluster='SC1PRCONTXWHCUXCCL01'): + ... + return(self) +``` + +```python +def getHostIdentifiers(self): + ... + return(self) +``` + +Attributes created: +- `vropsAPI.allHosts`. - A dictionary containing the name:ID pairs for all hosts. + +Example: + +```python +vropsAPI.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01') +vropsAPI.getHostIdentifiers() +``` + +```python +print(vropsAPI.allHosts) +``` + +Output: + +``` +{ + "sc1hsesx156.prod.williamhill.plc": "15b3ea0c-9f62-4fc2-93b8-d4281196043e", + "sc1hsesx187.prod.williamhill.plc": "18ecb9d5-842f-4a4b-b43b-f8bbcdd54775", + "sc1hsesx148.prod.williamhill.plc": "1bdf892a-121e-461e-8ef7-8dd174c4c01a", + "sc1hsesx155.prod.williamhill.plc": "1ef01a7b-9e61-40b7-8d72-78363352fbfc" +} +``` + +##### Convert to list + +You can convert this to a list of names with: + +```python +allHostsList = vropsAPI.getKeysList(vropsAPI.allHosts) +print(allHostsList) +``` + +Output: + +```python +[ + "sc1hsesx156.prod.williamhill.plc", + "sc1hsesx187.prod.williamhill.plc", + "sc1hsesx148.prod.williamhill.plc", + "sc1hsesx155.prod.williamhill.plc", + "sc1hsesx093.prod.williamhill.plc" +] +``` + +
+ +#### Get VMs + +##### Pull back VMs + +To get all VMs for a single host or a list of hosts (all hosts from a cluster) you need to use the following two methods `getVMSFromHost()` and `getVMSIdentifiers()`: + +Defintion: + +```python + def getVMSFromHost(self, host: Union(str, list)): + ... + return self +``` + +```python + def getVMSIdentifiers(self): + ... + return self +``` + +Attributes created: +- `vropsAPI.allVMS` - A dictionary containing the name:ID pairs for all VMs. +- `vropsAPI.totalVMS` - An integer showing the total number of VMs. + +Example (pulling back all VMs for all hosts in a cluster: + +```python +vropsAPI.getVMSFromHost(allHostsList) +vropsAPI.getVMSIdentifiers() + +``` + +Print total number of VMs + +```python +print(vropsAPI.totalVMS) +``` + +Print VM IDs and names + +```python +print(vropsAPI.allVMS) +``` + +Output: + +```python +OrderedDict( + [ + ('prdxinf21box001', '0981bfe1-b6ba-4a62-bfcc-39892fd038c6'), + ('prdxcmr21ssb001', '3017e298-67e8-4a5f-bf10-f8c903e3d75f'), + ('prdxtms14sln014', '35c5a694-2361-44dd-9e5e-893cea16119d'), + ('prdxtms10sln014', '3b76b4b1-76b3-4fa7-a032-6448a60eded5'), + ('prdxria01trd003', '458c11be-88ba-4301-aa32-3b748c92a47b') + ] +) +``` + +##### Convert to list + +**You will need a list of IDs, not names, to pull back data from the API** + +You can convert this to a list of names with + +```python +allVMSList = vropsAPI.getKeysList(vropsAPI.allVMS) +``` + +You can convert this to a list of IDs with + +```python +allVMSIdList = vropsAPI.getValuesList(vropsAPI.allVMS) +``` + +##### Save VM dictionary as json for import + +You can save this dictionary of VM names:ids for import in future runs. + +```python +vropsAPI.saveToDisk(vropsAPI.allVMS, indent=4, filePrefix='vm-export') +``` + +##### Load saved dictionary and import + +You can do the following if you already have a list of VMs for the cluster/hosts in question. This means you can import, and go straight to importing metrics, rather than querying the API for clusters/hosts each time. + + +Assuming file on disk is: + +`vm-export-21-10-2019_09-12-53.json` + +##### Load VM information + +Load this .json into python as a dictionary + +```python +import json +with open('vm-export-21-10-2019_09-12-53.json', 'r') as file: + myFile = json.load(file) +``` + +##### Set the VM dictionary + +```python +vropsAPI.allVMS = myFile +``` + +You should see + +``` +Successfully imported the dictionary. +``` + +You now have the results from a previous run added to your instance. + + +
+ +#### Get stats for VMs + +Uses post to pull back data from VROPs for a list of VMs + +VROPs needs epoch time in ms format without the decimal (e.g 1571607237000) + +You can use the following to pull data back for VMs: + +Definition: + +```python +def getStatsFromVMS( + self, + begin: int, + end: int, + intervalType: str, + intervalQuantifier: str, + rollUpType: str, + resourceId: list, + statKey: Union[str, list], +): + ... + return self +``` + +Attributes: + +- Attributes: + - begin: epoch time for start + - end: epoch time for end + - intervalType: `` [see documentation](https://sc1prapvro01/suite-api/docs/rest/models.html#repr-1190589417) + - intervalQuantifier: int + - rollUpType: `` [see documentation](https://sc1prapvro01/suite-api/-docs/rest/models.html#repr-1735704374) + - resourceId: list of vrops resourceIds (**not Names!**) + - statKey: list containing vrops StatKey metrics [see documentation](https://docs.vmware.com/en/vRealize-Operations-Manager/6.7/com.vmware.vcom.metrics.doc/GUID-1322F5A4-DA1D-481F-BBEA-99B228E96AF2.html) + +##### Get results + +Give 5 min avg for CPU usage % and number of cores assigned for past 10 minutes. + +*for relative time go back 11 minutes to ensure we have a complete 10 minute interval.* + +**You need to pass in a list for resourceId. If you have a single VM this should be a list with one entry only.** + +Example, passing in allVMSIdList from before: + +```python +vropsAPI.getStatsFromVMS( + begin=vropsAPI.epochRelativeTime(vropsAPI.epochNow, minutes=-11), + end=vropsAPI.epochNow, + intervalType='MINUTES', + intervalQuantifier='5', + rollUpType='AVG', + resourceId=list(allVMSIdList), + statKey=['cpu|usage_average', 'config|hardware|num_Cpu'], +) +``` + +Attributes returned: + +- `vropsAPI.allVMS` - A string containing the raw output from the VROPS api. You should use the method `vropsAPI.exportVMData()` for a more workable format. + +Output: + +prdxmes21zoo004 has 2 vCPUs and an average CPU utilisation of 1.2% for the past 10 minutes. + +```json +{ + "values": [ + { + "name": "prdxmes21zoo004", + "resourceId": "528eb4db-813b-45a1-a456-ce5b44751da6", + "stat-list": { + "stat": [ + { + "timestamps": [ + 1571608439999, + 1571608739999 + ], + "statKey": { + "key": "config|hardware|num_Cpu" + }, + "rollUpType": "AVG", + "intervalUnit": { + "quantifier": 5, + "intervalType": "MINUTES" + }, + "data": [ + 2.0, + 2.0 + ] + }, + { + "timestamps": [ + 1571608439999, + 1571608739999 + ], + "statKey": { + "key": "cpu|usage_average" + }, + "rollUpType": "AVG", + "intervalUnit": { + "quantifier": 5, + "intervalType": "MINUTES" + }, + "data": [ + 1.218666672706604, + 1.2406666278839111 + ] + } + ] + } + } + ] +} +``` + +##### Save results to json file on disk + +To save results to disk you should use `vropsAPI.exportVMData()` then use `vropsAPI.saveToDisk()`. + +The method `vropsAPI.exportVMData()` will format the raw output from VROPS and create the attribute `vropsAPI.export` which is a list that contains a json formatted string for each datapoint you requested. You can pass this list to ```vropsAPI.saveToDisk(breakLine=True)``` **(you should include `breakLine=True`)** which will save each item as a json formatted dictionary. + +Definition: + +```python +def exportVMData(self): + ... + return self +``` + +Attributes returned: + +- `vropsAPI.export` - A python list where each entry is a json string containing the dictionary representation for each datapoint requested. + + +Example: + +```python +vropsAPI.exportVMData() +vropsAPI.saveToDisk( + vropsAPI.export, indent=4, filePrefix='SC1PRCONTXWHCUXCCL01', breakLine = True +) +``` + +Output: + +```json +{ + "name": "prdxmes14sln010", + "timestamp": 1571841899999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalUnit": 5 +} +{ + "name": "prdxmes14sln010", + "timestamp": 1571842199999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalUnit": 5 +} +{ + "name": "prdxmes14sln010", + "timestamp": 1571842499999, + "value": 4.0, + "statKey": "config|hardware|num_Cpu", + "rollUpType": "AVG", + "intervalUnit": 5 +} +``` + +
+ +#### Get epoch time + +The following method is built in to provide easy generation of epoch times. This functions similar to Splunks relative_time and time snapping. + +##### Get epoch time now + +- `vropsAPI.epochNow` - The following attribute is available instance wide to get the current time in Epoch correctly formatted for the API. + + + +##### Get epoch time relative to another tie + +Get epoch time relative to another time: +1. Can go back N hours/minutes etc. +2. Can set the hour/minute etc. to a specified value (snapping) + +Definition: + +```python +def epochRelativeTime( + epochTime: int, + year: int = datetime.now().year, + month: int = datetime.now().month, + day: int = datetime.now().day, + hour: int = datetime.now().hour, + minute: int = datetime.now().minute, + second: int = datetime.now().second, + years: int = 0, + months: int = 0, + days: int = 0, + hours: int = 0, + minutes: int = 0, + seconds: int = 0, +) -> int: + ... + return relativeTime +``` + +Attributes: + +``` +**kwargs: + epochTime: epoch time for start + + year: int = datetime.now().year # set year + month: int = datetime.now().month # set month + day: int = datetime.now().day # set day + hour: int = datetime.now().hour # set hour + minute: int = datetime.now().minute # set minute + second: int = datetime.now().second # set second + + years: int = 0 # go back/forward N years + months: int = 0 # go back/forward N months + days: int = 0 # go back/forward N days + hours: int = 0 # go back/forward N hours + minutes: int = 0 # go back/forward N minutes + seconds: int = 0 # go back/forward N seconds +``` + +Examples: + +Get epoch 5 minutes ago. + +```python +vropsAPI.epochRelativeTime(vropsAPI.epochNow, minutes=-5) +``` + +Get epoch at start of current hour. +```python +vropsAPI.epochRelativeTime( + vropsAPI.epochNow, + hour=0, + minute=0, + second=0, +) +``` + +Get epoch 1 week ago at start of day. +```python +vropsAPI.epochRelativeTime( + vropsAPI.epochNow, + days=-7 + hour=0, + minute=0, + second=0, +) +``` +
diff --git a/vrops-api/requirements.txt b/vrops-api/requirements.txt new file mode 100644 index 0000000..e792347 --- /dev/null +++ b/vrops-api/requirements.txt @@ -0,0 +1,7 @@ +certifi==2019.9.11 +chardet==3.0.4 +idna==2.8 +python-dateutil==2.8.0 +requests==2.22.0 +six==1.12.0 +urllib3==1.25.6 diff --git a/vrops-api/test.py b/vrops-api/test.py new file mode 100644 index 0000000..2daaeff --- /dev/null +++ b/vrops-api/test.py @@ -0,0 +1,75 @@ +import base64 +import os +import sys + +sys.path.append(os.getcwd()) +from vropsAPI import vropsAPI + + +# Authenticate: +vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'svc_splunkVROPS@Group.WilliamHill.PLC', + 'whgroup', + base64.b64decode(b'UmFjaW5nMjEyMg==').decode(), + verify=False, +) + + +# Get all clusters and store a list of Names: +vrops.getClusters() +vrops.getClusterIdentifiers() +allClustersList = vrops.getKeysList(vrops.allClusters) + + +# Print all these clusters +print(allClustersList) + +# Get all hosts and store a list of Names: +vrops.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01') +vrops.getHostIdentifiers() +allHostsList = vrops.getKeysList(vrops.allHosts) + + +# Print all these hosts +print(allHostsList) + + +# Get all VMs and sore a list of IDs: +vrops.getVMSFromHost(allHostsList) +vrops.getVMSIdentifiers() +allVMSIdList = vrops.getValuesList(vrops.allVMS) + +# Save all VMs to disk +vrops.saveToDisk(vrops.allVMS, indent=4, filePrefix='approach1-vms') + +# Save all VMs:Hosts to disk +vrops.saveToDisk( + vrops.VMSHostsNames, indent=4, filePrefix='approach1-vms_hosts' +) + + +# # Add a single VM to a list to pull back +# myList = [] +# myList.append(allVMSIdList[0]) + + +# Get data for a vm +vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-30), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='1', + rollUpType='AVG', + resourceId=allVMSIdList, + statKey=['rescpu|actav1_latest'], +) + + +# Export the data into readable format +vrops.exportVMData() + +# Save to disk +vrops.saveToDisk( + vrops.export, indent=4, filePrefix='approach1-export', breakLine=True +) diff --git a/vrops-api/testingOutput.py b/vrops-api/testingOutput.py new file mode 100644 index 0000000..652a135 --- /dev/null +++ b/vrops-api/testingOutput.py @@ -0,0 +1,64 @@ +import base64 +import json +import os +import sys + +sys.path.append(os.getcwd()) +from vropsAPI import vropsAPI + + +# Authenticate: +vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'svc_splunkVROPS@Group.WilliamHill.PLC', + 'whgroup', + base64.b64decode(b'UmFjaW5nMjEyMg==').decode(), + verify=False, +) + + +# Load VM dict +with open('approach1-vms-example.json', 'r') as vms: + vrops.allVMS = json.load(vms) + + +# Get list of these VMS +allVMSIdList = vrops.getValuesList(vrops.allVMS) + +# Load VM_Host dict +with open('approach1-vms_hosts-example.json', 'r') as vmsHosts: + vrops.VMSHostsNames = json.load(vmsHosts) + + +# Set the cluster +vrops.chosenCluster = 'SC1PRCONTXWHCUXCCL01' + + +# # Add a single VM to a list to pull back (can add more VMs to this list if +# # needed) +# myList = [] +# myList.append(list(vrops.allVMS.values())[100]) + + +# Get data for a vm +vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-30), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='1', + rollUpType='AVG', + resourceId=allVMSIdList, + statKey=['rescpu|actav1_latest'], +) + + +# Export the data into readable format +vrops.exportVMData() + + +print(vrops.export) + +# Save to disk +vrops.saveToDisk( + vrops.export, indent=4, filePrefix='approach2-export', breakLine=True +) diff --git a/vrops-api/vropsAPI.py b/vrops-api/vropsAPI.py new file mode 100644 index 0000000..04dac93 --- /dev/null +++ b/vrops-api/vropsAPI.py @@ -0,0 +1,661 @@ +import requests +import json +import warnings +from typing import Union +import copy +from datetime import datetime +from dateutil.relativedelta import relativedelta +import os +import math +import time +from collections import OrderedDict +import re + + +warnings.filterwarnings('ignore') + + +class vropsAPI(object): + """Module for the vropsAPI for Capacity Management: + Author: Daniel Tomlinson + Team: Capacity & Monitoring + Date: October 2019 + + VROPS documentation: https://sc1prapvro01/suite-api/docs/rest/ + index.html + StatKeys for VMS: + https://docs.vmware.com/en/vRealize-Operations-Manager/6.7/com.vmware.vcom.metrics.doc/GUID-1322F5A4-DA1D-481F-BBEA-99B228E96AF2.html + + Usage + ----- + Authenticate a session: + vrops = vropsAPI.authenticate( + 'https://sc1prapvro01/', + 'username', + 'authSource', + 'password', + verify=False, + ) + + + Get all clusters: + Query VROPS for available clusters: + vrops.getClusters() + vrops.getClusterIdentifiers() + + Get dict of all cluster IDs and cluster names: + allClustersDict = vrops.allClusters + + Get list of all cluster names: + allClustersList = vrops.getList(vrops.allClusters) + + + Get all hosts: + Query VROPS for available hosts: + From a single cluster: + vrops.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01') + vrops.getHostIdentifiers() + From a list of clusters: + + + Get dict of all host IDs and host names: + allHostsDisct =vrops.allHosts + + Get list of host names: + allHostsList = vrops.getList(vrops.allHosts) + + + Get all VMs: + Query VROPS for available VMs: + For a single host: + vrops.getVMSFromHost('sc1hsesx148.prod.williamhill.plc') + vrops.getVMSIdentifiers() + + For a list of hosts: + vrops.getVMSFromHost(allHostsList) + vrops.getVMSIdentifiers() + + Get dict of all VM IDs and VM names: + allVMSDict = vrops.allVMS + + Get list of all VMs: + allVMSList = vrops.getList(vrops.allVMS) + + + Get epoch time relative to another time: + Similar to Splunks relative_time command: + 1. Can go back N hours/minutes etc. + 2. Can set the hour/minute etc. to a specified value (snapping) + + vrops.epochRelativeTime(epochTime, **kwargs) + + **kwargs: + epochTime: int - start time + + year: int = datetime.now().year # set year + month: int = datetime.now().month # set month + day: int = datetime.now().day # set day + hour: int = datetime.now().hour # set hour + minute: int = datetime.now().minute # set minute + second: int = datetime.now().second # set second + + years: int = 0 # go back/forward N years + months: int = 0 # go back/forward N months + days: int = 0 # go back/forward N days + hours: int = 0 # go back/forward N hours + minutes: int = 0 # go back/forward N minutes + seconds: int = 0 # go back/forward N seconds + Usage: + + Get epoch 5 minutes ago: + vrops.epochRelativeTime(vrops.epochNow, minutes=-5) + + Get epoch at start of current hour: + vrops.epochRelativeTime( + vrops.epochNow, + hour=0, + minute=0, + second=0, + ) + + Get epoch 1 week ago at start of day: + vrops.epochRelativeTime( + vrops.epochNow, + days=-7 + hour=0, + minute=0, + second=0, + ) + + + Get stats from VMs: + Pull back results: + Last 30 minutes, 5 minute intervals, average + for CPU average and ready %: + + vrops.getStatsFromVMS( + begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-30), + end=vrops.epochNow, + intervalType='MINUTES', + intervalQuantifier='5', + rollUpType='AVG', + resourceId=list(vrops.allVMS.values()), + statKey=['cpu|usage_average', 'cpu|readyPct'], + ) + + Attributes: + intervalType: (see + https://sc1prapvro01/suite-api/docs/rest/ + models.html#repr-1190589417) + + intervalQuantifier: int + + rollUpType: (see: + https://sc1prapvro01/suite-api/ + docs/rest/models.html#repr-1735704374) + + resourceId: string or list of vrops resourceIds (not names) + + statKey: vrops api metrics (see https://docs.vmware.com/en/ + vRealize-Operations-Manager/6.7/com.vmware.vcom.metrics.doc/ + GUID-1322F5A4-DA1D-481F-BBEA-99B228E96AF2.html) + + + Print results: + for i in range(0, vrops.totalVMS): + print(vrops.vmsResources['values'][i]) + + Save to disk as json: + vrops.saveToDisk(vrops.vmsResources) + + + Attributes + ---------- + vropsURL: str + URL of the VROPS instance + "https://sc1prapvro01/" + + """ + + defaultHeaders = { + 'Accept': 'application/json', + 'Content-Type': 'application/json', + 'Cache-Control': 'no-cache', + 'Accept-Encoding': 'gzip, deflate', + 'Connection': 'keep-alive', + 'cache-control': 'no-cache', + } + + def __init__(self, vropsURL: str, authToken: str, verify: bool = True): + super(vropsAPI, self).__init__() + self.vropsURL = vropsURL + self.authToken = authToken + self.verify = verify + self.headers = vropsAPI.defaultHeaders + self.headers['Authorization'] = f'vRealizeOpsToken {self.authToken}' + + @classmethod + def authenticate( + cls, + vropsURL: str, + username: str, + authSource: str, + password: str, + verify: bool = True, + ): + vropsURLauth = vropsAPI.getVropsURL(vropsURL, 'authenticationURL') + payload = {} + for key, value in zip( + ['username', 'authSource', 'password'], + [username, authSource, password], + ): + payload[key] = value + authToken = vropsAPI.getAuthenticationToken( + vropsURLauth, payload, verify + ) + return cls(vropsURL, authToken, verify) + + @staticmethod + def getVropsURL(vropsURL: str, endpointKey: str) -> str: + endpoints = { + 'authenticationURL': 'suite-api/api/auth/token/acquire', + 'resourcesURL': 'suite-api/api/resources', + 'statsURL': 'suite-api/api/resources/stats/query', + } + if endpoints[endpointKey] not in vropsURL: + if vropsURL[-1] != '/': + vropsURL = vropsURL + '/' + vropsURL = vropsURL + endpoints[endpointKey] + else: + vropsURL = vropsURL + endpoints[endpointKey] + return vropsURL + + @staticmethod + def pythonToJSON(pythonObject: any, indent=4) -> str: + return json.dumps(pythonObject, indent=indent) + + @staticmethod + def jsonToPython(jsonObject: str) -> any: + return json.loads(jsonObject) + + @staticmethod + def getAuthenticationToken( + vropsURL: str, payload: dict, verify=True + ) -> str: + + payload = vropsAPI.pythonToJSON(payload) + vropsURL = vropsAPI.getVropsURL(vropsURL, 'authenticationURL') + response = requests.request( + 'POST', + vropsURL, + data=payload, + headers=vropsAPI.defaultHeaders, + verify=verify, + ) + print(response) + authToken = vropsAPI.jsonToPython(response.text)['token'] + return authToken + + @staticmethod + def getIdentifiers( + identifierDict: dict, + vropsJSON: dict, + length: int, + resourceKindKey: str, + ) -> dict: + for i in range(0, length): + if ( + vropsJSON['resourceList'][i]['resourceKey']['resourceKindKey'] + == resourceKindKey + ): + identifierDict[ + vropsJSON['resourceList'][i]['resourceKey']['name'] + ] = vropsJSON['resourceList'][i]['identifier'] + else: + pass + return identifierDict + + @staticmethod + def getKeysList(pythonDict: dict) -> list: + pythonList = [] + for i in pythonDict.keys(): + pythonList.append(i) + return pythonList + + @staticmethod + def getValuesList(pythonDict: dict) -> list: + pythonList = [] + for i in pythonDict.values(): + pythonList.append(i) + return pythonList + + @staticmethod + def epochRelativeTime( + epochTime: int, + year: int = datetime.now().year, + month: int = datetime.now().month, + day: int = datetime.now().day, + hour: int = datetime.now().hour, + minute: int = datetime.now().minute, + second: int = datetime.now().second, + years: int = 0, + months: int = 0, + days: int = 0, + hours: int = 0, + minutes: int = 0, + seconds: int = 0, + ) -> int: + delta = relativedelta( + year=year, + month=month, + day=day, + hour=hour, + minute=minute, + second=second, + years=years, + months=months, + days=days, + hours=hours, + minutes=minutes, + seconds=seconds, + ) + if len(str(epochTime)) >= 12: + epochTime /= 1000 + relativeTime = datetime.fromtimestamp(epochTime) + delta + relativeTime = math.ceil(relativeTime.timestamp() * 1000) + return relativeTime + + def getClusters(self): + queryString = {'resourceKind': 'ClusterComputeResource'} + vropsURL = vropsAPI.getVropsURL(self.vropsURL, 'resourcesURL') + response = requests.request( + "GET", + vropsURL, + headers=self.headers, + params=queryString, + verify=self.verify, + ) + print(response) + self._clusterResources = vropsAPI.jsonToPython(response.text) + return self + + def getClusterIdentifiers(self): + self.totalClusters = len(self._clusterResources['resourceList']) + self.allClusters = {} + self.getIdentifiers( + self.allClusters, + self._clusterResources, + self.totalClusters, + 'ClusterComputeResource', + ) + return self + + def getHostsFromCluster(self, cluster='SC1PRCONTXWHCUXCCL01'): + self.cluster = cluster + url = ( + f'{self.vropsURL}/suite-api/api/resources/' + f'{self.allClusters[cluster]}/relationships' + ) + self.chosenCluster = cluster + response = requests.request( + "GET", url, headers=self.headers, verify=self.verify + ) + print(response) + self._hostResources = vropsAPI.jsonToPython(response.text) + return self + + def getHostIdentifiers(self): + self.totalHosts = len(self._hostResources['resourceList']) + self.allHosts = {} + self.getIdentifiers( + self.allHosts, self._hostResources, self.totalHosts, 'HostSystem' + ) + return self + + def getVMSFromHost(self, host: Union[str, list]): + if isinstance(host, list): + self.vmType = 'list' + self._vmsResourcesRelationships = [] + self.urlList = [] + response = [] + for item in host: + self.urlList.append( + ( + f'{self.vropsURL}suite-api/api/resources/' + f'{self.allHosts[item]}/relationships' + ) + ) + for urlItem in self.urlList: + response.append( + requests.request( + 'GET', + urlItem, + headers=self.headers, + verify=self.verify, + ) + ) + print(response) + for i in range(0, len(response)): + self._vmsResourcesRelationships.append( + vropsAPI.jsonToPython(response[i].text) + ) + if isinstance(host, str): + hostToList = [] + hostToList.append(host) + print(hostToList) + return self.getVMSFromHost(host=hostToList) + return self + + def _getHostInformation(self, i: int, j: int): + pattern = r'(?:.*resources\/)([^\/]+)' + vm = self._vmsResourcesRelationships[i]['resourceList'][j][ + 'resourceKey' + ]['name'] + host = self.urlList[i] + match = re.findall(pattern, host) + for key, value in self.allHosts.items(): + if match[0] == value: + self.VMSHostsNames[vm] = key + return self + + def getVMSIdentifiers(self): + self.VMSHostsNames = {} + self.allVMS = OrderedDict() + if self.vmType == 'list': + self.countVMS = [] + self.countVMSFiltered = [] + for i in range(0, len(self._vmsResourcesRelationships)): + counter = 0 + for j in range( + 0, len(self._vmsResourcesRelationships[i]['resourceList']) + ): + if ( + self._vmsResourcesRelationships[i]['resourceList'][j][ + 'resourceKey' + ]['resourceKindKey'] + ) == 'VirtualMachine': + counter += 1 + self._getHostInformation(i, j) + self.countVMS.append( + len(self._vmsResourcesRelationships[i]['resourceList']) + ) + self.countVMSFiltered.append(counter) + for i in range(0, len(self._vmsResourcesRelationships)): + self.getIdentifiers( + self.allVMS, + self._vmsResourcesRelationships[i], + self.countVMS[i], + 'VirtualMachine', + ) + if self.vmType == 'string': + counter = 0 + self.countVMS = len( + self._vmsResourcesRelationships['resourceList'] + ) + for j in range(0, self.countVMS): + if ( + self._vmsResourcesRelationships['resourceList'][j][ + 'resourceKey' + ]['resourceKindKey'] + ) == 'VirtualMachine': + counter += 1 + self.countVMSFiltered = counter + self.getIdentifiers( + self.allVMS, + self._vmsResourcesRelationships, + self.countVMS, + 'VirtualMachine', + ) + return self + + def getStatsFromVMS( + self, + begin: int, + end: int, + intervalType: str, + intervalQuantifier: str, + rollUpType: str, + resourceId: list, + statKey: Union[str, list], + ): + argList = copy.deepcopy(locals()) + del argList['self'] + vropsURL = self.getVropsURL(self.vropsURL, 'statsURL') + payload = self.pythonToJSON(argList, indent=0) + response = requests.request( + 'POST', + vropsURL, + headers=self.headers, + data=payload, + verify=self.verify, + ) + # print(response.text) + # raise Exception + self._vmsResources = OrderedDict(self.jsonToPython(response.text)) + for key, value in self.allVMS.items(): + for i in range(0, len(self._vmsResources['values'])): + if self._vmsResources['values'][i]['resourceId'] == value: + self._vmsResources['values'][i] = OrderedDict( + self._vmsResources['values'][i] + ) + self._vmsResources['values'][i]['name'] = key + self._vmsResources['values'][i][ + 'host' + ] = self.VMSHostsNames[key] + self._vmsResources['values'][i][ + 'cluster' + ] = self.chosenCluster + for item in ['cluster', 'host', 'name']: + self._vmsResources['values'][i].move_to_end( + item, last=False + ) + return self + + @staticmethod + def saveToDisk( + pythonObject: any, + path: str = os.getcwd(), + filePrefix: str = '', + type: str = 'json', + indent: int = 4, + breakLine: bool = False, + ) -> None: + timeNow = datetime.now().strftime('%d-%m-%Y_%H-%M-%S') + fileName = f'{path}/{filePrefix}-{timeNow}.json' + if breakLine: + if not isinstance(pythonObject, list): + raise TypeError( + 'You must pass a list when using' ' breakLine=True' + ) + else: + with open(fileName, 'a+') as outputFile: + try: + outputFile.write( + json.dump( + pythonObject, outputFile, indent=indent + ) + ) + except TypeError: + pass + else: + with open(fileName, 'w+') as outputFile: + json.dump(pythonObject, outputFile, indent=indent) + + def exportVMData(self): + self.export = [] + loopLength = len(self._vmsResources['values']) + for i in range(0, loopLength): + statKeyLength = len( + self._vmsResources['values'][i]['stat-list']['stat'] + ) + timeLength = len( + self._vmsResources['values'][i]['stat-list']['stat'][0][ + 'timestamps' + ] + ) + for k in range(0, statKeyLength): + for j in range(0, timeLength): + self.export.append( + { + 'name': self._vmsResources['values'][i][ + 'name' + ], + 'host': self._vmsResources['values'][i][ + 'host' + ], + 'cluster': self.chosenCluster, + 'timestamp': str(self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][0]['timestamps'][j]), + 'value': str(self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['data'][j]), + 'statKey': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['statKey']['key'], + 'rollUpType': self._vmsResources['values'][i][ + 'stat-list' + ]['stat'][k]['rollUpType'], + 'intervalQuantifier': str(self._vmsResources[ + 'values' + ][i]['stat-list']['stat'][k]['intervalUnit'][ + 'quantifier' + ]), + 'intervalType': str(self._vmsResources['values'][ + i + ]['stat-list']['stat'][0]['intervalUnit'][ + 'intervalType' + ]), + } + ) + return self + + @property + def totalVMS(self): + if isinstance(self.countVMSFiltered, list): + self.__totalVMS = sum(self.countVMSFiltered) + elif isinstance(self.countVMSFiltered, int): + self.__totalVMS = self.countVMSFiltered + return self.__totalVMS + + @property + def epochNow(self): + self.__epochNow = math.ceil(time.time() * 1000) + return self.__epochNow + + @property + def epochToday(self): + now = datetime.now() + self.__epochtoday = now + relativedelta(hour=0, minute=0, second=0) + self.__epochToday = math.ceil(time.time() * 1000) + return self.__epochToday + + @property + def allVMS(self): + return self.__allVMS + + @allVMS.setter + def allVMS(self, allVMS): + if not isinstance(allVMS, dict): + raise TypeError( + 'You must pass a dictionary with a key of the name' + f' and a value of the VROPS ID, not {type(allVMS)}.' + ) + else: + pass + self.__allVMS = allVMS + print('Successfully imported the dictionary.') + return self.__allVMS + + @property + def VMSHostsNames(self): + return self.__VMSHostsNames + + @VMSHostsNames.setter + def VMSHostsNames(self, VMSHostsNames): + if not isinstance(VMSHostsNames, dict): + raise TypeError( + 'You must pass a dictionary with a key of the name' + f' and a value of the VROPS ID, not {type(VMSHostsNames)}.' + ) + else: + pass + self.__VMSHostsNames = VMSHostsNames + print('Successfully imported the dictionary.') + return self.__VMSHostsNames + + @property + def chosenCluster(self): + return self.__chosenCluster + + @chosenCluster.setter + def chosenCluster(self, chosenCluster): + if not isinstance(chosenCluster, str): + raise TypeError( + 'You must pass a dictionary with a key of the name' + f' and a value of the VROPS ID, not {type(chosenCluster)}.' + ) + else: + pass + self.__chosenCluster = chosenCluster + return self.__chosenCluster diff --git a/vrops-api/workbooks/.ipynb_checkpoints/Untitled-checkpoint.ipynb b/vrops-api/workbooks/.ipynb_checkpoints/Untitled-checkpoint.ipynb new file mode 100644 index 0000000..2fd6442 --- /dev/null +++ b/vrops-api/workbooks/.ipynb_checkpoints/Untitled-checkpoint.ipynb @@ -0,0 +1,6 @@ +{ + "cells": [], + "metadata": {}, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/vrops-api/workbooks/Untitled.ipynb b/vrops-api/workbooks/Untitled.ipynb new file mode 100644 index 0000000..cb87792 --- /dev/null +++ b/vrops-api/workbooks/Untitled.ipynb @@ -0,0 +1,316 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "import sys\n", + "\n", + "workingDir = '/Users/dtomlinson/OneDrive - William Hill Organisation Limited/Mac/projects/vrops-api'\n", + "sys.path.append(workingDir)\n", + "\n", + "import json\n", + "import base64\n", + "from vropsAPI import vropsAPI" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n" + ] + } + ], + "source": [ + "vrops = vropsAPI.authenticate(\n", + " 'https://sc1prapvro01/',\n", + " 'svc_splunkVROPS@Group.WilliamHill.PLC',\n", + " 'whgroup',\n", + " base64.b64decode(b'UmFjaW5nMjEyMg==').decode(),\n", + " verify=False,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n" + ] + } + ], + "source": [ + "vrops.getClusters()\n", + "vrops.getClusterIdentifiers()\n", + "allClustersList = vrops.getKeysList(vrops.allClusters)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['SC1PRINNOGEUXCCL01',\n", + " 'BRSDRGEUX01',\n", + " 'BRSDRCTXWN01',\n", + " 'LD6-BRS-Hosts',\n", + " 'BRSPRPCMGEUXCCL01',\n", + " 'LD6DRGEUX01',\n", + " 'BRSPRRTRGEWNCCL01',\n", + " 'BRSPRTSRGEUXCCL01',\n", + " 'LD6PTWHCUX01',\n", + " 'Cluster-2',\n", + " 'BRSPRDVOGEUXCCL01',\n", + " 'SC1PRPCM01',\n", + " 'SC1PRGEWN01',\n", + " 'Performance-Test-Cluster',\n", + " 'NJ2PRGE01',\n", + " 'BRSPRCTXGEWNCCL01',\n", + " 'SC1PRRETWN01',\n", + " 'SC1PRMGMT01',\n", + " 'BRSPRPCM01',\n", + " 'AutoDeployHosts',\n", + " 'GIBPRCONTXWHCUXCCL01',\n", + " 'AutoDeployHosts-DVS',\n", + " 'STJPRGEUX01',\n", + " 'Cluster-1',\n", + " 'SC1PRGEUX01',\n", + " 'LD6PTGEUX01',\n", + " 'MNLPRGE01',\n", + " 'BRSPRSPLGEUXCCL01',\n", + " 'LD6PTGEWN01',\n", + " 'BRSTSRGEWN01',\n", + " 'BRSPRCONTXWHCUXCCL01',\n", + " 'BRSDRRETWN01',\n", + " 'BRSPRMGMT01',\n", + " 'BRSDVGEUX01',\n", + " 'BRSTSGEWN01',\n", + " 'BRSPRDROGEWNCCL01',\n", + " 'BRSDRGEWN01',\n", + " 'BRSPRTSOGEUXCCL01',\n", + " 'GIBACITEST',\n", + " 'LD6DRGEWN01',\n", + " 'SC1PRCTXWN01',\n", + " 'GIBPRGEWN01',\n", + " 'STJPRSHGEUXCCL01',\n", + " 'GIBPRSPUX01',\n", + " 'LD6PRMGMT01',\n", + " 'SC1PRSPLGEUXCCL01',\n", + " 'SC1PRCONTXWHCUXCCL01',\n", + " 'GIBPRMGMT01',\n", + " 'SOFPRGE01',\n", + " 'LD6DRWHCUX01',\n", + " 'BRSPRTSRGEWNCCL01',\n", + " 'BRSPRSHGEMGMTPRC01',\n", + " 'GIBPRGEUX01',\n", + " 'INDPRGE01',\n", + " 'KRAPRGE01',\n", + " 'BRSPRDRRGEWNCCL01',\n", + " 'BRSPRDROGEUXCCL01',\n", + " 'BRSPRTSOGEWNCCL01',\n", + " 'WV1PRGE01',\n", + " 'BRSTSGEUX01']" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "allClustersList" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n" + ] + } + ], + "source": [ + "vrops.getHostsFromCluster(cluster='SC1PRCONTXWHCUXCCL01')\n", + "vrops.getHostIdentifiers()\n", + "allHostsList = vrops.getKeysList(vrops.allHosts)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['sc1hsesx156.prod.williamhill.plc',\n", + " 'sc1hsesx187.prod.williamhill.plc',\n", + " 'sc1hsesx148.prod.williamhill.plc',\n", + " 'sc1hsesx155.prod.williamhill.plc',\n", + " 'sc1hsesx214.prod.williamhill.plc',\n", + " 'sc1hsesx093.prod.williamhill.plc',\n", + " 'sc1hsesx145.prod.williamhill.plc',\n", + " 'sc1hsesx150.prod.williamhill.plc',\n", + " 'sc1hsesx136.prod.williamhill.plc',\n", + " 'sc1hsesx209.prod.williamhill.plc',\n", + " 'sc1hsesx212.prod.williamhill.plc',\n", + " 'sc1hsesx175.prod.williamhill.plc',\n", + " 'sc1hsesx162.prod.williamhill.plc',\n", + " 'sc1hsesx158.prod.williamhill.plc',\n", + " 'sc1hsesx140.prod.williamhill.plc',\n", + " 'sc1hsesx126.prod.williamhill.plc',\n", + " 'sc1hsesx142.prod.williamhill.plc',\n", + " 'sc1hsesx208.prod.williamhill.plc',\n", + " 'sc1hsesx202.prod.williamhill.plc',\n", + " 'sc1hsesx204.prod.williamhill.plc',\n", + " 'sc1hsesx182.prod.williamhill.plc',\n", + " 'sc1hsesx127.prod.williamhill.plc',\n", + " 'sc1hsesx133.prod.williamhill.plc',\n", + " 'sc1hsesx152.prod.williamhill.plc',\n", + " 'sc1hsesx185.prod.williamhill.plc',\n", + " 'sc1hsesx154.prod.williamhill.plc',\n", + " 'sc1hsesx121.prod.williamhill.plc',\n", + " 'sc1hsesx205.prod.williamhill.plc',\n", + " 'sc1hsesx135.prod.williamhill.plc',\n", + " 'sc1hsesx138.prod.williamhill.plc',\n", + " 'sc1hsesx159.prod.williamhill.plc',\n", + " 'sc1hsesx149.prod.williamhill.plc',\n", + " 'sc1hsesx147.prod.williamhill.plc',\n", + " 'sc1hsesx091.prod.williamhill.plc',\n", + " 'sc1hsesx161.prod.williamhill.plc',\n", + " 'sc1hsesx146.prod.williamhill.plc',\n", + " 'sc1hsesx203.prod.williamhill.plc',\n", + " 'sc1hsesx143.prod.williamhill.plc',\n", + " 'sc1hsesx132.prod.williamhill.plc',\n", + " 'sc1hsesx157.prod.williamhill.plc',\n", + " 'sc1hsesx139.prod.williamhill.plc',\n", + " 'sc1hsesx160.prod.williamhill.plc',\n", + " 'sc1hsesx120.prod.williamhill.plc',\n", + " 'sc1hsesx207.prod.williamhill.plc',\n", + " 'sc1hsesx095.prod.williamhill.plc',\n", + " 'sc1hsesx151.prod.williamhill.plc',\n", + " 'sc1hsesx200.prod.williamhill.plc',\n", + " 'sc1hsesx092.prod.williamhill.plc',\n", + " 'sc1hsesx094.prod.williamhill.plc',\n", + " 'sc1hsesx186.prod.williamhill.plc',\n", + " 'sc1hsesx090.prod.williamhill.plc',\n", + " 'sc1hsesx206.prod.williamhill.plc',\n", + " 'sc1hsesx210.prod.williamhill.plc',\n", + " 'sc1hsesx141.prod.williamhill.plc',\n", + " 'sc1hsesx131.prod.williamhill.plc',\n", + " 'sc1hsesx213.prod.williamhill.plc',\n", + " 'sc1hsesx137.prod.williamhill.plc',\n", + " 'sc1hsesx211.prod.williamhill.plc',\n", + " 'sc1hsesx130.prod.williamhill.plc',\n", + " 'sc1hsesx134.prod.williamhill.plc',\n", + " 'sc1hsesx144.prod.williamhill.plc',\n", + " 'sc1hsesx153.prod.williamhill.plc',\n", + " 'sc1hsesx201.prod.williamhill.plc']" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "allHostsList" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "Successfully imported the dictionary.\n", + "\n" + ] + } + ], + "source": [ + "for host in allHostsList:\n", + " vrops.getVMSFromHost(host)\n", + " vrops.getVMSIdentifiers()\n", + " allVMSIdList = vrops.getValuesList(vrops.allVMS)\n", + " allVMSNameList = vrops.getKeysList(vrops.allVMS)\n", + " \n", + " vrops.getStatsFromVMS(\n", + " begin=vrops.epochRelativeTime(vrops.epochNow, minutes=-11),\n", + " end=vrops.epochNow,\n", + " intervalType='MINUTES',\n", + " intervalQuantifier='5',\n", + " rollUpType='AVG',\n", + " resourceId=allVMSIdList,\n", + " statKey=['cpu|usage_average', 'config|hardware|num_Cpu'],\n", + " )\n", + " \n", + " vrops.exportVMData()\n", + "\n", + " vrops.export\n", + " break" + ] + }, + { + "cell_type": "raw", + "metadata": {}, + "source": [ + "print(vrops.export)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +}